#Plan of action: Preform all the visualization from what I did in attempt 1; take that info and then ultimately reduce
#the dimensions from the original review based on positive, negative and negation (not) words... Lemmatize that and
#then run machine learning on that option...
#Packages needed in this file:
#To interact with the operating system
import os
# To create and manipulate dfs
import pandas as pd
#To create a wordcloud/graphs
import numpy as np
from wordcloud import WordCloud, ImageColorGenerator
from PIL import Image
import matplotlib as mpl
import matplotlib.pyplot as plt
from matplotlib import cm
from colorspacious import cspace_converter
import seaborn as sns
#Allows for randomization, you can set a seed to have reproducable results
import random
#from PIL import Image
from PIL import ImageFilter
import numpy as np
#Allows for several values for the same dictionary key
import multidict
#To get a count of words (used in the term_frequency)
from collections import Counter
#To process text using nltk (remove stopwords, lemmatize, tokenize...)
from nltk.corpus import stopwords
import nltk
from nltk.stem import WordNetLemmatizer
#Porter stemmer
from nltk.stem.porter import PorterStemmer
from nltk.tokenize import word_tokenize, RegexpTokenizer
from nltk.sentiment.vader import SentimentIntensityAnalyzer
#A new option to nltk: SPACY
# import spacy
# from spacy.lang.en import English
#To make the items you print look nicer and more readable
#To make things look nicer when I print them
from pprint import pprint
#To perform machine learning in Naive Bayes I need to import the following packages
from sklearn.model_selection import train_test_split
# To model the Gaussian Navie Bayes classifier
from sklearn.naive_bayes import GaussianNB
# To calculate the accuracy score of the model
from sklearn.metrics import accuracy_score
#confusion matrix
from sklearn.metrics import confusion_matrix, classification_report
#Functions that will be used in the file:
#Function 1:
#What the function does: to be creating a list of reviews, then joining the reviews together to a string and
#getting a count for each word in the string
#Input: df and column
#Output: a dictionary with each word and the count of the word
def creating_freq_list_from_df_to_dict(df, column):
reviews = df[column].tolist()
review_string = " ".join(reviews)
review_string = review_string.split()
review_dict = Counter(review_string)
return review_dict
#Function 2:
#What the function does: creates a word cloud that is in the shape of the mask passed in
#Input: the location where the mask image is saved, the frequency word dictionary, and the max # of words to include
#and the title of the plot
def create_word_cloud_with_mask(path_of_mask_image, dictionary,
max_num_words, title):
mask = np.array(Image.open(path_of_mask_image))
#creating the word cloud
word_cloud = WordCloud(background_color = "white",
max_words = max_num_words,
mask = mask, max_font_size = 125,
random_state = 1006)
word_cloud.generate_from_frequencies(dictionary)
#creating the coloring for the word cloud
image_colors = ImageColorGenerator(mask)
plt.figure(figsize = [8,8])
plt.imshow(word_cloud.recolor(color_func = image_colors),
interpolation = "bilinear")
plt.title(title)
sns.set_context("poster")
plt.axis("off")
return plt
#Function 3:
#What the function does: creates a df with two columns: word and count of the top 12 words
#Input: the word frequency dictionary
#Output: a df with the top 12 words
def word_freq_dict_to_df_top_words(dictionary, number_of_words_wanted):
df = pd.DataFrame.from_dict(dictionary,orient='index')
df.columns = ["count"]
df["word"] = df.index
df.reset_index(drop = True, inplace = True)
df.sort_values(by=["count"], ascending = False, inplace = True)
df = df[:number_of_words_wanted]
return(df)
#Function 4:
#What the function does: creates a bar graph
#Input: the df and title of the graph
#Output: the bar graph
def top_words_bar_plot(df, title):
graph = sns.barplot(y = "count", x = "word", data = df,
palette = "GnBu_d")
sns.set_context("talk")
plt.title(title)
plt.xlabel("Word")
plt.ylabel("Count")
sns.set_context("talk")
plt.xticks(rotation = 90)
return plt
#Function 5:
#What the function does: creates a df with two columns: word and count
#Input: the word frequency dictionary
#Output: a df
def word_freq_dict_to_df_all_words(dictionary):
df = pd.DataFrame.from_dict(dictionary,orient='index')
df.columns = ["count"]
df["word"] = df.index
df.reset_index(drop = True, inplace = True)
df.sort_values(by=["count"], ascending = False, inplace = True)
return(df)
#Function 6:
#What the function does: Returns 2 statements: One with the total number of words and the other with the number
#of unique words
#Input: the frequency count dictionary
#output: 2 statements
def total_words_unique_words(dictionary):
eda_reviews_all_words = word_freq_dict_to_df_all_words(dictionary)
print("The total number of words is", sum(eda_reviews_all_words["count"]))
print("The total number of unique words is", len(dictionary))
#Function 7: removing stopwords
#What the function does: Removes stopwords
#Input: the item that you want to remove stopwords in
#Output: the same item type back with the stopwords removed.
def stop_word_removal(item_that_you_want_to_remove_stopwords_in):
removed_stopwords = []
stop_words = stopwords.words("english")
for word in item_that_you_want_to_remove_stopwords_in:
if word in stop_words:
continue
if word not in stop_words:
removed_stopwords.append(word)
return(removed_stopwords)
#Function 8:
#What the function does: It takes the tokens from the df and joins it into a string, then replaces the "," with a space
#Input: the df and column to be changed
#Output: the data untokenized
def getting_data_ready_for_freq(df, column):
df[column] = df[column].apply(",".join)
df[column] = df[column].str.replace(",", " ")
return(df[column])
#Function 9:
#What the function does: It uses the Porter stemmer to stem each word in the column
#Input: the item that you want to be stemmed
#Output: the same item type back with the words stemmed
def stem_fun(item_that_you_want_to_be_stemmed):
stemmer = PorterStemmer()
stemmed = [stemmer.stem(token) for token in item_that_you_want_to_be_stemmed]
return(stemmed)
#Function 10:
#What the function does: It lemmatizes the data without using pos, meaning that it will not be as efficient
#Input: item to be lemmatized (the column)
#Output: the column lemmatized
def lemma_func(item_to_lemmatize):
lemmatizer = WordNetLemmatizer()
lemmatized_review = []
for token in item_to_lemmatize:
word = lemmatizer.lemmatize(token)
lemmatized_review.append(word)
return lemmatized_review
#Function 11:
#What the function does: Creates bigrams from a tokenized column in a dataframe
#Input: the column that you want to create a ngram with
#Output: a list of ngrams
def creating_ngrams(item_to_be_ngrammed, number_of_ngram):
# zip function helps generate ngrams
ngrams = zip(*[item_to_be_ngrammed[i:] for i in range(number_of_ngram)])
# Concatentate the tokens into ngrams and return
return ["_".join(ngram) for ngram in ngrams]
#Function 12:
#What the function does: Create a bag of words from a column in a df...
#Input: df and column to be transformed
#Output: A list of dictionaries for each row in the df that contains the word as a key and the count as the value
def bag_of_words(df, column_to_be_bagged):
bag_of_words = []
from collections import Counter
for word in df[column_to_be_bagged]:
bag_of_words.append(Counter(word))
return bag_of_words
#Function 13:
#What the function does: Takes the bag of words and makes it into a giant sparse matrix df, with 0s where nas are
#Input: bag of words
#Output: Giant df with the words as column names and counts as row entries
def bow_to_df(bag_of_words):
df = pd.DataFrame.from_records(bag_of_words)
df = df.fillna(0).astype(int)
return(df)
#Function 14:
#What the function does: Takes the words in a column and uses the SentimentInstensityAnalyzer from nltk and
#gets the sentiment score for every word in the column. If the word has a sentiment
#score greater than or equal to .3 (max is 1) or less than or equal to -.3 (-1 is min)
#the word is added to the keep_words list if not the word will be removed.
def pos_neg_words(column):
sid = SentimentIntensityAnalyzer()
keep_words = []
for word in column:
if (sid.polarity_scores(word)['compound']) >= 0.1:
keep_words.append(word)
elif (sid.polarity_scores(word)['compound']) <= -0.1:
keep_words.append(word)
elif word == "not":
keep_words.append(word)
else:
continue
return keep_words
#Function 15:
#What the function does: It normalizing the df by getting the sum of each row and then dividing every entry by
#the sum, resulting in the percentage make-up of each word
#Input: dataframe to be normalized
#Output: normalized dataframe
def normalize_df(df):
names = df.columns
df["total"] = df.sum(axis = 1)
for name in names:
df[name] = df[name]/df["total"]
return(df)
#Function 16:
#What the function does: Creates a confusion matrix graph
#Input: the confusion matrix, accuracy_label, and type of df
#Output: Confusion matrix graph
def confusion_matrix_graph (cm, accuracy_label, type_of_df):
g = plt.figure(figsize=(8, 8))
g = sns.heatmap(cm, annot=True, fmt=".3f", linewidths=.5, square = True, cmap = 'Blues_r', cbar = False);
g = plt.ylabel('Actual');
g = plt.xlabel('Predicted');
g = all_sample_title = type_of_df +' Accuracy Score: {0}'.format(round(accuracy_label, 4))
g = plt.title(all_sample_title, size = 12);
return(g)
#Reading in the data
movies = pd.read_csv("data//moviereviewRAW.csv")
#Taking a quick look at the df
movies.head()
text | reviewclass | Unnamed: 2 | Unnamed: 3 | Unnamed: 4 | Unnamed: 5 | Unnamed: 6 | Unnamed: 7 | Unnamed: 8 | Unnamed: 9 | ... | Unnamed: 168 | Unnamed: 169 | Unnamed: 170 | Unnamed: 171 | Unnamed: 172 | Unnamed: 173 | Unnamed: 174 | Unnamed: 175 | Unnamed: 176 | Unnamed: 177 | |
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
0 | 'plot : two teen couples go to a church party | drink and then drive . \nthey get into an acc... | but his girlfriend continues to see him in he... | and has nightmares . \nwhat\'s the deal ? \nw... | but presents it in a very bad package . \nwhi... | since i generally applaud films which attempt... | mess with your head and such ( lost highway &... | but there are good and bad ways of making all... | and these folks just didn\'t snag this one co... | but executed it terribly . \nso what are the ... | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
1 | 'the happy bastard\'s quick movie review \ndam... | virus still feels very empty | like a movie going for all flash and no subst... | we don\'t know the origin of what took over t... | and | of course | we don\'t know why donald sutherland is stumb... | it\'s just \" hey | let\'s chase these people around with some ro... | even from the likes of curtis . \nyou\'re mor... | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
2 | 'it is movies like these that make a jaded mov... | the mod squad tells the tale of three reforme... | things go wrong as evidence gets stolen and t... | the ads make it seem like so much more . \nqu... | cool music | claire dane\'s nice hair and cute outfits | car chases | stuff blowing up | and the like . \nsounds like a cool movie | does it not ? \nafter the first fifteen minutes | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
3 | ' \" quest for camelot \" is warner bros . \' ... | fully-animated attempt to steal clout from di... | but the mouse has no reason to be worried . \... | if flawed | 20th century fox production \" anastasia | \" but disney\'s \" hercules | \" with its lively cast and colorful palate | had her beat hands-down when it came time to ... | it\'s no contest | as \" quest for camelot \" is pretty much dea... | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
4 | 'synopsis : a mentally unstable man undergoing... | a fledgling restauranteur . \nunsuccessfully ... | he takes pictures of her and kills a number o... | both theatrical and direct-to-video . \ntheir... | no big name stars ) and serve as vehicles to ... | he\'s rejected rather quickly ( the psycho ty... | ex-wife | or ex-husband ) . \nother than that | stalked is just another redundant entry doome... | though that is what it sets out to do . \nint... | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
5 rows × 178 columns
print(movies.shape)
(2000, 178)
#Okay, I need to figure out how to combine all the columns into 1 column
movies["review"] = movies[movies.columns[0:]].apply(lambda row: ' '.join(row.dropna().astype(str)), axis =1)
print(movies.shape)
(2000, 179)
#Creating a new data frame with only the review column in it...
movies_clean = pd.DataFrame(movies["review"])
#Looking at the first couple of rows to make sure we only have 1 column for each review
movies_clean.head()
review | |
---|---|
0 | 'plot : two teen couples go to a church party ... |
1 | 'the happy bastard\'s quick movie review \ndam... |
2 | 'it is movies like these that make a jaded mov... |
3 | ' \" quest for camelot \" is warner bros . \' ... |
4 | 'synopsis : a mentally unstable man undergoing... |
print(movies_clean.shape)
(2000, 1)
#new issue is that we need to extract the rating which is the last 3 characters for each review
movies_clean["label"] = movies_clean["review"].str[-3:]
#Checking to make sure that it worked
movies_clean.head()
review | label | |
---|---|---|
0 | 'plot : two teen couples go to a church party ... | neg |
1 | 'the happy bastard\'s quick movie review \ndam... | neg |
2 | 'it is movies like these that make a jaded mov... | neg |
3 | ' \" quest for camelot \" is warner bros . \' ... | neg |
4 | 'synopsis : a mentally unstable man undergoing... | neg |
print(movies_clean.shape)
(2000, 2)
#Now I need to remove the last three characters from the review column as it contains the label
movies_clean["review"] = movies_clean["review"].str[:-3]
#Looking to see the number of positive and negative reviews in the dataframe
movies_clean.label.value_counts()
#There are 1000 reviews that are positive and 1000 reviews that are negative
pos 1000 neg 1000 Name: label, dtype: int64
#EDA the movie reviews
#First, I need to make the reviews all one big string. The first step in this is taking the review column and turning
#it into a list
review_dict = creating_freq_list_from_df_to_dict(movies_clean, "review")
print(review_dict)
Counter({'the': 68199, '.': 65876, 'a': 37078, 'and': 33723, 'of': 33694, 'to': 31466, 'is': 25014, 'in': 19943, '\\"': 17612, 'that': 14765, ')': 11781, '(': 11664, 'it': 10509, 'as': 10401, 'with': 10393, 'for': 9409, 'his': 9008, 'film': 8842, 'this': 7919, '\\nthe': 7810, 'on': 6974, 'are': 6904, 'but': 6798, 'he': 6190, 'be': 6051, 'by': 6033, 'an': 5607, 'i': 5488, 'movie': 5417, 'who': 5304, 'not': 5190, 'one': 5008, 'was': 4903, 'have': 4869, 'from': 4819, 'has': 4704, 'at': 4582, 'her': 4321, 'you': 4038, 'all': 3961, '?': 3771, 'they': 3627, 'about': 3500, 'out': 3419, 'like': 3384, 'more': 3278, 'so': 3128, 'which': 3098, 'up': 3084, ':': 3042, 'their': 2973, 'or': 2958, 'just': 2764, 'some': 2759, 'him': 2628, 'into': 2609, 'what': 2596, 'when': 2519, 'than': 2435, 'only': 2395, "it\\'s": 2391, 'good': 2287, 'time': 2270, 'its': 2207, 'can': 2204, 'she': 2195, 'even': 2184, 'no': 2163, 'most': 2123, 'will': 2117, 'story': 2106, 'been': 2045, 'if': 2033, 'would': 2022, "\\n'": 2000, 'much': 1951, 'we': 1925, '\\ni': 1903, 'character': 1895, 'get': 1889, 'there': 1880, 'them': 1873, 'other': 1853, ';': 1850, 'very': 1843, 'do': 1830, 'characters': 1800, '\\nbut': 1778, '\\n': 1769, 'two': 1759, 'also': 1753, '\\nit': 1743, '!': 1713, 'see': 1679, 'way': 1661, 'first': 1657, '\\nand': 1617, '\\nthis': 1595, 'because': 1581, '\\nin': 1579, 'make': 1576, 'really': 1537, 'does': 1526, 'any': 1525, 'had': 1522, 'films': 1499, 'too': 1494, 'little': 1442, 'life': 1440, 'where': 1417, 'off': 1416, '\\nhe': 1416, 'well': 1400, 'me': 1395, 'plot': 1385, 'people': 1384, 'could': 1381, 'scene': 1370, 'bad': 1354, 'how': 1342, '-': 1331, 'never': 1329, 'being': 1308, 'after': 1301, 'best': 1285, 'over': 1278, "\\nit\\'s": 1277, 'new': 1264, "doesn\\'t": 1262, 'man': 1251, 'scenes': 1242, 'my': 1242, 'were': 1212, 'know': 1200, 'many': 1183, 'such': 1170, 'then': 1158, 'movies': 1151, 'through': 1142, 'great': 1125, '--': 1122, 'these': 1109, 'while': 1108, "don\\'t": 1103, 'love': 1079, 'us': 1062, 'action': 1054, '*': 1054, 'go': 1046, 'end': 1042, 'seems': 1029, 'something': 1020, 'made': 1018, 'back': 1008, 'work': 1005, 'makes': 989, 'here': 987, 'another': 976, 'world': 957, 'few': 954, 'big': 950, 'between': 945, 'those': 944, "he\\'s": 934, 'before': 932, 'still': 931, '\\nas': 916, 'enough': 899, 'better': 896, 'around': 892, 'performance': 885, 'director': 883, 'seen': 883, 'audience': 874, 'down': 863, 'going': 862, 'role': 862, 'same': 861, 'gets': 858, 'should': 855, 'may': 853, "isn\\'t": 852, '\\nthere': 847, 'every': 847, 'though': 844, 'real': 841, 'take': 840, 'years': 830, 'your': 829, 'think': 826, 'funny': 814, 'own': 813, '\\na': 811, 'last': 803, 'say': 800, 'look': 798, 'things': 797, 'thing': 794, 'fact': 794, 'comedy': 792, 'both': 791, 'actually': 788, 'played': 781, 'find': 778, 'almost': 771, 'script': 755, 'right': 752, 'plays': 751, 'come': 751, 'nothing': 748, 'cast': 747, 'long': 738, 'comes': 731, 'young': 727, 'ever': 726, 'did': 725, '\\nif': 723, 'old': 719, 'why': 700, 'show': 698, 'original': 696, 'john': 695, '\\nwhen': 691, 'now': 690, 'actors': 681, 'acting': 675, 'least': 674, 'lot': 674, 'part': 672, 'takes': 668, 'point': 666, 'himself': 656, 'since': 653, 'away': 650, 'without': 650, '\\nthey': 648, 'again': 646, 'course': 645, 'star': 644, 'goes': 642, 'quite': 641, 'each': 635, 'interesting': 632, 'minutes': 631, "can\\'t": 630, 'effects': 627, 'screen': 624, 'might': 623, 'guy': 616, 'family': 616, 'day': 609, 'anything': 608, 'place': 607, 'three': 601, 'must': 600, 'far': 598, 'year': 592, 'rather': 588, "that\\'s": 579, "film\\'s": 578, 'watch': 575, "there\\'s": 575, 'seem': 574, 'during': 572, "didn\\'t": 565, 'always': 565, 'fun': 565, 'times': 563, 'bit': 562, 'trying': 561, 'our': 561, '\\nhis': 558, 'want': 555, 'sense': 553, 'special': 551, 'making': 550, 'job': 550, 'give': 548, 'kind': 547, 'wife': 547, 'picture': 543, 'home': 540, 'help': 530, 'series': 528, 'becomes': 526, '\\nhowever': 523, 'set': 523, 'pretty': 516, 'yet': 515, 'woman': 513, 'probably': 512, 'dialogue': 510, 'become': 509, 'hollywood': 507, 'gives': 505, 'actor': 503, 'men': 500, 'having': 498, 'money': 496, 'whole': 494, 'hard': 493, 'together': 491, '\\nshe': 490, 'american': 489, 'black': 487, '\\nfor': 486, 'once': 486, 'high': 484, 'given': 480, '\\none': 478, 'wants': 475, 'although': 471, 'got': 467, 'however': 463, 'music': 459, '\\nwhat': 456, 'feel': 456, 'done': 452, 'along': 448, 'less': 445, '\\nso': 443, 'play': 442, 'everything': 441, 'especially': 440, 'death': 440, 'looks': 439, 'watching': 438, 'next': 438, 'sex': 438, 'moments': 437, 'completely': 436, 'reason': 435, 'whose': 434, '\\nafter': 430, '\\nwe': 429, 'rest': 427, 'different': 426, 'horror': 426, 'sure': 425, 'looking': 425, 'performances': 425, 'city': 425, '\\nwhile': 420, 'ending': 419, 'couple': 417, 'case': 414, 'father': 413, 'put': 413, 'simply': 412, 'shows': 409, "i\\'m": 409, 'left': 408, 'entire': 406, 'evil': 406, 'itself': 406, 'night': 406, 'mind': 403, 'until': 403, 'human': 403, 'humor': 402, 'small': 401, "\\nthere\\'s": 398, 'main': 397, 'found': 396, 'girl': 395, 'lost': 394, 'use': 394, 'getting': 394, 'line': 392, 'turns': 392, 'begins': 391, 'several': 390, 'friends': 388, 'problem': 386, 'anyone': 384, 'half': 383, 'james': 383, 'everyone': 382, 'idea': 378, 'mother': 376, 'name': 374, 'school': 374, '\\nat': 373, 'town': 373, 'true': 372, '\\nwith': 371, 'stars': 371, 'else': 371, 'thought': 371, 'comic': 370, 'final': 369, 'tries': 369, 'friend': 369, '\\nyou': 369, '\\neven': 367, 'group': 367, 'used': 364, 'wrong': 363, 'sequence': 363, 'against': 361, 'instead': 360, 'house': 360, 'relationship': 359, 'works': 358, 'called': 356, 'either': 355, 'keep': 353, 'named': 353, 'dead': 352, 'alien': 352, 'turn': 350, 'behind': 350, 'michael': 350, 'said': 350, 'someone': 349, 'head': 348, 'often': 348, '2': 345, 'written': 345, "they\\'re": 343, 'later': 343, 'believe': 343, 'war': 343, 'doing': 342, 'second': 342, 'able': 339, 'tell': 339, '\\nthat': 337, 'finds': 337, 'under': 336, 'playing': 335, "she\\'s": 335, 'certainly': 334, 'hand': 332, 'past': 332, 'perfect': 332, 'book': 329, 'person': 326, 'including': 325, 'nice': 324, '\\nnot': 323, 'david': 323, 'supposed': 322, 'camera': 322, 'days': 322, 'lives': 322, '\\nalthough': 322, 'shot': 321, 'seeing': 321, 'live': 320, 'lines': 317, 'moment': 317, 'starts': 314, 'side': 313, 'entertaining': 312, 'car': 312, 'run': 311, 'style': 311, 'need': 310, 'based': 310, 'soon': 310, 'game': 310, 'boy': 308, 'fight': 307, "i\\'ve": 307, 'tv': 306, 'start': 305, 'matter': 305, "you\\'re": 305, 'full': 305, 'worth': 303, 'face': 303, 'care': 302, 'summer': 302, 'running': 301, 'son': 301, 'worst': 300, 'opening': 298, 'try': 298, 'hour': 296, 'video': 295, 'daughter': 295, 'example': 295, 'kids': 294, 'exactly': 294, 'violence': 293, 's': 293, 'problems': 292, 'major': 292, 'sequences': 291, 'short': 290, 'version': 290, 'directed': 290, 'title': 289, 'beautiful': 289, 'nearly': 288, '\\nto': 288, 'dark': 288, 'obvious': 286, "wasn\\'t": 286, '\\nnow': 285, 'top': 285, 'classic': 284, 'order': 282, 'kill': 282, '\\nall': 282, 'team': 282, 'direction': 282, 'themselves': 281, "who\\'s": 281, 'perhaps': 281, 'production': 280, 'drama': 280, 'finally': 280, 'screenplay': 280, 'already': 279, 'roles': 279, 'early': 279, 'hit': 278, 'knows': 276, 'upon': 276, '\\nunfortunately': 275, 'act': 275, 'simple': 275, 'children': 274, 'mr': 274, 'question': 274, 'eyes': 273, 'sort': 273, 'supporting': 273, '\\nof': 272, 'truly': 272, 'fine': 272, 'white': 270, 'review': 267, 'others': 267, 'throughout': 267, 'earth': 267, 'save': 266, 'boring': 263, 'beginning': 262, '\\non': 262, 'guys': 261, 'kevin': 261, 'known': 261, 'attempt': 260, 'killer': 259, 'strong': 258, 'jokes': 258, 'happens': 258, 'space': 258, 'women': 257, 'room': 257, "won\\'t": 256, "aren\\'t": 256, 'ends': 256, 'coming': 255, 'body': 255, 'says': 255, 'york': 255, 'novel': 254, 'tells': 253, 'possible': 252, 'saw': 251, 'hope': 250, 'robert': 250, '=': 250, 'quickly': 249, '\\nthen': 249, 'deep': 249, 'manages': 248, 'joe': 248, 'extremely': 247, 'lead': 247, 'stupid': 247, 'genre': 246, 'heart': 246, 'wonder': 245, 'four': 245, 'romantic': 244, 'ship': 243, 'level': 243, 'let': 243, '\\nwell': 242, 'appears': 242, 'murder': 242, 'career': 242, 'involving': 242, 'future': 242, 'voice': 241, 'stop': 240, 'particularly': 240, 'thriller': 240, 'involved': 240, 'sets': 238, 'emotional': 238, 'five': 237, 'falls': 237, 'material': 236, 'result': 236, 'attention': 235, '\\nno': 235, 'planet': 234, 'hero': 234, 'scream': 234, 'lee': 233, 'police': 233, 'elements': 233, 'piece': 233, 'child': 233, 'lack': 232, 'close': 232, 'mostly': 232, 'hours': 232, 'tom': 232, 'fall': 232, 'fiction': 231, "movie\\'s": 231, 'brother': 230, 'leads': 230, 'dog': 230, 'worse': 230, 'experience': 229, 'sound': 228, 'bring': 228, 'peter': 228, 'taking': 227, 'battle': 226, 'interest': 226, 'meet': 225, 'enjoy': 225, 'jack': 225, 'alone': 225, 'husband': 224, 'power': 223, 'laughs': 223, 'laugh': 223, 'jackie': 223, 'despite': 222, 'needs': 221, 'happen': 220, 'talent': 220, 'living': 220, 'feeling': 219, 'across': 219, 'late': 219, 'chance': 219, 'guess': 218, 'single': 218, 'king': 218, 'attempts': 218, 'deal': 217, 'taken': 217, 'mean': 217, 'number': 217, 'forced': 217, 'fans': 216, 'success': 216, 'theater': 216, 'features': 216, 'de': 216, 'killed': 215, "\\nhe\\'s": 215, 'history': 215, 'feels': 214, 'wonderful': 214, 'premise': 214, 'easy': 213, 'feature': 213, 'within': 212, 'tale': 212, 'science': 212, '\\nalso': 212, 'form': 212, 'girls': 212, '\\nsome': 212, 'impressive': 212, 'seemed': 211, 'sometimes': 211, 'recent': 211, 'expect': 211, 'talk': 211, 'words': 210, 'meets': 210, 'word': 210, 'television': 209, 'leave': 209, 'score': 208, 'usually': 208, 'serious': 208, 'crew': 207, 'important': 207, 'disney': 206, 'maybe': 206, 'giving': 205, '\\ninstead': 205, 'told': 205, 'surprise': 205, 'parts': 204, 'stuff': 204, 'change': 204, 'wild': 204, 'entertainment': 204, 'aliens': 203, 'brings': 202, 'released': 202, 'dr': 202, 'van': 202, '&': 201, 'whom': 201, 'local': 201, 'happy': 200, 'credits': 200, 'release': 200, "\\ni\\'m": 200, 'god': 200, 'went': 200, 'computer': 200, 'easily': 200, 'ago': 199, 'mission': 199, 'parents': 199, 'art': 199, "\\nthat\\'s": 198, 'paul': 197, 'difficult': 197, 'crime': 197, 'poor': 197, 'call': 197, 'sequel': 197, 'middle': 196, 'none': 196, 'except': 196, 'events': 196, 'hell': 196, 'among': 196, 'oscar': 196, 'hilarious': 196, '\\nthese': 195, 'runs': 195, 'girlfriend': 194, 'obviously': 194, 'complete': 194, 'turned': 194, 'effective': 193, 'viewer': 192, 'george': 192, "wouldn\\'t": 192, 'eventually': 192, 'working': 192, 'presence': 191, 'certain': 191, 'reality': 191, 'cool': 190, 'uses': 190, 'popular': 190, 'am': 190, 'due': 189, 'return': 189, 'dramatic': 189, 'quality': 189, 'flick': 188, "you\\'ll": 188, 'decides': 188, 'whether': 188, "we\\'re": 188, 'figure': 188, 'ways': 187, 'personal': 187, 'begin': 187, 'suspense': 186, 'previous': 186, 'note': 186, 'filmmakers': 186, 'mystery': 186, 'ryan': 186, 'came': 185, 'somewhat': 185, 'business': 185, 'annoying': 185, 'blood': 185, 'basically': 183, 'light': 183, 'latest': 183, 'shots': 183, 'writing': 183, 'project': 183, 'die': 182, 'former': 182, 'excellent': 182, 'strange': 181, 'somehow': 181, '\\nher': 181, 'successful': 181, 'similar': 181, 'means': 181, 'leaves': 181, 'batman': 180, 'robin': 180, 'familiar': 180, "couldn\\'t": 180, 'intelligent': 180, 'remember': 180, 'visual': 180, 'clear': 179, 'sexual': 179, '\\nby': 179, 'chris': 179, 'myself': 179, 'present': 179, 'rich': 179, 'predictable': 178, 'romance': 178, 'read': 178, 'gone': 178, 'amazing': 178, 'leaving': 178, 'william': 177, 'towards': 177, 'absolutely': 177, 'smith': 177, '\\nwhy': 176, 'kid': 176, 'herself': 176, 'situation': 176, 'party': 175, 'opens': 175, 'questions': 175, 'nature': 175, 'powerful': 175, 'felt': 175, 'ones': 175, 'create': 175, '3': 174, 'type': 174, 'talking': 174, 'stories': 174, 'message': 174, 'office': 174, 'villain': 174, 'bunch': 173, 'brilliant': 173, 'clever': 173, '1': 173, '\\nperhaps': 173, 'cop': 172, "\\'": 172, 'learn': 172, 'usual': 172, '\\nmost': 172, 'giant': 172, 'doubt': 172, 'company': 172, 'age': 172, 'surprisingly': 171, 'red': 171, 'prison': 171, 'smart': 171, 'straight': 171, 'wars': 171, 'secret': 170, 'follows': 170, 'using': 170, 'solid': 170, 'cinema': 170, 'water': 170, 'third': 170, "what\\'s": 169, "'the": 169, 'beyond': 169, 'actress': 169, 'large': 169, 'effect': 169, 'rock': 168, 'scary': 168, 'nor': 168, 'definitely': 168, 'move': 168, 'potential': 168, 'williams': 167, 'huge': 167, 'saying': 167, 'plan': 167, 'cut': 166, "you\\'ve": 166, 'brothers': 166, 'million': 166, 'realize': 165, 'took': 164, 'decent': 164, '\\ndirector': 164, 'understand': 164, 'ben': 164, 'motion': 163, 'happened': 163, 'perfectly': 163, 'likely': 162, 'follow': 162, 'thinking': 162, 'subject': 162, 'married': 162, 'seriously': 162, 'america': 162, 'enjoyable': 162, '\\nhow': 161, 'created': 161, 'general': 161, 'heard': 161, 'animated': 161, 'points': 160, 'near': 160, 'fails': 160, 'merely': 160, 'bob': 160, 'moving': 160, 'wanted': 159, 'above': 159, 'country': 159, 'break': 158, 'appear': 158, 'mess': 157, 'apparently': 157, 'dream': 157, 'force': 157, 'sweet': 157, 'impossible': 157, 'brought': 157, 'escape': 156, 'agent': 156, 'stay': 156, '\\nlike': 156, 'exciting': 156, 'following': 155, 'favorite': 155, 'wedding': 155, 'viewers': 155, 'slow': 155, 'immediately': 154, 'writer': 154, 'fan': 154, 'filled': 154, 'musical': 153, 'liked': 153, 'keeps': 153, 'trek': 153, 'particular': 153, 'private': 152, 'mark': 152, 'audiences': 152, 'jim': 151, 'political': 151, 'inside': 150, 'spend': 150, 'jones': 150, 'various': 150, 'pay': 150, 'trouble': 150, 'chase': 149, 'add': 149, 'effort': 149, 'dumb': 149, 'element': 148, 'slightly': 148, 'scott': 148, 'members': 148, 'bill': 148, 'talented': 148, 'focus': 148, 'biggest': 147, 'bond': 147, 'cannot': 147, 'offers': 147, 'open': 147, 'purpose': 147, 'situations': 147, 'drug': 147, 'studio': 146, 'soundtrack': 146, 'memorable': 146, 'society': 146, '\\nis': 146, 'showing': 145, 'ten': 145, "haven\\'t": 145, 'sam': 145, 'cold': 145, 'view': 144, 'truth': 144, 'ideas': 143, 'waste': 143, 'english': 143, 'box': 143, 'silly': 143, 'state': 143, 'government': 143, 'martin': 143, 'aspect': 143, '\\ntheir': 142, 'yes': 142, 'totally': 142, 'actual': 142, 'gun': 142, 'park': 142, 'entirely': 141, 'moves': 141, 'fast': 141, 'gave': 141, 'eye': 140, 'law': 140, 'ability': 140, 'british': 140, 'ask': 139, 'ridiculous': 139, 'terrible': 139, 'convincing': 139, '\\nor': 138, 'fairly': 138, 'earlier': 138, 'hands': 138, 'constantly': 138, 'spent': 138, 'murphy': 138, 'animation': 137, 'expected': 137, 'control': 137, 'depth': 137, 'cinematography': 137, 'air': 137, 'thinks': 137, 'credit': 137, 'atmosphere': 137, 'background': 137, 'fear': 136, 'l': 136, 'e': 136, 'killing': 136, 'army': 136, '\\nmaybe': 136, 'setting': 136, 'richard': 136, 'west': 136, 'tension': 136, 'starring': 135, 'brief': 135, 'female': 135, 'tim': 135, 'complex': 135, 'violent': 135, 'wait': 135, 'beauty': 134, "'": 134, 'r': 134, 'sees': 134, 'greatest': 134, '\\nmy': 134, 'impact': 134, 'amusing': 134, 'sit': 134, '\\njust': 133, 'rating': 133, 'anyway': 133, '\\nanother': 133, 'list': 133, 'dull': 132, 'otherwise': 132, 'cinematic': 132, 'free': 132, 'wish': 132, 'class': 132, 'ii': 132, 'amount': 132, '10': 131, 'modern': 131, 'harry': 131, 'bruce': 131, 'typical': 131, 'tone': 131, 'neither': 131, 'hear': 131, 'frank': 131, 'subtle': 131, 'mars': 130, 'steve': 130, 'island': 130, 'hate': 130, 'disaster': 130, 'reasons': 130, 'believable': 130, 'lots': 130, 'cheap': 130, 'carter': 130, 'approach': 130, 'shown': 129, 'minor': 129, 'sight': 129, 'queen': 129, 'hold': 129, "year\\'s": 129, 'theme': 129, 'master': 129, 'sister': 129, 'chemistry': 129, 'dreams': 128, 'ultimately': 128, '\\ndespite': 128, 'front': 128, "i\\'d": 128, 'longer': 128, 'further': 127, 'street': 127, 'humans': 127, 'budget': 127, 'recently': 127, 'joke': 127, 'leader': 127, 'charm': 127, 'song': 127, 'plenty': 127, 'choice': 127, 'college': 127, 'realistic': 127, '\\nfrom': 127, 'teen': 126, 'quick': 126, 'awful': 126, 'provide': 126, 'highly': 126, 'common': 126, 'stand': 126, 'trailer': 126, 'puts': 126, 'telling': 125, 'seven': 125, 'flat': 125, 'delivers': 125, 'development': 125, 'ride': 125, 'appearance': 125, 'proves': 125, 'clearly': 124, 'decide': 124, 'incredibly': 124, 'key': 124, 'member': 123, 'possibly': 123, 'french': 123, 'carry': 123, 'u': 123, 'outside': 123, 'sent': 123, 'opportunity': 123, 'asks': 123, 'allen': 123, 'wrote': 123, 'cute': 122, 'intelligence': 122, 'knew': 122, 'interested': 122, 'miss': 122, 'lies': 122, 'remains': 122, 'club': 122, 'etc': 122, 'sounds': 122, 'language': 122, 'fire': 122, 'truman': 122, 'six': 121, 'provides': 121, 'road': 121, 'energy': 121, 'sci-fi': 121, 'slowly': 121, 'climax': 121, 'alive': 121, 'famous': 121, 'stone': 121, 'worked': 120, "i\\'ll": 120, 'central': 120, 'images': 120, 'conclusion': 119, 'basic': 119, 'band': 119, 'stands': 119, 'detective': 119, 'eddie': 119, '\\nmeanwhile': 119, 'onto': 118, 'songs': 118, 'race': 118, 'yourself': 118, 'store': 118, 'trip': 118, 'caught': 118, 'terrific': 118, 'mysterious': 118, 'wasted': 117, 'becoming': 117, 'casting': 117, 'steven': 117, 'leading': 117, 'screenwriter': 117, 'directing': 117, 'pace': 117, 'details': 117, 'learns': 116, 'nick': 116, 'looked': 116, 'chan': 116, 'critics': 116, 'system': 116, 'contains': 116, '\\nan': 116, 'brown': 116, 'subplot': 116, 'pull': 116, 'somewhere': 115, 'pictures': 115, 'seemingly': 115, 'j': 115, 'hardly': 115, 'monster': 115, 'flaws': 115, 'suddenly': 115, 'mary': 115, 'apartment': 115, 'unique': 115, 'grace': 114, 'laughing': 114, 'ground': 114, 'date': 114, 'boss': 114, 'bizarre': 114, 'minute': 114, 'baby': 114, '\\noh': 113, '\\nhere': 113, 'thrown': 113, 'la': 113, 'thin': 113, 'twists': 113, 'event': 113, 'led': 113, 'godzilla': 113, 'mention': 113, 'search': 113, 'missing': 112, 'personality': 112, 'manner': 112, 'share': 112, 'sean': 112, 'boys': 112, 'd': 112, '\\nonce': 112, 'tough': 112, 'officer': 112, 'catch': 112, 'period': 112, 'admit': 112, 'write': 111, '\\nsince': 111, 'adds': 111, 'discovers': 111, 'partner': 111, 'average': 110, 'apart': 110, 'include': 110, 'answer': 110, 'writers': 110, 'ready': 110, 'image': 110, 'considering': 110, '\\nyes': 110, 'produced': 110, 'willis': 110, 't': 110, 'vampire': 110, 'win': 109, 'returns': 109, 'building': 109, 'lawyer': 109, 'news': 109, 'became': 109, 'deserves': 109, 'door': 108, 'includes': 108, 'low': 108, 'introduced': 108, 'thanks': 108, 'student': 108, 'touch': 108, 'mike': 108, 'states': 107, 'max': 107, 'nights': 107, 'changes': 107, 'waiting': 107, 'train': 106, 'heavy': 106, 'doctor': 106, 'unfortunately': 106, 'barely': 106, 'needed': 106, 'enjoyed': 106, 'discover': 106, 'jerry': 106, 'fellow': 106, 'woody': 106, '\\nstill': 106, 'offer': 106, 'camp': 106, 'recommend': 106, 'teacher': 106, 'titanic': 106, 'sad': 105, 'adult': 105, 'indeed': 105, 'months': 105, 'occasionally': 105, 'charming': 105, '\\nfirst': 105, 'storyline': 105, 'imagine': 105, 'rescue': 105, 'terms': 105, 'fashion': 105, 'social': 105, 'forget': 105, 'gay': 105, 'concept': 104, 'decided': 104, 'century': 104, 'standard': 104, 'green': 104, 'dance': 104, 'innocent': 104, 'powers': 104, 'latter': 104, 'dies': 103, 'hair': 103, 'addition': 103, 'detail': 103, 'whatever': 103, 'odd': 103, 'land': 103, 'blue': 103, 'surprised': 103, 'cameron': 103, 'normal': 102, 'older': 102, 'prove': 102, 'footage': 102, 'creates': 102, 'loud': 102, 'chinese': 102, 'machine': 102, 'male': 102, 'debut': 102, 'explain': 102, 'lame': 102, 'gore': 101, 'exception': 101, 'menace': 101, 'horrible': 101, 'walk': 101, 'toy': 101, 'presented': 101, '\\nboth': 101, 'president': 101, "'i": 101, 'attack': 101, 'natural': 101, 'involves': 101, 'unlike': 101, 'public': 101, 'saving': 101, 'consider': 101, 'accident': 100, 'apparent': 100, 'victim': 100, 'equally': 100, 'disturbing': 100, 'calls': 100, 'fair': 100, 'jr': 100, 'issues': 100, 'lose': 100, 'track': 100, 'food': 100, 'emotions': 100, 'pulp': 100, 'today': 100, 'singer': 100, '000': 100, 'generally': 99, 'hot': 99, 'witch': 99, 'teenage': 99, 'surprising': 99, '\\nbecause': 99, 'gang': 99, 'rules': 99, 'intended': 99, 'adventure': 99, 'gags': 99, 'tarzan': 99, 'likes': 98, 'literally': 98, 'desperate': 98, 'places': 98, 'twice': 98, 'faces': 98, 'twist': 98, 'pair': 98, 'genuine': 98, 'editing': 98, 'weak': 98, 'filmmaking': 98, 'appeal': 98, 'forces': 98, 'talents': 98, 'information': 98, 'younger': 98, 'tried': 98, 'fighting': 97, "hasn\\'t": 97, 'lacks': 97, 'loved': 97, 'asked': 97, '1998': 97, 'fresh': 97, 'numerous': 97, 'stage': 97, 'filmed': 96, 'task': 96, 'speak': 96, 'billy': 96, 'b': 96, 'creating': 96, 'fascinating': 96, 'flying': 96, 'julia': 96, 'edge': 95, 'fox': 95, 'affair': 95, 'toward': 95, 'pass': 95, 'episode': 95, 'cover': 95, 'accent': 95, 'heads': 95, 'pathetic': 95, 'epic': 95, 'formula': 95, 'christopher': 95, 'rare': 95, 'kept': 95, 'producer': 95, 'military': 95, 'drive': 94, 'heroes': 94, 'nicely': 94, 'incredible': 94, 'mood': 94, 'culture': 94, 'theaters': 94, 'forward': 94, 'superior': 94, 'simon': 94, 'overall': 94, 'directors': 94, 'appropriate': 94, 'pop': 94, 'considered': 94, 'cameo': 94, 'rated': 94, 'hill': 94, 'born': 94, 'danny': 94, 'process': 94, 'generation': 93, 'fantasy': 93, 'confusing': 93, 'species': 93, '\\nsure': 93, 'names': 93, 'christmas': 93, 'shame': 93, 'jennifer': 93, 'spirit': 93, 'technical': 93, 'jackson': 93, 'weird': 92, 'creepy': 92, 'kiss': 92, 'bright': 92, 'phone': 92, 'speech': 92, 'journey': 92, "\\ndon\\'t": 92, 'intriguing': 92, 'academy': 92, 'fbi': 92, 'buy': 92, 'witty': 92, "character\\'s": 91, 'rarely': 91, 'blair': 91, 'nowhere': 91, 'deliver': 91, 'magic': 91, 'forever': 91, 'jeff': 91, 'hits': 91, 'alan': 91, 'necessary': 91, 'suppose': 91, 'rush': 91, 'spends': 91, 'jason': 91, 'masterpiece': 91, 'elizabeth': 91, '\\nthough': 91, 'developed': 91, 'allows': 91, 'target': 90, 'plans': 90, 'pieces': 90, 'product': 90, 'attitude': 90, 'plane': 90, 'pain': 90, 'confused': 90, 'superb': 90, 'roger': 90, 'hong': 90, 'impression': 90, '\\nevery': 90, 'viewing': 90, 'physical': 90, 'pointless': 90, 'henry': 90, 'matthew': 90, 'legend': 90, 'mrs': 90, 'appreciate': 90, 'silent': 90, 'cliches': 90, 'marriage': 90, 'sitting': 89, 'cash': 89, 'meant': 89, 'mentioned': 89, 'cops': 89, 'limited': 89, 'relationships': 89, 'crap': 89, 'throw': 89, 'kong': 89, 'contact': 89, 'mouth': 89, 'thus': 89, 'vegas': 89, 'fully': 89, 'reviews': 89, 'meaning': 89, 'touching': 89, 'inspired': 89, '1999': 89, 'virtually': 89, 'captain': 89, 'julie': 89, 'continues': 88, 'angry': 88, 'failed': 88, 'revenge': 88, 'themes': 88, 'actions': 88, 'moral': 88, 'loves': 88, 'owner': 88, 'travolta': 88, 'pure': 87, 'cage': 87, 'unfunny': 87, 'reach': 87, 'satire': 87, 'remake': 87, 'relief': 87, 'expectations': 87, 'soul': 87, 'suspect': 87, 'humorous': 87, 'portrayal': 87, 'carrey': 87, 'appealing': 87, 'device': 87, 'respect': 86, 'criminal': 86, 'comedic': 86, 'blame': 86, 'stunning': 86, '\\nonly': 86, 'station': 86, 'pick': 86, 'count': 86, 'shoot': 86, 'soldiers': 86, 'thomas': 86, 'sign': 86, 'wit': 86, 'shallow': 86, 'aside': 86, 'phantom': 86, 'design': 85, "we\\'ve": 85, 'industry': 85, 'cause': 85, 'managed': 85, 'opposite': 85, 'disappointing': 85, 'results': 85, 'total': 85, 'creature': 85, 'united': 85, 'guns': 85, 'tarantino': 85, 'manage': 85, 'troopers': 85, 'comedies': 85, 'added': 85, 'campbell': 85, 'started': 85, 'patrick': 85, 'wonderfully': 85, 'holds': 84, 'cartoon': 84, 'loses': 84, 'finale': 84, '\\nyet': 84, 'dude': 84, 'matrix': 84, 'match': 84, 'arts': 84, 'twenty': 84, 'graphic': 84, 'avoid': 84, 'emotion': 84, '1997': 84, 'stuck': 84, 'driver': 84, 'rising': 84, 'lucas': 84, 'falling': 84, 'imagination': 83, 'artist': 83, 'willing': 83, 'dennis': 83, 'martial': 83, 'dollars': 83, 'lover': 83, 'affleck': 83, 'lady': 83, 'color': 83, 'intense': 83, 'frightening': 83, 'spectacular': 82, 'crazy': 82, 'adults': 82, 'grand': 82, 'bland': 82, 'stephen': 82, 'boyfriend': 82, 'mix': 82, 'okay': 82, '\\nduring': 82, 'visuals': 82, '\\nmany': 82, 'sympathetic': 82, 'oh': 82, 'radio': 82, 'utterly': 82, 'anderson': 82, 'players': 82, 'field': 82, 'apes': 82, 'opinion': 82, 'brain': 81, 'poorly': 81, "\\'s": 81, 'hoping': 81, 'feelings': 81, 'hotel': 81, 'join': 81, 'blade': 81, 'adaptation': 81, 'feet': 81, 'charles': 81, 'floor': 81, 'difference': 81, 'shooting': 81, 'exist': 81, 'princess': 81, 'matters': 81, 'mad': 81, 'dying': 81, 'angels': 81, 'attractive': 81, 'humanity': 81, '\\n-': 81, 'flicks': 80, 'plain': 80, 'slasher': 80, 'watched': 80, 'believes': 80, 'smile': 80, 'step': 80, 'destroy': 80, 'ice': 80, 'compelling': 80, 'decision': 80, 'damn': 80, 'scientist': 80, 'teenagers': 80, 'kelly': 80, '\\nalong': 80, 'spice': 80, 'chosen': 80, 'naked': 80, 'matt': 80, 'portrayed': 80, 'media': 80, 'turning': 79, 'dangerous': 79, 'jay': 79, 'changed': 79, 'horse': 79, 'fate': 79, 'featuring': 79, 'survive': 79, 'parody': 79, 'notice': 79, 'drugs': 79, 'board': 79, 'identity': 79, 'honest': 79, 'presents': 78, 'engaging': 78, 'bored': 78, "you\\'d": 78, 'realized': 78, 'serve': 78, '\\neverything': 78, 'protagonist': 78, 'producers': 78, 'vampires': 78, 'finding': 78, 'promise': 78, 'tired': 78, 'ass': 78, 'documentary': 78, 'week': 78, 'russell': 78, 'allow': 78, 'douglas': 78, 'died': 78, 'price': 78, 'succeeds': 78, 'woods': 78, 'worthy': 78, 'aspects': 78, 'content': 77, 'keeping': 77, 'kills': 77, 'arnold': 77, 'dad': 77, 'helps': 77, 'fare': 77, 'ultimate': 77, 'speed': 77, 'constant': 77, 'professional': 77, 'goal': 77, 'provided': 77, 'fake': 77, 'boat': 77, 'fantastic': 77, 'tony': 77, 'contrived': 76, 'shock': 76, 'c': 76, 'hospital': 76, 'conflict': 76, 'test': 76, 'hidden': 76, 'japanese': 76, 'breaks': 76, 'support': 76, 'genius': 76, 'urban': 76, 'south': 76, 'likable': 76, 'humour': 76, 'cross': 75, 'instance': 75, 'fit': 75, 'nasty': 75, 'reading': 75, 'winning': 75, 'broken': 75, '\\nwill': 75, 'extreme': 75, 'window': 75, 'current': 75, 'grows': 75, 'dvd': 75, 'compared': 75, 'accept': 75, 'goofy': 75, 'books': 75, 'pleasure': 75, 'jedi': 75, 'began': 75, 'technology': 75, 'individual': 75, 'baldwin': 74, 'mediocre': 74, 'double': 74, 'failure': 74, 'narrative': 74, 'fault': 74, 'unless': 74, 'expecting': 74, 'rent': 74, 'sheer': 74, 'available': 74, 'crash': 74, 'press': 74, 'jail': 74, 'directly': 74, 'sexy': 74, 'mob': 74, 'babe': 74, 'surface': 73, 'please': 73, 'walking': 73, 'haunting': 73, 'reveal': 73, 'quiet': 73, 'laughable': 73, 'won': 73, 'crowd': 73, 'devil': 73, 'rob': 73, 'determined': 73, 'cult': 73, 'm': 73, 'beach': 73, "man\\'s": 73, 'outstanding': 73, 'bringing': 72, 'substance': 72, 'don': 72, 'excuse': 72, 'offensive': 72, '4': 72, 'sick': 72, 'position': 72, 'desire': 72, 'bus': 72, 'wondering': 72, '\\nsoon': 72, 'realizes': 72, 'acts': 72, 'routine': 72, 'comparison': 72, "shouldn\\'t": 72, 'decade': 72, 'hall': 72, 'cares': 72, 'security': 72, 'loving': 72, 'ford': 72, 'gold': 72, 'forgotten': 72, 'ahead': 72, 'deals': 72, 'rose': 72, 'hopes': 72, 'rocky': 72, 'struggle': 72, 'virus': 71, "let\\'s": 71, 'costumes': 71, 'nudity': 71, '\\nother': 71, 'scale': 71, 'skills': 71, 'figures': 71, 'therefore': 71, 'fame': 71, 'meeting': 71, 'spielberg': 71, 'travel': 71, 'badly': 71, 'responsible': 71, 'remarkable': 71, "\\nthey\\'re": 71, 'ed': 71, 'moore': 71, 'build': 71, 'hunt': 71, 'era': 71, 'folks': 70, 'explained': 70, 'clich': 70, 'inevitable': 70, '\\njohn': 70, 'happening': 70, 'surprises': 70, 'hurt': 70, 'bloody': 70, '\\nwho': 70, '\\nfinally': 70, 'singing': 70, 'nuclear': 70, 'guard': 70, 'seconds': 70, 'center': 70, 'season': 70, 'community': 70, 'taste': 70, 'suspects': 70, 'cheesy': 70, 'funniest': 70, 'characterization': 70, 'ray': 70, 'continue': 70, 'tommy': 70, 'eccentric': 70, 'quest': 69, 'steal': 69, 'jane': 69, 'supposedly': 69, 'drawn': 69, 'rate': 69, 'safe': 69, "weren\\'t": 69, 'slapstick': 69, 'thoroughly': 69, 'fat': 69, 'stock': 69, 'player': 69, 'spawn': 69, 'fail': 69, 'rival': 69, 'guilty': 69, 'value': 69, 'missed': 69, 'frame': 69, 'gotten': 69, 'gangster': 69, 'g': 69, 'strength': 69, 'visually': 69, 'anthony': 69, 'professor': 69, 'welcome': 69, 'streets': 69, 'driving': 69, 'winner': 69, '\\nmuch': 69, 'develop': 69, 'x-files': 69, 'lord': 69, "'in": 69, 'arrives': 69, 'faith': 69, 'bar': 68, 'mistake': 68, 'fights': 68, 'brian': 68, 'length': 68, 'games': 68, 'capable': 68, 'emotionally': 68, 'record': 68, 'trust': 68, 'ended': 68, 'lacking': 68, 'wide': 68, 'fly': 68, 'roberts': 68, 'knowledge': 68, 'award': 68, 'cruise': 68, 'creative': 68, 'grow': 68, 'treat': 68, 'dealing': 68, 'court': 68, 'hanks': 68, 'explanation': 67, 'victims': 67, 'ugly': 67, 'placed': 67, 'beast': 67, 'seat': 67, '5': 67, 'lets': 67, 'visit': 67, 'serial': 67, 'flashbacks': 67, 'direct': 67, 'washington': 67, '\\nthose': 67, 'strike': 67, 'saved': 67, 'encounter': 67, 'students': 67, 'disappointment': 67, 'serves': 67, 'growing': 67, 'church': 66, 'vision': 66, 'draw': 66, 'built': 66, 'bed': 66, 'range': 66, 'check': 66, 'filmmaker': 66, 'damme': 66, 'describe': 66, 'memory': 66, 'cliched': 66, 'buddy': 66, "\\nshe\\'s": 66, 'efforts': 66, 'rise': 66, 'logic': 66, 'send': 66, '\\nunlike': 66, 'starship': 66, 'edward': 66, 'unexpected': 66, 'one-liners': 66, 'animals': 66, 'taylor': 66, 'brooks': 66, 'hunting': 66, 'study': 66, 'justice': 66, '20': 65, '\\noverall': 65, 'below': 65, 'evidence': 65, 'relatively': 65, 'morning': 65, 'grant': 65, 'included': 65, 'ms': 65, 'unnecessary': 65, 'vehicle': 65, 'johnny': 65, 'learned': 65, 'pulled': 65, 'villains': 65, "\\ni\\'ve": 65, 'followed': 65, 'holes': 65, 'lucky': 65, 'sky': 65, 'weeks': 65, 'overly': 65, 'pacing': 65, 'wayne': 65, 'reeves': 65, 'football': 65, 'tragedy': 65, 'sea': 65, 'fill': 65, 'adams': 65, 'existence': 65, 'kate': 65, 'bigger': 65, 'connection': 65, 'previously': 65, 'standing': 65, 'model': 65, 'exact': 64, 'woo': 64, 'sorry': 64, 'acted': 64, '\\ntwo': 64, 'talks': 64, 'frequently': 64, 'jimmy': 64, 'remain': 64, 'chief': 64, 'asking': 64, 'mainly': 64, 'spot': 64, 'theatre': 64, 'gibson': 64, 'causes': 64, 'sharp': 64, 'mental': 64, 'amy': 64, 'contrast': 64, 'bottom': 63, 'gary': 63, 'elaborate': 63, 'joel': 63, 'snake': 63, 'shocking': 63, 'ghost': 63, 'captured': 63, 'concerned': 63, 'regular': 63, 'claims': 63, 'wall': 63, 'roll': 63, 'las': 63, 'moved': 63, 'suit': 63, 'courtroom': 63, 'genuinely': 63, 'assistant': 63, 'positive': 63, 'path': 63, 'stuart': 63, 'barry': 63, 'freedom': 63, 'wise': 63, 'porn': 63, 'reminiscent': 63, 'largely': 63, 'helen': 63, 'international': 63, 'bank': 63, 'austin': 63, 'alex': 63, 'mulan': 63, 'russian': 62, 'beat': 62, '0': 62, 'core': 62, '\\nmore': 62, 'suggest': 62, 'satisfying': 62, 'allowed': 62, 'religious': 62, 'judge': 62, 'oliver': 62, 'disappointed': 62, 'speaking': 62, 'desperately': 62, 'vincent': 62, 'sarah': 62, 'explains': 62, 'marry': 62, 'greater': 62, 'angel': 62, 'occasional': 61, 'necessarily': 61, 'traditional': 61, 'blockbuster': 61, 'paris': 61, 'self': 61, 'rule': 61, 'painful': 61, 'breaking': 61, 'sends': 61, 'hunter': 61, 'agrees': 61, 'minds': 61, 'revealed': 61, 'miller': 61, 'perspective': 61, 'heavily': 61, 'larry': 61, 'independence': 61, 'successfully': 61, 'originally': 61, 'afraid': 61, 'murders': 61, 'london': 61, 'shakespeare': 61, 'boogie': 61, 'ted': 61, 'psychological': 61, "\\nwhat\\'s": 60, 'stick': 60, '8/10': 60, 'fifteen': 60, 'obsessed': 60, 'painfully': 60, 'walter': 60, 'department': 60, 'luck': 60, 'source': 60, 'pulls': 60, 'historical': 60, 'occur': 60, 'hollow': 60, 'patch': 60, 'storm': 60, 'attacks': 60, 'service': 60, 'clean': 60, 'putting': 60, '\\neveryone': 60, 'wood': 60, 'mel': 60, "one\\'s": 60, 'joy': 60, 'intensity': 60, 'extra': 60, 'nomination': 60, 'suspenseful': 60, 'empty': 59, 'nobody': 59, "disney\\'s": 59, 'steals': 59, 'eric': 59, 'theatrical': 59, 'cliche': 59, 'thrillers': 59, 'terror': 59, 'jump': 59, 'fallen': 59, 'trash': 59, 'zero': 59, 'jungle': 59, 'sole': 59, 'cell': 59, 'structure': 59, 'agree': 59, 'rain': 59, 'witness': 59, 'ocean': 59, 'ensemble': 59, 'aware': 59, 'stunts': 59, 'eat': 59, 'keaton': 59, 'heaven': 59, 'tradition': 59, 'unfortunate': 59, 'damon': 59, 'myers': 59, 'narration': 59, 'annie': 59, 'flynt': 59, 'answers': 58, 'danger': 58, 'eight': 58, 'wealthy': 58, 'investigation': 58, 'lovely': 58, 'joan': 58, 'reaction': 58, 'stops': 58, 'screenwriters': 58, 'significant': 58, 'reminded': 58, 'baseball': 58, 'references': 58, 'creatures': 58, 'conspiracy': 58, 'passion': 58, 'sleep': 58, 'requires': 58, 'friendship': 58, 'program': 58, 'unbelievable': 58, 'met': 58, 'uninteresting': 58, 'animal': 58, 'dinner': 58, 'critical': 58, 'behavior': 58, 'cusack': 58, 'punch': 58, 'seagal': 58, 'suicide': 58, 'refuses': 58, 'clooney': 58, '\\nwhich': 57, 'understanding': 57, 'nightmare': 57, 'stolen': 57, 'showed': 57, 'hired': 57, 'catherine': 57, 'adam': 57, 'opera': 57, 'jonathan': 57, '\\nanyway': 57, 'choices': 57, 'walks': 57, '1995': 57, 'complicated': 57, 'weekend': 57, 'excitement': 57, 'held': 57, 'league': 57, 'bomb': 57, 'ball': 57, 'capture': 57, 'unlikely': 57, 'armageddon': 57, 'jon': 57, 'weapon': 57, '30': 57, 'desert': 57, 'wears': 57, 'charlie': 57, 'hopkins': 57, 'flaw': 57, 'deadly': 57, 'veteran': 57, 'thoughts': 57, 'knowing': 57, '\\nits': 57, 'memories': 57, 'trilogy': 57, 'warm': 57, 'bitter': 57, 'suffers': 57, 'national': 57, 'niro': 57, 'discovered': 57, 'terribly': 56, 'cuts': 56, 'described': 56, 'accidentally': 56, 'prince': 56, 'essentially': 56, 'originality': 56, 'dogs': 56, 'sequels': 56, 'strikes': 56, 'plus': 56, 'commercial': 56, 'skin': 56, 'root': 56, 'england': 56, 'handle': 56, 'extraordinary': 56, '15': 56, 'speaks': 56, 'brad': 56, 'chicago': 56, 'pilot': 56, 'freeman': 56, 'effectively': 56, 'delightful': 56, 'wrestling': 56, 'laughed': 56, 'vacation': 56, 'dirty': 56, 'thrills': 56, 'laughter': 56, '\\ndo': 55, 'sudden': 55, 'andrew': 55, 'gag': 55, 'drunken': 55, 'lawrence': 55, "director\\'s": 55, 'subplots': 55, 'risk': 55, 'pie': 55, 'critic': 55, 'cars': 55, 'performers': 55, 'al': 55, 'destroyed': 55, 'handled': 55, 'sports': 55, 'collection': 55, 'china': 55, 'tragic': 55, 'irritating': 55, 'proceedings': 55, 'explosions': 55, 'finest': 55, 'quirky': 55, 'texas': 55, 'ripley': 55, 'status': 55, 'burton': 55, 'shop': 55, 'bear': 55, 'touches': 54, 'insight': 54, '7/10': 54, '\\nbased': 54, 'loss': 54, 'endless': 54, 'murdered': 54, 'wilson': 54, 'weapons': 54, 'fugitive': 54, 'values': 54, 'deeper': 54, '90': 54, '2001': 54, 'foreign': 54, "\\nlet\\'s": 54, 'yeah': 54, '5/10': 54, 'starting': 54, 'childhood': 54, 'covered': 54, 'convinced': 54, 'bag': 54, 'alice': 54, 'photography': 54, 'arquette': 54, 'everybody': 54, 'unusual': 54, 'thirty': 54, 'loose': 54, 'harris': 54, 'fish': 54, '\\nmichael': 54, 'initially': 54, 'universe': 54, 'crisis': 54, '\\ncritique': 53, 'entertain': 53, 'halloween': 53, 'dragon': 53, 'signs': 53, 'attempting': 53, 'required': 53, 'cat': 53, '\\nsadly': 53, 'twisted': 53, 'albeit': 53, 'notes': 53, 'drunk': 53, 'advice': 53, 'killers': 53, 'campaign': 53, 'multiple': 53, 'obligatory': 53, 'anywhere': 53, 'cinematographer': 53, 'gift': 53, 'basis': 53, 'tense': 53, 'beloved': 53, 'gonna': 53, 'embarrassing': 53, 'terminator': 53, 'patient': 53, 'german': 53, 'crystal': 53, 'noir': 53, 'exercise': 53, 'lovers': 53, 'costume': 53, 'segment': 53, 'commentary': 53, 'combination': 53, 'sandler': 53, 'closer': 53, 'losing': 53, 'experiences': 53, 'williamson': 53, 'trio': 53, 'shrek': 53, 'revolves': 52, 'adventures': 52, 'table': 52, 'heroine': 52, 'soap': 52, 'recognize': 52, 'reveals': 52, 'lonely': 52, '\\nsometimes': 52, 'picks': 52, 'blonde': 52, '\\nnothing': 52, 'encounters': 52, 'neil': 52, 'display': 52, "children\\'s": 52, 'aforementioned': 52, 'over-the-top': 52, 'remaining': 52, 'author': 52, 'spy': 52, 'sidekick': 52, 'absurd': 52, 'jobs': 52, 'handful': 52, 'bobby': 52, 'circumstances': 52, 'magazine': 52, 'sidney': 52, 'schwarzenegger': 52, 'hype': 52, 'mom': 52, 'scare': 52, 'prime': 52, 'toys': 52, 'horizon': 52, 'buddies': 52, 'corner': 52, 'suffering': 52, 'voices': 52, 'introduces': 52, 'helped': 52, 'politics': 52, 'crow': 51, 'clothes': 51, 'magical': 51, 'replaced': 51, 'flashback': 51, 'haunted': 51, 'digital': 51, 'loser': 51, 'bound': 51, 'terry': 51, 'fifth': 51, 'practically': 51, 'inventive': 51, 'outrageous': 51, 'blow': 51, 'daniel': 51, 'surely': 51, '\\nwatching': 51, 'storytelling': 51, 'makers': 51, 'deeply': 51, '`the': 51, 'initial': 51, 'extended': 51, 'develops': 51, 'throwing': 51, 'trailers': 51, 'issue': 51, 'wearing': 51, '8': 51, 'featured': 51, '\\nbefore': 51, 'medical': 51, 'ordinary': 51, 'monkey': 51, 'wear': 51, 'flesh': 51, 'importantly': 51, 'challenge': 51, 'fairy': 51, 'hundred': 51, 'lynch': 51, 'cowboy': 51, 'stiller': 51, 'jurassic': 51, '\\napparently': 50, 'hey': 50, 'chases': 50, 'dollar': 50, 'promising': 50, 'colorful': 50, 'saturday': 50, 'remotely': 50, 'recall': 50, 'darkness': 50, 'threatening': 50, 'numbers': 50, 'tiny': 50, 'sell': 50, 'western': 50, 'ironic': 50, 'anne': 50, 'sadly': 50, 'unknown': 50, 'scheme': 50, 'ape': 50, 'threat': 50, 'chicken': 50, 'gorgeous': 50, 'copy': 50, 'anna': 50, 'location': 50, 'keanu': 50, 'erotic': 50, 'derek': 50, 'sixth': 50, 'wind': 50, "tv\\'s": 50, 'research': 50, 'dry': 50, 'overcome': 50, 'trapped': 50, 'bacon': 50, 'suggests': 50, 'jake': 50, 'colors': 50, 'slave': 50, 'hint': 50, '\\ntake': 50, 'murray': 50, 'directorial': 50, 'bodies': 50, 'investigate': 50, 'generic': 50, 'p': 50, 'pig': 50, 'flash': 49, 'claire': 49, 'flawed': 49, 'psycho': 49, 'stretch': 49, 'pregnant': 49, 'birth': 49, 'driven': 49, 'depressing': 49, "o\\'donnell": 49, 'higher': 49, 'lake': 49, 'halfway': 49, "\\nwe\\'re": 49, 'bits': 49, 'perform': 49, 'whatsoever': 49, 'bore': 49, 'assume': 49, 'inept': 49, 'doors': 49, 'sing': 49, 'angle': 49, 'screening': 49, 'occurs': 49, 'hank': 49, 'artistic': 49, 'reporter': 49, 'christian': 49, 'brutal': 49, 'italian': 49, 'bride': 49, 'bother': 49, 'struggling': 49, 'dozen': 49, 'obnoxious': 49, 'meg': 49, 'jean': 49, 'bleak': 49, 'dean': 49, '\\nmr': 49, 'stallone': 49, 'seth': 49, 'steps': 49, 'troubled': 49, 'treatment': 49, 'soldier': 49, 'cable': 48, 'disbelief': 48, 'carpenter': 48, 'conventional': 48, 'bugs': 48, 'paid': 48, 'size': 48, 'trite': 48, 'hanging': 48, 'plots': 48, 'youth': 48, '\\nthings': 48, 'drives': 48, 'dancing': 48, 'qualities': 48, '\\neventually': 48, 'projects': 48, 'eve': 48, 'carries': 48, '\\nhaving': 48, 'stereotypes': 48, 'statement': 48, 'metal': 48, 'screaming': 48, 'river': 48, 'priest': 48, 'forth': 48, 'mafia': 48, 'drop': 48, "\\nhere\\'s": 48, 'golden': 48, 'primary': 48, 'headed': 48, 'suffer': 48, 'hole': 48, 'truck': 48, 'rolling': 48, 'facts': 48, 'terrorist': 48, 'greg': 48, 'ian': 48, 'beautifully': 48, 'contemporary': 48, 'focuses': 48, 'sir': 48, 'tribe': 48, 'mature': 48, 'progresses': 47, 'favor': 47, 'homage': 47, 'unable': 47, 'foot': 47, 'wonders': 47, 'hearing': 47, 'countless': 47, 'stereotypical': 47, 'theory': 47, 'convince': 47, '\\neach': 47, 'appearances': 47, 'deserve': 47, 'passed': 47, 'cry': 47, 'conversation': 47, 'universal': 47, 'f': 47, '\\nsuch': 47, 'episodes': 47, 'sheriff': 47, 'agents': 47, '\\nsee': 47, 'notable': 47, 'abandoned': 47, 'climactic': 47, 'pleasant': 47, 'appeared': 47, 'designed': 47, 'setup': 47, 'lie': 47, 'mere': 47, 'lebowski': 47, 'abilities': 47, 'market': 47, 'breasts': 47, 'raise': 47, 'blues': 47, 'dropped': 47, 'established': 47, 'succeed': 47, 'brilliantly': 47, 'nicholson': 47, 'phil': 47, 'vs': 47, 'religion': 47, 'likeable': 47, 'wes': 46, 'wooden': 46, 'mouse': 46, 'voiced': 46, "father\\'s": 46, 'midnight': 46, 'schumacher': 46, 'exchange': 46, 'whenever': 46, 'sake': 46, 'picked': 46, 'boxing': 46, 'lewis': 46, 'fits': 46, 'warrior': 46, 'honor': 46, 'holiday': 46, 'bone': 46, 'coach': 46, 'lisa': 46, 'protagonists': 46, '7': 46, 'innocence': 46, 'tight': 46, 'trick': 46, 'dressed': 46, 'quaid': 46, 'instinct': 46, 'ethan': 46, 'mainstream': 46, 'tears': 46, 'scenery': 46, "'this": 46, "they\\'ve": 46, 'con': 46, 'pitt': 46, 'delight': 46, 'destruction': 46, 'stylish': 46, 'sat': 46, 'persona': 46, 'refreshing': 46, 'weight': 46, 'corny': 46, 'trade': 46, 'diamond': 46, 'silver': 46, 'ancient': 46, 'goodman': 46, 'raised': 46, 'types': 45, 'suits': 45, '\\nlittle': 45, 'robot': 45, 'cgi': 45, 'hip': 45, 'viewed': 45, 'expert': 45, 'families': 45, 'remembered': 45, 'awkward': 45, 'festival': 45, 'charge': 45, "'a": 45, 'fortune': 45, 'buzz': 45, 'mine': 45, 'mighty': 45, 'north': 45, 'operation': 45, 'beating': 45, '\\nactually': 45, 'endearing': 45, 'rick': 45, 'trial': 45, 'escapes': 45, 'studios': 45, 'ad': 45, 'arms': 45, 'dialog': 45, 'notion': 45, 'bet': 45, 'tedious': 45, 'expensive': 45, 'consistently': 45, 'perfection': 45, 'execution': 45, 'decades': 45, 'enemy': 45, 'letting': 45, 'false': 45, 'los': 45, 'bridge': 45, 'gratuitous': 45, 'spots': 45, '\\nwithout': 45, 'lloyd': 45, 'accomplished': 45, 'kenneth': 45, 'sitcom': 45, 'via': 45, 'sorts': 45, 'intentions': 45, 'jackal': 45, '1996': 45, 'spiritual': 45, 'gory': 45, 'lived': 45, 'achievement': 45, 'degree': 45, 'cole': 45, 'installment': 45, 'thrilling': 44, 'spending': 44, 'providing': 44, 'accused': 44, 'nine': 44, '\\ntoo': 44, 'exists': 44, 'scared': 44, 'irish': 44, 'natasha': 44, 'clueless': 44, 'enormous': 44, 'notably': 44, 'designer': 44, 'executive': 44, 'tend': 44, 'interaction': 44, 'rape': 44, 'ok': 44, 'mixed': 44, 'restaurant': 44, 'one-dimensional': 44, 'variety': 44, 'marks': 44, 'area': 44, 'expression': 44, 'real-life': 44, 'surreal': 44, 'set-up': 44, 'angeles': 44, 'holding': 44, 'legendary': 44, 'charisma': 44, 'paper': 44, 'grown': 44, 'filming': 44, 'dick': 44, 'makeup': 44, 'actresses': 44, 'village': 44, 'spoilers': 44, 'mask': 44, 'wins': 44, 'equal': 44, 'eating': 44, 'downright': 44, 'executed': 43, 'clue': 43, 'enter': 43, 'forest': 43, 'produce': 43, 'entry': 43, 'demands': 43, 'drags': 43, 'stronger': 43, 'cox': 43, 'glenn': 43, 'jan': 43, 'gene': 43, 'distracting': 43, 'idiotic': 43, 'fantasies': 43, 'basketball': 43, 'luke': 43, 'warning': 43, 'horribly': 43, 'treated': 43, 'defense': 43, 'cauldron': 43, 'energetic': 43, 'wave': 43, 'ensues': 43, 'cutting': 43, 'prinze': 43, 'condition': 43, 'ron': 43, 'ring': 43, 'reminds': 43, 'mildly': 43, 'random': 43, 'mitchell': 43, 'throws': 43, 'barrymore': 43, 'destination': 43, 'attraction': 43, 'morgan': 43, 'lifeless': 43, 'insult': 43, 'crucial': 43, 'consists': 43, 'dress': 43, 'sides': 43, '100': 43, 'miles': 43, 'scientists': 43, 'duvall': 43, 'franchise': 43, 'block': 43, 'neeson': 43, 'jar': 43, 'survivors': 43, 'todd': 43, 'chain': 43, 'infamous': 43, 'civil': 43, 'selling': 43, 'anymore': 43, '\\nkevin': 43, 'cruel': 43, 'breathtaking': 43, 'reese': 43, 'sympathy': 43, 'disco': 43, 'drag': 43, 'movement': 43, ' ': 43, 'bug': 42, 'jamie': 42, 'blind': 42, 'saves': 42, 'gain': 42, 'allowing': 42, 'independent': 42, 'strip': 42, '13': 42, '-4': 42, '9': 42, 'monsters': 42, 'delivery': 42, 'reference': 42, 'handsome': 42, 'bathroom': 42, 'classics': 42, 'fu': 42, 'levels': 42, 'hang': 42, 'settle': 42, 'generated': 42, 'teens': 42, 'shut': 42, 'computer-generated': 42, 'increasingly': 42, 'garbage': 42, 'thief': 42, 'anger': 42, 'tricks': 42, 'michelle': 42, 'lethal': 42, 'finish': 42, 'impressed': 42, 'enjoying': 42, 'everywhere': 42, 'highlight': 42, "world\\'s": 42, 'contain': 42, 'cameos': 42, 'drinking': 42, 'delivered': 42, 'base': 42, 'frankly': 42, 'fool': 42, 'intellectual': 42, 'lights': 42, 'closing': 42, 'hughes': 42, 'laura': 42, 'birthday': 42, 'americans': 42, 'judd': 42, 'senses': 42, 'combined': 42, 'october': 42, 'confrontation': 42, 'treats': 42, 'delivering': 42, 'mile': 42, 'maggie': 42, 'warner': 41, '\\ndoes': 41, '+4': 41, 'influence': 41, 'kinds': 41, 'training': 41, 'california': 41, 'romeo': 41, 'jumps': 41, 'orders': 41, "he\\'ll": 41, 'utter': 41, 'travels': 41, 'imagery': 41, "\\ni\\'d": 41, 'karen': 41, 'writer/director': 41, 'inane': 41, 'neighbor': 41, 'millions': 41, 'command': 41, 'knock': 41, 'terrifying': 41, 'ludicrous': 41, 'jet': 41, 'caring': 41, 'verhoeven': 41, "\\ni\\'ll": 41, 'relate': 41, '\\nany': 41, 'reputation': 41, 'ticket': 41, 'emma': 41, 'awards': 41, 'davis': 41, 'wildly': 41, 'twin': 41, 'norton': 41, 'dillon': 41, 'personalities': 41, 'portrays': 41, 'vicious': 41, 'cases': 41, '\\nthankfully': 41, 'prisoners': 41, 'passes': 41, 'ellie': 41, 'tracks': 41, 'johnson': 41, 'factor': 41, '2000': 41, 'relies': 41, 'explored': 41, 'parker': 41, '54': 41, 'hoffman': 41, 'engaged': 41, 'sword': 40, 'instantly': 40, "'synopsis": 40, 'category': 40, 'pet': 40, 'turkey': 40, 'ghosts': 40, 'nonetheless': 40, 'uninspired': 40, 'differences': 40, 'oddly': 40, 'o': 40, 'kung': 40, 'shoots': 40, '\\nfortunately': 40, 'joins': 40, 'larger': 40, 'eerie': 40, 'supernatural': 40, 'sisters': 40, 'obsession': 40, 'mountain': 40, 'mickey': 40, 'campy': 40, 'jesus': 40, 'wanting': 40, 'glory': 40, 'albert': 40, 'legs': 40, 'stumbles': 40, 'fiennes': 40, 'editor': 40, 'drew': 40, "'when": 40, 'negative': 40, 'opened': 40, 'arrive': 40, 'gross': 40, 'cameras': 40, 'wishes': 40, 'prisoner': 40, 'learning': 40, 'kidnapping': 40, 'bulworth': 40, 'pool': 40, 'inspiration': 40, '6': 40, 'southern': 40, 'richards': 40, 'token': 40, 'baker': 40, 'carefully': 40, 'airplane': 40, 'fears': 40, 'received': 40, 'confusion': 40, 'blown': 40, 'invisible': 40, 'quentin': 40, 'proof': 40, 'hundreds': 40, 'charismatic': 40, 'affection': 40, 'ideal': 40, 'shining': 40, 'carrying': 40, '\\njack': 40, 'hills': 40, 'kidnapped': 40, "characters\\'": 40, 'spacey': 40, 'hide': 39, '\\nokay': 39, 'kick': 39, 'flashy': 39, 'slick': 39, 'empire': 39, 'easier': 39, 'sentimental': 39, 'worthwhile': 39, 'ambitious': 39, 'timing': 39, 'roth': 39, 'portrait': 39, 'realism': 39, 'catholic': 39, 'superficial': 39, 'stays': 39, 'prior': 39, 'adapted': 39, 'sandra': 39, 'stranger': 39, 'inner': 39, 'wong': 39, 'reaches': 39, 'carried': 39, 'tyler': 39, 'appropriately': 39, 'currently': 39, 'environment': 39, 'howard': 39, 'explaining': 39, 'mtv': 39, 'antics': 39, 'primarily': 39, 'tales': 39, 'broderick': 39, 'context': 39, 'stopped': 39, 'stanley': 39, 'staying': 39, 'manager': 39, 'sun': 39, 'cuba': 39, 'separate': 39, 'meat': 39, 'andy': 39, 'evening': 39, 'hostage': 39, 'framed': 39, 'lighting': 39, 'site': 39, '\\nour': 39, 'card': 39, 'cromwell': 39, 'identify': 39, 'revealing': 39, 'flight': 39, 'paltrow': 39, 'soft': 39, 'hook': 39, 'millionaire': 39, '\\nok': 39, 'depp': 39, 'respectively': 39, 'network': 39, 'believed': 39, '12': 39, 'scorsese': 39, 'till': 39, 'loyal': 39, 'spoof': 39, 'flubber': 39, 'bowling': 39, 'happiness': 39, 'stewart': 39, 'virtual': 39, 'offering': 38, 'squad': 38, 'compare': 38, 'sleazy': 38, 'devices': 38, 'advantage': 38, 'removed': 38, 'would-be': 38, 'henstridge': 38, '\\nalmost': 38, '\\nwhere': 38, 'object': 38, 'stupidity': 38, 'bat': 38, 'credible': 38, 'excessive': 38, 'teeth': 38, 'fell': 38, 'banderas': 38, 'battles': 38, '\\nlet': 38, 'li': 38, 'blows': 38, 'stab': 38, 'anaconda': 38, 'fonda': 38, 'randy': 38, 'helping': 38, 'psychotic': 38, '\\nstarring': 38, 'pg': 38, "hadn\\'t": 38, 'deserved': 38, 'glad': 38, 'internet': 38, 'response': 38, 'gradually': 38, '\\nthrough': 38, 'related': 38, 'detailed': 38, 'individuals': 38, 'absolute': 38, 'tucker': 38, 'stealing': 38, 'directs': 38, 'friendly': 38, 'massive': 38, 'forms': 38, 'manipulative': 38, 'specifically': 38, 'kim': 38, 'captures': 38, 'fred': 38, 'melodramatic': 38, 'served': 38, 'searching': 38, 'dan': 38, 'displays': 38, 'flawless': 38, 'suspicious': 38, 'faced': 38, 'term': 38, 'shares': 38, 'surrounding': 38, 'diaz': 38, 'poker': 38, 'warriors': 38, 'fargo': 38, 'views': 38, "'it": 37, 'arrival': 37, 'potentially': 37, 'fatal': 37, 'showdown': 37, 'adequate': 37, 'murderer': 37, 'anybody': 37, '8mm': 37, 'irony': 37, '\\nlater': 37, 'revelation': 37, 'nervous': 37, 'spoken': 37, 'packed': 37, 'paced': 37, 'reads': 37, 'stunt': 37, "\\nyou\\'ll": 37, 'crack': 37, 'alicia': 37, "ain\\'t": 37, 'protect': 37, 'angles': 37, 'redeeming': 37, 'subtlety': 37, 'hitchcock': 37, 'rooms': 37, 'formulaic': 37, 'conversations': 37, 'lesson': 37, 'gabriel': 37, 'straightforward': 37, 'par': 37, 'tape': 37, 'harrelson': 37, 'ruin': 37, 'committed': 37, 'hackman': 37, 'hokey': 37, 'incident': 37, 'disappears': 37, 'guest': 37, 'h': 37, 'corrupt': 37, 'pretentious': 37, 'amanda': 37, 'wing': 37, 'enjoyment': 37, 'sinister': 37, 'demonstrates': 37, 'experienced': 37, 'pat': 37, 'lone': 37, '\\nnone': 37, 'neve': 37, 'comet': 37, 'foster': 37, 'correct': 37, 'strangely': 37, 'k': 37, 'chooses': 37, 'hood': 37, 'secretly': 37, 'ages': 37, 'majority': 37, '\\nluckily': 37, 'gordon': 37, 'predecessor': 37, 'greatly': 37, 'worker': 37, 'scares': 37, 'skill': 37, 'population': 37, '\\ndavid': 37, "today\\'s": 37, 'destined': 37, 'shall': 37, 'castle': 37, 'melvin': 37, "bug\\'s": 37, 'magnificent': 37, '\\nare': 36, 'chasing': 36, 'wrapped': 36, 'knight': 36, 'narrator': 36, 'require': 36, 'melodrama': 36, "'capsule": 36, 'toilet': 36, 'bucks': 36, 'secrets': 36, 'express': 36, 'paying': 36, 'tune': 36, 'passing': 36, 'graham': 36, 'briefly': 36, 'thousand': 36, '\\njoe': 36, 'experiment': 36, 'stale': 36, 'gem': 36, 'upcoming': 36, 'doom': 36, '1993': 36, 'connery': 36, 'silence': 36, 'importance': 36, 'armed': 36, 'discovery': 36, 'returned': 36, 'lucy': 36, 'dozens': 36, 'brand': 36, 'listen': 36, 'hiding': 36, 'chair': 36, 'spin': 36, 'bay': 36, 'penn': 36, 'naive': 36, 'achieve': 36, 'plotting': 36, 'represents': 36, 'blank': 36, 'cynical': 36, 'smoking': 36, 'palma': 36, 'darth': 36, 'disc': 36, 'monty': 36, 'sophisticated': 36, 'altogether': 36, 'prevent': 36, 'devoted': 36, 'aid': 36, 'underground': 36, 'balance': 36, 'colonel': 36, 'dating': 36, 'proper': 36, 'achieved': 36, 'thurman': 36, 'fourth': 36, 'prepared': 36, 'patients': 36, 'builds': 36, 'choose': 36, 'beverly': 36, 'interviews': 36, 'mass': 36, 'antz': 36, 'gattaca': 36, 'skip': 35, 'wisdom': 35, 'round': 35, 'super': 35, 'accurate': 35, 'torn': 35, 'broad': 35, 'france': 35, 'mortal': 35, 'somebody': 35, 'standards': 35, 'hurricane': 35, 'promises': 35, 'account': 35, 'consequences': 35, 'poignant': 35, '1970s': 35, '\\njames': 35, 'ashley': 35, 'kinda': 35, 'chose': 35, 'pulling': 35, 'vince': 35, 'rage': 35, 'guards': 35, 'combat': 35, 'listening': 35, 'controversial': 35, 'hated': 35, 'controlled': 35, 'evident': 35, 'aging': 35, 'glass': 35, 'lou': 35, 'convicted': 35, 'tall': 35, 'striking': 35, 'jeffrey': 35, 'awesome': 35, 'screams': 35, '\\nagain': 35, "america\\'s": 35, 'appearing': 35, 'edited': 35, 'on-screen': 35, 'horrifying': 35, 'artificial': 35, 'braveheart': 35, 'scenario': 35, 'finished': 35, 'worry': 35, 'resembles': 35, 'east': 35, 'san': 35, 'tunes': 35, 'distant': 35, 'crafted': 35, 'staged': 35, 'mermaid': 35, 'costner': 35, 'solely': 35, 'sharon': 35, 'bottle': 35, 'shape': 35, 'shadow': 35, 'ellen': 35, 'cards': 35, 'galaxy': 35, 'buscemi': 35, 'uncomfortable': 35, 'robocop': 35, 'ransom': 35, 'watson': 35, 'resolution': 35, 'craven': 35, 'personally': 34, 'donald': 34, 'criminals': 34, 'essential': 34, 'mentally': 34, 'frequent': 34, 'unpleasant': 34, 'busy': 34, 'definite': 34, 'emperor': 34, 'pam': 34, 'host': 34, 'sinise': 34, '\\ndid': 34, 'strictly': 34, 'paxton': 34, 'clown': 34, 'pile': 34, 'wreck': 34, 'caused': 34, 'respective': 34, 'creation': 34, 'elderly': 34, 'repetitive': 34, 'realizing': 34, 'freddie': 34, 'harsh': 34, 'motives': 34, 'argue': 34, 'dedicated': 34, 'reluctant': 34, 'sonny': 34, 'wacky': 34, 'principal': 34, 'ali': 34, 'rights': 34, 'month': 34, 'jaws': 34, 'betty': 34, 'ruined': 34, 'beings': 34, 'broadcast': 34, 'sloppy': 34, 'assigned': 34, 'proud': 34, 'peak': 34, 'jewish': 34, 'profanity': 34, 'trend': 34, 'authority': 34, 'gambling': 34, 'attracted': 34, 'dealer': 34, 'technique': 34, '\\nrobert': 34, 'flair': 34, 'safety': 34, 'wallace': 34, 'sexuality': 34, 'beatty': 34, 'attempted': 34, 'denise': 34, 'so-called': 34, 'shark': 34, 'suffered': 34, 'leo': 34, 'decisions': 34, 'holy': 34, 'obi-wan': 34, 'funnier': 34, 'gloria': 34, 'malcolm': 34, 'arm': 34, 'section': 34, 'thousands': 34, 'nearby': 34, 'sucked': 34, 'frankenstein': 34, 'heat': 34, 'irene': 34, '\\n>from': 34, "they\\'ll": 34, 'shine': 34, 'data': 34, '\\ngranted': 34, 'slight': 34, 'malkovich': 34, 'wahlberg': 34, 'gas': 34, "smith\\'s": 34, 'greatness': 34, 'belief': 34, 'letter': 34, 'handles': 34, 'authentic': 34, 'bats': 34, 'bullets': 34, 'curtis': 33, 'ads': 33, 'specific': 33, 'welles': 33, 'clues': 33, 'besides': 33, 'jumping': 33, 'inspector': 33, 'kicks': 33, 'calling': 33, 'noticed': 33, 'b-movie': 33, 'trademark': 33, 'grade': 33, 'competition': 33, '\\nplot': 33, 'extent': 33, 'satan': 33, 'brutally': 33, 'cooper': 33, 'madness': 33, 'sorvino': 33, 'rely': 33, 'ran': 33, 'redemption': 33, 'eager': 33, 'indian': 33, 'casino': 33, 'according': 33, 'make-up': 33, 'mansion': 33, 'shines': 33, 'rises': 33, 'odds': 33, '13th': 33, 'concerns': 33, 'peace': 33, 'essence': 33, "schindler\\'s": 33, 'underrated': 33, 'lying': 33, 'unconvincing': 33, 'africa': 33, 'african': 33, 'celebrity': 33, 'measure': 33, 'centers': 33, '\\npeople': 33, 'duke': 33, 'solve': 33, 'amounts': 33, 'insane': 33, 'snipes': 33, 'profession': 33, 'waves': 33, 'commercials': 33, 'grave': 33, 'bought': 33, 'challenging': 33, 'approaches': 33, 'fired': 33, 'anakin': 33, 'citizens': 33, 'illegal': 33, 'writes': 33, '\\nthroughout': 33, 'burning': 33, 'afterwards': 33, 'forgot': 33, 'slightest': 33, 'strongly': 33, 'thought-provoking': 33, 'linda': 33, "burton\\'s": 33, 'physically': 33, 'terrorists': 33, 'crazed': 33, 'astonishing': 33, "hollywood\\'s": 33, 'duo': 33, 'possessed': 33, 'marketing': 33, 'firm': 33, 'closely': 33, 'federation': 33, 'tour': 33, "\\'the": 33, 'naturally': 33, 'philosophy': 33, 'pacino': 33, 'rebecca': 33, 'mirror': 33, '\\nnevertheless': 33, 'attorney': 33, 'lazy': 32, 'sutherland': 32, '\\naside': 32, 'enters': 32, 'receives': 32, 'territory': 32, '\\nrather': 32, 'roman': 32, 'happily': 32, 'onscreen': 32, 'outing': 32, 'hapless': 32, 'official': 32, 'grier': 32, 'kilmer': 32, 'preview': 32, 'walked': 32, 'realm': 32, 'admire': 32, 'popularity': 32, 'normally': 32, 'examples': 32, 'acceptable': 32, 'grim': 32, "he\\'d": 32, 'clumsy': 32, 'commander': 32, 'ridiculously': 32, 'split': 32, 'chaos': 32, '50': 32, 'godfather': 32, 'focused': 32, '\\nobviously': 32, 'battlefield': 32, 'rachel': 32, 'lovable': 32, 'belongs': 32, 'tiresome': 32, 'curious': 32, 'fancy': 32, 'decidedly': 32, 'mindless': 32, 'floating': 32, 'emily': 32, 'depressed': 32, 'catches': 32, 'jessica': 32, 'adding': 32, 'farm': 32, 'immensely': 32, 'alec': 32, 'craft': 32, 'convinces': 32, 'macho': 32, 'sin': 32, 'joseph': 32, 'struck': 32, 'nostalgia': 32, 'inevitably': 32, 'remarkably': 32, '1994': 32, 'thrill': 32, '\\nchris': 32, 'spark': 32, 'university': 32, 'carrie': 32, 'mcgregor': 32, 'unpredictable': 32, 'uncle': 32, 'lands': 32, 'vietnam': 32, 'mail': 32, 'honestly': 32, 'harrison': 32, 'painting': 32, 'coffee': 32, 'raw': 32, 'leigh': 32, 'bumbling': 32, 'aboard': 32, 'aimed': 32, 'grew': 32, 'associated': 32, 'freeze': 32, 'miami': 32, 'ace': 32, 'entertained': 32, '80s': 32, 'walls': 32, 'luc': 32, 'triumph': 32, 'interview': 32, 'legal': 32, 'explosion': 32, 'dicaprio': 32, 'thirteenth': 32, 'marvelous': 32, 'courage': 32, 'drink': 31, 'neat': 31, 'visions': 31, 'echoes': 31, 'regarding': 31, 'convoluted': 31, 'string': 31, 'chick': 31, "audience\\'s": 31, 'beneath': 31, 'convey': 31, 'presentation': 31, 'miserable': 31, 'jealous': 31, "king\\'s": 31, 'presumably': 31, 'scripts': 31, 'gorilla': 31, 'nifty': 31, 'disease': 31, 'nonsense': 31, 'crimes': 31, "everyone\\'s": 31, 'watches': 31, 'guts': 31, 'guilt': 31, 'nicholas': 31, 'composed': 31, 'shy': 31, 'lends': 31, 'changing': 31, 'winds': 31, 'laid': 31, 'remind': 31, 'breath': 31, 'hopper': 31, 'iii': 31, '\\ndr': 31, 'receive': 31, 'developing': 31, 'seek': 31, 'menacing': 31, '\\nnever': 31, 'possesses': 31, 'hearts': 31, 'sticks': 31, 'plausible': 31, 'showcase': 31, 'earned': 31, 'carl': 31, 'funeral': 31, "mother\\'s": 31, '\\nwas': 31, '\\nget': 31, 'francis': 31, 'sentence': 31, 'meyer': 31, 'showgirls': 31, 'lesbian': 31, 'crude': 31, 'pursuit': 31, 'pays': 31, 'dimension': 31, 'frightened': 31, 'asleep': 31, 'slaves': 31, 'machines': 31, 'overdone': 31, 'comical': 31, 'thompson': 31, 'weaver': 31, 'previews': 31, 'boasts': 31, 'bastard': 31, 'dignity': 31, 'snow': 31, 'mexico': 31, 'gere': 31, 'sleepy': 31, 'struggles': 31, 'uneven': 31, 'dawn': 31, 'alfred': 31, "cameron\\'s": 31, 'ann': 31, 'paranoid': 31, 'vast': 31, "harry\\'s": 31, 'backdrop': 31, 'futuristic': 31, 'watchable': 31, 'voight': 31, 'mistaken': 31, 'upper': 31, 'crowe': 31, 'divorce': 31, 'accepts': 31, 'liam': 31, 'calm': 31, 'commanding': 31, 'amistad': 31, 'paulie': 31, 'ordell': 31, "'plot": 30, 'package': 30, 'harder': 30, 'lively': 30, 'forgettable': 30, '\\nultimately': 30, 'shower': 30, 'wanders': 30, 'assault': 30, 'investigator': 30, 'everyday': 30, 'beats': 30, 'august': 30, 'convenient': 30, 'nude': 30, 'hates': 30, 'cardboard': 30, 'pretend': 30, 'endings': 30, 'wake': 30, 'sappy': 30, 'starred': 30, 'big-budget': 30, 'bates': 30, '\\nvan': 30, 'possibility': 30, 'criticism': 30, 'fable': 30, 'repeated': 30, 'opportunities': 30, '\\nbe': 30, 'per': 30, 'ease': 30, 'method': 30, "'if": 30, '40': 30, 'brains': 30, 'nurse': 30, 'cave': 30, 'leonard': 30, 'ross': 30, 'marshall': 30, 'com': 30, 'proved': 30, 'insulting': 30, 'credibility': 30, 'eugene': 30, 'rocks': 30, 'advance': 30, 'threatens': 30, 'upset': 30, 'titled': 30, 'selfish': 30, 'warren': 30, '\\njackie': 30, 'australian': 30, '\\ngeorge': 30, 'cook': 30, 'invasion': 30, 'reduced': 30, 'drawing': 30, 'segments': 30, 'cheating': 30, '\\nbesides': 30, 'text': 30, 'ned': 30, 'methods': 30, '\\nnaturally': 30, 'astronaut': 30, 'unhappy': 30, 'greed': 30, 'exceptional': 30, 'box-office': 30, 'destroying': 30, 'rough': 30, 'bullock': 30, 'portions': 30, 'financial': 30, 'samuel': 30, 'thankfully': 30, 'sensitive': 30, "80\\'s": 30, 'redman': 30, 'hires': 30, 'twins': 30, 'racism': 30, 'phony': 30, 'candy': 30, 'distance': 30, 'duchovny': 30, 'properly': 30, 'thoughtful': 30, 'alternate': 30, 'felix': 30, 'vaguely': 30, 'sly': 30, 'performer': 30, 'transformation': 30, 'messages': 30, 'spring': 30, 'impress': 30, 'surrounded': 30, 'mulder': 30, 'kudrow': 30, 'offered': 30, 'enterprise': 30, 'iron': 30, 'angela': 30, 'courtney': 30, 'tremendous': 30, "truman\\'s": 30, 'figured': 29, '\\nwhatever': 29, 'worried': 29, 'fighter': 29, 'doomed': 29, 'proceeds': 29, 'hints': 29, "friend\\'s": 29, 'simultaneously': 29, 'tree': 29, 'wannabe': 29, 'confidence': 29, 'rip-off': 29, 'precisely': 29, 'movements': 29, 'crawford': 29, 'absent': 29, 'friday': 29, 'pointed': 29, 'sucks': 29, "devil\\'s": 29, 'skywalker': 29, 'prologue': 29, 'quinn': 29, 'authorities': 29, 'sits': 29, 'arthur': 29, 'describes': 29, 'spare': 29, 'remote': 29, 'gritty': 29, 'facial': 29, 'wings': 29, 'everett': 29, 'bears': 29, '/': 29, 'bare': 29, '1980s': 29, 'creator': 29, 'progress': 29, 'burns': 29, 'description': 29, 'molly': 29, 'comfortable': 29, '\\nthus': 29, '\\nindeed': 29, 'sympathize': 29, 'hears': 29, 'maintain': 29, '\\nlook': 29, 'thick': 29, 'native': 29, 'carol': 29, 'pg-13': 29, 'understood': 29, 'choreographed': 29, 'close-ups': 29, 'releases': 29, '\\neither': 29, 'hopefully': 29, 'waitress': 29, 'motions': 29, 'intent': 29, 'breakdown': 29, 'resulting': 29, 'victor': 29, '\\npart': 29, 'mistakes': 29, 'shadows': 29, 'guessed': 29, 'portman': 29, 'pod': 29, 'folk': 29, 'ignored': 29, 'riding': 29, 'abuse': 29, 'factory': 29, 'waters': 29, 'hat': 29, 'nose': 29, 'jolie': 29, 'faithful': 29, 'objects': 29, 'edition': 29, 'donnie': 29, 'butt': 29, 'tad': 29, 'josh': 29, '\\nben': 29, 'groups': 29, 'blatant': 29, 'barbara': 29, 'nazi': 29, 'prostitute': 29, 'sold': 29, 'ships': 29, 'parent': 29, 'rooting': 29, 'oz': 29, 'strangers': 29, 'advocate': 29, 'geoffrey': 29, 'heist': 29, 'whale': 29, 'imaginative': 29, 'route': 29, 'nelson': 29, 'mcconaughey': 29, 'businessman': 29, 'isolated': 29, 'von': 29, 'julianne': 29, 'x': 29, 'oldman': 28, "woman\\'s": 28, 'comment': 28, 'satisfy': 28, 'snuff': 28, 'determine': 28, 'lane': 28, 'dreadful': 28, 'purely': 28, 'pivotal': 28, 'charged': 28, 'senator': 28, 'ebert': 28, "they\\'d": 28, 'respectable': 28, 'asian': 28, 'mystical': 28, 'clothing': 28, 'crisp': 28, 'lesser': 28, 'causing': 28, 'awake': 28, 'realization': 28, 'jordan': 28, 'crying': 28, 'schneider': 28, 'grasp': 28, 'possibilities': 28, '\\npaul': 28, "'one": 28, 'praise': 28, 'damned': 28, 'claim': 28, 'analyze': 28, 'antonio': 28, 'gadget': 28, 'shifts': 28, 'christina': 28, 'platt': 28, 'owns': 28, '\\nusing': 28, 'miserably': 28, 'robbery': 28, 'befriends': 28, 'shannon': 28, 'bite': 28, 'insightful': 28, 'volcano': 28, 'twister': 28, 'airport': 28, 'prominent': 28, 'arrogant': 28, 'cost': 28, 'expressions': 28, 'comparisons': 28, 'promised': 28, '\\nright': 28, 'medium': 28, 'profound': 28, 'martha': 28, 'n': 28, 'troubles': 28, 'lopez': 28, "'there": 28, 'runner': 28, 'marie': 28, 'dancer': 28, 'lifestyle': 28, 'coen': 28, 'raising': 28, 'thugs': 28, 'acclaimed': 28, 'misguided': 28, 'sinking': 28, 'broke': 28, 'bowfinger': 28, 'inability': 28, 'drops': 28, "'it\\'s": 28, 'overbearing': 28, 'topic': 28, 'discussion': 28, 'planned': 28, 'dealt': 28, 'amongst': 28, '\\namong': 28, 'burn': 28, 'sum': 28, '1960s': 28, 'twilight': 28, 'attacked': 28, 'returning': 28, 'lackluster': 28, 'buck': 28, 'developments': 28, 'benefit': 28, 'covers': 28, 'popcorn': 28, 'uma': 28, 'argument': 28, 'investigating': 28, 'believing': 28, '\\njim': 28, 'abyss': 28, 'witherspoon': 28, 'cia': 28, 'enemies': 28, 'raises': 28, 'connor': 28, 'christine': 28, 'raging': 28, 'comments': 28, 'conscience': 28, 'besson': 28, 'junk': 28, 'dora': 28, 'kathy': 28, 'reached': 28, 'del': 28, '17': 28, 'code': 28, 'strict': 28, 'natalie': 28, 'blake': 28, 'uplifting': 28, "general\\'s": 28, 'shouting': 28, 'farrelly': 28, 'vulnerable': 28, 'jude': 28, 'destiny': 28, 'fuller': 28, 'finn': 28, 'highway': 27, 'joblo': 27, 'stir': 27, 'undercover': 27, '20th': 27, "1997\\'s": 27, 'awfully': 27, 'mining': 27, "husband\\'s": 27, '\\nneither': 27, 'psychiatrist': 27, 'switch': 27, 'glance': 27, 'admirable': 27, 'precious': 27, 'performing': 27, 'kennedy': 27, 'misses': 27, 'guessing': 27, 'forcing': 27, 'cindy': 27, 'paradise': 27, 'proven': 27, '\\ngo': 27, 'leaps': 27, 'theron': 27, 'paint': 27, 'conventions': 27, 'raimi': 27, 'print': 27, 'irrelevant': 27, 'spanish': 27, 'mayor': 27, 'productions': 27, 'useless': 27, "chan\\'s": 27, "we\\'ll": 27, 'loosely': 27, 'involvement': 27, 'row': 27, 'cousin': 27, 'careers': 27, 'demanding': 27, 'lousy': 27, 'sub-plot': 27, 'heroin': 27, 'cultural': 27, 'explicit': 27, 'exploitation': 27, '_the': 27, '\\nbasically': 27, 'rapidly': 27, 'gooding': 27, 'tossed': 27, 'bird': 27, 'warned': 27, 'respected': 27, 'phrase': 27, 'velvet': 27, 'siege': 27, 'fix': 27, 'sadistic': 27, 'palmetto': 27, 'blond': 27, 'nation': 27, 'tea': 27, 'midst': 27, 'discovering': 27, 'suicidal': 27, 'masters': 27, 'ruthless': 27, 'reluctantly': 27, 'metro': 27, 'mate': 27, 'communicate': 27, 'werewolf': 27, 'outcome': 27, 'ill': 27, 'unrealistic': 27, 'canadian': 27, '\\nadd': 27, '\\nsomething': 27, 'considerably': 27, 'foley': 27, 'cliff': 27, 'discuss': 27, 'enjoys': 27, 'debate': 27, 'improved': 27, 'reunion': 27, 'montage': 27, 'cartoonish': 27, 'dare': 27, 'catchy': 27, 'momentum': 27, 'separated': 27, 'walker': 27, 'ricky': 27, 'predict': 27, 'fiona': 27, 'lower': 27, 'subjects': 27, 'insurance': 27, 'instances': 27, 'newman': 27, 'susan': 27, 'comedian': 27, 'porter': 27, 'noble': 27, 'neck': 27, 'heather': 27, 'hire': 27, "story\\'s": 27, 'burst': 27, 'ominous': 27, 'liking': 27, 'recognition': 27, 'cure': 27, 'courtesy': 27, 'daddy': 27, 'gwyneth': 27, 'egypt': 27, '\\nspeaking': 27, 'visits': 27, 'existenz': 27, 'contained': 27, 'troops': 27, 'elfman': 27, 'accomplish': 27, 'wcw': 27, 'labor': 27, 'mercury': 27, 'immediate': 27, 'companion': 27, 'wright': 27, 'racist': 27, 'eastwood': 27, 'satirical': 27, 'pride': 27, 'bridges': 27, 'fictional': 27, 'portray': 27, 'dramas': 27, "spielberg\\'s": 27, 'leila': 27, '\\nwatch': 26, 'arrow': 26, 'robots': 26, 'typically': 26, 'advanced': 26, 'underworld': 26, 'reel': 26, 'assignment': 26, 'puzzle': 26, 'psychologist': 26, 'convincingly': 26, 'significance': 26, 'captivating': 26, 'zone': 26, 'birch': 26, 'seeking': 26, 'franklin': 26, 'voice-over': 26, 'altman': 26, 'roots': 26, 'boston': 26, 'souls': 26, 'assured': 26, 'royal': 26, 'standout': 26, 'fluff': 26, 'assassin': 26, 'pants': 26, 'extras': 26, 'crush': 26, 'horrific': 26, 'joined': 26, 'intention': 26, 'continually': 26, 'bud': 26, 'secretary': 26, 'champion': 26, 'shaw': 26, 'complexity': 26, 'accompanied': 26, 'rid': 26, 'amidst': 26, '\\nwhether': 26, 'coherent': 26, 'shift': 26, 'live-action': 26, 'richardson': 26, 'startling': 26, 'ratio': 26, 'bull': 26, 'zany': 26, 'manic': 26, 'venture': 26, "brother\\'s": 26, 'demeanor': 26, 'property': 26, '\\nuntil': 26, 'pitch': 26, 'shane': 26, 'portraying': 26, 'victory': 26, 'fishburne': 26, 'nominated': 26, 'outer': 26, 'joker': 26, 'crashes': 26, 'savage': 26, 'demise': 26, 'mountains': 26, 'pleasures': 26, "dante\\'s": 26, '\\ntom': 26, 'post': 26, 'videos': 26, "could\\'ve": 26, 'concert': 26, 'tickets': 26, 'heck': 26, 'beaten': 26, 'convention': 26, 'wicked': 26, 'azaria': 26, 'revolution': 26, 'ha': 26, 'smaller': 26, 'lifted': 26, 'fincher': 26, 'torture': 26, 'traveling': 26, 'spite': 26, 'sustain': 26, 'behold': 26, 'unintentionally': 26, 'oil': 26, '\\nupon': 26, 'pack': 26, 'link': 26, 'roommate': 26, 'legends': 26, 'assembled': 26, 'idiot': 26, 'producing': 26, 'similarities': 26, 'ignore': 26, 'newcomer': 26, 'hewitt': 26, 'staff': 26, 'chased': 26, 'knights': 26, 'knife': 26, 'freak': 26, 'slavery': 26, "shakespeare\\'s": 26, 'mild': 26, 'sgt': 26, 'pushing': 26, "people\\'s": 26, '\\nalas': 26, 'hayek': 26, 'federal': 26, 'wisely': 26, 'kidman': 26, '\\nseveral': 26, 'marc': 26, 'sketch': 26, 'butler': 26, 'gal': 26, '\\nlife': 26, 'havoc': 26, 'motivations': 26, 'abandon': 26, 'diane': 26, 'chuckle': 26, 'nevertheless': 26, 'unforgettable': 26, '\\nsomeone': 26, 'dynamic': 26, 'elite': 26, 'sparks': 26, "joe\\'s": 26, 'exploring': 26, 'generate': 26, 'hopelessly': 26, '\\nanyone': 26, 'serving': 26, 'occurred': 26, 'devito': 26, 'artists': 26, 'kubrick': 26, '\\nnote': 26, 'spoil': 26, 'cope': 26, 'glimpse': 26, 'holmes': 26, 'casablanca': 26, 'boot': 26, 'libby': 26, 'macy': 26, '\\nhave': 26, 'loaded': 26, 'grease': 26, 'laws': 26, 'mummy': 26, 'hereafter': 26, 'poetry': 26, 'generations': 26, 'hysterical': 26, 'unfolds': 26, 'nielsen': 26, 'gladiator': 26, 'hedwig': 26, 'vader': 26, 'homer': 26, 'sweetback': 26, 'couples': 25, 'nightmares': 25, '9/10': 25, "here\\'s": 25, 'judging': 25, '\\ncomments': 25, 'vehicles': 25, 'daniels': 25, 'proceed': 25, '\\nsomehow': 25, 'martian': 25, 'colony': 25, '\\nfollowing': 25, 'frustrated': 25, 'goldblum': 25, 'apple': 25, 'sexually': 25, 'replacement': 25, 'opposed': 25, 'philosophical': 25, 'indiana': 25, 'blend': 25, 'and/or': 25, 'melanie': 25, 'closest': 25, 'sheen': 25, 'underdeveloped': 25, 'underwater': 25, 'dazzling': 25, 'bening': 25, 'residents': 25, 'penned': 25, 'parole': 25, '\\ncertainly': 25, 'absence': 25, 'spell': 25, 'nightclub': 25, '\\nenter': 25, 'practice': 25, 'intricate': 25, 'sunday': 25, 'cheer': 25, 'florida': 25, 'unsettling': 25, 'blast': 25, 'potent': 25, '\\npeter': 25, 'sleeping': 25, 'reactions': 25, 'roommates': 25, 'embarrassed': 25, 'subjected': 25, 'depiction': 25, '1992': 25, 'piano': 25, 'shocked': 25, 'teach': 25, 'farce': 25, 'raped': 25, 'slips': 25, 'masterful': 25, 'horny': 25, 'teaching': 25, '\\ndirected': 25, 'distraction': 25, 'sounding': 25, 'nasa': 25, 'brave': 25, 'shared': 25, 'failing': 25, 'saga': 25, 'attached': 25, 'newly': 25, 'emmerich': 25, 'hudson': 25, 'sink': 25, 'spectacle': 25, 'areas': 25, 'underlying': 25, 'tends': 25, 'alexander': 25, 'lifetime': 25, 'noticeable': 25, 'occasion': 25, 'payback': 25, 'repeatedly': 25, '\\ngood': 25, 'heartfelt': 25, '70s': 25, 'smoke': 25, 'ingredients': 25, 'steel': 25, 'equivalent': 25, 'ricci': 25, 'psychic': 25, 'clone': 25, 'conviction': 25, '\\nlast': 25, 'ripped': 25, 'amazed': 25, 'grandfather': 25, 'gentle': 25, 'report': 25, 'boyle': 25, 'organization': 25, '90s': 25, 'connected': 25, 'craig': 25, 'poison': 25, 'mesmerizing': 25, 'christ': 25, 'deniro': 25, 'hannah': 25, 'kings': 25, 'surviving': 25, 'reed': 25, 'trail': 25, "simon\\'s": 25, "90\\'s": 25, 'understandable': 25, 'improvement': 25, 'neighbors': 25, 'top-notch': 25, 'cab': 25, 'engrossing': 25, 'ties': 25, 'branagh': 25, 'trap': 25, 'edwards': 25, 'dave': 25, 'guide': 25, 'smooth': 25, 'frustrating': 25, 'holocaust': 25, 'sincere': 25, 'brenner': 25, 'leonardo': 25, 'insurrection': 25, 'hoped': 25, 'dose': 25, 'confident': 25, 'relative': 25, 'dinosaurs': 25, 'jawbreaker': 25, 'pun': 25, 'rings': 25, 'stark': 25, 'robbie': 25, 'museum': 25, 'election': 25, '\\ncameron': 25, "\\nwhere\\'s": 24, "\\nyou\\'re": 24, 'recycled': 24, 'jeopardy': 24, 'contest': 24, 'ranks': 24, '\\nprobably': 24, 'covering': 24, 'hugh': 24, 'curiosity': 24, 'explores': 24, 'miscast': 24, 'phenomenon': 24, 'restraint': 24, 'screwed': 24, 'garofalo': 24, 'grandmother': 24, '\\ntogether': 24, 'recurring': 24, 'possess': 24, "viewer\\'s": 24, 'odyssey': 24, 'astronauts': 24, 'honesty': 24, 'v': 24, 'trees': 24, 'theresa': 24, 'cities': 24, 'healthy': 24, 'disappear': 24, 'australia': 24, 'alas': 24, 'partly': 24, 'morality': 24, 'pot': 24, "allen\\'s": 24, 'merit': 24, 'constructed': 24, 'punishment': 24, 'newest': 24, 'classes': 24, 'fisher': 24, 'concern': 24, 'affected': 24, 'appreciated': 24, 'internal': 24, 'teams': 24, 'bully': 24, 'butcher': 24, 'nc-17': 24, 'dilemma': 24, "1996\\'s": 24, 'downhill': 24, 'damage': 24, 'wealth': 24, 'moronic': 24, 'blatantly': 24, 'dubious': 24, 'sara': 24, 'sally': 24, 'lengthy': 24, 'secondary': 24, 'hack': 24, 'maximum': 24, 'col': 24, 'co-worker': 24, 'web': 24, 'receiving': 24, 'teaches': 24, 'domestic': 24, 'nolte': 24, 'react': 24, 'exposed': 24, 'zeta-jones': 24, 'suck': 24, 'newspaper': 24, 'dreary': 24, 'worm': 24, 'disguise': 24, 'hitting': 24, 'session': 24, 'gruesome': 24, 'maintains': 24, 'perpetually': 24, 'activities': 24, 'mechanical': 24, 'proportions': 24, 'belong': 24, 'techniques': 24, 'concerning': 24, 'beau': 24, 'qui-gon': 24, 'introduction': 24, 'december': 24, 'postman': 24, 'computers': 24, 'arrested': 24, 'kathleen': 24, 'vague': 24, 'thornton': 24, '\\ncan': 24, 'recognized': 24, 'coincidence': 24, 'beer': 24, '1984': 24, 'nicole': 24, 'gothic': 24, 'georgia': 24, 'distinct': 24, 'spaceship': 24, 'chances': 24, 'page': 24, 'channel': 24, 'cup': 24, "would\\'ve": 24, '\\nwoody': 24, 'fast-paced': 24, 'exceptions': 24, 'engage': 24, 'suitable': 24, 'logical': 24, 'phillippe': 24, 'dreamworks': 24, 'defeat': 24, 'payoff': 24, 'ralph': 24, 'tear': 24, 'bang': 24, 'proving': 24, 'underneath': 24, "brothers\\'": 24, "carrey\\'s": 24, 'thank': 24, 'jersey': 24, 'unexpectedly': 24, 'clerk': 24, 'namely': 24, 'sid': 24, 'caan': 24, 'old-fashioned': 24, '\\nmovies': 24, 'eats': 24, 'chilling': 24, 'rico': 24, 'emphasis': 24, 'considerable': 24, 'reasonable': 24, 'notch': 24, 'deliciously': 24, 'irresistible': 24, 'implausible': 24, 'shortly': 24, 'les': 24, 'institution': 24, 'brosnan': 24, 'genetically': 24, "tarantino\\'s": 24, 'detectives': 24, 'inch': 24, 'bold': 24, 'effortlessly': 24, 'margaret': 24, 'interpretation': 24, 'mohr': 24, 'prom': 24, 'winslet': 24, 'guido': 24, 'mallory': 24, 'pink': 23, 'justify': 23, 'finger': 23, 'costs': 23, 'bros': 23, 'norm': 23, '\\nrated': 23, 'desires': 23, 'stereotype': 23, 'european': 23, 'alcoholic': 23, 'disturbed': 23, 'understated': 23, 'answered': 23, 'ear': 23, 'shirt': 23, 'deaths': 23, 'turmoil': 23, 'pops': 23, 'spread': 23, 'val': 23, 'automatically': 23, 'proverbial': 23, 'quote': 23, 'plant': 23, 'lips': 23, 'unintentional': 23, 'fingers': 23, 'retrieve': 23, "ol\\'": 23, 'wire': 23, 'letters': 23, 'nowadays': 23, 'bible': 23, 'depicted': 23, 'screens': 23, 'brilliance': 23, 'buying': 23, 'insists': 23, 'stomach': 23, 'journalist': 23, 'lab': 23, 'workers': 23, 'rebel': 23, 'gripping': 23, 'uninvolving': 23, 'dogma': 23, 'wakes': 23, 'biggs': 23, 'publicity': 23, 'slater': 23, 'mayhem': 23, 'undoubtedly': 23, 'ward': 23, 'maguire': 23, 'flies': 23, 'jazz': 23, 'tongue': 23, "\\nwe\\'ve": 23, 'parade': 23, 'graduate': 23, 'arguably': 23, 'accents': 23, 'credited': 23, 'jerk': 23, 'banks': 23, 'heading': 23, 'arizona': 23, 'doll': 23, 'caricatures': 23, 'rap': 23, 'discussing': 23, 'co-star': 23, 'reliable': 23, 'bell': 23, 'demons': 23, 'suzie': 23, 'charges': 23, 'destroys': 23, 'concepts': 23, 'heroic': 23, '\\nyeah': 23, 'worlds': 23, 'critically': 23, 'vessel': 23, 'syndrome': 23, 'awry': 23, 'buried': 23, 'morals': 23, 'closed': 23, 'settings': 23, 'manhattan': 23, 'tied': 23, 'francisco': 23, 'shoes': 23, "child\\'s": 23, 'load': 23, 'containing': 23, 'earn': 23, 'departure': 23, 'enhanced': 23, 'jesse': 23, 'acid': 23, 'kline': 23, 'officers': 23, 'unaware': 23, "williams\\'": 23, 'desperation': 23, 'motive': 23, 'planning': 23, 'gerard': 23, 'lance': 23, 'owes': 23, 'rodriguez': 23, 'offended': 23, 'civilization': 23, 'juliet': 23, 'displayed': 23, 'commits': 23, '18': 23, 'robinson': 23, 'shit': 23, 'vice': 23, 'titles': 23, 'kane': 23, 'bont': 23, 'tunnel': 23, 'shady': 23, 'depression': 23, 'plastic': 23, '1981': 23, 'dien': 23, 'ventura': 23, '\\nthree': 23, 'gimmick': 23, 'robbins': 23, 'chucky': 23, 'japan': 23, 'salesman': 23, 'continued': 23, 'amusement': 23, 'st': 23, 'circle': 23, 'despair': 23, 'heston': 23, 'exploration': 23, 'ironically': 23, 'innovative': 23, 'involve': 23, 'jews': 23, 'faults': 23, 'ewan': 23, 'feel-good': 23, 'judith': 23, "ba\\'ku": 23, 'kenobi': 23, 'wandering': 23, 'pierce': 23, 'meaningful': 23, '25': 23, 'lessons': 23, 'exorcist': 23, 'invited': 23, 'teenager': 23, 'senior': 23, 'stranded': 23, 'solution': 23, 'subsequent': 23, 'perry': 23, 'vital': 23, 'clint': 23, 'landscape': 23, 'performed': 23, 'tribute': 23, 'frequency': 23, 'apostle': 23, 'fed': 22, 'picking': 22, '\\notherwise': 22, 'blowing': 22, 'idle': 22, '1990s': 22, 'derivative': 22, 'client': 22, 'phoenix': 22, 'inject': 22, 'mundane': 22, 'coast': 22, 'annoyed': 22, 'fascinated': 22, 'bullet': 22, 'bulk': 22, 'kombat': 22, '\\nhad': 22, 'egg': 22, 'conflicts': 22, 'er': 22, 'cheadle': 22, 'witnessed': 22, 'plight': 22, 'underused': 22, 'flowing': 22, 'superhero': 22, 'pushes': 22, 'norman': 22, 'caliber': 22, 'dubbed': 22, 'moon': 22, 'urge': 22, 'patience': 22, 'incomprehensible': 22, 'stern': 22, 'adorable': 22, 'corruption': 22, 'handling': 22, "\\'80s": 22, 'stahl': 22, 'marty': 22, 'jacket': 22, 'prize': 22, 'boredom': 22, 'co-workers': 22, 'bickering': 22, 'twelve': 22, 'griffith': 22, 'enthusiasm': 22, 'liner': 22, '1988': 22, 'disgusting': 22, '\\nmatthew': 22, 'throat': 22, 'exotic': 22, 'versions': 22, 'trained': 22, 'doctors': 22, 'cooking': 22, 'stardom': 22, 'vanity': 22, 'walken': 22, 'glaring': 22, 'construction': 22, 'ambiguous': 22, 'overlong': 22, 'motivation': 22, 'asteroid': 22, 'vivid': 22, 'stylistic': 22, 'household': 22, 'equipment': 22, 'studying': 22, 'reno': 22, 'buildings': 22, 'square': 22, 'garden': 22, '\\nreview': 22, 'shoulders': 22, '\\neddie': 22, 'dismal': 22, 'peaceful': 22, 'hideous': 22, 'commit': 22, 'seattle': 22, 'tender': 22, 'rip': 22, 'basement': 22, 'unsatisfying': 22, 'succeeded': 22, 'outset': 22, 'lyrics': 22, 'stood': 22, 'darn': 22, 'push': 22, 'ark': 22, 'highlights': 22, "show\\'s": 22, '\\nhopefully': 22, 'expects': 22, '\\nbill': 22, 'greedy': 22, 'characterizations': 22, 'owen': 22, 'beliefs': 22, 'spotlight': 22, 'superman': 22, 'arrived': 22, "\\nyou\\'d": 22, 'ladies': 22, 'celebrities': 22, 'geek': 22, 'oscars': 22, 'louis': 22, 'nemesis': 22, 'shue': 22, 'stayed': 22, 'intrigue': 22, 'parallel': 22, 'fond': 22, 'glover': 22, 'jeremy': 22, 'hitman': 22, 'jean-claude': 22, 'industrial': 22, 'trace': 22, 'demonstrate': 22, 'daisy': 22, 'locations': 22, 'march': 22, 'swallow': 22, 'fiancee': 22, 'prefer': 22, 'accomplishment': 22, '\\nsuddenly': 22, 'cream': 22, 'transport': 22, 'leg': 22, 'homosexual': 22, '\\nplease': 22, 'dumber': 22, 'chocolate': 22, 'judgement': 22, 'annette': 22, 'kinnear': 22, '\\nwild': 22, 'lasting': 22, 'betrayal': 22, 'misery': 22, 'non-stop': 22, 'diner': 22, 'liar': 22, 'ghetto': 22, 'toro': 22, 'navy': 22, 'pale': 22, 'picard': 22, 'milton': 22, 'nazis': 22, 'reports': 22, "family\\'s": 22, 'stigmata': 22, 'passengers': 22, '\\nbeing': 22, 'forgets': 22, 'riveting': 22, 'monologue': 22, 'unseen': 22, 'employee': 22, 'escaped': 22, 'heche': 22, 'offbeat': 22, 'pity': 22, 'affairs': 22, 'tango': 22, 'comfort': 22, 'taxi': 22, 'cynthia': 22, 'neighborhood': 21, 'deserted': 21, "someone\\'s": 21, 'danes': 21, 'juvenile': 21, 'dust': 21, 'daryl': 21, "carpenter\\'s": 21, 'facing': 21, 'parallels': 21, 'arrest': 21, 'substantial': 21, 'ken': 21, 'half-hour': 21, 'houses': 21, 'exceptionally': 21, 'instant': 21, 'excited': 21, 'yelling': 21, 'imprisoned': 21, 'muddled': 21, 'femme': 21, 'borders': 21, 'border': 21, 'pleasing': 21, 'kissed': 21, 'charlize': 21, 'competent': 21, 'function': 21, 'wheel': 21, 'circles': 21, 'adolescent': 21, 'harmless': 21, 'exchanges': 21, 'tests': 21, 'chapter': 21, 'pages': 21, 'tables': 21, 'bitch': 21, 'balls': 21, 'candidate': 21, 'caricature': 21, 'therapy': 21, 'format': 21, 'seats': 21, 'chow': 21, 'confronts': 21, 'kit': 21, 'technically': 21, 'ambition': 21, 'worn': 21, 'stellar': 21, 'hackneyed': 21, 'habit': 21, 'janet': 21, 'minnie': 21, 'suitably': 21, 'replies': 21, '\\nmax': 21, 'detroit': 21, 'tracking': 21, 'spoiled': 21, 'suited': 21, 'murderous': 21, 'kicking': 21, 'resources': 21, 'entitled': 21, 'laughably': 21, 'ratings': 21, 'eszterhas': 21, 'sunk': 21, 'noteworthy': 21, 'sons': 21, '\\nbruce': 21, 'sarcastic': 21, 'introduce': 21, '\\ndeep': 21, '\\ngiven': 21, 'bones': 21, 'testament': 21, 'chest': 21, 'underwritten': 21, 'kicked': 21, 'fabulous': 21, '1985': 21, 'premiere': 21, 'parodies': 21, 'stages': 21, 'interact': 21, 'rubber': 21, 'lightning': 21, 'satisfied': 21, 'weir': 21, 'horses': 21, 'wound': 21, 'powder': 21, 'models': 21, 'retired': 21, 'denzel': 21, 'devoid': 21, 'debt': 21, 'hammer': 21, 'photo': 21, 'winter': 21, 'evolution': 21, 'griffin': 21, 'products': 21, 'forewarned': 21, 'warns': 21, 'reasonably': 21, 'foul': 21, 'caine': 21, 'parties': 21, 'uncertain': 21, 'chuck': 21, 'fares': 21, "guy\\'s": 21, 'judgment': 21, "killer\\'s": 21, "stone\\'s": 21, 'noise': 21, 'stiff': 21, 'suave': 21, 'achieves': 21, 'touched': 21, 'dressing': 21, 'explore': 21, 'bean': 21, 'wondered': 21, '\\nhell': 21, 'insects': 21, 'ivy': 21, 'orange': 21, '\\nimagine': 21, 'smarter': 21, 'throwaway': 21, 'occasions': 21, 'establishing': 21, 'steam': 21, 'pete': 21, 'big-screen': 21, 'harlem': 21, 'triangle': 21, 'casper': 21, 'casts': 21, 'reynolds': 21, 'expedition': 21, 'verbal': 21, 'joey': 21, 'sights': 21, 'genres': 21, 'creativity': 21, 'clan': 21, "'as": 21, 'array': 21, 'turner': 21, "'after": 21, 'harvey': 21, 'limits': 21, 'glen': 21, 'moses': 21, 'interests': 21, 'travis': 21, 'draws': 21, 'combines': 21, 'mib': 21, 'edgy': 21, 'cheated': 21, 'sphere': 21, 'harold': 21, 'flow': 21, 'jarring': 21, 'believability': 21, 'rushed': 21, "charlie\\'s": 21, 'virgin': 21, 'forster': 21, 'guidance': 21, 'counselor': 21, 'violin': 21, 'zane': 21, 'klein': 21, 'influenced': 21, 'feat': 21, 'philip': 21, 'webb': 21, 'mankind': 21, 'referred': 21, 'dreyfuss': 21, 'hamlet': 21, 'blah': 21, 'whisperer': 21, 'tomorrow': 21, 'hatred': 21, 'lounge': 21, 'co-stars': 21, 'montana': 21, 'strongest': 21, 'wounds': 21, 'nello': 21, 'treasure': 21, 'tons': 20, 'outfits': 20, 'questionable': 20, 'tie': 20, 'survives': 20, 'sue': 20, 'breathing': 20, 'reviewers': 20, "girl\\'s": 20, 'keener': 20, 'nicolas': 20, 'referring': 20, 'responds': 20, 'justin': 20, 'chambers': 20, 'banal': 20, 'scottish': 20, 'homes': 20, 'metaphor': 20, 'kay': 20, 'goldberg': 20, 'predictably': 20, 'leary': 20, 'exploit': 20, 'awhile': 20, 'faster': 20, 'african-american': 20, 'foolish': 20, '\\nscenes': 20, 'atlantic': 20, 'dunne': 20, 'consistent': 20, 'bruno': 20, 'speeches': 20, 'daring': 20, 'puppy': 20, 'assistance': 20, 'swear': 20, 'follow-up': 20, 'dalmatians': 20, 'dated': 20, 'unbearable': 20, 'han': 20, 'famed': 20, 'rumble': 20, 'statements': 20, 'nostalgic': 20, 'bridget': 20, 'chuckles': 20, 'instincts': 20, 'inferior': 20, 'worthless': 20, 'vengeance': 20, 'quit': 20, 'depths': 20, 'unoriginal': 20, 'haunt': 20, 'preposterous': 20, 'hides': 20, 'moviegoers': 20, 'incompetent': 20, 'recover': 20, 'warmth': 20, 'plotline': 20, 'remained': 20, 'rookie': 20, 'matthau': 20, 'bunny': 20, '19th': 20, 'roy': 20, 'lion': 20, 'fishing': 20, 'staring': 20, 'seduction': 20, 'alternative': 20, '11': 20, 'kingpin': 20, 'kitchen': 20, 'mentioning': 20, 'sessions': 20, 'attended': 20, 'cheese': 20, 'lust': 20, 'furious': 20, "person\\'s": 20, 'glimpses': 20, 'hilariously': 20, 'anticipation': 20, 'gauge': 20, 'desired': 20, 'deuce': 20, 'jacques': 20, 'voyage': 20, 'walsh': 20, 'pressure': 20, 'mcgowan': 20, 'fraser': 20, 'scores': 20, 'shopping': 20, 'accepted': 20, 'literature': 20, 'risky': 20, 'loyalty': 20, 'respects': 20, 'select': 20, 'subtitles': 20, 'locked': 20, 'sums': 20, 'resolved': 20, 'salma': 20, 'duty': 20, '200': 20, 'dracula': 20, 'overwhelming': 20, 'zellweger': 20, 'unfold': 20, 'maid': 20, 'wet': 20, '\\nback': 20, 'complain': 20, 'rita': 20, 'landing': 20, 'contract': 20, 'map': 20, 'chainsaw': 20, 'riot': 20, 'trait': 20, 'gigantic': 20, 'conditions': 20, 'affect': 20, 'tag': 20, 'citizen': 20, 'boxer': 20, 'counting': 20, 'fills': 20, 'kidnap': 20, 'well-written': 20, 'europe': 20, 'sneak': 20, 'resembling': 20, 'monkeys': 20, 'definition': 20, 'grab': 20, 'musicals': 20, 'altered': 20, 'lemmon': 20, 'toronto': 20, '$100': 20, 'liz': 20, 'dear': 20, 'excess': 20, 'mamet': 20, 'inexplicably': 20, 'frozen': 20, 'poster': 20, '\\nrobin': 20, 'marked': 20, 'pleasantville': 20, 'completed': 20, 'primitive': 20, 'fianc': 20, 'timothy': 20, 'temptation': 20, 'arc': 20, 'flop': 20, 'memphis': 20, 'trunk': 20, 'grisham': 20, 'newton': 20, 'resemble': 20, '\\nlarry': 20, 'passionate': 20, 'musicians': 20, 'overacting': 20, 'muse': 20, '\\nsimon': 20, '\\nadmittedly': 20, 'consequently': 20, 'merits': 20, 'delightfully': 20, 'morse': 20, 'minimal': 20, 'growth': 20, 'breed': 20, 'famke': 20, "actor\\'s": 20, 'lengths': 20, 'temple': 20, 'spike': 20, "scorsese\\'s": 20, 'crossing': 20, 'pleased': 20, 'notorious': 20, 'byrne': 20, 'organized': 20, 'begun': 20, 'avoids': 20, 'assumes': 20, 'gained': 20, 'egoyan': 20, 'veronica': 20, 'fulfill': 20, 'farrellys': 20, 'aggressive': 20, 'gus': 20, 'regardless': 20, 'quietly': 20, 'doug': 20, 'ongoing': 20, 'owned': 20, 'goodfellas': 20, 'pokemon': 20, 'chronicles': 20, 'chad': 20, 'darker': 20, "son\\'s": 20, 'matilda': 20, 'lambeau': 20, 'donkey': 20, 'rounders': 20, 'meantime': 19, 'dig': 19, '10/10': 19, 'stretched': 19, 'considers': 19, 'anastasia': 19, 'kingdom': 19, 'rejected': 19, 'collect': 19, 'custody': 19, 'advances': 19, 'seedy': 19, 'coat': 19, 'hence': 19, '\\nover': 19, '60': 19, 'wounded': 19, 'sand': 19, 'cancer': 19, 'simplistic': 19, 'moody': 19, 'taught': 19, 'stilted': 19, 'atrocious': 19, 'tiger': 19, 'regard': 19, 'associate': 19, 'seeks': 19, 'politically': 19, 'wig': 19, 'bubble': 19, "wife\\'s": 19, 'pretends': 19, 'fields': 19, '\\nnobody': 19, 'performs': 19, "summer\\'s": 19, 'catching': 19, 'muster': 19, 'entering': 19, 'cared': 19, 'examination': 19, 'panic': 19, 'ex': 19, 'witnesses': 19, 'heavy-handed': 19, "town\\'s": 19, 'conveniently': 19, 'supply': 19, 'guaranteed': 19, 'reward': 19, 'signed': 19, 'rudy': 19, 'depends': 19, 'patterns': 19, 'maurice': 19, 'noted': 19, 'resonance': 19, 'hotshot': 19, 'warden': 19, 'colleagues': 19, 'distracted': 19, 'ally': 19, "\\'em": 19, 'creations': 19, 'adaptations': 19, 'deliberately': 19, 'photographer': 19, 'dreaded': 19, 'embarrassment': 19, 'reilly': 19, '\\namerican': 19, 'paramount': 19, '\\naction': 19, 'resort': 19, 'prevents': 19, 'admission': 19, 'borrows': 19, '\\nedward': 19, 'strings': 19, '\\nwriter/director': 19, 'restless': 19, 'attend': 19, "1999\\'s": 19, 'insipid': 19, 'novels': 19, 'rogue': 19, "1998\\'s": 19, 'customers': 19, 'insanity': 19, 'confidential': 19, '\\nharry': 19, 'reserved': 19, 'bruckheimer': 19, 'harrowing': 19, 'lately': 19, 'survivor': 19, 'slimy': 19, 'paths': 19, 'leap': 19, 'light-hearted': 19, 'carnage': 19, 'popping': 19, 'barnes': 19, 'paranoia': 19, 'naboo': 19, 'entered': 19, 'complaint': 19, 'introducing': 19, 'venice': 19, 'germany': 19, 'impending': 19, 'dirt': 19, 'wardrobe': 19, 'waking': 19, 'phillips': 19, 'whereas': 19, 'thereby': 19, 'madsen': 19, 'july': 19, 'leder': 19, 'monica': 19, 'helpless': 19, 'laurence': 19, '\\nreally': 19, 'mixture': 19, 'daily': 19, 'claiming': 19, 'abusive': 19, 'reflects': 19, 'alike': 19, 'sylvester': 19, 'clash': 19, 'contempt': 19, 'endure': 19, 'saint': 19, 'repeat': 19, 'cigarettes': 19, '1/2': 19, 'intentionally': 19, 'awaiting': 19, 'gather': 19, 'screenwriting': 19, 'face/off': 19, 'admits': 19, 'entirety': 19, 'attendant': 19, '\\nwilliam': 19, 'obstacles': 19, 'stated': 19, 'compliment': 19, "it\\'ll": 19, 'weary': 19, 'corporate': 19, 'literary': 19, 'breakfast': 19, 'cabin': 19, 'modern-day': 19, "jack\\'s": 19, 'bartender': 19, 'unfair': 19, 'peculiar': 19, 'dropping': 19, 'rapid': 19, 'yard': 19, 'health': 19, 'relevant': 19, 'countries': 19, 'celluloid': 19, 'dumped': 19, 'tendency': 19, 'valley': 19, 'communication': 19, 'careful': 19, 'banter': 19, 'vibrant': 19, 'first-rate': 19, 'penis': 19, 'pushed': 19, 'screw': 19, 'forty': 19, 'millennium': 19, 'transition': 19, 'overlooked': 19, 'tagline': 19, 'requisite': 19, 'horrors': 19, 'article': 19, 'well-known': 19, 'approached': 19, 'resurrection': 19, 'portion': 19, 'fought': 19, 'observations': 19, 'variation': 19, 'crashing': 19, 'traffic': 19, 'lush': 19, 'grip': 19, 'outsider': 19, 'extensive': 19, 'fitting': 19, 'petty': 19, 'dramatically': 19, 'affecting': 19, 'blacks': 19, 'aaron': 19, 'forrest': 19, 'ramsey': 19, 've': 19, 'inherent': 19, 'degrees': 19, 'tin': 19, 'bedroom': 19, 'sings': 19, 'animators': 19, 'april': 19, 'goals': 19, 'lighthearted': 19, 'thrust': 19, 'estella': 19, 'revolutionary': 19, 'ourselves': 19, 'fidelity': 19, 'osment': 19, 'fei-hong': 19, '\\nspielberg': 19, 'camille': 19, 'suspicion': 18, 'span': 18, 'ribisi': 18, 'throne': 18, 'enthusiastic': 18, 'contrary': 18, 'admittedly': 18, 'tones': 18, 'exploits': 18, 'bookstore': 18, 'commitment': 18, 'pairing': 18, 'charlotte': 18, 'neurotic': 18, 'vows': 18, '\\ntim': 18, 'stretches': 18, 'musketeers': 18, 'plagued': 18, 'ireland': 18, 'bathtub': 18, 'seriousness': 18, 'unfamiliar': 18, 'exposition': 18, 'meaningless': 18, 'shattered': 18, 'flowers': 18, 'upside': 18, 'miraculously': 18, 'babysitter': 18, 'apollo': 18, 'placement': 18, 'phrases': 18, 'diabolical': 18, 'shoulder': 18, 'chills': 18, 'spooky': 18, 'goods': 18, '\\nhey': 18, 'granted': 18, '\\nset': 18, 'ryder': 18, 'witches': 18, 'thereafter': 18, 'convenience': 18, 'nails': 18, 'comparing': 18, 'bars': 18, 'pal': 18, 'marlon': 18, 'minimum': 18, '101': 18, 'mimic': 18, 'milk': 18, 'planets': 18, 'dud': 18, 'predecessors': 18, 'lolita': 18, 'informs': 18, 'gangsters': 18, 'pattern': 18, 'clark': 18, 'remove': 18, 'lambs': 18, 'alley': 18, 'propaganda': 18, 'camerawork': 18, '1977': 18, 'brink': 18, 'icon': 18, 'patricia': 18, 'jewel': 18, 'forlani': 18, 'understands': 18, 'dimensional': 18, 'fury': 18, 'disappeared': 18, 'mentor': 18, 'sentimentality': 18, 'mia': 18, 'rescued': 18, 'childish': 18, 'notices': 18, '\\nrichard': 18, 'partially': 18, 'brooklyn': 18, 'marvel': 18, 'rolled': 18, 'ought': 18, 'alcohol': 18, '\\nremember': 18, 'w': 18, 'diverse': 18, 'chinatown': 18, 'arkin': 18, 'billing': 18, 'afternoon': 18, '3000': 18, 'denver': 18, 'fright': 18, 'passenger': 18, 'despicable': 18, 'glamorous': 18, 'goons': 18, "'note": 18, 'framework': 18, 'ranging': 18, 'maintaining': 18, 'sultry': 18, 'shotgun': 18, 'accurately': 18, "lee\\'s": 18, 'rehash': 18, 'connect': 18, "'for": 18, 'horner': 18, 'intellectually': 18, "'susan": 18, "granger\\'s": 18, 'maniac': 18, 'spader': 18, 'elliot': 18, 'warped': 18, 'granger': 18, 'aspiring': 18, 'angst': 18, 'tasteless': 18, 'grotesque': 18, 'maria': 18, 'madison': 18, 'sliding': 18, 'lauren': 18, 'hometown': 18, 'ineffective': 18, 'survived': 18, 'brandy': 18, 'boils': 18, 'ruled': 18, 'stuffed': 18, 'harm': 18, '\\nvery': 18, 'preparing': 18, 'fisherman': 18, 'visiting': 18, 'turturro': 18, 'injury': 18, 'profit': 18, 'cocaine': 18, 'nicky': 18, 'spacecraft': 18, 'elsewhere': 18, 'speeding': 18, 'forbidden': 18, 'bail': 18, 'usa': 18, 'practical': 18, 'killings': 18, '\\nbottom': 18, 'favourite': 18, 'preston': 18, 'rat': 18, '\\nbetter': 18, "'what": 18, '\\nwould': 18, '\\nsurprisingly': 18, 'forgive': 18, 'dusk': 18, 'overblown': 18, 'distract': 18, 'boiler': 18, 'aim': 18, 'avengers': 18, 'relish': 18, 'amazingly': 18, "woo\\'s": 18, 'stumble': 18, 'shouts': 18, 'fascination': 18, 'shortcomings': 18, 'id4': 18, 'maturity': 18, 'filling': 18, 'subdued': 18, 'surrogate': 18, 'benefits': 18, 'sincerity': 18, 'reflect': 18, 'defined': 18, 'broadway': 18, 'silverman': 18, '1968': 18, '\\nopinion': 18, 'arise': 18, 'creek': 18, 'varsity': 18, 'earnest': 18, 'reservoir': 18, 'lieutenant': 18, 'recommended': 18, 'provoking': 18, 'unwatchable': 18, 'subway': 18, 'spirits': 18, 'einstein': 18, 'jock': 18, 'bernard': 18, 'cruelty': 18, 'superbly': 18, 'anticipated': 18, 'dylan': 18, 'symbolic': 18, 'luis': 18, 'stress': 18, 'nora': 18, 'sending': 18, 'union': 18, 'disappoint': 18, "travolta\\'s": 18, 'consideration': 18, 'cynicism': 18, 'crichton': 18, 'wag': 18, 'dustin': 18, 'resist': 18, 'reaching': 18, 'jakob': 18, 'devastating': 18, '\\nneedless': 18, 'globe': 18, 'darren': 18, 'scripted': 18, 'update': 18, 'guests': 18, 'jury': 18, 'katie': 18, 'addiction': 18, 'rendered': 18, 'concentration': 18, 'duck': 18, 'interrupted': 18, 'russians': 18, 'gellar': 18, 'represented': 18, 'highest': 18, 'transformed': 18, 'lara': 18, 'janssen': 18, 'expose': 18, 'potter': 18, 'accuracy': 18, 'avoiding': 18, 'low-key': 18, 'gump': 18, 'shield': 18, 'unit': 18, '\\nmartin': 18, 'rousing': 18, 'rosie': 18, 'matches': 18, 'videotape': 18, 'ash': 18, 'africans': 18, 'nina': 18, 'sweeping': 18, 'jeanne': 18, 'astounding': 18, 'lola': 18, 'depict': 18, 'apt': 18, 'represent': 18, 'gilliam': 18, 'argento': 18, 'dalai': 18, 'lama': 18, 'correctly': 17, 'mod': 17, 'footsteps': 17, 'medieval': 17, 'stalked': 17, 'all-time': 17, 'oblivious': 17, 'suspension': 17, 'yellow': 17, 'hardcore': 17, 'recognizes': 17, 'one-note': 17, 'gray': 17, '14': 17, '6/10': 17, 'agenda': 17, 'exit': 17, 'marine': 17, 'nod': 17, 'choreography': 17, '\\nironically': 17, 'inhabitants': 17, 'approximately': 17, 'lambert': 17, 'liu': 17, 'earthquake': 17, "earth\\'s": 17, "god\\'s": 17, 'paragraph': 17, 'staple': 17, 'depalma': 17, 'presenting': 17, 'hart': 17, 'rendition': 17, 'entrance': 17, 'stamp': 17, 'downey': 17, 'inexplicable': 17, 'uncover': 17, 'nerves': 17, 'ponder': 17, 'reindeer': 17, 'label': 17, 'ronin': 17, 'comprised': 17, 'vulnerability': 17, 'refer': 17, 'races': 17, 'penny': 17, '\\nabout': 17, 'losers': 17, 'henchmen': 17, 'lindo': 17, 'embrace': 17, 'defend': 17, '1991': 17, 'rolls': 17, "kubrick\\'s": 17, 'improve': 17, 'idiots': 17, 'deadpan': 17, 'reviewer': 17, 'shout': 17, 'lays': 17, 'anniversary': 17, 'creaky': 17, 'shorty': 17, 'brooding': 17, 'perfunctory': 17, 'brainless': 17, 'shaft': 17, 'seeming': 17, 'ruins': 17, 'demonstrated': 17, '1900': 17, 'hopeless': 17, 'schemes': 17, 'spinning': 17, '\\nmel': 17, 'deck': 17, 'incoherent': 17, 'capital': 17, 'records': 17, 'invites': 17, 'nixon': 17, 'science-fiction': 17, 'psychlos': 17, 'psychlo': 17, 'romp': 17, 'mean-spirited': 17, 'shore': 17, 'lit': 17, '\\nsteve': 17, 'replace': 17, 'revival': 17, 'iceberg': 17, 'reasoning': 17, 'directions': 17, 'skillfully': 17, 'trashy': 17, 'colleague': 17, "other\\'s": 17, 'waited': 17, 'sinks': 17, 'transported': 17, 'raymond': 17, 'explosive': 17, '\\nconsider': 17, 'spawned': 17, 'holly': 17, 'flame': 17, 'psyche': 17, 'dna': 17, 'fart': 17, 'cleaning': 17, 'incessantly': 17, '\\nstar': 17, 'tank': 17, 'sanity': 17, '\\n[r]': 17, 'symbolism': 17, 'connections': 17, 'racing': 17, 'kissing': 17, 'sf': 17, 'kurt': 17, 'virtues': 17, 'devine': 17, 'cookie': 17, 'survival': 17, '\\nsam': 17, 'rod': 17, 'emerges': 17, '35': 17, 'scientific': 17, 'conceived': 17, 'clubs': 17, 'corpse': 17, 'slow-motion': 17, 'relegated': 17, 'expressed': 17, 'lange': 17, 'marrying': 17, 'tops': 17, '\\nmurphy': 17, "carter\\'s": 17, 'levy': 17, 'elisabeth': 17, 'provocative': 17, 'interactions': 17, 'continuously': 17, 'lay': 17, 'evoke': 17, 'hooks': 17, 'complaining': 17, 'campus': 17, 'admired': 17, 'couch': 17, 'capacity': 17, 'homicide': 17, 'depicts': 17, 'superfluous': 17, 'versus': 17, 'risks': 17, 'bald': 17, "we\\'d": 17, 'rhames': 17, 'slip': 17, 'ingenious': 17, 'liev': 17, 'senseless': 17, 'expressive': 17, 'corporation': 17, ']': 17, 'threatened': 17, 'rice': 17, 'closet': 17, 'phillip': 17, 'spoiler': 17, 'theories': 17, 'cleavage': 17, '\\nsecond': 17, 'tame': 17, 'education': 17, '\\nchristopher': 17, 'armor': 17, 'valuable': 17, 'hurley': 17, 'janeane': 17, 'detached': 17, 'ordered': 17, 'sunny': 17, 'celebration': 17, 'roller': 17, '\\nwilliams': 17, 'lester': 17, 'mobster': 17, 'quarter': 17, 'inappropriate': 17, 'kindly': 17, 'glorious': 17, '\\noddly': 17, 'precise': 17, 'males': 17, 'distress': 17, 'surroundings': 17, 'describing': 17, 'leaders': 17, 'sticking': 17, 'ephron': 17, 'analysis': 17, 'cocky': 17, 'employs': 17, 'inmates': 17, 'peaks': 17, 'faculty': 17, '16': 17, 'iq': 17, 'brazil': 17, 'operations': 17, "ship\\'s": 17, 'definately': 17, 'shockingly': 17, 'attacking': 17, 'isolation': 17, 'unsure': 17, 'palace': 17, 'lend': 17, 'ahmed': 17, 'lean': 17, 'glowing': 17, 'remarks': 17, 'elevator': 17, 'janitor': 17, 'obscure': 17, 'stellan': 17, 'absorbing': 17, 'aids': 17, 'gayheart': 17, 'knack': 17, 'gloomy': 17, 'sacrifice': 17, "murphy\\'s": 17, 'scully': 17, 'distinctive': 17, 'holm': 17, 'ant': 17, 'palpable': 17, 'sensibility': 17, 'neill': 17, 'loneliness': 17, 'questioning': 17, 'gale': 17, 'dewey': 17, '\\nkate': 17, 'pamela': 17, 'complaints': 17, 'activity': 17, 'outlandish': 17, 'hustler': 17, 'differently': 17, 'poetic': 17, 'keitel': 17, 'naval': 17, 'hooker': 17, 'eventual': 17, 'columbia': 17, 'contributes': 17, 'restrained': 17, 'net': 17, 'doubts': 17, 'carlyle': 17, 'vocal': 17, 'wen': 17, 'circus': 17, 'sadness': 17, 'hockey': 17, 'ants': 17, 'eva': 17, 'manipulation': 17, 'crosses': 17, 'reminder': 17, 'benigni': 17, '\\nblade': 17, 'erin': 17, 'steady': 17, 'fashioned': 17, 'thematic': 17, 'tatooine': 17, 'symbol': 17, 'burbank': 17, 'maximus': 17, 'employ': 16, 'hercules': 16, 'arguing': 16, 'climb': 16, 'ogre': 16, 'pulse': 16, 'gravity': 16, 'pornography': 16, 'demented': 16, 'smiles': 16, '80': 16, 'empathy': 16, 'contrivances': 16, 'intentional': 16, 'musketeer': 16, 'suvari': 16, 'cringe': 16, '\\nbig': 16, "john\\'s": 16, 'youngsters': 16, 'suburban': 16, 'sporting': 16, "o\\'hara": 16, 'predictability': 16, 'stinks': 16, 'eastern': 16, 'monotonous': 16, 'rampant': 16, 'extraordinarily': 16, 'endlessly': 16, 'bent': 16, 'tightly': 16, 'overshadowed': 16, 'unlikable': 16, '\\nbad': 16, 'disastrous': 16, 'pretending': 16, 'demon': 16, 'letdown': 16, 'nutty': 16, 'compassion': 16, 'unbelievably': 16, 'boundaries': 16, 'sensibilities': 16, 'obsessive': 16, 'wholly': 16, 'complains': 16, 'invented': 16, 'seinfeld': 16, 'alongside': 16, 'hers': 16, 'penchant': 16, 'gods': 16, 'travelling': 16, 'yells': 16, 'mannerisms': 16, 'poking': 16, 'pacific': 16, 'dragged': 16, 'determination': 16, 'aided': 16, 'wishing': 16, 'convict': 16, 'painted': 16, '\\nsimply': 16, 'carolina': 16, 'swimming': 16, 'hateful': 16, 'eternity': 16, 'flavor': 16, 'heartbreaking': 16, 'gotcha': 16, 'tolerable': 16, 'gentleman': 16, 'prestigious': 16, 'classical': 16, 'josie': 16, 'glasses': 16, 'guarantee': 16, 'resolve': 16, 'principle': 16, 'shrink': 16, 'promotion': 16, "max\\'s": 16, 'elvis': 16, 'counterparts': 16, 'frustration': 16, 'deputy': 16, 'weddings': 16, 'unappealing': 16, 'estate': 16, 'renegade': 16, 'fiance': 16, '1973': 16, 'dune': 16, 'dutch': 16, 'choppy': 16, 'wesley': 16, 'sour': 16, 'bust': 16, 'porno': 16, 'earns': 16, '\\nout': 16, 'coincidentally': 16, 'severe': 16, 'babies': 16, 'illogical': 16, 'firing': 16, 'drowning': 16, 'suggested': 16, 'leoni': 16, 'tortured': 16, 'brutality': 16, 'photographed': 16, 'cracks': 16, 'madonna': 16, 'paints': 16, 'unsuspecting': 16, 'capitalize': 16, "70\\'s": 16, 'well-made': 16, 'lizard': 16, 'operative': 16, 'ton': 16, 'se7en': 16, 'tackles': 16, 'ego': 16, 'imitation': 16, 'vaughn': 16, 'appalling': 16, 'avoided': 16, 'wished': 16, 'blessed': 16, 'rental': 16, 'macdonald': 16, 'inherently': 16, 'addict': 16, 'topless': 16, 'clips': 16, 'refers': 16, 'coma': 16, 'ears': 16, 'hungry': 16, 'depicting': 16, 'acceptance': 16, 'imagined': 16, 'recreation': 16, 'mode': 16, 'upbeat': 16, 'establish': 16, 'unclear': 16, 'hangs': 16, 'february': 16, 'farther': 16, 'announces': 16, 'yell': 16, 'motorcycle': 16, 'angelina': 16, '\\nsmith': 16, 'der': 16, 'audio': 16, 'transfer': 16, 'high-profile': 16, 'owens': 16, 'crane': 16, 'enigmatic': 16, 'partners': 16, 'curiously': 16, 'jacob': 16, 'renee': 16, 'bachelor': 16, 'sales': 16, 'dickens': 16, 'kingsley': 16, 'spain': 16, 'exclusive': 16, 'mythical': 16, 'subsequently': 16, 'gifted': 16, 'checking': 16, '\\nthink': 16, 'smithee': 16, 'deceased': 16, 'gathering': 16, 'vanessa': 16, 'weekly': 16, 'uptight': 16, 'peel': 16, '\\nwow': 16, 'assortment': 16, 'sweetness': 16, 'retirement': 16, 'thieves': 16, 'divided': 16, 'leslie': 16, 'contribute': 16, 'teamed': 16, 'sarandon': 16, 'garner': 16, '\\nwritten': 16, 'lavish': 16, 'darryl': 16, 'mercenary': 16, 'confront': 16, 'clayton': 16, 'illness': 16, 'vain': 16, 'arguments': 16, 'copyright': 16, '\\nplaying': 16, 'longtime': 16, 'barber': 16, 'resemblance': 16, 'samurai': 16, 'attitudes': 16, 'wizard': 16, "lynch\\'s": 16, "dawson\\'s": 16, 'similarly': 16, 'dim-witted': 16, "hitchcock\\'s": 16, 'favorites': 16, 'playful': 16, 'exaggerated': 16, 'skilled': 16, 'identical': 16, 'stroke': 16, 'clinic': 16, 'sims': 16, 'jules': 16, 'exec': 16, 'scored': 16, 'davidson': 16, '\\njason': 16, 'frantic': 16, 'carmen': 16, 'greenwood': 16, 'bowler': 16, 'scam': 16, '\\nsuffice': 16, 'sounded': 16, 'galore': 16, 'mute': 16, 'fleeing': 16, '\\nforget': 16, 'stripper': 16, 'gilmore': 16, "krippendorf\\'s": 16, 'christof': 16, 'duncan': 16, 'efficient': 16, 'responsibility': 16, 'mann': 16, 'bergman': 16, 'intimate': 16, '\\nregardless': 16, '\\nearly': 16, 'championship': 16, 'compensate': 16, 'surround': 16, 'admirably': 16, 'crab': 16, 'loathing': 16, 'eclectic': 16, 'raider': 16, 'tomb': 16, 'mario': 16, 'lightly': 16, 'jerome': 16, 'groundbreaking': 16, 'recognizable': 16, 'inspires': 16, 'concentrates': 16, 'spirited': 16, 'made-for-tv': 16, 'eternal': 16, 'leadership': 16, 'realities': 16, 'elegant': 16, 'skeptical': 16, 'negotiator': 16, 'cue': 16, 'mandingo': 16, 'nominations': 16, 'brady': 16, 'noting': 16, "besson\\'s": 16, 'joining': 16, 'exploding': 16, 'access': 16, 'republic': 16, 'cleverly': 16, 'lt': 16, 'mills': 16, 'scum': 16, 'gadgets': 16, 'solo': 16, 'redford': 16, 'tracy': 16, 'polley': 16, 'sant': 16, 'seamless': 16, 'characteristic': 16, 'bye': 16, 'dread': 16, 'presidential': 16, 'carver': 16, 'soviet': 16, 'chickens': 16, 'farquaad': 16, 'hen': 16, 'ideals': 16, 'coens': 16, 'reza': 16, 'taran': 16, 'stumbling': 15, 'crown': 15, 'bronson': 15, 'stable': 15, 'uniformly': 15, 'ensure': 15, 'moderately': 15, 'widow': 15, 'r-rated': 15, 'beside': 15, 'temper': 15, 'accompany': 15, 'illusion': 15, 'ladder': 15, 'frances': 15, 'bothered': 15, "kids\\'": 15, 'haley': 15, 'thread': 15, 'relatives': 15, 'unconventional': 15, 'charms': 15, 'distinction': 15, 'cardinal': 15, 'marginally': 15, 'accompanying': 15, '85': 15, 'bonus': 15, 'leather': 15, 'saddled': 15, 'parking': 15, 'cube': 15, '\\n1': 15, 'silverstone': 15, 'choosing': 15, 'whiny': 15, 'aged': 15, 'teddy': 15, 'settles': 15, 'helm': 15, "o\\'connell": 15, 'whining': 15, 'titular': 15, 'imposing': 15, 'gorillas': 15, 'cape': 15, '\\npoor': 15, 'overtones': 15, 'asset': 15, '\\nrob': 15, "damme\\'s": 15, 'inconsistent': 15, 'knocked': 15, 'rug': 15, 'murky': 15, 'urgency': 15, 'clutches': 15, 'swearing': 15, '\\n2': 15, 'dana': 15, 'firmly': 15, 'locate': 15, '1987': 15, 'ignorant': 15, 'uneasy': 15, 'height': 15, 'nigel': 15, 'predator': 15, 'pullman': 15, 'myth': 15, 'sentiment': 15, 'frantically': 15, '\\ndouglas': 15, 'dafoe': 15, 'injured': 15, 'jenny': 15, 'spouting': 15, 'raunchy': 15, 'low-budget': 15, '\\ncome': 15, 'cake': 15, 'eh': 15, 'attending': 15, 'smell': 15, 'endured': 15, 'locals': 15, 'powell': 15, 'aptly': 15, 'di': 15, 'incapable': 15, 'battling': 15, 'adopted': 15, 'challenges': 15, 'confronted': 15, 'cries': 15, 'moviemaking': 15, 'hawk': 15, '1979': 15, 'formed': 15, 'olivia': 15, 'good-natured': 15, 'runaway': 15, 'commands': 15, 'stole': 15, 'shell': 15, 'needless': 15, 'pepper': 15, '\\njulia': 15, 'phones': 15, 'ups': 15, 'ambassador': 15, 'nomi': 15, 'overrated': 15, 'kyle': 15, 'chef': 15, 'tapes': 15, 'headache': 15, 'regret': 15, 'ordeal': 15, 'mistress': 15, 'defies': 15, 'rural': 15, 'stiles': 15, 'manipulated': 15, 'hugely': 15, '\\nplus': 15, 'slew': 15, 'elusive': 15, 'first-time': 15, '1978': 15, 'deserving': 15, '\\ngodzilla': 15, 'ninety': 15, 'conveys': 15, 'assassination': 15, 'karla': 15, 'crawl': 15, 'amidala': 15, 'spunky': 15, 'strategy': 15, 'morrison': 15, 'synopsis': 15, '1986': 15, 'weakest': 15, '\\nrussell': 15, 'sergeant': 15, 'declares': 15, 'primal': 15, 'quaint': 15, 'middle-aged': 15, 'emerge': 15, 'frankie': 15, 'palmer': 15, 'pray': 15, 'warrant': 15, '\\nseeing': 15, 'dances': 15, 'drill': 15, 'rides': 15, 'cloud': 15, 'percent': 15, '\\nthanks': 15, 'pursue': 15, 'kasdan': 15, 'bowl': 15, 'uniform': 15, 'commendable': 15, 'whimsical': 15, 'conservative': 15, 'composer': 15, 'buster': 15, 'jimmie': 15, 'girlfriends': 15, 'pouring': 15, '1971': 15, 'opts': 15, 'fades': 15, 'overboard': 15, 'morris': 15, 'flashes': 15, 'helmed': 15, 'wolves': 15, 'heels': 15, 'orphan': 15, 'springer': 15, 'seduce': 15, 'kurtz': 15, 'drivel': 15, 'comeback': 15, 'flirting': 15, 'degenerates': 15, 'insults': 15, 'hip-hop': 15, 'electric': 15, 'policeman': 15, '\\ncage': 15, 'restore': 15, 'indy': 15, 'quotes': 15, 'mentality': 15, 'dead-on': 15, 'sailing': 15, 'capturing': 15, 'fighters': 15, 'prefers': 15, '\\ncatherine': 15, 'shadowy': 15, 'schreiber': 15, 'puns': 15, 'transforms': 15, 'mouths': 15, 'pryce': 15, 'ghostbusters': 15, 'ounce': 15, 'measures': 15, 'foremost': 15, 'terminally': 15, 'grumpy': 15, 'creeps': 15, 'borrowed': 15, "will\\'s": 15, 'timeless': 15, 'recruits': 15, "\\nisn\\'t": 15, 'pointing': 15, 'advertising': 15, 'disguises': 15, 'items': 15, 'quarterback': 15, 'signal': 15, 'ving': 15, 'rushmore': 15, 'radical': 15, 'gates': 15, 'larter': 15, 'collective': 15, 'rewarding': 15, 'hippie': 15, 'murdering': 15, 'denied': 15, 'cuban': 15, 'trusted': 15, 'heckerling': 15, 'conrad': 15, 'deranged': 15, 'anonymous': 15, 'therapist': 15, 'heap': 15, 'transcends': 15, 'grief': 15, '50s': 15, 'theatres': 15, 'talked': 15, 'willard': 15, 'jabs': 15, 'invested': 15, 'slows': 15, 'zahn': 15, 'sinclair': 15, '\\nexcept': 15, 'submarine': 15, 'watchers': 15, 'reborn': 15, 'fodder': 15, '\\nothers': 15, 'gilbert': 15, 'embodies': 15, 'wondrous': 15, 'employees': 15, 'incarnation': 15, 'tunney': 15, 'vote': 15, 'die-hard': 15, 'motel': 15, 'escaping': 15, 'strained': 15, 'aspirations': 15, 'denying': 15, 'uncanny': 15, 'hawtrey': 15, 'addresses': 15, 'fundamental': 15, 'bonnie': 15, 'switches': 15, 'estranged': 15, 'mixing': 15, 'jealousy': 15, 'electronic': 15, 'rome': 15, 'eliminate': 15, 'employed': 15, 'claustrophobic': 15, 'two-hour': 15, 'roper': 15, 'daylight': 15, 'snakes': 15, '\\nwriter': 15, 'exquisite': 15, 'weathers': 15, 'hammond': 15, 'gotta': 15, 'beavis': 15, 'math': 15, 'krippendorf': 15, 'bread': 15, "she\\'ll": 15, 'closure': 15, 'hinted': 15, 'ritual': 15, '1990': 15, 'kenny': 15, 'raiders': 15, 'ambitions': 15, 'malick': 15, 'awe': 15, 'dizzying': 15, 'meteor': 15, 'sooner': 15, 'biting': 15, 'facility': 15, 'brash': 15, 'jinn': 15, 'distribution': 15, 'strengths': 15, 'spoon': 15, 'frost': 15, 'controversy': 15, 'highlander': 15, 'mccoy': 15, 'keen': 15, 'gaining': 15, '\\n ': 15, 'suite': 15, 'foundation': 15, 'mpaa': 15, 'lumumba': 15, 'commodus': 15, "argento\\'s": 15, 'giles': 15, "flynt\\'s": 15, '\\nmulan': 15, 'cal': 15, 'humbert': 15, 'booker': 15, 'mold': 14, 'redundant': 14, 'elm': 14, 'salvation': 14, "bastard\\'s": 14, "1960\\'s": 14, 'sexist': 14, 'shtick': 14, 'thrilled': 14, 'strain': 14, 'unstable': 14, '\\njay': 14, 'ditzy': 14, 'stake': 14, 'gear': 14, 'explodes': 14, 'q': 14, 'reflection': 14, 'openly': 14, 'unspoken': 14, 'indie': 14, "she\\'d": 14, 'static': 14, 'opponent': 14, 'tower': 14, '\\nthank': 14, '\\nusually': 14, 'sundance': 14, 'pad': 14, 'grown-up': 14, 'cap': 14, 'annual': 14, 'rodman': 14, 'styles': 14, 'assumed': 14, 'pedestrian': 14, 'shakespearean': 14, 'martians': 14, 'priceless': 14, 'slap': 14, 'register': 14, 'leguizamo': 14, 'dismiss': 14, '\\njulie': 14, 'refuse': 14, 'revelations': 14, 'everyman': 14, 'factors': 14, 'burned': 14, 'flees': 14, 'shaky': 14, 'rabbit': 14, 'frenzy': 14, 'confession': 14, 'stare': 14, 'admiration': 14, 'undeniably': 14, '\\nsteven': 14, 'simplicity': 14, 'bronx': 14, 'accessible': 14, 'defines': 14, 'miramax': 14, 'logo': 14, 'photos': 14, 'wisecracking': 14, 'goo': 14, 'evans': 14, 'claw': 14, 'combine': 14, 'detract': 14, 'gruff': 14, 'foul-mouthed': 14, 'peers': 14, 'dump': 14, 'harvard': 14, 'reign': 14, 'arises': 14, 'smoothly': 14, 'slim': 14, 'brendan': 14, 'resume': 14, 'kelley': 14, 'cameraman': 14, 'maker': 14, 'horseman': 14, 'roof': 14, 'severely': 14, 'sneaks': 14, 'paycheck': 14, 'accepting': 14, 'dresses': 14, 'delicious': 14, 'sleeps': 14, 'heartless': 14, 'ho': 14, 'musician': 14, 'belt': 14, 'clients': 14, 'thankless': 14, 'prank': 14, "\\nyou\\'ve": 14, 'garage': 14, 'agency': 14, '\\nkids': 14, 'collaboration': 14, 'halt': 14, 'audrey': 14, "grace\\'s": 14, 'phenomenal': 14, 'rented': 14, 'fairness': 14, 'sells': 14, "jackie\\'s": 14, 'weaknesses': 14, '19': 14, 'helena': 14, 'helicopter': 14, '\\nnext': 14, '\\nnor': 14, 'scope': 14, 'tendencies': 14, 'begs': 14, 'wraps': 14, 'goodbye': 14, 'dawson': 14, 'outfit': 14, 'award-winning': 14, '\\ngibson': 14, 'amateurish': 14, 'damaged': 14, 'immense': 14, 'testing': 14, 'intelligently': 14, '1989': 14, '\\nfans': 14, 'resides': 14, 'swingers': 14, 'reverse': 14, 'barrage': 14, "cage\\'s": 14, 'mysteriously': 14, 'non-existent': 14, 'huh': 14, 'dates': 14, 'generates': 14, 'auteur': 14, 'hammy': 14, '\\nboy': 14, 'cheerful': 14, 'reckless': 14, 'z': 14, 'dolls': 14, 'unusually': 14, 'pimp': 14, 'mentions': 14, 'approaching': 14, 'elephant': 14, 'comprehend': 14, 'rational': 14, 'valerie': 14, 'feast': 14, 'co': 14, 'wanna': 14, 'ya': 14, 'bury': 14, 'handed': 14, 'cover-up': 14, 'beck': 14, 'mimi': 14, 'rubin': 14, 'fooled': 14, 'zooms': 14, 'trainspotting': 14, '\\nbilly': 14, "sam\\'s": 14, 'successes': 14, '\\ncould': 14, 'chill': 14, 'unrelated': 14, 'stereo': 14, 'ichabod': 14, 'headless': 14, 'blanchett': 14, 'uttered': 14, 'hearted': 14, 'limbs': 14, '\\nadditionally': 14, '\\ntherefore': 14, 'lili': 14, "'you": 14, 'icy': 14, "kevin\\'s": 14, 'excruciatingly': 14, 'amoral': 14, '+': 14, 'facade': 14, 'attract': 14, 'playboy': 14, 'sub': 14, 'opinions': 14, 'narrowly': 14, 'dumping': 14, '60s': 14, 'wretched': 14, 'elle': 14, '\\narnold': 14, 'sleeper': 14, 'deemed': 14, 'satellite': 14, 'january': 14, 'virtue': 14, 'statue': 14, "jackson\\'s": 14, 'delicate': 14, 'shades': 14, 'spencer': 14, 'goodness': 14, 'skit': 14, 'wayans': 14, 'lift': 14, 'stray': 14, 'croft': 14, 'mona': 14, 'kirk': 14, "kid\\'s": 14, 'thru': 14, 'mocking': 14, 'hilarity': 14, 'expense': 14, 'inconsistencies': 14, 'streak': 14, 'shelf': 14, 'harbor': 14, 'beek': 14, 'treating': 14, 'stores': 14, 'smiling': 14, 'pollack': 14, 'experiencing': 14, 'demand': 14, 'windsor': 14, 'countryside': 14, 'selection': 14, 'co-writer': 14, 'refusing': 14, 'visceral': 14, 'psychopath': 14, 'posing': 14, '\\njackson': 14, 'passable': 14, 'selected': 14, 'recommendation': 14, 'messenger': 14, 'stylized': 14, 'skull': 14, 'bancroft': 14, 'villainous': 14, "d\\'onofrio": 14, 'afterthought': 14, 'lottery': 14, 'employer': 14, 'rude': 14, 'refused': 14, 'lifelong': 14, 'clouds': 14, 'roughly': 14, 'financially': 14, 'high-tech': 14, 'farley': 14, 'suggestion': 14, 'gordie': 14, 'wrestlers': 14, 'pilots': 14, 'sunglasses': 14, 'thereof': 14, '\\nespecially': 14, 'lomax': 14, '\\ngod': 14, 'duties': 14, 'camps': 14, '\\nunless': 14, 'adrenaline': 14, 'passive': 14, 'wives': 14, 'outline': 14, 'yards': 14, 'chloe': 14, '\\ncharles': 14, 'dysfunctional': 14, 'dame': 14, 'cinque': 14, 'owners': 14, 'beatrice': 14, 'meanwhile': 14, '22': 14, 'lawyers': 14, 'vega': 14, 'machinations': 14, 'pleasantly': 14, '\\nquite': 14, 'observation': 14, 'wolf': 14, 'inspiring': 14, 'rufus': 14, 'supreme': 14, 'gaps': 14, 'boarding': 14, 'varying': 14, 'quirks': 14, 'polished': 14, '\\nmake': 14, 'deed': 14, 'rumors': 14, 'jovovich': 14, 'weakness': 14, 'superstar': 14, 'indulge': 14, 'atom': 14, 'corn': 14, 'jericho': 14, 'laurie': 14, 'heavenly': 14, 'hoot': 14, 'dorn': 14, 'peebles': 14, 'elise': 14, 'lovitz': 14, 'hyperactive': 14, 'customs': 14, 'hysteria': 14, 'remainder': 14, 'tool': 14, 'exclusively': 14, 'dealers': 14, 'smash': 14, 'recalls': 14, 'sale': 14, 'prepare': 14, '\\nnonetheless': 14, 'prayer': 14, 'macleane': 14, "gibson\\'s": 14, 'homosexuality': 14, 'grabs': 14, 'guardian': 14, 'magnolia': 14, 'arab': 14, 'imperial': 14, 'grocery': 14, 'robber': 14, 'sins': 14, 'daughters': 14, 'shalhoub': 14, 'apprentice': 14, 'reportedly': 14, 'hawke': 14, '\\nbelieve': 14, 'funding': 14, 'thirteen': 14, 'eachother': 14, 'birds': 14, 'flanders': 14, "president\\'s": 14, "'with": 14, 'skinhead': 14, 'tibbs': 14, "mulan\\'s": 14, 'lithgow': 14, 'niccol': 14, 'melancholy': 14, 'lovingly': 14, 'hilary': 14, 'kaufman': 14, 'fantasia': 14, 'scarlett': 14, 'boone': 14, 'shelves': 13, 'geared': 13, 'counted': 13, 'feature-length': 13, 'sharing': 13, '\\ntrust': 13, 'neatly': 13, 'one-joke': 13, 'focusing': 13, 'hans': 13, 'unimaginative': 13, 'useful': 13, '\\nacting': 13, 'walt': 13, 'cats': 13, 'ethics': 13, 'rea': 13, 'smashing': 13, 'luxury': 13, 'confines': 13, 'nest': 13, 'marilyn': 13, 'awkwardly': 13, "'i\\'m": 13, '\\nfilms': 13, 'inclusion': 13, 'ex-girlfriend': 13, 'pro': 13, 'limp': 13, 'jill': 13, 'cheerleader': 13, 'wasting': 13, 'weirdness': 13, 'establishes': 13, 'boast': 13, 'allegedly': 13, 'vivian': 13, 'shoe': 13, 'advertised': 13, 'crooked': 13, "carlito\\'s": 13, 'winona': 13, '\\nfar': 13, 'define': 13, 'vignettes': 13, 'failures': 13, "anyone\\'s": 13, 'articulate': 13, '\\ncharacters': 13, 'sacrificing': 13, 'packs': 13, '#1': 13, 'pen': 13, 'frenzied': 13, 'abound': 13, 'attributes': 13, 'rabid': 13, 'narrates': 13, 'apocalypse': 13, 'niece': 13, 'politicians': 13, 'cartoons': 13, 'crossed': 13, 'kwai': 13, 'punches': 13, 'explode': 13, 'legitimate': 13, 'colin': 13, 'anime': 13, 'commodity': 13, 'overweight': 13, 'coyote': 13, 'literal': 13, 'aims': 13, 'bitten': 13, 'searches': 13, 'installments': 13, 'squeeze': 13, 'imaginable': 13, 'platoon': 13, 'disposable': 13, 'un': 13, '\\ngreat': 13, 'italy': 13, 'juliette': 13, 'terrence': 13, 'adept': 13, 'syd': 13, 'chore': 13, 'grainy': 13, 'reporters': 13, 'relentlessly': 13, '\\ntitanic': 13, 'committing': 13, 'inspire': 13, 'praised': 13, '\\n--': 13, 'salvage': 13, 'meal': 13, 'spontaneous': 13, 'alright': 13, 'heartbreak': 13, "team\\'s": 13, '\\nfrankly': 13, "school\\'s": 13, 'strains': 13, 'pan': 13, 'garcia': 13, 'stalking': 13, 'cracked': 13, 'addicted': 13, 'sammy': 13, 'sources': 13, 'fuentes': 13, 'sweetheart': 13, '\\nsean': 13, 'located': 13, 'vein': 13, 'berkley': 13, 'buff': 13, 'malone': 13, 'big-time': 13, 'gina': 13, 'maclachlan': 13, 'plummer': 13, "\\'90s": 13, 'dubbing': 13, 'retread': 13, 'knocking': 13, 'homicidal': 13, 'lombardo': 13, 'wash': 13, 'rig': 13, '\\nwhenever': 13, 'insert': 13, "'there\\'s": 13, 'anchor': 13, 'elijah': 13, 'exotica': 13, 'seasoned': 13, 'surgery': 13, 'engages': 13, 'epitome': 13, 'sorely': 13, 'shameless': 13, 'companies': 13, 'bursts': 13, 'wilcock': 13, 'explanations': 13, 'alter': 13, 'verge': 13, 'insecure': 13, 'massacre': 13, 'thumbs': 13, "sandler\\'s": 13, 'skillful': 13, 'rats': 13, 'foreshadowing': 13, '\\nalien': 13, 'phenomena': 13, 'hampered': 13, 'pimps': 13, "\\'70s": 13, 'dudes': 13, 'pose': 13, 'freddy': 13, 'mall': 13, 'nuts': 13, 'python': 13, 'belly': 13, 'lightweight': 13, 'enforcement': 13, 'bills': 13, 'notting': 13, 'sandy': 13, 'novelty': 13, 'flames': 13, 'hacking': 13, 'recorded': 13, 'spoke': 13, 'farmer': 13, 'supergirl': 13, 'layer': 13, 'gillian': 13, 'linked': 13, 'eighties': 13, 'racial': 13, 'cisco': 13, 'henchman': 13, 'vault': 13, '\\ncinematographer': 13, 'ivan': 13, 'structured': 13, 'shorter': 13, 'indians': 13, "woody\\'s": 13, 'immortal': 13, 'gross-out': 13, 'tripe': 13, 'possession': 13, 'speechless': 13, 'leto': 13, 'pounds': 13, '1980': 13, 'duds': 13, 'justified': 13, 'reid': 13, '\\nnick': 13, "'seen": 13, 'gains': 13, 'weather': 13, 'far-fetched': 13, 'untouchables': 13, '\\ncut': 13, 'batgirl': 13, 'seductive': 13, 'corpses': 13, 'increasing': 13, 'functions': 13, 'wisecracks': 13, 'boost': 13, 'stream': 13, 'sans': 13, 'manufactured': 13, 'pompous': 13, 'modine': 13, 'nerd': 13, 'experimental': 13, '\\nsecondly': 13, 'silliness': 13, "jones\\'": 13, 'stripped': 13, 'rivals': 13, 'mccabe': 13, 'altar': 13, 'breakthrough': 13, '\\ncarrey': 13, 'three-dimensional': 13, 'threads': 13, 'mid': 13, 'generous': 13, 'cheek': 13, 'tactics': 13, 'hopeful': 13, 'fateful': 13, 'ill-fated': 13, 'intact': 13, 'desk': 13, 'rocket': 13, 'soup': 13, 'radiant': 13, 'bleeding': 13, 'adequately': 13, 'threats': 13, 'lingering': 13, "anderson\\'s": 13, 'rubell': 13, 'recreate': 13, 'studies': 13, 'phase': 13, 'derived': 13, 'mill': 13, 'creators': 13, 'fuck': 13, 'warnings': 13, 'rescues': 13, 'bombs': 13, 'slang': 13, 'julian': 13, 'wide-eyed': 13, 'seventies': 13, 'devotion': 13, 'trips': 13, 'scandal': 13, 'limbo': 13, 'hush': 13, 'coincidences': 13, 'adopts': 13, 'encourage': 13, "jolie\\'s": 13, 'deception': 13, 'retire': 13, 'customer': 13, 'fuel': 13, 'second-rate': 13, 'dizzy': 13, 'planes': 13, 'trains': 13, 'flip': 13, 'herman': 13, "\\'60s": 13, 'contributed': 13, 'off-kilter': 13, 'feeble': 13, 'reagan': 13, 'exhibit': 13, 'dench': 13, 'thug': 13, 'high-school': 13, 'address': 13, 'designs': 13, 'profitable': 13, 'marital': 13, 'disorder': 13, 'outtakes': 13, '\\nconsidering': 13, 'fort': 13, 'oppressive': 13, 'accountant': 13, 'stanton': 13, 'absurdity': 13, 'swinging': 13, 'comics': 13, 'ramis': 13, 'idyllic': 13, 'utilize': 13, '\\nnearly': 13, 'renowned': 13, 'macdowell': 13, 'resorts': 13, 'connie': 13, 'scratch': 13, 'miserables': 13, 'delights': 13, "o\\'connor": 13, 'mctiernan': 13, 'casey': 13, 'suspected': 13, 'suffice': 13, 'optimistic': 13, 'prepares': 13, 'patriot': 13, 'incidentally': 13, '\\nfour': 13, 'yarn': 13, 'giddy': 13, 'mojo': 13, 'hefty': 13, 'patric': 13, 'jerky': 13, 'santa': 13, 'buys': 13, 'unnecessarily': 13, 'hounsou': 13, 'slaughter': 13, 'abby': 13, 'defining': 13, 'writer-director': 13, "jordan\\'s": 13, 'junior': 13, 'lunch': 13, 'storylines': 13, 'grin': 13, 'sewell': 13, 'deft': 13, 'engineered': 13, 'botched': 13, 'good-looking': 13, 'outcast': 13, 'gleefully': 13, 'enchanting': 13, 'nuances': 13, 'epilogue': 13, '\\nmen': 13, 'magoo': 13, 'significantly': 13, 'resistance': 13, 'bargain': 13, 'displaying': 13, 'valek': 13, 'foil': 13, 'liberal': 13, 'sugar': 13, 'akin': 13, 'whitaker': 13, 'maiden': 13, 'neal': 13, 'mice': 13, 'enlists': 13, 'leon': 13, 'nosferatu': 13, "script\\'s": 13, 'endurance': 13, 'stoic': 13, '\\no': 13, 'cotton': 13, 'finishing': 13, '\\nscream': 13, 'mythology': 13, 'acclaim': 13, 'inspirational': 13, 'ferris': 13, 'kaye': 13, "david\\'s": 13, '\\nfrank': 13, 'hyde': 13, 'groundhog': 13, 'nephew': 13, 'surrealistic': 13, 'roxbury': 13, 'muppet': 13, 'preacher': 13, 'triumphs': 13, 'bookseller': 13, 'linger': 13, 'dislike': 13, 'adventurous': 13, 'abraham': 13, 'genetic': 13, 'behaviour': 13, 'flows': 13, 'earp': 13, 'icons': 13, 'companions': 13, 'pumping': 13, 'enhance': 13, 'opposition': 13, 'nineties': 13, 'atheist': 13, 'viewings': 13, 'bateman': 13, 'terrorism': 13, 'geronimo': 13, "derek\\'s": 13, 'capone': 13, 'shyamalan': 13, '+2': 13, 'griffiths': 13, 'stephens': 13, 'jo': 13, "ordell\\'s": 13, 'kundun': 13, 'motta': 13, 'bianca': 13, 'horned': 13, 'jumbled': 12, 'assuming': 12, 'jaded': 12, 'omar': 12, 'epps': 12, 'giovanni': 12, 'reprises': 12, 'grounds': 12, 'behave': 12, 'buildup': 12, 'horrid': 12, 'needlessly': 12, 'medicine': 12, 'groan': 12, 'rd': 12, 'strives': 12, 'hostile': 12, 'automobile': 12, 'viewpoint': 12, 'propel': 12, "life\\'s": 12, 'mena': 12, 'kung-fu': 12, '\\nyour': 12, 'finishes': 12, '\\nugh': 12, 'shanghai': 12, 'schlock': 12, 'listens': 12, 'robbing': 12, 'poem': 12, 'variations': 12, 'solved': 12, 'striving': 12, 'matchmaker': 12, 'cunning': 12, 'reviewed': 12, 'amused': 12, 'apply': 12, "else\\'s": 12, 'sprawling': 12, 'minus': 12, 'slower': 12, 'misadventures': 12, 'anti-climactic': 12, '\\nmind': 12, '\\ngary': 12, 'collins': 12, 'wastes': 12, 'simmons': 12, 'clip': 12, 'wanda': 12, 'intensely': 12, 'pans': 12, 'dove': 12, 'targets': 12, 'gesture': 12, 'newfound': 12, 'fewer': 12, 'nauseating': 12, 'slaughtered': 12, 'darkest': 12, 'mugging': 12, 'prey': 12, 'frankenheimer': 12, 'trainer': 12, 'hal': 12, 'difficulty': 12, '\\ntrue': 12, 'coupled': 12, 'sumptuous': 12, 'bloated': 12, 'semblance': 12, 'inserted': 12, 'infinitely': 12, 'hawthorne': 12, 'conductor': 12, 'placid': 12, 'dangling': 12, 'tongue-in-cheek': 12, 'mutant': 12, 'tonight': 12, '\\nstarship': 12, 'trappings': 12, 'nerve': 12, 'freely': 12, 'monstrous': 12, 'willem': 12, 'elmore': 12, 'conveying': 12, 'centered': 12, 'geeky': 12, 'leia': 12, 'roads': 12, '\\noscar': 12, 'victoria': 12, 'scheming': 12, '\\nheck': 12, 'informed': 12, 'smarmy': 12, 'lin': 12, 'rickman': 12, 'natives': 12, 'lions': 12, 'swan': 12, 'sweaty': 12, 'shifting': 12, 'pocket': 12, 'solitary': 12, 'tricky': 12, 'ventures': 12, 'concludes': 12, 'jamaican': 12, 'kiki': 12, 'downs': 12, 'pitiful': 12, 'renting': 12, 'active': 12, 'qualify': 12, 'missile': 12, 'problematic': 12, 'liv': 12, 'conference': 12, 'collision': 12, "1994\\'s": 12, 'lecture': 12, 'tempted': 12, 'insanely': 12, 'ellis': 12, '\\nbroderick': 12, 'relentless': 12, 'dissolves': 12, 'rewrite': 12, 'grandma': 12, 'concentrate': 12, 'wielding': 12, 'negotiate': 12, 'dangers': 12, 'maul': 12, 'graphics': 12, 'canada': 12, 'translation': 12, 'valid': 12, 'document': 12, 'staggering': 12, 'restored': 12, 'hugo': 12, '\\nworse': 12, 'drab': 12, 'kitty': 12, 'gaping': 12, 'sluggish': 12, 'wore': 12, '\\ndanny': 12, 'brody': 12, 'knocks': 12, 'patrons': 12, 'honey': 12, 'revive': 12, 'rogers': 12, 'possessing': 12, 'unknowingly': 12, "actors\\'": 12, 'drifting': 12, 'miracle': 12, 'earl': 12, 'fires': 12, 'lillard': 12, 'worldwide': 12, 'allison': 12, 'incidents': 12, 'claimed': 12, 'marshals': 12, 'blew': 12, '\\nbest': 12, 'wires': 12, 'participation': 12, 'agreed': 12, 'rebellious': 12, 'disliked': 12, 'maintained': 12, 'blocks': 12, 'schtick': 12, 'palminteri': 12, 'november': 12, 'achievements': 12, 'compromise': 12, 'zack': 12, 'slacker': 12, 'lighter': 12, 'sober': 12, "\\'cause": 12, 'ruler': 12, 'standpoint': 12, 'ruth': 12, 'salt': 12, 'poitier': 12, '\\nverhoeven': 12, '\\nscreenwriter': 12, 'cider': 12, 'scattered': 12, 'judy': 12, 'sabotage': 12, 'atmospheric': 12, 'scent': 12, 'pains': 12, '$10': 12, 'outlook': 12, 'divorced': 12, 'wink': 12, 'academic': 12, 'jodie': 12, 'obtain': 12, 'purposes': 12, 'vintage': 12, 'ernest': 12, 'ceremony': 12, 'arrogance': 12, 'matched': 12, 'denis': 12, 'duration': 12, 'publisher': 12, 'landed': 12, 'rear': 12, 'authors': 12, '1950s': 12, 'advised': 12, 'cradle': 12, 'tackle': 12, 'passage': 12, '\\ncast': 12, 'furniture': 12, 'minded': 12, 'mcdonald': 12, 'sixties': 12, 'merchandising': 12, "1995\\'s": 12, 'ensue': 12, 'noticeably': 12, '\\nsynopsis': 12, 'crushed': 12, 'laser': 12, 'hop': 12, 'proclaims': 12, 'clock': 12, "\\ncan\\'t": 12, 'postal': 12, 'junkie': 12, 'permanent': 12, 'bumps': 12, 'elicit': 12, 'pact': 12, 'policy': 12, 'ripe': 12, 'launch': 12, 'dopey': 12, 'perception': 12, 'fever': 12, 'swim': 12, "'an": 12, 'inviting': 12, 'frog': 12, 'transform': 12, 'windows': 12, 'nyc': 12, '\\noften': 12, 'horrendous': 12, "patch\\'s": 12, 'hailed': 12, 'staging': 12, 'reverend': 12, 'regulars': 12, 'sensation': 12, 'dough': 12, 'rally': 12, 'ambiguity': 12, 'dominate': 12, 'casual': 12, '\\nvisually': 12, 'fog': 12, 'drinks': 12, 'liquor': 12, 'creep': 12, '\\nshortly': 12, 'hbo': 12, 'mobsters': 12, 'burt': 12, 'pearl': 12, 'unwittingly': 12, 'extraterrestrial': 12, 'irving': 12, 'screws': 12, 'liotta': 12, 'tobacco': 12, 'caper': 12, 'sonnenfeld': 12, 'distinguished': 12, 'deleted': 12, 'beard': 12, 'mixes': 12, 'fuzzy': 12, 'bites': 12, 'principals': 12, 'orgy': 12, 'teri': 12, '\\nkudos': 12, '\\nsomewhere': 12, 'satisfactory': 12, 'pissed': 12, 'understatement': 12, 'combining': 12, 'townspeople': 12, 'unanswered': 12, "williamson\\'s": 12, 'forty-five': 12, 'shake': 12, 'promotional': 12, 'briefcase': 12, 'abortion': 12, 'counts': 12, 'buffy': 12, 'column': 12, 'bischoff': 12, 'garth': 12, 'terl': 12, 'charlton': 12, 'richer': 12, 'flimsy': 12, 'freaks': 12, 'toned': 12, 'hamill': 12, 'buffs': 12, 'autistic': 12, "willis\\'": 12, 'traces': 12, 'illustrates': 12, 'superheroes': 12, 'disguised': 12, 'co-wrote': 12, 'edits': 12, '\\nmary': 12, 'hallucinations': 12, 'extraneous': 12, 'denial': 12, 'observe': 12, 'extravagant': 12, 'shandling': 12, 'spies': 12, 'confirmed': 12, 'heterosexual': 12, 'aykroyd': 12, 'deny': 12, 'moss': 12, 'impressively': 12, 'objective': 12, 'contemplating': 12, 'rowlands': 12, 'relating': 12, 'witnessing': 12, 'gallery': 12, 'modest': 12, 'youngest': 12, 'fulfilling': 12, 'challenged': 12, 'fiery': 12, 'utilizing': 12, 'populated': 12, 'minnesota': 12, 'mutual': 12, 'darkly': 12, '\\nnice': 12, 'wander': 12, 'diaries': 12, 'warn': 12, 'argued': 12, 'disjointed': 12, "1950\\'s": 12, '\\nlee': 12, 'shaking': 12, 'settled': 12, 'lucrative': 12, 'abundance': 12, '\\nmatt': 12, 'fifty': 12, 'liberty': 12, 'ma': 12, 'intend': 12, 'emergency': 12, 'zucker': 12, 'denouement': 12, 'website': 12, "sidney\\'s": 12, 'mother-in-law': 12, 'advisor': 12, 'tourist': 12, '\\nmagoo': 12, 'deliverance': 12, 'kidnappers': 12, 'predicament': 12, '\x16': 12, 'injustice': 12, 'officials': 12, 'raving': 12, 'exceedingly': 12, 'dallas': 12, 'downfall': 12, 'item': 12, 'alliance': 12, 'infectious': 12, 'chewing': 12, 'overused': 12, 'blockbusters': 12, 'black-and-white': 12, 'baggage': 12, 'crooks': 12, '\\njennifer': 12, 'cronenberg': 12, 'experiments': 12, 'mitch': 12, 'murdoch': 12, "'well": 12, 'tacked': 12, 'perverse': 12, 'film-making': 12, 'brasco': 12, 'wiseguy': 12, 'click': 12, 'regularly': 12, 'chip': 12, "momma\\'s": 12, 'momma': 12, 'freezing': 12, 'minister': 12, 'frogs': 12, 'spaces': 12, 'portal': 12, 'refreshingly': 12, "jerry\\'s": 12, 'lore': 12, 'artsy': 12, 'kermit': 12, 'kersey': 12, '\\ntony': 12, 'condor': 12, 'alain': 12, 'widescreen': 12, 'infantry': 12, 'scarier': 12, '$50': 12, 'binks': 12, 'hedaya': 12, 'symbols': 12, 'deliberate': 12, 'bandits': 12, 'neo': 12, 'mm': 12, 'pupil': 12, 'pixar': 12, 'mushu': 12, 'u-571': 12, '\\nmike': 12, 'ideology': 12, 'dirk': 12, 'gingerbread': 12, 'sethe': 12, 'bulow': 12, '4/10': 11, 'invention': 11, '\\nsounds': 11, 'indication': 11, 'camelot': 11, 'error': 11, 'ex-wife': 11, 'brooke': 11, 'panned': 11, 'wholesome': 11, 'sordid': 11, '\\noccasionally': 11, 'scribe': 11, 'olds': 11, 'shakes': 11, 'dinosaur': 11, 'skarsg': 11, 'yuppie': 11, "martin\\'s": 11, 'shoddy': 11, 'plentiful': 11, 'rope': 11, 'noon': 11, 'dares': 11, 'howie': 11, 'alienation': 11, 'obstacle': 11, 'usage': 11, 'billion': 11, 'mirrors': 11, 'metropolis': 11, 'warfare': 11, 'equals': 11, 'disgusted': 11, 'crappy': 11, 'joint': 11, 'preceded': 11, '\\n[pg-13]': 11, 'swarm': 11, 'uh': 11, 'superhuman': 11, 'overacts': 11, 'macabre': 11, 'photographs': 11, 'ho-hum': 11, "claire\\'s": 11, 'swing': 11, 'flooded': 11, 'exaggeration': 11, 'tsui': 11, 'greeted': 11, 'carla': 11, 'examined': 11, 'malevolent': 11, 'refuge': 11, 'categories': 11, 'invest': 11, 'stunned': 11, 'screenplays': 11, 'brando': 11, 'springs': 11, 'attributed': 11, 'unsuccessful': 11, '\\n3': 11, 'yuen': 11, 'bodyguard': 11, 'fist': 11, 'precision': 11, 'gusto': 11, 'wrestler': 11, 'clockwork': 11, 'calculated': 11, 'shamelessly': 11, 'multitude': 11, 'madly': 11, 'wells': 11, 'enlist': 11, 'sickening': 11, 'auto': 11, 'uniforms': 11, 'fascist': 11, 'innocuous': 11, 'representative': 11, 'amnesia': 11, 'stature': 11, 'basics': 11, 'sheedy': 11, 'float': 11, 'washed': 11, 'vacuous': 11, 'lowest': 11, 'sobieski': 11, 'flood': 11, 'rank': 11, 'robbers': 11, 'boats': 11, 'engine': 11, 'whilst': 11, 'jew': 11, 'ariel': 11, 'copies': 11, 'panache': 11, "'my": 11, 'punk': 11, 'ginger': 11, 'tabloid': 11, 'littered': 11, 'participate': 11, 'amateur': 11, 'responses': 11, 'spilled': 11, 'opposing': 11, 'polite': 11, '\\ngive': 11, 'dug': 11, 'association': 11, 'gershon': 11, 'aniston': 11, 'engagement': 11, 'expectation': 11, 'unarmed': 11, 'nell': 11, 'mercy': 11, 'jfk': 11, 'suspend': 11, 'reviewing': 11, 'guru': 11, 'nerds': 11, '\\nrunning': 11, '\\nanne': 11, 'mock': 11, 'interminable': 11, 'bonham': 11, 'respond': 11, 'busey': 11, 'accidental': 11, 'geniuses': 11, 'overwrought': 11, 'sane': 11, "kelly\\'s": 11, 'filler': 11, 'disasters': 11, 'befriended': 11, 'pregnancy': 11, 'invade': 11, 'lurid': 11, '24': 11, 'whodunit': 11, "al\\'s": 11, 'electrical': 11, 'marketed': 11, 'unexciting': 11, 'proposition': 11, 'forsythe': 11, 'hallmark': 11, 'increase': 11, 'nightmarish': 11, 'hunted': 11, 'wry': 11, 'supplies': 11, 'leisurely': 11, 'snap': 11, 'bigalow': 11, 'gigolo': 11, 'plates': 11, 'intercut': 11, 'montreal': 11, 'weaving': 11, 'eggs': 11, 'sigourney': 11, 'stu': 11, 'grating': 11, 'priests': 11, 'relations': 11, 'clarity': 11, 'autobiographical': 11, 'trials': 11, 'officially': 11, 'marijuana': 11, 'plants': 11, 'breathe': 11, 'naughty': 11, 'aimlessly': 11, 'off-screen': 11, 'consciousness': 11, '1967': 11, 'marvin': 11, 'unsatisfied': 11, 'cliffhanger': 11, 'quiz': 11, 'eighteen': 11, 'apologize': 11, 'sensible': 11, '\\nbranagh': 11, 'consisting': 11, 'hooked': 11, 'widely': 11, 'cannon': 11, 'messy': 11, 'landau': 11, '\\nannie': 11, 'splendid': 11, 'helgenberger': 11, 'positively': 11, 'headlines': 11, 'gamble': 11, '\\nms': 11, '\\nup': 11, 'disgust': 11, 'cleverness': 11, '\\nmark': 11, 'fierce': 11, '\\nbeyond': 11, 'digging': 11, 'westerns': 11, 'governor': 11, 'clerks': 11, '\\nnope': 11, 'soil': 11, 'feed': 11, 'waterworld': 11, 'ignores': 11, 'matinee': 11, 'switchback': 11, 'el': 11, 'explicitly': 11, 'banana': 11, 'frames': 11, 'fruit': 11, 'curse': 11, 'tax': 11, 'isabella': 11, '#2': 11, 'eagerly': 11, 'vastly': 11, 'readers': 11, 'steed': 11, 'familiarity': 11, 'economy': 11, '\\nde': 11, 'foreman': 11, 'gough': 11, 'robotic': 11, 'fried': 11, 'asylum': 11, 'enormously': 11, 'borrow': 11, 'weller': 11, 'caligula': 11, 'drowned': 11, 'gail': 11, 'definitive': 11, 'exercises': 11, 'conflicted': 11, 'applied': 11, 'outbursts': 11, 'nail': 11, "mcdonald\\'s": 11, 'shawshank': 11, 'bait': 11, 'confesses': 11, 'tyson': 11, 'muscle': 11, 'biblical': 11, 'services': 11, 'capsule': 11, "1970\\'s": 11, 'tidy': 11, 'townsfolk': 11, 'supermodel': 11, 'gotham': 11, 'perky': 11, 'overkill': 11, '$200': 11, '\\nfurthermore': 11, 'transplant': 11, 'deeds': 11, 'burly': 11, "1993\\'s": 11, 'politician': 11, 'mobile': 11, 'cannes': 11, 'deciding': 11, 'sprinkled': 11, 'afterward': 11, "\\'n": 11, 'summed': 11, 'rebels': 11, 'circumstance': 11, 'soulless': 11, 'september': 11, 'close-up': 11, 'chunk': 11, 'decline': 11, 'fountain': 11, 'appeals': 11, 'lily': 11, 'zeta': 11, 'dern': 11, 'urges': 11, 'procedure': 11, 'heightened': 11, 'escapist': 11, "mamet\\'s": 11, 'whiz': 11, "girls\\'": 11, 'coaster': 11, 'gunton': 11, 'hattie': 11, 'swinton': 11, 'juicy': 11, 'grounded': 11, '\\nray': 11, 'subtitled': 11, 'investment': 11, 'smokes': 11, 'profoundly': 11, 'inhabit': 11, '1969': 11, 'surgeon': 11, 'assassins': 11, 'surfer': 11, 'threaten': 11, 'exhibits': 11, 'astonishingly': 11, 'favors': 11, 'observed': 11, 'pursues': 11, 'swept': 11, 'honeymoon': 11, 'funds': 11, 'joys': 11, 'stirring': 11, 'loveless': 11, 'audacity': 11, 'waits': 11, 'computer-animated': 11, 'full-length': 11, 'operate': 11, 'collected': 11, 'unsympathetic': 11, 'undeniable': 11, 'aiming': 11, '\\nspecial': 11, 'committee': 11, 'judi': 11, 'sweep': 11, 'comically': 11, 'pinkett': 11, 'forgiven': 11, 'aunt': 11, 'midway': 11, 'unemployed': 11, 'psychologically': 11, 'tying': 11, 'pines': 11, 'evita': 11, 'replete': 11, 'waiter': 11, 'hubbard': 11, 'grammer': 11, 'coburn': 11, 'wreak': 11, 'debacle': 11, 'decency': 11, 'stormare': 11, 'trekkies': 11, 'twentieth': 11, 'smirk': 11, 'prominently': 11, 'idealistic': 11, 'defending': 11, 'lawsuit': 11, 'abruptly': 11, 'flirts': 11, 'followers': 11, '1972': 11, 'celebrating': 11, 'schrader': 11, 'gunplay': 11, 'skarsgard': 11, 'classy': 11, 'sub-genre': 11, 'lofty': 11, "evil\\'s": 11, 'build-up': 11, 'authenticity': 11, 'carrot': 11, 'booth': 11, 'sebastian': 11, 'eliminated': 11, 'crook': 11, 'mastermind': 11, 'satisfaction': 11, 'affects': 11, "man\\'": 11, 'locker': 11, 'briggs': 11, 'stability': 11, 'undermines': 11, 'andrea': 11, 'payne': 11, 'claude': 11, 'spider': 11, 'crippled': 11, 'fern': 11, 'tibet': 11, "bachelor\\'": 11, 'twenties': 11, 'unbeknownst': 11, 'unreal': 11, 'point-of-view': 11, 'armies': 11, 'kattan': 11, 'diggs': 11, "daughter\\'s": 11, 'basinger': 11, '\\nsandler': 11, 'blazing': 11, 'housewife': 11, 'detailing': 11, 'timely': 11, 'kisses': 11, 'daphne': 11, 'all-out': 11, 'awfulness': 11, 'implications': 11, 'terri': 11, 'condescending': 11, "altman\\'s": 11, 'cane': 11, '\\nhollywood': 11, 'henriksen': 11, 'loads': 11, '\\njeff': 11, 'nathan': 11, 'stakes': 11, 'doo': 11, 'reciting': 11, 'gavin': 11, 'tougher': 11, 'poke': 11, 'nicknamed': 11, '\\ncompared': 11, 'vacant': 11, 'conniving': 11, 'spoofs': 11, 'fence': 11, 'affable': 11, 'counter': 11, 'katt': 11, 'orchestra': 11, 'ulrich': 11, 'favour': 11, 'sevigny': 11, 'intrigued': 11, 'hypnotic': 11, 'tormented': 11, 'lad': 11, 'mastery': 11, 'benicio': 11, 'dina': 11, 'library': 11, 'romances': 11, 'agreeable': 11, 'insecurities': 11, 'remakes': 11, 'alluring': 11, 'ambrose': 11, 'askew': 11, 'marvelously': 11, 'portrayals': 11, 'observes': 11, 'socially': 11, 'execute': 11, 'elias': 11, 'clinton': 11, 'giggle': 11, 'rugrats': 11, 'glam': 11, 'heights': 11, 'vikings': 11, 'congregation': 11, 'yang': 11, "tom\\'s": 11, 'beckinsale': 11, 'fortress': 11, 'pearce': 11, 'hansel': 11, 'props': 11, 'sophie': 11, 'salesmen': 11, 'cousins': 11, '\\nmickey': 11, '\\\\': 11, 'gonzo': 11, 'ronna': 11, 'jocks': 11, 'serendipity': 11, 'corky': 11, 'retains': 11, 'discussed': 11, 'spade': 11, 'shocks': 11, 'instrument': 11, 'virgil': 11, 'celebrate': 11, 'et': 11, "fincher\\'s": 11, 'foreboding': 11, 'pals': 11, 'pfeiffer': 11, 'notions': 11, 'anton': 11, 'osmosis': 11, 'zwick': 11, 'stimulating': 11, '\\ndeath': 11, 'grinch': 11, "lucas\\'": 11, 'miranda': 11, "mike\\'s": 11, 'balancing': 11, 'online': 11, 'missteps': 11, "bulworth\\'s": 11, '\\nscorsese': 11, 'india': 11, 'meryl': 11, 'streep': 11, 'lang': 11, 'stephane': 11, 'yeoh': 11, 'fail-safe': 11, 'quilt': 11, 'clyde': 11, 'althea': 11, 'gretchen': 11, 'fa': 11, "caveman\\'s": 11, 'lestat': 11, 'slade': 11, 'chocolat': 11, 'carlito': 11, 'hulot': 11, 'valjean': 11, 'caraboo': 11, 'applaud': 10, 'memento': 10, 'melissa': 10, "might\\'ve": 10, 'mindset': 10, "arthur\\'s": 10, 'hunky': 10, 'carey': 10, "boy\\'s": 10, 'stalker': 10, 'technological': 10, 'wannabes': 10, 'newer': 10, 'surveillance': 10, 'philadelphia': 10, 'digs': 10, 'joaquin': 10, 'culminating': 10, 'longing': 10, 'brow': 10, 'confrontations': 10, 'canyon': 10, '\\nkeep': 10, 'projected': 10, 'foray': 10, 'wrap': 10, 'wrongfully': 10, 'kidding': 10, 'arriving': 10, 'specialist': 10, 'emotionless': 10, '\\nhuh': 10, 'reversal': 10, 'punctuated': 10, 'chaotic': 10, 'cluttered': 10, 'graduated': 10, 'agreement': 10, 'bath': 10, 'counterpart': 10, '\\nmovie': 10, 'frivolous': 10, 'wow': 10, 'masked': 10, 'worrying': 10, 'reader': 10, 'stud': 10, "writer\\'s": 10, 'benevolent': 10, 'funky': 10, 'dons': 10, 'envelope': 10, 'bowels': 10, 'massachusetts': 10, 'mama': 10, 'disposal': 10, 'rochon': 10, 'dunn': 10, 'mysteries': 10, 'koepp': 10, 'boiling': 10, '\\ntaking': 10, 'equipped': 10, 'dashing': 10, 'incessant': 10, 'abstract': 10, 'reconciliation': 10, 'engineer': 10, 'nonsensical': 10, 'gender': 10, "company\\'s": 10, 'mason': 10, 'stall': 10, 'climbing': 10, '102': 10, 'larger-than-life': 10, 'flamboyant': 10, 'dreamed': 10, 'gloom': 10, 'relates': 10, 'dolby': 10, 'wagner': 10, 'interestingly': 10, '\\nturns': 10, 'crop': 10, 'opponents': 10, 'rhythm': 10, 'pauses': 10, 'favreau': 10, 'stereotyped': 10, 'insights': 10, 'equation': 10, 'lure': 10, 'troubling': 10, 'exploitative': 10, "plot\\'s": 10, 'troupe': 10, 'bo': 10, 'annoyingly': 10, 'moreau': 10, 'awarded': 10, 'parrot': 10, 'highs': 10, 'commonplace': 10, 'supports': 10, '\\nhigh': 10, 'terrified': 10, 'rushes': 10, 'noticing': 10, 'predicted': 10, 'vu': 10, 'myriad': 10, 'utters': 10, 'anthropologist': 10, 'gerald': 10, 'lumet': 10, 'actuality': 10, 'trumpet': 10, 'stepped': 10, 'somber': 10, 'athletic': 10, 'loaf': 10, 'ineptitude': 10, 'stoned': 10, 'vulgar': 10, 'telephone': 10, 'sizemore': 10, 'sync': 10, 'stepping': 10, 'pronounced': 10, 'civilians': 10, 'mexican': 10, 'mechanic': 10, 'shiny': 10, 'storms': 10, 'limit': 10, 'achieving': 10, 'caves': 10, 'sweethearts': 10, 'gwen': 10, 'forgiving': 10, '\\nveteran': 10, 'co-written': 10, 'jerks': 10, 'lap': 10, 'whore': 10, 'jessie': 10, 'ala': 10, 'angus': 10, "it\\'d": 10, 'mcnaughton': 10, 'flee': 10, "bacon\\'s": 10, 'nary': 10, 'apocalyptic': 10, 'cowboys': 10, '\\nwillis': 10, 'screwing': 10, 'cycle': 10, "nation\\'s": 10, 'tip': 10, 'brandon': 10, 'ostensibly': 10, 'dispatched': 10, 'compound': 10, 'shawn': 10, 'conscious': 10, 'piles': 10, 'trusty': 10, 'marisa': 10, 'clay': 10, 'meyers': 10, 'textbook': 10, 'monk': 10, 'winkler': 10, 'cuteness': 10, 'gears': 10, 'resourceful': 10, 'puppet': 10, 'roland': 10, 'casualties': 10, 'in-jokes': 10, 'rating=': 10, 'claudia': 10, 'dazzle': 10, 'wan': 10, 'guinness': 10, 'contender': 10, 'continuity': 10, 'raoul': 10, 'piper': 10, 'economic': 10, 'rupert': 10, 'plague': 10, '$5': 10, '\\nmaking': 10, 'willie': 10, 'readily': 10, 'flashing': 10, 'ado': 10, 'ignorance': 10, 'brenda': 10, 'homeless': 10, '\\nsound': 10, 'budding': 10, 'strawberry': 10, 'farina': 10, '\\ncarol': 10, 'implausibilities': 10, 'unnamed': 10, 'astronomer': 10, '48': 10, 'backwards': 10, 'pursuing': 10, 'lobby': 10, 'hacker': 10, 'recipe': 10, 'insignificant': 10, 'grossing': 10, 'latin': 10, 'steiger': 10, 'betrayed': 10, 'steadily': 10, 'belonging': 10, 'announced': 10, 'gaze': 10, 'pressed': 10, 'superiors': 10, 'cate': 10, 'glorified': 10, 'studied': 10, 'reprising': 10, 'supermarket': 10, 'tossing': 10, 'skimpy': 10, '\\ntommy': 10, 'prequel': 10, 'stride': 10, "1980\\'s": 10, 'collar': 10, 'rourke': 10, 'lip': 10, 'visible': 10, 'characteristics': 10, 'hung': 10, 'horrified': 10, 't&a': 10, '\\nskip': 10, 'sunrise': 10, 'coppola': 10, 'witt': 10, 'chester': 10, 'dixon': 10, 'utilizes': 10, 'sensual': 10, 'lectures': 10, 'bottom-of-the-barrel': 10, 'sarcasm': 10, 'avenge': 10, "60\\'s": 10, 'exhausting': 10, 'plug': 10, 'incorporating': 10, 'masks': 10, 'mercilessly': 10, 'intrusive': 10, 'benny': 10, 'imply': 10, 'fortunate': 10, 'marginal': 10, 'well-done': 10, 'quintessential': 10, 'costuming': 10, 'motley': 10, 'sub-par': 10, 'meetings': 10, 'transvestite': 10, 'bodily': 10, 'dead-bang': 10, 'gestures': 10, '\\naccording': 10, 'unorthodox': 10, 'helpful': 10, 'confined': 10, 'scheduled': 10, 'shagged': 10, 'proclaiming': 10, 'gut': 10, 'vitti': 10, 'uncovers': 10, 'ex-cop': 10, 'hard-boiled': 10, 'uncaring': 10, 'scenarios': 10, 'spirituality': 10, 'pursued': 10, 'overplayed': 10, "city\\'s": 10, 'gordy': 10, 'executives': 10, 'diving': 10, 'guinea': 10, 'strive': 10, 'raucous': 10, 'feminist': 10, 'self-absorbed': 10, 'tedium': 10, 'marries': 10, 'abrasive': 10, 'corridors': 10, 'ira': 10, 'reitman': 10, 'invaded': 10, 'stunningly': 10, 'investigators': 10, 'unfaithful': 10, '\\njane': 10, 'elevated': 10, 'antagonist': 10, 'bounce': 10, 'heated': 10, '\\nlooking': 10, 'sophistication': 10, 'counterpoint': 10, 'maureen': 10, 'luckily': 10, '\\ncontact': 10, '1974': 10, 'responsibilities': 10, 'fucking': 10, "'ingredients": 10, 'katherine': 10, 'saccharine': 10, 'lacked': 10, 'doogie': 10, 'patton': 10, 'gig': 10, 'idiocy': 10, 'envisioned': 10, 'adopt': 10, 'graduation': 10, 'scratching': 10, 'secure': 10, 'asides': 10, 'bikini': 10, 'tremendously': 10, 'glimmer': 10, 'impeccable': 10, 'anita': 10, 'intellect': 10, 'enduring': 10, 'dice': 10, 'fragile': 10, 'barn': 10, '\\npersonally': 10, '\\nyoung': 10, 'butterworth': 10, 'occurrence': 10, 'excels': 10, 'robbed': 10, 'examines': 10, 'wickedly': 10, 'screwball': 10, 'habits': 10, 'oral': 10, '\\noutside': 10, 'assisted': 10, "sonny\\'s": 10, 'ably': 10, 'railroad': 10, 'mississippi': 10, 'insistence': 10, '\\nincidentally': 10, 'blossom': 10, 'misfire': 10, 'veritable': 10, '90210': 10, "verhoeven\\'s": 10, "robbin\\'s": 10, 'chevy': 10, 'terrorized': 10, 'launched': 10, 'matty': 10, 'depend': 10, 'mild-mannered': 10, 'studi': 10, 'tycoon': 10, 'employing': 10, 'assist': 10, '\\nrarely': 10, "'at": 10, 'dynamics': 10, '\\ntravolta': 10, 'fluid': 10, 'signature': 10, 'preferred': 10, 'difficulties': 10, 'laced': 10, 'fetish': 10, 'kip': 10, 'tug': 10, 'butterfly': 10, 'down-to-earth': 10, 'immigrants': 10, 'collapses': 10, 'crashed': 10, 'beth': 10, 'inclined': 10, 'wasteland': 10, 'healing': 10, 'clarke': 10, '\\nwalsh': 10, 'cutesy': 10, 'troy': 10, 'expressing': 10, 'veterans': 10, 'necessity': 10, 'chauffeur': 10, 'tide': 10, 'rewarded': 10, 'pressures': 10, 'meticulous': 10, 'fund': 10, 'sharks': 10, 'ernie': 10, 'upstairs': 10, 'cruz': 10, 'sport': 10, 'feisty': 10, 'sleeve': 10, 'preceding': 10, 'multiplex': 10, 'molina': 10, 'laundry': 10, 'disagree': 10, '\\nbilko': 10, 'jeffries': 10, 'tasks': 10, 'anguish': 10, 'depending': 10, 'updated': 10, 'pinnacle': 10, 'goings-on': 10, 'prowess': 10, 'banished': 10, 'supernova': 10, 'shaped': 10, 'echo': 10, 'substitute': 10, 'absorbed': 10, 'intends': 10, 'architect': 10, 'fabric': 10, 'garry': 10, '1962': 10, 'impossibly': 10, 'tastes': 10, 'antidote': 10, 'elwood': 10, '21': 10, 'criticisms': 10, 'valmont': 10, 'lunatic': 10, 'dash': 10, 'winners': 10, 'voiceover': 10, 'lurking': 10, 'rigid': 10, 'trivia': 10, 'djimon': 10, 'button': 10, "bob\\'s": 10, 'conceit': 10, 'offend': 10, 'misplaced': 10, 'truthful': 10, 'floats': 10, 'catastrophe': 10, 'rave': 10, 'courteney': 10, 'clique': 10, 'thanksgiving': 10, 'scariest': 10, "nicholson\\'s": 10, 'rips': 10, 'smitten': 10, 'sometime': 10, 'expand': 10, 'taye': 10, 'blunt': 10, 'backed': 10, 'eerily': 10, 'novikov‰': 10, 'quickie': 10, 'heartwarming': 10, 'betting': 10, 'gregory': 10, 'fantastically': 10, 'bothers': 10, 'prescott': 10, 'posey': 10, 'additional': 10, 'milla': 10, 'caution': 10, 'devilish': 10, 'skits': 10, 'pilgrim': 10, 'ensuing': 10, 'doses': 10, 'deedles': 10, 'ranger': 10, 'paintings': 10, '\\nhopkins': 10, 'programming': 10, 'june': 10, 'flynn': 10, 'effectiveness': 10, 'poseidon': 10, 'eruption': 10, "mars\\'": 10, 'sham': 10, 'quartet': 10, '\\naliens': 10, 'argues': 10, 'seasons': 10, 'snaps': 10, 'dismissed': 10, 'plantation': 10, 'servants': 10, 'strapped': 10, 'matheson': 10, 'dismay': 10, 'sentenced': 10, 'accidents': 10, 'hitmen': 10, '\\nmelvin': 10, 'boorman': 10, 'optimism': 10, 'produces': 10, 'tips': 10, 'timid': 10, 'district': 10, 'pleads': 10, 'bets': 10, 'eldest': 10, 'subjective': 10, 'heritage': 10, 'cried': 10, 'layered': 10, '\\ndennis': 10, '100\\%': 10, 'actively': 10, 'alert': 10, '\\nconsequently': 10, 'kaplan': 10, 'painter': 10, 'labyrinth': 10, 'grosse': 10, '\\nnew': 10, 'connelly': 10, 'proyas': 10, 'discomfort': 10, 'strikingly': 10, 'nichols': 10, 'sheep': 10, 'courier': 10, 'benefactor': 10, 'resentment': 10, 'flourishes': 10, 'cohen': 10, 'kristen': 10, 'origins': 10, 'dedication': 10, 'fast-talking': 10, "paul\\'s": 10, 'viking': 10, 'outrage': 10, "nick\\'s": 10, '95': 10, 'adjective': 10, 'motor': 10, 'delve': 10, 'grasshoppers': 10, '\\nhenry': 10, 'profile': 10, 'marred': 10, 'lair': 10, 'suzanne': 10, "thompson\\'s": 10, 'labeled': 10, 'dunst': 10, 'eye-catching': 10, 'thandie': 10, 'slide': 10, "tarzan\\'s": 10, 'invading': 10, 'releasing': 10, 'illustrated': 10, 'sail': 10, 'colourful': 10, 'vigilante': 10, 'shave': 10, 'shoved': 10, 'sylvia': 10, 'poets': 10, 'integrity': 10, "porky\\'s": 10, 'import': 10, 'evokes': 10, 'specifics': 10, 'depravity': 10, 'laserdisc': 10, 'troi': 10, 'barren': 10, 'conveyed': 10, 'lucinda': 10, 'poet': 10, 'double-crosses': 10, 'protective': 10, 'unfairly': 10, 'recommending': 10, 'ballad': 10, 'rimbaud': 10, 'ballroom': 10, 'democratic': 10, 'alda': 10, 'fiorentino': 10, 'zoolander': 10, '\\ndamon': 10, 'collette': 10, 'uncut': 10, 'seahaven': 10, 'sarajevo': 10, 'comforts': 10, 'joss': 10, 'mol': 10, 'lesly': 10, 'linney': 10, 'masterfully': 10, 'dolores': 10, 'morrow': 10, 'bubby': 10, 'valentine_': 10, 'crimson': 10, 'corleone': 10, 'lillian': 10, "william\\'s": 10, 'andromeda': 10, 'millie': 10, 'cyborsuit': 10, '\\ntaran': 10, 'fingernail': 10, 'unravel': 9, 'kudos': 9, '\\ngoing': 9, 'stan': 9, '\\nclaire': 9, 'clout': 9, 'pocahontas': 9, 'paired': 9, 'singers': 9, 'celine': 9, 'direct-to-video': 9, 'implied': 9, 'tacky': 9, 'automatic': 9, 'sucker': 9, 'documentaries': 9, 'tags': 9, "grant\\'s": 9, 'asshole': 9, 'plodding': 9, 'paralyzed': 9, 'scotland': 9, 'rampling': 9, 'rotten': 9, 'familial': 9, 'diva': 9, 'sorrow': 9, 'complications': 9, 'rhythms': 9, 'dragons': 9, 'marketplace': 9, 'fluffy': 9, 'crouching': 9, '3/10': 9, 'meaty': 9, 'robust': 9, 'transparent': 9, 'ashamed': 9, 'haven': 9, 'excruciating': 9, 'plods': 9, 'aide': 9, 'mantra': 9, 'tepid': 9, "d\\'artagnan": 9, 'khan': 9, 'kang': 9, 'mistakenly': 9, 'poses': 9, 'jamaica': 9, 'leaden': 9, 'opus': 9, 'interiors': 9, 'guitar': 9, 'shred': 9, 'so-so': 9, 'neutral': 9, "\\ndidn\\'t": 9, 'dreck': 9, 'gate': 9, 'jingle': 9, 'burger': 9, 'stares': 9, 'gregg': 9, 'gooey': 9, 'biological': 9, 'pics': 9, 'reliance': 9, 'punchline': 9, 'madman': 9, 'untimely': 9, 'delves': 9, 'jeans': 9, 'hark': 9, 'arena': 9, 'lincoln': 9, 'dandy': 9, 'forgetting': 9, 'fervor': 9, 'regain': 9, "miller\\'s": 9, 'reply': 9, 'questioned': 9, 'longs': 9, 'unremarkable': 9, 'distractions': 9, 'truths': 9, 'thesis': 9, 'storyteller': 9, 'ill-conceived': 9, 'zombie': 9, 'stopping': 9, 'dynamite': 9, 'kruger': 9, 'trends': 9, 'pies': 9, 'atop': 9, "rudy\\'s": 9, 'shabby': 9, 'strung': 9, 'spotted': 9, 'single-handedly': 9, 'shaken': 9, '1976': 9, 'orson': 9, 'remastered': 9, 'menu': 9, 'connecting': 9, 'revolve': 9, 'listed': 9, "'some": 9, 'yun-fat': 9, 'delroy': 9, 'unfocused': 9, 'warehouse': 9, 'hunk': 9, 'cultures': 9, 'sweat': 9, 'charts': 9, 'pornographic': 9, 'recruited': 9, 'swamp': 9, 'crotch': 9, 'sentences': 9, 'bump': 9, 'stormy': 9, 'examine': 9, 'scholar': 9, 'merry': 9, 'berenger': 9, 'repulsive': 9, 'permeated': 9, '\\nliving': 9, 'live-in': 9, '\\nlucy': 9, 'manipulate': 9, 'muted': 9, 'wise-cracking': 9, 'bimbo': 9, 'onset': 9, 'leelee': 9, 'zest': 9, 'transferred': 9, '\\nfunny': 9, 'adjectives': 9, 'moniker': 9, 'dam': 9, 'skies': 9, 'drained': 9, 'gunfire': 9, 'applies': 9, 'recycles': 9, 'policemen': 9, 'caulder': 9, "lumet\\'s": 9, 'sheridan': 9, 'rambling': 9, 'gentlemen': 9, 'ineffectual': 9, 'muresan': 9, 'bounds': 9, 'ninja': 9, 'wherein': 9, 'curve': 9, '\\nanything': 9, 'rewards': 9, 'fatale': 9, 'husbands': 9, 'vanish': 9, 'formidable': 9, 'deedle': 9, 'collecting': 9, 'flock': 9, 'russ': 9, 'discount': 9, 'unforgivable': 9, 'convert': 9, 'promptly': 9, '\\nroger': 9, 'pr': 9, 'zingers': 9, 'archer': 9, 'placing': 9, 'fictitious': 9, '\\ncrystal': 9, 'thou': 9, 'hyped': 9, 'backs': 9, 'lasts': 9, 'behalf': 9, 'jeep': 9, 'barrier': 9, 'qualifies': 9, 'tidal': 9, 'towering': 9, 'comforting': 9, 'amusingly': 9, 'narrated': 9, 'dj': 9, 'puzzling': 9, 'kinky': 9, 'historically': 9, 'tomei': 9, 'monotone': 9, "you\\'": 9, 'accustomed': 9, 'requirements': 9, 'joanna': 9, 'terrorize': 9, 'biologist': 9, 'disappointments': 9, 'rampage': 9, 'missiles': 9, 'aircraft': 9, 'unfolding': 9, 'sharply': 9, '90\\%': 9, 'mortensen': 9, 'emerging': 9, 'pathetically': 9, 'dolittle': 9, 'sherman': 9, 'resumes': 9, 'premises': 9, 'unlikeable': 9, 'bogged': 9, 'rejects': 9, 'blockade': 9, 'hideously': 9, 'meandering': 9, 'sorority': 9, 'hacked': 9, 'division': 9, 'fearing': 9, 'somerset': 9, 'puppets': 9, 'wary': 9, 'criminally': 9, 'mack': 9, 'best-seller': 9, 'juan': 9, "women\\'s": 9, 'abused': 9, 'repeats': 9, 'gloriously': 9, 'establishment': 9, 'bananas': 9, 'grass': 9, 'distributor': 9, 'linear': 9, 'bee': 9, 'vhs': 9, 'album': 9, 'lerner': 9, '\\nscreenwriters': 9, 'liners': 9, 'attic': 9, 'simulated': 9, 'sitcoms': 9, 'systems': 9, 'distorted': 9, 'oozes': 9, 'heartstrings': 9, 'story-line': 9, 'scholarship': 9, 'mit': 9, 'phoebe': 9, 'founder': 9, "o\\'": 9, 'graceful': 9, 'consultant': 9, 'consist': 9, 'sibling': 9, 'prospect': 9, 'decapitated': 9, "coppola\\'s": 9, 'solving': 9, 'bouts': 9, 'testimony': 9, 'doubted': 9, 'medak': 9, 'lazard': 9, 'percentage': 9, 'infected': 9, 'unstoppable': 9, 'marg': 9, 'anticlimactic': 9, 'realistically': 9, 'appreciation': 9, '\\nstuart': 9, 'unwilling': 9, 'options': 9, 'persuade': 9, 'loggia': 9, 'compassionate': 9, 'typecast': 9, 'uncredited': 9, "frank\\'s": 9, 'versatile': 9, '\\nproduction': 9, 'mediocrity': 9, 'hiring': 9, 'beals': 9, '\\nted': 9, 'theft': 9, 'centuries': 9, 'materials': 9, 'fx': 9, 'ermey': 9, 'savior': 9, 'ex-boyfriend': 9, 'protection': 9, 'slept': 9, "\\'97": 9, 'murderers': 9, '\\nthinking': 9, 'kidnaps': 9, '\\n[theater': 9, 'movie-goers': 9, 'cartoony': 9, 'blanks': 9, 'axe': 9, 'controlling': 9, 'weep': 9, 'begging': 9, 'plotlines': 9, '\\nbatman': 9, 'entity': 9, 'pairs': 9, 'earning': 9, 'formation': 9, 'good-hearted': 9, "men\\'s": 9, 'clumsily': 9, '\\nfirstly': 9, 'baddies': 9, 'blackmail': 9, 'crawling': 9, 'beams': 9, 'spontaneously': 9, 'outright': 9, 'frenetic': 9, 'confronting': 9, 'kentucky': 9, 'rednecks': 9, "seagal\\'s": 9, 'diverting': 9, 'impersonation': 9, 'technicolor': 9, 'dire': 9, 'cargo': 9, 'narrow': 9, 'embarrassingly': 9, 'embraced': 9, 'patently': 9, 'noises': 9, 'continuing': 9, 'marcia': 9, 'artificially': 9, 'vapid': 9, 'y': 9, 'decked': 9, 'pond': 9, 'lesbianism': 9, 'fichtner': 9, 'wits': 9, 'abandons': 9, 'printed': 9, 'ample': 9, 'spouse': 9, 'tornado': 9, 'thai': 9, 'inhabits': 9, 'cemetery': 9, 'overtime': 9, 'bow': 9, 'techno': 9, 'dish': 9, 'severed': 9, 'gloves': 9, 'weave': 9, 'bello': 9, 'conclude': 9, 'spiral': 9, 'degeneres': 9, 'flat-out': 9, 'gulf': 9, 'zorro': 9, '\\nactor': 9, 'analogy': 9, 'howling': 9, 'believer': 9, 'epiphany': 9, "days\\'": 9, 'spared': 9, '666': 9, 'schools': 9, '1983': 9, 'goofiness': 9, 'sophomoric': 9, 'desmond': 9, 'aka': 9, 'aswell': 9, 'spits': 9, '\\nlong': 9, 'dramatics': 9, "who\\'ve": 9, '\\nfew': 9, 'adapting': 9, 'draft': 9, 'giamatti': 9, 'dino': 9, 'schaech': 9, '\\nunder': 9, 'spills': 9, 'accounts': 9, "kilmer\\'s": 9, "victim\\'s": 9, 'snappy': 9, 'intergalactic': 9, 'proxy': 9, 'avid': 9, '\\npredictably': 9, 'anxiety': 9, 'parsons': 9, '\\ntime': 9, 'coffin': 9, 'backstory': 9, 'benefited': 9, 'reeks': 9, 'reappears': 9, 'fondness': 9, 'collide': 9, 'well-crafted': 9, '\\nearlier': 9, 'stretching': 9, "moore\\'s": 9, 'eccleston': 9, 'calmly': 9, 'burke': 9, 'hatcher': 9, 'wreckage': 9, 'realise': 9, 'stand-up': 9, 'insulted': 9, 'forgiveness': 9, 'dependent': 9, 'abrupt': 9, 'rituals': 9, 'brunette': 9, 'prophecy': 9, 'teachers': 9, 'forman': 9, '\\namazingly': 9, 'e-mail': 9, 'befuddled': 9, 'sentiments': 9, 'mira': 9, 'peet': 9, 'idol': 9, 'donna': 9, 'oblivion': 9, 'puerto': 9, 'carnival': 9, 'tease': 9, 'sickness': 9, 'freeing': 9, 'nitro': 9, 'titus': 9, 'amish': 9, 'yours': 9, 'mating': 9, 'redeem': 9, '\\njudging': 9, 'bahamas': 9, 'sporadically': 9, 'subversive': 9, 'abysmal': 9, 'misleading': 9, 'crowded': 9, 'encountered': 9, '\\nbetween': 9, 'plugs': 9, 'creatively': 9, 'oldest': 9, 'slipped': 9, 'grape': 9, 'disillusioned': 9, 'excursion': 9, 'non-fans': 9, "'while": 9, 'jettisoned': 9, '\\nhence': 9, 'danielle': 9, 'convictions': 9, 'da': 9, 'caruso': 9, 'sacrifices': 9, 'females': 9, 'cellular': 9, 'bassett': 9, 'lava': 9, 'drastically': 9, 'tingle': 9, 'components': 9, 'mirren': 9, 'unconscious': 9, 'await': 9, '$70': 9, 'drift': 9, 'formerly': 9, 'weirdly': 9, 'sensational': 9, 'robs': 9, 'protecting': 9, 'goldeneye': 9, 'retreat': 9, 'glances': 9, 'clad': 9, 'wallet': 9, 'interludes': 9, 'badness': 9, 'maverick': 9, 'chamber': 9, '\\nmostly': 9, 'ethical': 9, 'traps': 9, 'whoever': 9, 'liaisons': 9, 'humiliated': 9, 'capt': 9, 'breezy': 9, 'caption': 9, 'moron': 9, '\\nwayne': 9, 'hokum': 9, 'hunchback': 9, 'chew': 9, 'joshua': 9, 'mewes': 9, 'ferrell': 9, 'seann': 9, '007': 9, 'bearable': 9, 'twisting': 9, 'concentrating': 9, 'oftentimes': 9, 'drum': 9, 'mutated': 9, "studio\\'s": 9, 'high-concept': 9, 'infinite': 9, 'poignancy': 9, 'grandson': 9, 'descends': 9, 'headquarters': 9, 'neglect': 9, 'detour': 9, 'cohesive': 9, '\\nnicholson': 9, 'cherry': 9, 'spreads': 9, 'sneaking': 9, 'drove': 9, '\\nrush': 9, 'morgue': 9, 'romantically': 9, 'backgrounds': 9, 'platform': 9, 'proposes': 9, 'illustrate': 9, 'amid': 9, 'kinetic': 9, 'absorb': 9, 'ritchie': 9, 'topics': 9, 'eckhart': 9, 'casually': 9, 'diary': 9, 'rudd': 9, 'regards': 9, 'transcend': 9, 'rant': 9, 'moderate': 9, 'dumbest': 9, 'breast': 9, '\\nneve': 9, 'wincott': 9, 'no-nonsense': 9, 'flag': 9, 'mccormack': 9, 'dalton': 9, 'fundamentally': 9, 'judged': 9, 'stoltz': 9, 'laugh-out-loud': 9, 'riley': 9, 'wrought': 9, 'islands': 9, 'surrounds': 9, 'exudes': 9, 'millenium': 9, 'traits': 9, 'assure': 9, 'coherence': 9, 'unexplained': 9, 'sunlight': 9, 'fullest': 9, 'consequence': 9, '\\nwrong': 9, 'na': 9, 'butt-head': 9, 'alleged': 9, 'get-go': 9, 'bujold': 9, '\\ndoubtfire': 9, '\\nimmediately': 9, 'deborah': 9, 'evacuate': 9, 'dragging': 9, 'crusade': 9, 'closes': 9, "parent\\'s": 9, 'bess': 9, 'removing': 9, 'randall': 9, 'targeted': 9, 'soft-spoken': 9, 'grisly': 9, 'liaison': 9, 'savvy': 9, 'conjure': 9, 'tie-ins': 9, 'attracts': 9, 'scathing': 9, 'nikki': 9, "messenger\\'": 9, 'bloodthirsty': 9, 'anatomy': 9, "up\\'": 9, 'gems': 9, 'option': 9, '\\nreviewed': 9, 'airline': 9, "perry\\'s": 9, '31': 9, 'exposure': 9, 'magnetic': 9, '4th': 9, 'mini': 9, 'whoopi': 9, 'masses': 9, 'mcquarrie': 9, 'http': 9, 'action-thriller': 9, 'cheers': 9, 'infidelity': 9, 'rugged': 9, 'proclaim': 9, '\\ndark': 9, 'incorporates': 9, 'finch': 9, '\\nabsolutely': 9, 'gently': 9, 'ruining': 9, 'sixteen': 9, '\\njohnny': 9, 'bags': 9, 'progressed': 9, 'koteas': 9, 'unrecognizable': 9, 'panama': 9, 'prevalent': 9, 'preaching': 9, 'cloth': 9, 'climate': 9, 'rescuing': 9, 'lefty': 9, 'scarface': 9, 'fend': 9, 'distraught': 9, 'simpsons': 9, 'siskel': 9, 'lynn': 9, 'overwhelmed': 9, 'periods': 9, 'dive': 9, 'evelyn': 9, 'ghastly': 9, "jimmy\\'s": 9, 'scars': 9, 'feeds': 9, 'trophy': 9, 'fanatics': 9, 'escapades': 9, 'expertly': 9, 'hysterically': 9, 'nyah': 9, 'theatrics': 9, 'conducted': 9, 'pantoliano': 9, 'danvers': 9, 'cells': 9, '\\n=': 9, 'yearning': 9, 'coming-of-age': 9, 'chang': 9, 'regarded': 9, 'subconscious': 9, 'dead-end': 9, 'snowman': 9, 'intervention': 9, 'schwimmer': 9, 'splash': 9, 'pillow': 9, 'declared': 9, '\\ndefinitely': 9, 'supervisor': 9, 'freaky': 9, 'rec': 9, 'contribution': 9, 'sleepless': 9, 'smug': 9, 'dreamy': 9, 'quarters': 9, 'destructive': 9, 'suspended': 9, 'butch': 9, 'canadians': 9, 'meanings': 9, 'gia': 9, 'pesci': 9, 'crowds': 9, 'nods': 9, '\\nhanks': 9, 'characterized': 9, 'borg': 9, '\\ngetting': 9, 'rene': 9, "russell\\'s": 9, 'accomplishes': 9, '45': 9, 'existed': 9, 'donny': 9, 'virginity': 9, 'grain': 9, "hill\\'s": 9, 'infatuated': 9, 'affections': 9, 'wilder': 9, 'mockery': 9, 'introspective': 9, 'oscar-winning': 9, '\\nethan': 9, 'sparked': 9, 'kimble': 9, 'zardoz': 9, 'exhilarating': 9, 'criticized': 9, 'hypocrisy': 9, 'jabba': 9, 'hutt': 9, 'methodical': 9, 'envy': 9, "grisham\\'s": 9, 'stand-out': 9, 'huns': 9, 'aladdin': 9, 'discussions': 9, 'diesel': 9, 'must-see': 9, 'francie': 9, 'brisk': 9, 'jing': 9, 'robby': 9, 'motss': 9, '\\nanderson': 9, 'seti': 9, 'arroway': 9, 'zemeckis': 9, '\\ntruman': 9, 'claiborne': 9, 'onegin': 9, 'marcy': 9, 'moulin': 9, 'fellini': 9, 'skinheads': 9, 'chubby': 9, 'tibetan': 9, 'javert': 9, 'downside': 9, 'gerry': 9, 'fflewdurr': 9, 'cosette': 9, "destination\\'": 9, 'hrundi': 9, 'laserman': 9, 'lancelot': 9, "kiki\\'s": 9, 'sorta': 8, 'sagemiller': 8, 'bentley': 8, 'runtime': 8, 'tech': 8, 'origin': 8, 'unscathed': 8, 'resident': 8, 'remembers': 8, 'seymour': 8, 'underwood': 8, 'precinct': 8, 'savages': 8, 'rushing': 8, '\\nwithin': 8, 'persons': 8, 'self-righteous': 8, '\\nnicolas': 8, 'reminding': 8, 'toll': 8, 'screened': 8, 'cookie-cutter': 8, 'arnie': 8, 'lunacy': 8, 'aberdeen': 8, '\\nunable': 8, 'mogul': 8, 'shrewd': 8, 'chords': 8, 'juggling': 8, 'hannibal': 8, 'courtship': 8, 'lingers': 8, 'ecstatic': 8, 'luggage': 8, 'county': 8, 'lukewarm': 8, 'hyams': 8, 'annihilation': 8, 'limitations': 8, '\\nsandra': 8, 'incorrect': 8, 'greene': 8, 'b-movies': 8, '\\nalways': 8, 'awakened': 8, 'manson': 8, 'lock': 8, 'singularly': 8, 'slow-moving': 8, '\\nzero': 8, 'pound': 8, 'unsuccessfully': 8, 'cheezy': 8, 'juice': 8, 'yawn': 8, 'accordingly': 8, 'poachers': 8, 'preserve': 8, 'tailor': 8, 'slice': 8, 'cheaper': 8, 'heavyweight': 8, 'gugino': 8, 'autopilot': 8, '\\nsurely': 8, 'cautionary': 8, 'unnoticed': 8, 'announcement': 8, 'converted': 8, 'innocents': 8, 'encouraging': 8, 'increases': 8, 'breakup': 8, 'sections': 8, 'edgar': 8, 'randomly': 8, 'cryptic': 8, 'comrades': 8, 'armored': 8, 'sample': 8, 'vogue': 8, 'aspire': 8, 'goers': 8, '33': 8, 'mandatory': 8, 'understandably': 8, 'sherri': 8, 'vera': 8, 'faux': 8, 'peer': 8, 'examining': 8, 'framing': 8, '\\nthrow': 8, 'cheerleaders': 8, "filmmaker\\'s": 8, 'matter-of-fact': 8, 'misstep': 8, '1964': 8, 'mitchum': 8, 'maine': 8, 'crocodile': 8, 'unwelcome': 8, '-like': 8, 'sniper': 8, 'assessment': 8, 'orbit': 8, 'noisy': 8, 'fascism': 8, 'wartime': 8, 'reluctance': 8, 'stumbled': 8, 'inkpot': 8, 'tv2': 8, 'sub-plots': 8, 'non-linear': 8, 'residence': 8, 'confuse': 8, 'magazines': 8, 'reject': 8, '\\nlastly': 8, 'stamped': 8, 'associates': 8, 'spelling': 8, '\\nsame': 8, 'nagging': 8, 'progressively': 8, 'pour': 8, '\\ngraham': 8, 'paper-thin': 8, '\\nchristian': 8, 'yoda': 8, 'chews': 8, 'realises': 8, 'perpetrator': 8, 'prodigy': 8, "nobody\\'s": 8, 'duel': 8, 'palatable': 8, 'maudlin': 8, '37': 8, 'hodgepodge': 8, 'mismatched': 8, 'assorted': 8, 'lawn': 8, 'jam': 8, "boys\\'": 8, 'lyonne': 8, 'succession': 8, 'small-town': 8, 'booming': 8, 'burdened': 8, 'giggles': 8, '\\nfine': 8, 'inadvertently': 8, 'recite': 8, 'savannah': 8, 'boom': 8, 'invents': 8, 'louie': 8, 'monday': 8, 'overhead': 8, 'doc': 8, 'underdog': 8, 'vanished': 8, 'nevada': 8, 'rehab': 8, 'se': 8, 'spiteful': 8, 'dreadfully': 8, 'slut': 8, 'slutty': 8, 'supercop': 8, 'gabrielle': 8, '\\nstrangely': 8, 'arbitrary': 8, '\\nfincher': 8, '\\ncall': 8, 'immature': 8, 'dim': 8, 'philandering': 8, 'classified': 8, 'eroticism': 8, 'toller': 8, 'occurrences': 8, 'settlement': 8, 'toes': 8, 'suspiciously': 8, 'tearing': 8, 'repeating': 8, 'proclaimed': 8, 'startled': 8, 'screenings': 8, 'biker': 8, 'distinctly': 8, 'interviewed': 8, 'premiered': 8, 'fluke': 8, 'sophomore': 8, 'gimmicks': 8, 'tatopoulos': 8, 'phillipe': 8, 'flights': 8, "broderick\\'s": 8, "dosen\\'t": 8, 'womanizer': 8, 'indicate': 8, 'pigs': 8, 'slicker': 8, 'tropical': 8, 'conjures': 8, 'campiness': 8, '\\nliam': 8, 'mothers': 8, '\\napart': 8, 'unfinished': 8, 'madeleine': 8, 'volatile': 8, 'uncovered': 8, 'swanson': 8, 'sheets': 8, 'affectionate': 8, 'wee': 8, 'presidents': 8, 'easiest': 8, 'pic': 8, 'blaxploitation': 8, 'bishop': 8, "\\'\\'": 8, 'implies': 8, 'institute': 8, 'mud': 8, 'tribulations': 8, 'jolly': 8, 'gardener': 8, 'frenchman': 8, 'karyo': 8, 'levity': 8, 'shears': 8, 'edison': 8, 'channing': 8, 'keith': 8, 'deja': 8, 'minority': 8, 'peacemaker': 8, 'disastrously': 8, 'harlin': 8, 'redgrave': 8, 'shocker': 8, 'contenders': 8, 'specializes': 8, 'perkins': 8, 'instructor': 8, 'sites': 8, 'choked': 8, 'quinlan': 8, 'icky': 8, 'artemus': 8, "branagh\\'s": 8, "series\\'": 8, 'protects': 8, 'selena': 8, "beatty\\'s": 8, 'televisions': 8, 'artifacts': 8, 'tidbits': 8, 'inform': 8, 'devastated': 8, '\\nandrew': 8, 'forgivable': 8, 'boo': 8, 'bram': 8, 'critique': 8, 'donaldson': 8, 'toxic': 8, "eve\\'s": 8, 'tail': 8, 'veers': 8, 'proposal': 8, 'nameless': 8, 'edges': 8, 'loan': 8, '\\ncarter': 8, 'stalks': 8, 'ripping': 8, 'bid': 8, "heaven\\'s": 8, 'disgruntled': 8, 'hard-earned': 8, '\\ndon': 8, "everybody\\'s": 8, 'nastiness': 8, 'respectability': 8, 'lent': 8, 'obscenities': 8, 'swears': 8, 'wrongly': 8, 'ingredient': 8, 'brat': 8, 'celebrated': 8, 'sil': 8, 'polar': 8, 'caps': 8, 'tanker': 8, 'accomplishments': 8, "costner\\'s": 8, 'devastation': 8, 'lo': 8, 'lacrosse': 8, 'jared': 8, 'instructed': 8, 'coal': 8, 'stones': 8, 'parks': 8, 'tara': 8, 'elude': 8, 'cigarette': 8, 'promoting': 8, 'in-your-face': 8, 'morally': 8, 'cheats': 8, 'messed': 8, 'prospective': 8, 'mocked': 8, 'relied': 8, 'macpherson': 8, 'houston': 8, 'balanced': 8, 'ailing': 8, 'chi': 8, 'stating': 8, 'climaxes': 8, 'conclusions': 8, 'relevance': 8, 'penelope': 8, 'pessimistic': 8, 'gel': 8, 'trickery': 8, 'hosted': 8, 'marrow': 8, 'starters': 8, 'tended': 8, 'obsessively': 8, 'exterior': 8, 'summers': 8, 'entrapment': 8, 'f/x': 8, 'crawls': 8, 'muscles': 8, '\\nfive': 8, 'summary': 8, 'allure': 8, 'patriotic': 8, 'blasting': 8, 'acquired': 8, 'coin': 8, 'intricately': 8, 'papers': 8, 'tolerate': 8, 'drown': 8, 'well-acted': 8, 'operates': 8, 'mercenaries': 8, 'cheering': 8, 'burstyn': 8, '\\ntarzan': 8, 'excesses': 8, 'chord': 8, 'harden': 8, 'long-term': 8, 'license': 8, 'pokes': 8, 'uniqueness': 8, 'marcus': 8, 'mumbling': 8, '\\nlost': 8, 'contradictions': 8, 'reunited': 8, 'smuggling': 8, "another\\'s": 8, 'chen': 8, 'yorkers': 8, 'peoples': 8, 'presume': 8, 'adulthood': 8, 'reception': 8, 'bewilderment': 8, 'quoting': 8, 'identifying': 8, '\\naudiences': 8, 'holland': 8, 'clunky': 8, 'beware': 8, '\\nequally': 8, 'hamilton': 8, 'lyrical': 8, 'exclaims': 8, 'efficiently': 8, 'undeveloped': 8, 'insomnia': 8, 'ceiling': 8, 'chicks': 8, 'absurdly': 8, 'volume': 8, 'suggesting': 8, 'impassioned': 8, 'liberties': 8, 'recreating': 8, '\\nwhereas': 8, 'stinker': 8, 'hoggett': 8, '\\nguess': 8, 'whip': 8, 'entries': 8, 'glenda': 8, 'automobiles': 8, 'pathos': 8, 'verbally': 8, 'pirate': 8, 'coolness': 8, 'detachment': 8, 'colossal': 8, 'flores': 8, 'ironside': 8, 'hail': 8, 'coverage': 8, 'hudsucker': 8, 'coats': 8, 'pistol': 8, 'singular': 8, 'knives': 8, 'booze': 8, 'buffoons': 8, 'sore': 8, 'goth': 8, "country\\'s": 8, 'bearing': 8, 'patriotism': 8, 'berry': 8, 'uncertainty': 8, 'overnight': 8, 'schizophrenic': 8, 'comatose': 8, 'interior': 8, 'ming-na': 8, 'organic': 8, '\\nduvall': 8, 'accomplice': 8, 'louisiana': 8, 'well-meaning': 8, 'whiskey': 8, 'lest': 8, 'waterboy': 8, 'brent': 8, 'spiner': 8, 'demi': 8, '1000': 8, 'mathematician': 8, "elizabeth\\'s": 8, '\\ngeoffrey': 8, 'universally': 8, '99': 8, 'looses': 8, 'circa': 8, '\\njakob': 8, 'moscow': 8, 'weighty': 8, 'fumbling': 8, 'bursting': 8, 'yorker': 8, 'income': 8, '\\nal': 8, 'trigger': 8, "powers\\'": 8, 'ingenuity': 8, 'vanishing': 8, 'cigar': 8, 'sought': 8, '70': 8, 'acerbic': 8, 'outdoor': 8, 'figuring': 8, 'charmed': 8, 'atlanta': 8, 'cheered': 8, 'cavemen': 8, 'scientology': 8, 'rangers': 8, 'injected': 8, 'humorless': 8, 'novelist': 8, 'toast': 8, 'unger': 8, 'chronic': 8, 'showers': 8, 'protests': 8, 'handicapped': 8, 'fronts': 8, 'freshness': 8, 'bewildered': 8, 'drastic': 8, 'duplicate': 8, 'richness': 8, '\\nwait': 8, 'fleeting': 8, 'triple': 8, 'identification': 8, 'locks': 8, 'indifferent': 8, 'terrorizing': 8, 'benson': 8, 'aura': 8, 'void': 8, 'classmate': 8, 'vet': 8, 'ringwald': 8, 'guise': 8, 'guarded': 8, 'shirley': 8, 'crises': 8, 'torturous': 8, 'suicides': 8, 'jenna': 8, 'spectacularly': 8, 'woke': 8, 'double-crossing': 8, 'vocabulary': 8, 'his/her': 8, 'belushi': 8, 'fischer': 8, 'pained': 8, 'magically': 8, 'meals': 8, 'impromptu': 8, 'garish': 8, 'hitler': 8, "'i\\'ve": 8, 'goldman': 8, 'systematically': 8, 'calvin': 8, 'emptiness': 8, 'purposely': 8, 'seldom': 8, 'coolest': 8, 'kathryn': 8, 'infuriating': 8, 'diamonds': 8, 'startlingly': 8, 'sigh': 8, 'stabbed': 8, 'rains': 8, 'rudolph': 8, '\\njoan': 8, 'sacred': 8, 'fuss': 8, 'notre': 8, 'formulas': 8, 'defeats': 8, 'demonstration': 8, 'admitted': 8, 'sting': 8, '\\nreal': 8, 'grieving': 8, 'chains': 8, 'assaults': 8, '_is_': 8, 'imax': 8, 'tub': 8, 'compete': 8, 'seated': 8, 'versa': 8, 'tragedies': 8, 'feared': 8, "group\\'s": 8, 'heathers': 8, 'much-needed': 8, 'effortless': 8, 'cranky': 8, '\\nparents': 8, 'drifts': 8, 'pardon': 8, 'allegory': 8, "andy\\'s": 8, 'remembering': 8, 'atrocities': 8, '$1': 8, 'blob': 8, 'digress': 8, 'youthful': 8, 'alarm': 8, 'kahn': 8, 'purity': 8, 'britain': 8, "west\\'s": 8, 'excessively': 8, '1960': 8, 'zombies': 8, '\\nyears': 8, 'adrian': 8, 'comparable': 8, "york\\'s": 8, "labute\\'s": 8, 'labute': 8, 'bash': 8, 'labored': 8, 'improbable': 8, '\\ndenise': 8, 'copycat': 8, 'baron': 8, 'retrospect': 8, 'accuses': 8, 'talky': 8, 'peril': 8, 'successor': 8, '\\nluke': 8, 'mcconnell': 8, 'bush': 8, 'squid': 8, 'disconcerting': 8, '\\nworth': 8, 'terrifically': 8, 'exhausted': 8, 'unbreakable': 8, 'someday': 8, '\\nschwarzenegger': 8, 'uk': 8, 'quits': 8, 'backbone': 8, 'hard-nosed': 8, 'afford': 8, 'ruby': 8, 'nba': 8, 'seduced': 8, 'accusations': 8, "schumacher\\'s": 8, 'brewing': 8, 'cronies': 8, 'invincible': 8, 'barb': 8, 'liberated': 8, 'chairman': 8, 'locales': 8, 'incest': 8, 'slayer': 8, 'illustrating': 8, '\\nmusic': 8, '\\ndaniel': 8, 'burden': 8, 'whites': 8, 'metaphysical': 8, 'aloof': 8, 'concrete': 8, 'posters': 8, 'dale': 8, 'collector': 8, 'quantity': 8, 'trooper': 8, 'aggression': 8, 'inferno': 8, 'craftsmanship': 8, "original\\'s": 8, "francis\\'s": 8, 'enigma': 8, '\\nlove': 8, 'separately': 8, '\\njb': 8, 'vcr': 8, 'masquerading': 8, 'nihilistic': 8, 'orleans': 8, '1975': 8, 'grandiose': 8, 'checks': 8, 'experimenting': 8, 'cow': 8, 'heyst': 8, 'unbearably': 8, 'marches': 8, 'it+s': 8, 'gimmicky': 8, "that\\'ll": 8, 'babes': 8, '\\nalan': 8, '\\ntypical': 8, 'inconsequential': 8, "melvin\\'s": 8, 'fletcher': 8, '\\nmyers': 8, 'pirates': 8, 'cinemas': 8, 'brackett': 8, 'jittery': 8, 'peasant': 8, 'sydney': 8, 'credentials': 8, 'carlos': 8, '\\nstone': 8, '`hanging': 8, 'embedded': 8, 'halls': 8, "schwarzenegger\\'s": 8, 'resent': 8, 'puzzled': 8, 'pesky': 8, 'romy': 8, 'marco': 8, 'plimpton': 8, "alex\\'s": 8, 'bailey': 8, 'dwayne': 8, 'momentous': 8, "critic\\'s": 8, 'featherstone': 8, 'pointe': 8, 'stowe': 8, 'bookend': 8, '\\naustin': 8, 'diedre': 8, 'hormones': 8, 'bonds': 8, 'paradox': 8, 'permanently': 8, 'utopia': 8, "d\\'angelo": 8, '\\nstephen': 8, 'gym': 8, 'ridley': 8, '\\njake': 8, "johnny\\'s": 8, 'flourish': 8, '\\nclearly': 8, 'supported': 8, 'harmon': 8, 'www': 8, 'palette': 8, 'centerpiece': 8, 'rarity': 8, 'fading': 8, 'wonderland': 8, 'fulfilled': 8, 'billed': 8, '\\nhas': 8, 'cowardly': 8, 'shatner': 8, 'fearless': 8, "stallone\\'s": 8, 'intimacy': 8, 'thailand': 8, 'humane': 8, 'evolve': 8, 'intertwined': 8, 'cheech': 8, 'restaurants': 8, 'retain': 8, 'behind-the-scenes': 8, 'awe-inspiring': 8, '\\nwalking': 8, 'fools': 8, 'condemnation': 8, 'temporarily': 8, 'undercurrent': 8, 'escapism': 8, 'clocks': 8, 'unheard': 8, 'bike': 8, "'every": 8, 'alison': 8, 'sorcerer': 8, 'boots': 8, 'hyper': 8, 'jovial': 8, 'overlook': 8, 'fortunately': 8, 'well-paced': 8, 'beforehand': 8, 'reclaim': 8, 'frears': 8, 'henson': 8, 'brokedown': 8, '\\nlikewise': 8, 'franz': 8, 'wyatt': 8, 'epics': 8, 'humiliation': 8, 'taiwan': 8, 'samantha': 8, 'posed': 8, 'davies': 8, 'communist': 8, 'fulfillment': 8, 'slamming': 8, 'bloodshed': 8, 'cracking': 8, 'action-packed': 8, '180': 8, 'journeys': 8, 'deprived': 8, 'blessing': 8, 'files': 8, 'hicks': 8, 'applause': 8, 'small-time': 8, 'nancy': 8, '\\ndicaprio': 8, '\\nmoments': 8, '\\nwong': 8, 'tap': 8, 'powerless': 8, 'ooze': 8, '1947': 8, 'conquered': 8, 'culkin': 8, 'prices': 8, 'berlin': 8, 'line-': 8, 'descent': 8, 'wilderness': 8, 'segal': 8, 'montoya': 8, 'canvas': 8, 'nefarious': 8, 'revolving': 8, 'marceau': 8, 'lam': 8, 'cannibalism': 8, 'aquarium': 8, 'mid-life': 8, 'nervously': 8, 'fishes': 8, 'pills': 8, 'donovan': 8, 'weisz': 8, 'trent': 8, 'hurlyburly': 8, 'sawa': 8, 'curtain': 8, 'alessa': 8, 'jewison': 8, 'stubborn': 8, '\\ned': 8, 'recruit': 8, 'luther': 8, 'rightfully': 8, 'michele': 8, 'baz': 8, 'noah': 8, 'gospel': 8, "hammer\\'s": 8, "foster\\'s": 8, 'subtly': 8, '\\nfather': 8, 'pascal': 8, 'legally': 8, 'scrutiny': 8, 'ness': 8, 'hesitation': 8, '\\nbulworth': 8, 'mcdermott': 8, 'uncompromising': 8, 'en': 8, 'divine': 8, 'tobey': 8, 'r2-d2': 8, '--the': 8, 'hogarth': 8, "zero\\'s": 8, "irving\\'s": 8, 'accolades': 8, 'henderson': 8, 'pei': 8, 'embeth': 8, "kimble\\'s": 8, 'colours': 8, 'funnest': 8, 'four-star': 8, 'russia': 8, 'leeloo': 8, '`star': 8, "wars\\'": 8, 'notoriety': 8, 'debbie': 8, 're-release': 8, 'judges': 8, 'weaves': 8, 'buren': 8, 'mckellar': 8, 'jacqueline': 8, 'dewitt': 8, 'hockley': 8, '\\nboogie': 8, 'wilkinson': 8, 'rhys': 8, "lebowski\\'s": 8, 'aloise': 8, 'butthead': 8, 'furtwangler': 8, '\\nrico': 8, 'paradine': 8, 'doe': 8, "pollock\\'s": 8, 'merton': 8, 'bale': 8, 'flanagan': 8, 'wai': 8, 'cy': 8, 'elliott': 8, 'nookey': 8, 'toback': 8, "hugo\\'s": 8, 'beaumarchais': 8, 'kat': 8, "heart\\'": 8, 'gurgi': 8, 'mir': 7, 'h20': 7, 'thankful': 7, 'reformed': 7, 'checked': 7, 'rash': 7, '\\navoid': 7, 'fledgling': 7, 'late-night': 7, 'ex-husband': 7, 'ponders': 7, 'increased': 7, 'positions': 7, 'unimpressive': 7, "'so": 7, 'two-thirds': 7, '\\nwelles': 7, 'banality': 7, "cusack\\'s": 7, '$60': 7, 'obscene': 7, 'alienated': 7, 'lena': 7, 'coke': 7, 'bitchy': 7, 'rendering': 7, 'luminous': 7, 'catatonic': 7, 'complexities': 7, 'annoy': 7, 'promoted': 7, 'outlaws': 7, 'mcdormand': 7, 'morbid': 7, 'shenanigans': 7, 'sanders': 7, 'bliss': 7, "o\\'shea": 7, 'vengeful': 7, 'slain': 7, 'overthrow': 7, 'febre': 7, 'rounds': 7, 'spiers': 7, "li\\'s": 7, 'weighs': 7, 'mousy': 7, 'candles': 7, '17th': 7, 'tosses': 7, 'prevented': 7, 'stance': 7, 'thunder': 7, 'emporer': 7, 'nikita': 7, '\\nbaldwin': 7, 'schroeder': 7, 'counsel': 7, 'barrel': 7, 'weaponry': 7, 'stupidly': 7, 'concluded': 7, 'brass': 7, 'ninth': 7, "satan\\'s": 7, 'leak': 7, 'pizza': 7, 'guiding': 7, 'polish': 7, 'cd': 7, 'integral': 7, '_really_': 7, 'popped': 7, 'wimp': 7, '\\nseriously': 7, 'erased': 7, "kurosawa\\'s": 7, 'pumped': 7, 'herrings': 7, 'herring': 7, 'half-assed': 7, 'crucible': 7, 'glow': 7, 'swings': 7, 'revels': 7, 'influential': 7, '\\nfilled': 7, 'rifles': 7, 'conquer': 7, "cop\\'s": 7, 'ck': 7, 'hardened': 7, 'tattoos': 7, 'one-liner': 7, 'incredulous': 7, 'a-list': 7, '\\ncharacter': 7, 'amiable': 7, 'puppies': 7, 'laborious': 7, 'cruella': 7, 'haircut': 7, 'furry': 7, 'dalmatian': 7, 'solar': 7, '1982': 7, '\\n4': 7, 'hesitate': 7, 'stoner': 7, 'upstaged': 7, 'maddeningly': 7, 'ownership': 7, 'brawl': 7, '\\nkeanu': 7, '\\nrounding': 7, 'ashes': 7, 'aimless': 7, 'promiscuous': 7, 'canal': 7, 'predominantly': 7, 'precedes': 7, 'b-grade': 7, 'godawful': 7, 'gleeson': 7, 'croc': 7, 'mcbeal': 7, 'alternately': 7, 'stupidest': 7, 'wwii': 7, 'tested': 7, 'valentine': 7, 'abode': 7, '\\nditto': 7, 'soderbergh': 7, 'nil': 7, 'induced': 7, 'dope': 7, 'psychopathic': 7, '\\ndrew': 7, 'nerdy': 7, 'um': 7, '\\nam': 7, 'detmer': 7, 'bard': 7, '\\nhard': 7, 'shoot-outs': 7, 'invigorating': 7, '\\nmorgan': 7, 'defeated': 7, 'fixed': 7, 'purposefully': 7, 'pego': 7, 'harmony': 7, 'verdict': 7, 'eden': 7, 'locating': 7, '\\nemily': 7, 'educate': 7, 'clarence': 7, 'wistful': 7, 'gathers': 7, 'gasp': 7, 'omen': 7, 'meanders': 7, "day\\'s": 7, 'quirk': 7, 'geri': 7, 'sporty': 7, 'posh': 7, 'parodying': 7, 'largest': 7, '\\nsummer': 7, '\\nryan': 7, 'beacon': 7, 'oscar-caliber': 7, 'graced': 7, 'threw': 7, 'hastily': 7, 'soccer': 7, 'newt': 7, 'cates': 7, 'candidates': 7, 'huston': 7, 'ranch': 7, 'patterson': 7, 'behaves': 7, 'ny': 7, 'immune': 7, 'nun': 7, '\\ngee': 7, 'ethnic': 7, 'tensions': 7, 'summarized': 7, 'tourists': 7, 'unknowns': 7, 'relax': 7, 'sage': 7, 'hose': 7, '\\nbobby': 7, 'dahl': 7, 'tarantula': 7, '\\noliver': 7, 'budgets': 7, 'endangered': 7, 'praying': 7, 'stargate': 7, 'wipe': 7, 'klingon': 7, 'circuit': 7, 'tools': 7, 'chariot': 7, 'junket': 7, 'sony': 7, 'scant': 7, 'innuendo': 7, 'dripping': 7, 'launching': 7, "\\nit\\'ll": 7, 'outlaw': 7, 'embarassing': 7, 'scummy': 7, 'tramp': 7, 'jaw-dropping': 7, 'hosts': 7, 'afflicted': 7, 'fee': 7, 'praising': 7, 'shelved': 7, 'concoction': 7, '\\narmageddon': 7, 'spreading': 7, 'missouri': 7, 'trucks': 7, 'perez': 7, 'beguiling': 7, '\\ncritics': 7, 'freshman': 7, 'surrealism': 7, 'kris': 7, 'cheat': 7, "wallace\\'s": 7, 'spartacus': 7, 'cinematically': 7, 'traumatic': 7, 'lapd': 7, 'darcy': 7, 'radar': 7, 'wiped': 7, 'artistry': 7, 'snatchers': 7, 'reptilian': 7, 'emerged': 7, 'tokyo': 7, 'pitillo': 7, 'futile': 7, '\\ncasting': 7, 'contradictory': 7, 'contrasts': 7, 'undermined': 7, 'dial': 7, '\\nless': 7, 'shifty': 7, 'norville': 7, '\\nshould': 7, 'thwart': 7, 'transitions': 7, 'weitz': 7, 'crass': 7, 'expertise': 7, 'faceless': 7, '`i': 7, 'secluded': 7, 'tyrell': 7, 'phifer': 7, 'karaoke': 7, 'droids': 7, 'hurts': 7, 'hypocritical': 7, 'scoundrel': 7, 'germans': 7, '$2': 7, '\\nlots': 7, "doctor\\'s": 7, 'inmate': 7, 'merchandise': 7, 'links': 7, 'interviewer': 7, 'arrangements': 7, 'riff': 7, 'perverted': 7, 'mania': 7, 'skateboarding': 7, 'confirm': 7, 'demeaning': 7, 'overdue': 7, 'backing': 7, '300': 7, 'bankrupt': 7, 'stairs': 7, 'eleven': 7, 'instruments': 7, 'maxwell': 7, '\\nsupposedly': 7, "'warning": 7, 'spelled': 7, 'announce': 7, 'schell': 7, 'influences': 7, 'shreds': 7, 'ilm': 7, 'gung-ho': 7, 'bothering': 7, 'engulfed': 7, 'mercifully': 7, 'database': 7, 'compulsive': 7, 'romania': 7, 'downward': 7, 'humble': 7, 'desperado': 7, 'taxes': 7, 'farmers': 7, 'northwest': 7, 'supporters': 7, '\\n---': 7, 'commune': 7, 'kara': 7, 'dunaway': 7, 'domination': 7, 'bra': 7, 'reversed': 7, 'maneuvers': 7, 'ham': 7, '\\nhelen': 7, "films\\'": 7, 'billions': 7, 'replacing': 7, "\\nshouldn\\'t": 7, 'goldsman': 7, 'scissorhands': 7, '18th': 7, 'guarantees': 7, "stoker\\'s": 7, 'blends': 7, 'backwoods': 7, 'redneck': 7, 'routines': 7, "patrick\\'s": 7, '\\nspecies': 7, 'barrels': 7, 'firearms': 7, 'clause': 7, 'bullying': 7, 'tire': 7, 'programs': 7, '\\nstallone': 7, 'gracefully': 7, 'goatee': 7, 'terence': 7, 'elaine': 7, 'coolidge': 7, 'luxurious': 7, 'bass': 7, 'wade': 7, '\\nhalf': 7, '\\nfurther': 7, 'swore': 7, 'underway': 7, 'two-dimensional': 7, 'strokes': 7, 'distrust': 7, 'lusty': 7, 'artwork': 7, 'grades': 7, "scott\\'s": 7, "hanks\\'": 7, 'adore': 7, 'rockwell': 7, 'jumped': 7, '\\neve': 7, 'lungs': 7, 'relic': 7, 'venerable': 7, 'tina': 7, 'hinges': 7, 'deacon': 7, '\\nplayed': 7, 'loner': 7, 'reunite': 7, 'disk': 7, 'temperature': 7, 'bernstein': 7, 'razzie': 7, 'posted': 7, 'wandered': 7, 'big-name': 7, 'virginia': 7, 'toss': 7, 'seduces': 7, 'amuse': 7, 'collaborated': 7, 'restricted': 7, 'holidays': 7, 'isaac': 7, 'dorky': 7, 'spans': 7, 'forbid': 7, 'leblanc': 7, 'ivory': 7, 'virtuoso': 7, "freeze\\'s": 7, 'chat': 7, 'grossed': 7, 'technician': 7, 'eaten': 7, 'laden': 7, 'machinery': 7, 'antoine': 7, 'assures': 7, 'unscrupulous': 7, 'dared': 7, 'enticing': 7, '$8': 7, 'tragically': 7, 'contraption': 7, 'bisexual': 7, 'crumbling': 7, 'edtv': 7, 'nearing': 7, 'sassy': 7, 'fathom': 7, 'ferociously': 7, 'slides': 7, 'slowed': 7, 'glamour': 7, 'veneer': 7, 'esposito': 7, 'nsa': 7, 'smack': 7, 'otherworldly': 7, 'undermine': 7, 'maniacal': 7, 'untalented': 7, 'bogus': 7, 'yearns': 7, 'proudly': 7, 'butter': 7, 'purchase': 7, 'contents': 7, 'wayland': 7, 'self-proclaimed': 7, 'wrath': 7, 'detestable': 7, 'attach': 7, 'getaway': 7, 'taut': 7, '\\njoseph': 7, 'component': 7, 'uncontrollably': 7, 'wreaking': 7, 'atypical': 7, 'exceeds': 7, "felix\\'s": 7, 'playwright': 7, 'motif': 7, 'violently': 7, 'self-centered': 7, 'redeemed': 7, "palma\\'s": 7, '\\nbetty': 7, 'voodoo': 7, 'embark': 7, '\\nworst': 7, 'controls': 7, 'pole': 7, 'recording': 7, 'blissfully': 7, 'disregard': 7, 'physics': 7, 'beam': 7, 'slipping': 7, 'shed': 7, 'howser': 7, 'slinky': 7, 'fanatical': 7, 'instrumental': 7, 'minors': 7, 'hug': 7, 'thinly': 7, 'separates': 7, 'autobiography': 7, 'whipped': 7, '\\nsimilarly': 7, 'sparkling': 7, 'demographic': 7, 'simpson': 7, 'soda': 7, 'conducting': 7, 'kiddie': 7, 'culprit': 7, 'digitally': 7, 'brush': 7, 'shunned': 7, "should\\'ve": 7, 'disappointingly': 7, 'fingerprints': 7, 'consistency': 7, 'metaphors': 7, 'guided': 7, 'impulses': 7, 'subtleties': 7, 'shrieking': 7, 'visionary': 7, 'mariah': 7, 'gruesomely': 7, 'billie': 7, 'effeminate': 7, 'barbie': 7, 'rake': 7, "adams\\'": 7, 'physician': 7, 'straight-laced': 7, 'hogan': 7, 'bubbles': 7, 'robberies': 7, 'bresslaw': 7, 'concocted': 7, 'year-old': 7, 'assertive': 7, 'resolutely': 7, 'serling': 7, 'interplay': 7, 'cerebral': 7, 'defying': 7, 'boris': 7, 'patrol': 7, 'declaration': 7, 'blanche': 7, "girlfriend\\'s": 7, 'homosexuals': 7, 'buffalo': 7, 'exiled': 7, 'bumped': 7, 'offerings': 7, '\\nluis': 7, 'mount': 7, '\\nten': 7, 'hutton': 7, 'gunshot': 7, 'chunks': 7, 'operator': 7, 'assumption': 7, '\\nfox': 7, 'touted': 7, 'needle': 7, 'sap': 7, 'downtrodden': 7, 'biopic': 7, 'indelible': 7, 'mammoth': 7, 'fast-forward': 7, 'oscar-worthy': 7, '\\ndirector/writer': 7, 'morton': 7, 'sworn': 7, 'benjamin': 7, '\\nlibby': 7, 'sealed': 7, 'arch': 7, 'lineup': 7, 'raja': 7, '\\nblack': 7, 'pee': 7, '\\nwomen': 7, 'chop': 7, 'overtly': 7, '\\nsigourney': 7, 'wince': 7, 'swift': 7, 'seamlessly': 7, '\\nchildren': 7, 'stargher': 7, 'hobby': 7, "carl\\'s": 7, 'merciless': 7, 'devotes': 7, 'corners': 7, 'mind-numbing': 7, 'descriptions': 7, 'identified': 7, 'hating': 7, '\\ntry': 7, 'anticipating': 7, 'haze': 7, 'loading': 7, "inkpot\\'s": 7, 'teammates': 7, "bobby\\'s": 7, 'striptease': 7, 'sincerely': 7, 'preparation': 7, 'levinson': 7, 'occupies': 7, '\\nshakespeare': 7, '\\nphilip': 7, "ed\\'s": 7, '\\nelizabeth': 7, 'titillating': 7, 'cafe': 7, 'willingness': 7, 'armin': 7, 'mueller-stahl': 7, '\\ntaken': 7, 'elena': 7, 'run-down': 7, 'outrageously': 7, 'rusty': 7, 'enjoyably': 7, 'penguin': 7, '\\ngiving': 7, 'insider': 7, 'secrecy': 7, 'assassinate': 7, 'crammed': 7, 'fleshed': 7, 'dumbed': 7, 'newcomers': 7, 'dominant': 7, 'magnitude': 7, 'makings': 7, 'monks': 7, 'derive': 7, "parents\\'": 7, 'spoiling': 7, 'boggs': 7, 'promoter': 7, 'archetypal': 7, 'ridicule': 7, 'surf': 7, 'trey': 7, 'full-blown': 7, '500': 7, 'wrestle': 7, 'misogynistic': 7, "son\\'a": 7, 'relying': 7, 'mischievous': 7, 'boards': 7, 'identifiable': 7, 'bum': 7, 'muppets': 7, 'cinderella': 7, 'aiello': 7, 'reshoots': 7, 'invitation': 7, 'supremely': 7, 'coup': 7, '\\nbarrymore': 7, 'courageous': 7, 'facinelli': 7, 'pseudonym': 7, 'hard-working': 7, 'encourages': 7, 'falsely': 7, 'reassuring': 7, '1963': 7, 'decorated': 7, 'goldie': 7, 'kinski': 7, 'strands': 7, 'sleaze': 7, 'mcelhone': 7, 'noel': 7, 'lows': 7, 'momentarily': 7, '00': 7, 'lowe': 7, '\\nworking': 7, 'snatch': 7, 'felicity': 7, 'off-the-wall': 7, 'tent': 7, 'loathe': 7, "\\nthey\\'ve": 7, '\\noriginally': 7, 'excerpt': 7, 'transforming': 7, 'masterpieces': 7, '23': 7, 'earthy': 7, 'judas': 7, 'louise': 7, 'hartman': 7, 'stabs': 7, 'churning': 7, '\\nput': 7, "week\\'s": 7, 'perceptive': 7, 'weaker': 7, 'schoolteacher': 7, 'mercedes': 7, 'posturing': 7, 'tremors': 7, 'scaring': 7, 'layers': 7, '\\npretty': 7, 'charmless': 7, 'riddled': 7, 'relishes': 7, 'demanded': 7, 'widower': 7, 'enthusiastically': 7, 'compelled': 7, 'carroll': 7, 'folklore': 7, 'switching': 7, 'quicker': 7, 'woefully': 7, 'graces': 7, 'efficiency': 7, "picture\\'s": 7, 'reflecting': 7, 'sullen': 7, 'lured': 7, 'jjaks': 7, 'rivalry': 7, '\\nvincent': 7, 'all-star': 7, 'malicious': 7, 'doubtful': 7, 'scotty': 7, 'orphaned': 7, 'spree': 7, "douglas\\'": 7, "seth\\'s": 7, 'comeuppance': 7, 'renaissance': 7, 'thickens': 7, 'grandpa': 7, 'cons': 7, 'delighted': 7, 'bullies': 7, 'illiterate': 7, '\\nevent': 7, 'hellraiser': 7, 'resorting': 7, 'victories': 7, 'defends': 7, 'updating': 7, 'bend': 7, 'spunk': 7, 'zoe': 7, '\\nyup': 7, 'mustache': 7, 'orgies': 7, 'six-year': 7, 'arresting': 7, 'professionalism': 7, 'troma': 7, 'afterlife': 7, 'mythic': 7, 'erratic': 7, 'telegraphed': 7, 'highlighted': 7, 'saddles': 7, 'levine': 7, 'wheelchair': 7, 'archetypes': 7, 'settlers': 7, "todd\\'s": 7, 'fifties': 7, 'stein': 7, 'chemical': 7, '66': 7, 'discernible': 7, 'devout': 7, 'signals': 7, 'reacts': 7, 'korda': 7, 'dimwit': 7, 'clones': 7, '\\njon': 7, 'request': 7, 'allan': 7, 'revisionist': 7, 'beds': 7, 'hams': 7, "star\\'s": 7, 'byrnes': 7, 'pit': 7, 'launches': 7, 'loudly': 7, 'gifts': 7, 'contradiction': 7, 'triumphant': 7, 'misha': 7, 'existing': 7, 'poverty': 7, '\\npatrick': 7, 'undertones': 7, 'inhuman': 7, 'spine': 7, 'spontaneity': 7, '\\nj': 7, 'amaze': 7, 'utilized': 7, 'richly': 7, 'operas': 7, 'flare': 7, 'reduce': 7, 'peckinpah': 7, 'wyoming': 7, 'muscular': 7, 'glee': 7, 'likewise': 7, '\\nwoods': 7, 'outsiders': 7, 'embry': 7, '\\nmeet': 7, 'rappaport': 7, 'chapters': 7, 'enthusiasts': 7, 'suckered': 7, 'snob': 7, 'junkies': 7, 'kiefer': 7, 'bowie': 7, 'exuberant': 7, 'violet': 7, 'by-the-numbers': 7, 'melts': 7, 'widowed': 7, 'shelmikedmu': 7, 'gap': 7, 'bluntly': 7, 'crafting': 7, 'whirlwind': 7, 'morricone': 7, 'wholeheartedly': 7, 'sewer': 7, 'hybrid': 7, 'samples': 7, 'oozing': 7, 'sterile': 7, 'sledgehammer': 7, 'punching': 7, 'disappoints': 7, 'pets': 7, 'smeared': 7, '\\nglenn': 7, 'majors': 7, '\\nwh': 7, 'pitcher': 7, 'groom': 7, 'errors': 7, 'neighboring': 7, 'dormant': 7, 'drafted': 7, 'overt': 7, 'raptors': 7, 'attracting': 7, '1939': 7, 'slogans': 7, 'xavier': 7, 'skinny': 7, 'punished': 7, 'rodney': 7, 'sydow': 7, 'civilized': 7, 'spins': 7, 'solitude': 7, 'excused': 7, 'darlene': 7, 'awakens': 7, 'odette': 7, 'ubiquitous': 7, '\\n_the': 7, 'sidetracked': 7, 'setups': 7, 'addressed': 7, 'chips': 7, 'avery': 7, 'flopped': 7, 'regan': 7, 'attachment': 7, 'lapses': 7, 'well-to-do': 7, 'latex': 7, 'hesitant': 7, 'navigate': 7, 'provokes': 7, 'operating': 7, '\\ncruise': 7, "alice\\'s": 7, 'connick': 7, 'isabelle': 7, 'chazz': 7, 'hampshire': 7, 'informative': 7, 'glossy': 7, '\\nmeg': 7, 'rekindle': 7, 'quips': 7, 'viciously': 7, '\\nexistenz': 7, 'uncovering': 7, 'brothel': 7, 'interactive': 7, 'stations': 7, 'dwelling': 7, 'ghostface': 7, "scream\\'s": 7, 'villainy': 7, 'tighter': 7, 'cues': 7, 'browning': 7, 'reacting': 7, 'miraculous': 7, 'transpires': 7, 'capra': 7, 'slaps': 7, 'sufficiently': 7, 'prostitutes': 7, 'seventh': 7, 'acknowledge': 7, '$500': 7, 'succeeding': 7, 'pimple': 7, '\\nalex': 7, 'differs': 7, 'chums': 7, '\\njonathan': 7, 'privilege': 7, 'concealed': 7, 'griswold': 7, 'bonding': 7, 'plotted': 7, 'doyle': 7, 'lesbos': 7, 'prone': 7, '\\nmade': 7, '\\nkim': 7, 'well-deserved': 7, 'devlin': 7, 'foibles': 7, 'composition': 7, '\\n8': 7, 'fragments': 7, 'sufficient': 7, "pacino\\'s": 7, 'accompaniment': 7, 'counterfeit': 7, 'donner': 7, 'unresolved': 7, 'hawaii': 7, 'dispute': 7, 'brick': 7, 'alcott': 7, 'cabaret': 7, 'rosemary': 7, 'mathematical': 7, 'domain': 7, 'historic': 7, 'baffled': 7, 'zach': 7, 'joking': 7, 'craving': 7, 'glue': 7, '\\ncomplicating': 7, 'nominee': 7, 'global': 7, '\\nbacon': 7, 'tristar': 7, 'imminent': 7, 'dissatisfaction': 7, 'gripe': 7, 'occurring': 7, 'neglected': 7, 'enlightening': 7, 'multi-dimensional': 7, 'marines': 7, 'gecko': 7, 'terrain': 7, 'unavoidable': 7, 'raining': 7, '$90': 7, 'brock': 7, 'madeline': 7, 'holden': 7, 'wendy': 7, 'shrew': 7, 'siblings': 7, 'steer': 7, 'pursuers': 7, 'rumours': 7, 'maxine': 7, 'improvised': 7, 'stylishly': 7, 'lens': 7, 'fanatic': 7, 'expanded': 7, 'principles': 7, 'trauma': 7, 'pep': 7, 'unflattering': 7, 'demonic': 7, 'external': 7, '\\nquaid': 7, 'film-maker': 7, 'widespread': 7, 'innate': 7, 'swell': 7, 'preach': 7, 'grodin': 7, 'penthouse': 7, 'potato': 7, 'transports': 7, 'surpass': 7, 'potency': 7, 'unrequited': 7, 'rebellion': 7, 'sweetest': 7, "finn\\'s": 7, 'mcdowall': 7, 'tatyana': 7, 'faking': 7, 'fry': 7, "mary\\'s": 7, 'snowball': 7, 'believably': 7, 'tried-and-true': 7, "karen\\'s": 7, '\\njerry': 7, 'movie-making': 7, 'materialistic': 7, 'shields': 7, 'symphony': 7, 'hound': 7, 'sixty': 7, 'purple': 7, 'outgoing': 7, 'frederick': 7, "50\\'s": 7, 'throats': 7, 'reiner': 7, '\\nserving': 7, 'plausibility': 7, 'observer': 7, 'vignette': 7, 'heart-warming': 7, '\\nknow': 7, 'psychosis': 7, 'congo': 7, 'denies': 7, 'rumor': 7, 'youths': 7, 'commended': 7, 'formal': 7, 'oppression': 7, 'gee': 7, 'chimp': 7, 'rejection': 7, '\\ncertain': 7, 'norris': 7, 'aficionados': 7, 'extraterrestrials': 7, '\\nedwards': 7, 'hunters': 7, "baby\\'s": 7, 'lenny': 7, 'tornadoes': 7, 'succumbs': 7, 'accompanies': 7, 'captivated': 7, 'wall-to-wall': 7, 'run-of-the-mill': 7, '\\nsaving': 7, '\\ninto': 7, 'bullshit': 7, 'lori': 7, 'southwest': 7, "taylor\\'s": 7, '\\nharrison': 7, 'wed': 7, 'gradual': 7, 'empathize': 7, 'branch': 7, 'skulls': 7, '\\nsid': 7, "'director": 7, 'overflowing': 7, 'brightest': 7, 'combo': 7, 'cutthroat': 7, 'pi': 7, 'mst3k': 7, 'notwithstanding': 7, "baldwin\\'s": 7, 'rhett': 7, 'yields': 7, "washington\\'s": 7, 'kurosawa': 7, 'videotapes': 7, 'liberation': 7, "freeman\\'s": 7, 'elder': 7, 'queens': 7, "farrelly\\'s": 7, 'brightly': 7, 'gangs': 7, 'pawn': 7, 'bravura': 7, 'flips': 7, 'devereaux': 7, 'feds': 7, 'sherry': 7, 'foreigners': 7, 'katrina': 7, 'recovery': 7, 'buttons': 7, 'librarian': 7, 'outdoors': 7, 'ganz': 7, 'diatribe': 7, 'ferocious': 7, 'deftly': 7, '_election_': 7, "'you\\'ve": 7, 'workings': 7, 'b+': 7, "norton\\'s": 7, 'duane': 7, 'matron': 7, 'negotiations': 7, 'tate': 7, 'sobbing': 7, 'propelled': 7, "gridlock\\'d": 7, 'drawback': 7, 'honour': 7, 'contacts': 7, 'showy': 7, 'droll': 7, 'biased': 7, 'giorgio': 7, 'burnham': 7, 'bitterness': 7, 'carly': 7, 'rainmaker': 7, 'shanta': 7, 'kite': 7, 'forefront': 7, 'freed': 7, 'roberto': 7, 'mozart': 7, 'dario': 7, 'architecture': 7, 'sullivan': 7, 'ballet': 7, "'no": 7, "homer\\'s": 7, 'vividly': 7, 'safely': 7, 'taxing': 7, 'wang': 7, 'ronnie': 7, 'davidtz': 7, 'stealer': 7, 'unnerving': 7, 'tenebrae': 7, 'suspiria': 7, 'brean': 7, 'bombers': 7, 'falter': 7, 'well-rounded': 7, 'anti-war': 7, 'catalyst': 7, 'kieslowski': 7, 'connecticut': 7, 'perceived': 7, "egoyan\\'s": 7, 'indistinguishable': 7, 'doren': 7, 'quincy': 7, "margaret\\'s": 7, 'darby': 7, 'bogart': 7, 'kindness': 7, 'romulus': 7, 'unassuming': 7, 'curdled': 7, 'bala': 7, '\\nlucas': 7, 'redefines': 7, 'goldwyn': 7, "dude\\'s": 7, 'skylar': 7, 'danish': 7, 'curry': 7, '1912': 7, 'wheels': 7, "vincent\\'s": 7, '\\nclooney': 7, 'rumpo': 7, 'patlabor': 7, "hollow\\'": 7, 'harper': 7, 'whales': 7, 'removal': 7, 'andreas': 7, 'passions': 7, "lean\\'s": 7, 'du': 7, "gavin\\'s": 7, 'rivers': 7, "rohmer\\'s": 7, 'trask': 7, '\\nrick': 7, '\\nghost': 7, 'taels': 7, "muriel\\'s": 7, 'borrowers': 7, "peter\\'s": 7, 'fantine': 7, '`music': 7, 'eilonwy': 7, 'tswsm': 7, "whale\\'s": 7, 'niagara': 7, '_shaft_': 7, 'half-way': 6, 'strangeness': 6, '\\ndamn': 6, 'free-spirited': 6, 'garrett': 6, 'invariably': 6, 'desolation': 6, 'bubbling': 6, 'depraved': 6, 'condemn': 6, 'condone': 6, 'costumed': 6, 'tomas': 6, 'indifference': 6, 'restrain': 6, 'mysticism': 6, 'thora': 6, 'beg': 6, 'notches': 6, 'fellas': 6, 'rehashed': 6, 'swashbuckling': 6, 'goodnight': 6, 'dogged': 6, 'empathetic': 6, '\\nl': 6, 'middle-class': 6, 'suburbia': 6, 'withdrawn': 6, 'smallest': 6, 'piss': 6, 'succumb': 6, 'action/adventure': 6, 'hunts': 6, 'prosaic': 6, 'tournament': 6, 'alternates': 6, 'sonya': 6, 'revered': 6, 'self-awareness': 6, 'lamest': 6, 'remarked': 6, "'john": 6, 'incarcerated': 6, 'exteriors': 6, 'scarred': 6, 'scoring': 6, 'screeching': 6, 'drowns': 6, 'audible': 6, 'sci-fi/horror': 6, 'cocktail': 6, 'cinemax': 6, 'activist': 6, 'rade': 6, 'wynn': 6, 'disgustingly': 6, 'mist': 6, 'squandered': 6, 'kidnaped': 6, 'aggravating': 6, 'fanfare': 6, 'deservedly': 6, 'perspectives': 6, 'steadicam': 6, 'pay-per-view': 6, 'gambler': 6, 'offender': 6, "depalma\\'s": 6, 'sheds': 6, 'quieter': 6, 'overzealous': 6, 'cathartic': 6, 'impeccably': 6, 'overuse': 6, 'transportation': 6, 'narcotics': 6, 'envision': 6, 'decipher': 6, 'wiser': 6, 'lucked': 6, 'manchurian': 6, 'commonly': 6, '\\nproblem': 6, 'coasts': 6, 'depardieu': 6, "niro\\'s": 6, 'pierre': 6, 'heretofore': 6, '1961': 6, 'best-selling': 6, 'soviets': 6, 'mono': 6, 'repertoire': 6, 'durham': 6, 'cesar': 6, 'inventions': 6, '\\n5': 6, 'vile': 6, '\\ninspector': 6, "where\\'s": 6, '\\nmichelle': 6, 'carbon': 6, 'scripting': 6, 'nutshell': 6, "kong\\'s": 6, 'nfl': 6, 'crushing': 6, "\\nwe\\'ll": 6, '\\ngene': 6, 'orlando': 6, 'caroline': 6, 'valiant': 6, 'schoolers': 6, 'figuratively': 6, 'educated': 6, 'min': 6, '98': 6, "author\\'s": 6, 'working-class': 6, 'airy': 6, 'soaring': 6, '\\nstrangelove': 6, 'fahey': 6, 'distinguishes': 6, 'cease': 6, 'revived': 6, 'tooth': 6, 'hector': 6, 'humankind': 6, 'grunts': 6, 'heinlein': 6, 'groaning': 6, 'cursing': 6, 'thewlis': 6, 'balk': 6, 'justification': 6, 'incorporate': 6, 'tempting': 6, 'limey': 6, 'stint': 6, "valentine\\'s": 6, 'professionally': 6, 'expenses': 6, 'editors': 6, 'brennan': 6, 'astoundingly': 6, 'shepard': 6, 'pushy': 6, 'flirt': 6, 'dominates': 6, 'shifted': 6, 'protected': 6, 'repetition': 6, 'ulterior': 6, '\\nfreeman': 6, 'detracts': 6, 'vomit': 6, 'varied': 6, 'serpico': 6, 'colliding': 6, 'nypd': 6, '\\nscreenplay': 6, 'rabbi': 6, 'thespian': 6, "danny\\'s": 6, 'regulations': 6, 'meditation': 6, 'liven': 6, 'leering': 6, 'giuseppe': 6, 'slickers': 6, 'propensity': 6, 'lib': 6, 'putrid': 6, '\\njeffrey': 6, 'brainy': 6, 'all-around': 6, 'clifford': 6, 'cod': 6, 'invent': 6, 'snobbish': 6, 'catcher': 6, 'furlong': 6, 'bands': 6, 'half-hearted': 6, 'rifkin': 6, 'punchlines': 6, 'ducks': 6, '\\npolice': 6, 'alienate': 6, 'scales': 6, 'sturdy': 6, 'registers': 6, 'railway': 6, '\\nkilmer': 6, 'dunno': 6, 'mesh': 6, 'mafioso': 6, '\\npenn': 6, 'hatch': 6, 'clashes': 6, 'ignoring': 6, 'u-turn': 6, 'knee': 6, '\\ncool': 6, 'inbred': 6, 'dwell': 6, 'scruffy': 6, 'separation': 6, 'ugliness': 6, '57': 6, 'mush': 6, 'whine': 6, 'iota': 6, '\\nscript': 6, 'requests': 6, 'ahem': 6, 'evils': 6, 'pauly': 6, 'barred': 6, '\\nnorton': 6, 'wrecking': 6, 'bothersome': 6, 'nears': 6, 'snails': 6, 'fries': 6, '\\ntrouble': 6, 'onslaught': 6, 'unpredictability': 6, '\\nkelly': 6, 'shorts': 6, 'astonished': 6, 'eschews': 6, "clinton\\'s": 6, 'stamper': 6, 'driller': 6, 'distinguish': 6, 'nicer': 6, 'irwin': 6, 'low-level': 6, 'broadcasting': 6, 'real-time': 6, 'fearful': 6, 'tactic': 6, 'watery': 6, 'punks': 6, 'veins': 6, 'pope': 6, 'anemic': 6, '\\nalready': 6, 'darned': 6, "zwick\\'s": 6, 'liberating': 6, 'relocated': 6, "spader\\'s": 6, 'helmer': 6, '`down': 6, 'craze': 6, 'unattractive': 6, 'unmistakable': 6, 'whiff': 6, "1989\\'s": 6, 'recycling': 6, 'atomic': 6, 'footprints': 6, 'fraught': 6, '\\nhank': 6, 'birdcage': 6, 'patiently': 6, 'viggo': 6, 'waltz': 6, 'bon': 6, 'jovi': 6, "claudia\\'s": 6, 'danner': 6, 'enables': 6, 'vigor': 6, 'smartly': 6, 'negatives': 6, 'obi': 6, 'faked': 6, 'incompetence': 6, '\\nseen': 6, 'providence': 6, '\\nyep': 6, 'distanced': 6, 'brazilian': 6, "capra\\'s": 6, 'worldly': 6, 'carved': 6, 'cabinet': 6, "crew\\'s": 6, 'shores': 6, "30\\'s": 6, 'mounting': 6, 'heir': 6, '\\nripley': 6, 'slack': 6, 'dutton': 6, 'businessmen': 6, 'humiliating': 6, 'brag': 6, 'ropes': 6, 'advises': 6, 'goddamn': 6, 'awaits': 6, 'evidently': 6, 'debts': 6, 'handyman': 6, 'bouncing': 6, 'unleashed': 6, "beatles\\'": 6, '\\ncheck': 6, 'leisure': 6, 'continent': 6, 'flaunt': 6, '\\nwelcome': 6, 'graves': 6, 'chemicals': 6, "monica\\'s": 6, 'faint': 6, 'hackers': 6, 'capabilities': 6, 'jonny': 6, 'sneakers': 6, 'scriptwriter': 6, 'drips': 6, 'parable': 6, 'bane': 6, 'morale': 6, '\\nlawrence': 6, 'ling': 6, 'omegahedron': 6, '\\nknowing': 6, 't-shirt': 6, "o\\'toole": 6, 'goldsmith': 6, 'backyard': 6, 'reflected': 6, 'akiva': 6, 'inducing': 6, '\\nsuspense': 6, 'feldman': 6, 'gamut': 6, 'stitches': 6, 'detriment': 6, '\\nsnipes': 6, 'chaplin': 6, 'info': 6, 'gun-toting': 6, 'wrongs': 6, 'iv': 6, 'tenth': 6, 'interacting': 6, 'privy': 6, 'alumnus': 6, 'oneself': 6, 'brolin': 6, 'invisibility': 6, 'relaxing': 6, 'flooding': 6, 'sweeps': 6, 'finer': 6, '\\ncaptain': 6, 'dazed': 6, '\\nyea': 6, 'skye': 6, '\\nantonio': 6, 'lorre': 6, 'revolting': 6, 'slime': 6, 'cloned': 6, 'observing': 6, 'reruns': 6, 'ruling': 6, 'tripplehorn': 6, 'enola': 6, 'engines': 6, 'cold-hearted': 6, 'splendor': 6, 'ricardo': 6, '\\ngloria': 6, 'mouthing': 6, 'coos': 6, 'copied': 6, 'cassidy': 6, 'stepfather': 6, 'atrocity': 6, 'whines': 6, 'shouted': 6, '\\nsidney': 6, 'plastered': 6, 'elevate': 6, 'dullness': 6, 'exchanging': 6, 'hayes': 6, 'fest': 6, 'crossgates': 6, 'adheres': 6, 'prolonged': 6, 'broadbent': 6, 'slam': 6, 'sidewalk': 6, 'vicki': 6, 'robe': 6, 'freaking': 6, 'belongings': 6, 'lifeform': 6, 'sailors': 6, 'transmission': 6, 'choses': 6, 'puberty': 6, 'offense': 6, 'alot': 6, 'long-time': 6, 'rainstorm': 6, 'mastered': 6, 'cram': 6, 'frighten': 6, 'numb': 6, 'ditch': 6, 'frighteners': 6, 'shelton': 6, '\\nrocky': 6, 'uncomfortably': 6, 'quitting': 6, 'eighty': 6, 'unspectacular': 6, 'photograph': 6, 'nielson': 6, 'chuckled': 6, 'jaw': 6, 'unprecedented': 6, 'manufacturer': 6, 'bums': 6, 'contributions': 6, 'russo': 6, 'mines': 6, '\\nseagal': 6, 'bravado': 6, 'charity': 6, 'psychedelic': 6, '\\neasily': 6, "wayne\\'s": 6, 'athlete': 6, 'spitting': 6, 'sputtering': 6, 'emphasizes': 6, 'reprise': 6, 'promote': 6, "hank\\'s": 6, 'tamara': 6, 'impressions': 6, '\\nalec': 6, 'rip-offs': 6, 'devise': 6, 'rosanna': 6, 'wachowski': 6, 'exploited': 6, '\\nfred': 6, 'golf': 6, 'personified': 6, 'satirizing': 6, '\\nviewers': 6, 'stooges': 6, 'no-brainer': 6, 'incongruity': 6, 'pill': 6, 'listened': 6, 'finesse': 6, 'revisited': 6, 'designing': 6, 'adultery': 6, 'republican': 6, '\\nmission': 6, 'technicians': 6, '\\nbrian': 6, 'copying': 6, 'naomi': 6, 'mulholland': 6, '\\nlynch': 6, 'dourif': 6, 'tiffany': 6, 'enable': 6, 'moaning': 6, 'cuddly': 6, 'sickly': 6, 'culmination': 6, 'warp': 6, 'patriarch': 6, 'designers': 6, 'urging': 6, 'evolved': 6, 'slug': 6, 'lovemaking': 6, 'long-haired': 6, 'parlor': 6, '\\nneed': 6, 'idealized': 6, 'stupor': 6, 'recovering': 6, 'frighteningly': 6, 'shrug': 6, 'friendships': 6, 'anytime': 6, 'blaine': 6, 'blaring': 6, 'allusions': 6, 'canaan': 6, 'botch': 6, 'poe': 6, 'voice-overs': 6, 'machismo': 6, 'marshal': 6, 'pianist': 6, 'generating': 6, 'plummets': 6, 'reap': 6, 'olin': 6, 'nickname': 6, 'handcuffed': 6, 'strolls': 6, 'moods': 6, 'reservation': 6, 'star-making': 6, 'recreated': 6, 'downtown': 6, '\\nsylvester': 6, '$20': 6, 'vatican': 6, "arnold\\'s": 6, 'churches': 6, 'glitter': 6, 'aplomb': 6, 'evidenced': 6, '\\npatch': 6, 'imaginary': 6, '\\nhalfway': 6, 'poorer': 6, 'obsessions': 6, 'lowbrow': 6, '\\nscott': 6, 'populate': 6, 'glib': 6, 'farcical': 6, 'desolate': 6, 'gallagher': 6, 'sketchy': 6, 'dives': 6, 'dominating': 6, 'ari': 6, 'pout': 6, 'distances': 6, 'in-joke': 6, 'winslow': 6, 'batch': 6, 'jaw-droppingly': 6, '\\nmartha': 6, 'treasures': 6, 'supervision': 6, 'copious': 6, 'father-son': 6, 'rameses': 6, 'squabble': 6, 'miriam': 6, 'slated': 6, 'francois': 6, 'taunts': 6, 'cheeks': 6, 'sands': 6, 'rife': 6, 'consecutive': 6, 'maneuver': 6, 'legacy': 6, 'buenos': 6, 'aires': 6, 'classmates': 6, 'cosmic': 6, 'pre-': 6, 'neighbourhood': 6, 'vinny': 6, "jacob\\'s": 6, 'giants': 6, 'minions': 6, 'full-fledged': 6, 'comprehension': 6, 'reservations': 6, '\\ncue': 6, 'passport': 6, 'preserved': 6, 'reubens': 6, 'dancers': 6, 'metallic': 6, 'ingenue': 6, 'thumb': 6, 'blending': 6, 'non-human': 6, '10-year-old': 6, 'pawns': 6, 'buxom': 6, 'periodically': 6, 'aki': 6, 'cancel': 6, 'emphasize': 6, 'shite': 6, 'patsy': 6, '\\nboring': 6, "'not": 6, 'calculating': 6, 'fakes': 6, 'testosterone': 6, '\\ngone': 6, 'pooch': 6, '\\nliterally': 6, 'foe': 6, 'sway': 6, 'vinnie': 6, 'ramifications': 6, 'ridiculousness': 6, 'let-down': 6, 'robicheaux': 6, 'insecurity': 6, 'wager': 6, 'cooler': 6, 'den': 6, "'by": 6, 'astute': 6, 'butchered': 6, 'drawn-out': 6, 'misunderstood': 6, 'coffey': 6, 'babysitting': 6, 'fantasizes': 6, 'salinger': 6, 'cents': 6, 'bayou': 6, '\\nwoo': 6, 'proprietor': 6, 'mannered': 6, '_not_': 6, "hero\\'s": 6, 'fanciful': 6, 'articles': 6, '\\nfilm': 6, 'unhealthy': 6, 'aired': 6, 'wigand': 6, 'illicit': 6, 'afar': 6, 'unholy': 6, 'boiled': 6, 'child-like': 6, 'rican': 6, 'hurry': 6, '\\nsarah': 6, 'preparations': 6, 'pedro': 6, 'asses': 6, 'earliest': 6, 'knox': 6, 'sexton': 6, 'illegitimate': 6, '\\nallen': 6, 'kelsey': 6, 'misfits': 6, '1966': 6, '\\ntechnically': 6, 'opted': 6, 'werewolves': 6, 'slob': 6, 'taco': 6, 'seniors': 6, 'shoving': 6, "hoffman\\'s": 6, 'becker': 6, 'villagers': 6, 'thirties': 6, 'frontier': 6, 'awaited': 6, 'transpired': 6, '\\ntodd': 6, 'half-baked': 6, 'derives': 6, 'megalomaniac': 6, '\\nspawn': 6, 'royalty': 6, 'escalates': 6, 'exiting': 6, 'hearty': 6, 'breckin': 6, 'granny': 6, 'philosophies': 6, 'inexcusable': 6, 'hackford': 6, '\\nreeves': 6, 'hottest': 6, 'chops': 6, 'diversion': 6, 'eaters': 6, 'signify': 6, 'enamored': 6, '\\nhonestly': 6, 'profits': 6, 'saturated': 6, '\\nmrs': 6, 'snatches': 6, 'vivica': 6, 'carefree': 6, 'hasidic': 6, 'preventing': 6, 'cathrine': 6, 'morphing': 6, 'hawn': 6, '\\nellie': 6, '\\nporter': 6, "shandling\\'s": 6, 'journal': 6, 'heald': 6, 'straw': 6, 'deaf': 6, 'natascha': 6, 'teaming': 6, '\\nurban': 6, '$40': 6, 'oversized': 6, 'intoxicated': 6, 'movie-goer': 6, 'cryogenically': 6, 'shagwell': 6, 'caravan': 6, 'laying': 6, 'quoted': 6, 'enchanted': 6, 'investing': 6, 'caretaker': 6, 'claws': 6, 'rooftops': 6, 'demonstrating': 6, 'texture': 6, 'pronounce': 6, 'digest': 6, 'construed': 6, 'loathsome': 6, 'dialogues': 6, 'regrets': 6, 'likelihood': 6, 'attentions': 6, 'marvellous': 6, "wang\\'s": 6, '14-year-old': 6, 'cross-country': 6, 'dentist': 6, "fox\\'s": 6, "\\ndisney\\'s": 6, 'vitality': 6, 'champ': 6, 'verhoven': 6, 'inserts': 6, 'advancing': 6, 'transporting': 6, 'jasmine': 6, 'loveable': 6, 'stuttering': 6, "reese\\'s": 6, 'sunshine': 6, '\\ngrace': 6, 'silvio': 6, 'perfected': 6, 'sociological': 6, "\\nsmith\\'s": 6, '\\ncoming': 6, "hell\\'s": 6, 'abundant': 6, 'filter': 6, 'loopy': 6, '\\nfeeling': 6, 'petersen': 6, '\\nme': 6, 'raping': 6, 'emphasizing': 6, 'networks': 6, 'film-makers': 6, 'commandments': 6, 'blueprint': 6, 'fantastical': 6, 'benz': 6, 'mayo': 6, 'greer': 6, '\\njawbreaker': 6, 'miniature': 6, 'entrepreneur': 6, 'abuses': 6, '\\neverybody': 6, '\\n`the': 6, "liz\\'s": 6, 'gloss': 6, 'peck': 6, 'harbors': 6, 'skeletons': 6, 'lipstick': 6, 'hot-shot': 6, 'eastwick': 6, 'splitting': 6, 'wine': 6, 'cursed': 6, 'imbues': 6, 'injection': 6, '\\ngirl': 6, '1958': 6, 'borderline': 6, 'eraser': 6, '\\nadam': 6, 'goop': 6, 'phelps': 6, 'showcasing': 6, 'addams': 6, 'hats': 6, 'magician': 6, 'rocker': 6, 'lenses': 6, 'blackout': 6, 'hairdresser': 6, 'dilemmas': 6, 'resounding': 6, 'persistence': 6, 'occupation': 6, 'oddball': 6, 'booty': 6, 'dee': 6, 'duquette': 6, 'rubin-vega': 6, 'captive': 6, 'happy-go-lucky': 6, 'landmark': 6, 'orgasm': 6, 'trashed': 6, 'farrell': 6, 'stevens': 6, 'trevor': 6, '\\nknock': 6, 'pitched': 6, 'premonition': 6, 'extra-terrestrial': 6, 'delaney': 6, 'submerged': 6, '\\nremarkably': 6, 'implant': 6, '\\nstanding': 6, 'perpetual': 6, 'inanity': 6, 'fiasco': 6, 'mug': 6, 'drugged': 6, 'marlowe': 6, 'chiseled': 6, 'molded': 6, 'tiring': 6, 'rainy': 6, 'bereft': 6, 'grunting': 6, 'ridiculed': 6, 'flatulence': 6, 'woodsboro': 6, 'starlet': 6, 'corman': 6, 'waving': 6, "joan\\'s": 6, 'losses': 6, 'attenborough': 6, 'possessions': 6, "lion\\'s": 6, 'goose': 6, 'kooky': 6, 'solace': 6, '\\nsimple': 6, 'stavros': 6, '\\ninterestingly': 6, 'fold': 6, 'bowden': 6, "murray\\'s": 6, 'broadly': 6, '\\nphil': 6, 'stepdaughter': 6, 'renders': 6, 'improves': 6, 'undead': 6, 'celibacy': 6, 'programmed': 6, 'dense': 6, '\\nyawn': 6, 'disappearing': 6, 'yearn': 6, 'shelly': 6, 'taboo': 6, 'mans': 6, 'buckets': 6, 'livingston': 6, 'limo': 6, "farrellys\\'": 6, 'milked': 6, 'erupts': 6, 'melting': 6, 'squirm': 6, 'undiscovered': 6, 'tomlin': 6, 'anxious': 6, '`mission': 6, 'ennio': 6, 'organ': 6, 'jacobi': 6, 'gleeful': 6, '\\nfull': 6, 'metaphorical': 6, 'interpretations': 6, 'licking': 6, "ricky\\'s": 6, 'unreasonable': 6, "dog\\'s": 6, '\\nhc': 6, 'interrupt': 6, 'council': 6, 'forests': 6, "spacey\\'s": 6, 'mechanics': 6, 'immersed': 6, 'ski': 6, 'well-developed': 6, 'raves': 6, 'traditionally': 6, 'dilapidated': 6, 'mede': 6, '\\nhammond': 6, 'rider': 6, '\\namy': 6, '\\nrose': 6, 'remorse': 6, 'sit-com': 6, 'seventeen': 6, 'bin': 6, 'aftermath': 6, "conrad\\'s": 6, 'barriers': 6, 'trinity': 6, 'delicately': 6, 'skeet': 6, 'serviceable': 6, 'sergio': 6, 'evocative': 6, 'collaborator': 6, 'rhea': 6, 'nonstop': 6, 'ronald': 6, 'long-suffering': 6, 'deviate': 6, 'pause': 6, 'bumpy': 6, 'continuous': 6, 'sculptress': 6, 'attire': 6, 'rants': 6, 'nonexistent': 6, 'despise': 6, 'hospitality': 6, 'gangsta': 6, 'bunz': 6, 'crib': 6, 'yakuza': 6, 'luscious': 6, 're': 6, 'hungarian': 6, 'sack': 6, 'sheila': 6, 'instructions': 6, 'sailboat': 6, 'elementary': 6, '\\njones': 6, 'vancouver': 6, 'motorcycles': 6, 'illeana': 6, 'preferably': 6, '\\ncostner': 6, '\\nold': 6, 'commercially': 6, '\\n10': 6, "sister\\'s": 6, 'father-in-law': 6, '\\ndeniro': 6, 'pollak': 6, '\\nway': 6, 'mediums': 6, 'conflicting': 6, 'prejudice': 6, '1600': 6, 'chiefly': 6, 'well-timed': 6, 'dot': 6, '\\nessentially': 6, 'langella': 6, 'meatloaf': 6, 'riotously': 6, 'graduates': 6, 'fraud': 6, 'elfont': 6, 'cynics': 6, 'tuned': 6, 'gutsy': 6, 'lauded': 6, 'dissimilar': 6, 'cornball': 6, 'lyric': 6, 'improvise': 6, '//www': 6, 'investigations': 6, 'strips': 6, 'typewriter': 6, 'world-weary': 6, 'cohorts': 6, 'deepest': 6, 'precocious': 6, 'sarone': 6, 'waterfall': 6, 'bells': 6, '\\nvegas': 6, "lampoon\\'s": 6, 'plunkett': 6, 'stott': 6, 'freeway': 6, 'branches': 6, 'betray': 6, 'hand-held': 6, 'industries': 6, 'confidently': 6, 'refusal': 6, 'rests': 6, 'picturesque': 6, 'christie': 6, '\\nbring': 6, 'celestial': 6, 'sexes': 6, 'rhetoric': 6, 'non': 6, '\\ndone': 6, '\\nseven': 6, 'trading': 6, 'speculate': 6, 'earthly': 6, 'inflicted': 6, 'dorothy': 6, 'rainbow': 6, 'prelude': 6, 'anarchic': 6, 'thirst': 6, 'chuckie': 6, 'affinity': 6, 'skyscrapers': 6, 'mcdowell': 6, 'particulars': 6, 'sensitivity': 6, 'alcoholism': 6, 'kramer': 6, 'identities': 6, 'colored': 6, '1930s': 6, 'cary': 6, 'abundantly': 6, 'progression': 6, 'waist': 6, 'grateful': 6, 'noodles': 6, 'contrasting': 6, 'borrowing': 6, 'intrusion': 6, 'simulation': 6, 'unwritten': 6, 'objectivity': 6, 'muslim': 6, 'schwartz': 6, 'vulgarity': 6, 'transsexual': 6, 'existential': 6, "love\\'s": 6, 'weigh': 6, "2000\\'s": 6, 'pondering': 6, '\\njimmy': 6, 'fates': 6, "dreamworks\\'": 6, "pixar\\'s": 6, 'unwanted': 6, 'flik': 6, 'misunderstanding': 6, 'fled': 6, 'genetics': 6, 'professionals': 6, 'dispenses': 6, 'speaker': 6, 'baked': 6, 'charmingly': 6, 'showcases': 6, '\\nkenneth': 6, 'kilgore': 6, 'obscured': 6, 'kirsten': 6, "planet\\'s": 6, 'seams': 6, 'dominated': 6, 'construct': 6, 'intimidating': 6, 'mo': 6, 'liman': 6, 'jester': 6, 'surpassed': 6, 'bloodied': 6, "rumble\\'": 6, 'reigning': 6, 'dignified': 6, 'cans': 6, "philip\\'s": 6, 'victorian': 6, 'collapsing': 6, 'arraki': 6, "'sometimes": 6, 'leftover': 6, '\\narriving': 6, 'theatrically': 6, 'modeling': 6, 'vertigo': 6, 'dearest': 6, 'meek': 6, 'loot': 6, 'resurrected': 6, 'retelling': 6, 'barks': 6, 'humming': 6, 'relaxed': 6, 'dinsmoor': 6, 'roddy': 6, 'refined': 6, 'indulges': 6, 'rightly': 6, 'combs': 6, 'rafael': 6, 'sissy': 6, 'sketches': 6, 'cringe-inducing': 6, 'disarming': 6, 'happenings': 6, 'callous': 6, 'biehn': 6, 'advantages': 6, 'likened': 6, 'erase': 6, 'grandeur': 6, 'cough': 6, 'bilko': 6, 'adviser': 6, "aliens\\'": 6, 'birdy': 6, 'gena': 6, 'storage': 6, 'attained': 6, 'partial': 6, 'stillman': 6, 'defensive': 6, 'fernando': 6, '\\npaulie': 6, 'immigrant': 6, 'in-between': 6, '\\nmoreover': 6, 'cache': 6, 'management': 6, 'domineering': 6, 'discipline': 6, 'foppish': 6, 'dragnet': 6, 'catharsis': 6, 'cackling': 6, 'stash': 6, "tucker\\'s": 6, 'raunch': 6, 'integrated': 6, 'honors': 6, 'tyrannical': 6, 'burma': 6, 'uninitiated': 6, 'silently': 6, 'chabat': 6, '\\npacino': 6, 'kind-hearted': 6, 'benign': 6, 'explorers': 6, 'guffman': 6, 'stamina': 6, 'tread': 6, 'tumultuous': 6, 'warrants': 6, 'consume': 6, 'messiah': 6, 'idiosyncratic': 6, 'salon': 6, 'jeter': 6, 'contracts': 6, "'bruce": 6, 'strategically': 6, 'sung': 6, 'schedule': 6, 'ryan_': 6, 'hellish': 6, 'omaha': 6, 'departments': 6, 'uttering': 6, 'laforge': 6, 'android': 6, 'boldly': 6, '\\nharrelson': 6, 'shirts': 6, 'sidekicks': 6, '\\ncharlie': 6, 'snowy': 6, 'romantic-comedy': 6, 'censors': 6, 'supportive': 6, 'unite': 6, 'fad': 6, 'translates': 6, 'dishes': 6, 'plumber': 6, 'prentice': 6, 'skewed': 6, 'doubtfire': 6, 'quibble': 6, 'illusions': 6, 'erbe': 6, "billy\\'s": 6, 'disapproves': 6, 'standouts': 6, 'turboman': 6, 'mirrored': 6, 'garnered': 6, "cole\\'s": 6, 'technologically': 6, 'prayers': 6, 'tan': 6, 'cheeky': 6, "o\\'brien": 6, 'bomber': 6, 'cattle': 6, 'embarks': 6, 'send-up': 6, 'rollercoaster': 6, 'perils': 6, 'verlaine': 6, 'devon': 6, 'reiser': 6, 'wednesday': 6, 'roach': 6, 'northern': 6, 'jeunet': 6, 'zoo': 6, '\\never': 6, "matilda\\'s": 6, 'correctness': 6, 'torch': 6, 'banker': 6, 't2': 6, 'firepower': 6, '\\npresident': 6, 'lesra': 6, '\\nbrooks': 6, 'fastest': 6, 'admitting': 6, 'nearest': 6, 'jewelry': 6, 'reporting': 6, '\\nwarning': 6, 'oriental': 6, 'geena': 6, 'condom': 6, '\\ntarantino': 6, 'niche': 6, '\\nperiod': 6, "howard\\'s": 6, 'traveled': 6, 'arsenal': 6, 'comfortably': 6, 'looming': 6, 'kgb': 6, 'visited': 6, 'devised': 6, "`bats\\'": 6, 'comic-book': 6, 'unfriendly': 6, 'squirrel': 6, 'bashing': 6, 'sprite': 6, 'impersonal': 6, "park\\'s": 6, 'deathbed': 6, '\\nanna': 6, 'malaysia': 6, 'lydia': 6, 'uniquely': 6, 'fur': 6, 'tonya': 6, 'reduces': 6, 'vertical': 6, '_rushmore_': 6, 'adoption': 6, 'mortality': 6, 'atlantis': 6, 'morpheus': 6, 'missions': 6, 'shakur': 6, "city\\'": 6, 'hoax': 6, 'conceive': 6, 'disclaimer': 6, 'chewbacca': 6, 'jarmusch': 6, '\\ntobey': 6, 'maude': 6, 'hanson': 6, 'unzipped': 6, 'cantarini': 6, 'senate': 6, 'fitts': 6, 'mathematics': 6, 'awakenings': 6, 'organizing': 6, '\\nslowly': 6, 'forbids': 6, 'mcguire': 6, 'nobility': 6, 'shang': 6, '\\nshrek': 6, 'tampopo': 6, 'itami': 6, 'vin': 6, '\\nguido': 6, "lang\\'s": 6, 'stendhal': 6, 'segues': 6, "anna\\'s": 6, 'caviezel': 6, 'translate': 6, 'tearjerker': 6, 'societal': 6, 'monroe': 6, 'hobbes': 6, 'audacious': 6, 'marianne': 6, 'phyllis': 6, '\\nsex': 6, 'notoriously': 6, 'forceful': 6, 'scholars': 6, 'unwavering': 6, '\\ndue': 6, 'anecdotes': 6, 'bittersweet': 6, 'wolfgang': 6, "benigni\\'s": 6, 'korben': 6, "artist\\'s": 6, 'larch': 6, 'lasse': 6, 'upsetting': 6, 'exley': 6, 'sade': 6, 'topping': 6, 'unquestionably': 6, 'textured': 6, 'drumlin': 6, 'sagan': 6, 'leasure': 6, 'isaacman': 6, "floor\\'": 6, 'governments': 6, 'jackie-o': 6, 'privacy': 6, "malick\\'s": 6, 'poise': 6, 'brett': 6, '\\nredford': 6, 'footing': 6, 'irvin': 6, 'tilda': 6, 'squeal': 6, 'ever-present': 6, 'louisa': 6, 'hunger': 6, 'cannibal': 6, 'hortense': 6, 'hauer': 6, 'bukater': 6, 'regime': 6, 'courts': 6, 'cappie': 6, 'magruder': 6, '\\nboiler': 6, 'kerchak': 6, 'terk': 6, 'amarcord': 6, 'abolitionists': 6, 'treehorn': 6, "annie\\'s": 6, 'yeager': 6, 'obscurity': 6, 'lovett': 6, "morrison\\'s": 6, 'charmer': 6, 'toni': 6, '\\nfavreau': 6, 'cams': 6, 'labors': 6, 'calendar': 6, "hamlet\\'s": 6, 'rylance': 6, '\\nadapted': 6, '\\nid4': 6, 'pollock': 6, '_pollock_': 6, 'trimmed': 6, "\\'50s": 6, 'fanny': 6, 'invaders': 6, 'keyser': 6, 'soze': 6, 'bethlehem': 6, 'herzog': 6, "dead\\'": 6, 'shackleton': 6, 'fong': 6, 'monetary': 6, 'authoritarian': 6, '\\nbraveheart': 6, "coen\\'s": 6, 'floor_': 6, 'galactic': 6, "run\\'": 6, 'uhf': 6, 'roberta': 6, '`final': 6, "michael\\'s": 6, '\\nbird': 6, '\\nderek': 6, 'tulips': 6, 'rosalba': 6, 'maglietta': 6, 'hypnotized': 6, 'worrall': 6, 'barlow': 6, '\\nexotica': 6, 'camembert': 6, 'apparitions': 5, 'bordering': 5, 'occupying': 5, 'elwes': 5, 'stink': 5, 'cloying': 5, 'line-up': 5, '\\nstalked': 5, '\\nevents': 5, '\\nghosts': 5, 'chock': 5, '\\ncarpenter': 5, 'tanks': 5, 'winding': 5, 'snippets': 5, 'entendres': 5, '\\nhugh': 5, 'eyelashes': 5, "'call": 5, 'muttering': 5, 'vindictive': 5, 'kristin': 5, 'roving': 5, 'ferocity': 5, 'overloaded': 5, 'sleepwalk': 5, 'oops': 5, '\\nmean': 5, 'carriage': 5, 'deneuve': 5, 'distributors': 5, 'expresses': 5, 'malls': 5, 'ill-advised': 5, 'padding': 5, 'homoerotic': 5, 'faded': 5, 'tattoo': 5, 'gould': 5, 'masterson': 5, 'bandwagon': 5, 'richelieu': 5, 'moran': 5, 'gregor': 5, 'introductory': 5, 'shou': 5, 'jade': 5, 'jax': 5, 'goro': 5, 'conspire': 5, '\\nkaren': 5, 'cereal': 5, 'imagines': 5, 'colonists': 5, 'dingy': 5, 'soundtracks': 5, 'highlighting': 5, 'breeding': 5, '\\nalicia': 5, 'recapture': 5, 'spying': 5, 'silk': 5, 'crux': 5, 'mumbo-jumbo': 5, 'faye': 5, 'miniseries': 5, 'wildlife': 5, 'strasser': 5, "jill\\'s": 5, 'leather-clad': 5, 'scatological': 5, 'truckload': 5, 'jumbo': 5, 'jai': 5, 'korean': 5, 'afforded': 5, "spawn\\'s": 5, 'aidan': 5, 'jolts': 5, 'face-to-face': 5, 'supplying': 5, '\\ntsui': 5, 'kirkland': 5, 'blocked': 5, 'out-of-control': 5, 'seizes': 5, 'accusation': 5, 'witchcraft': 5, 'haughty': 5, 'banged': 5, 'jean-luc': 5, 'godard': 5, 'esteemed': 5, 'undecided': 5, 'environments': 5, 'photographic': 5, 'breathless': 5, 'squadron': 5, 'ehren': 5, 'deems': 5, 'originals': 5, 'artistically': 5, 'consciously': 5, 'paroled': 5, 'imitating': 5, 'stomping': 5, 'annoyance': 5, 'movie-going': 5, 'requirement': 5, 'le': 5, 'hooded': 5, 'unison': 5, 'recorder': 5, 'lindsey': 5, '\\n[pg]': 5, 'regions': 5, 'kerry': 5, 'self-congratulatory': 5, 'set-piece': 5, 'corey': 5, 'rapper': 5, 'escalate': 5, 'recovers': 5, 'abel': 5, 'bartkowiak': 5, 'cinematographers': 5, 'tempo': 5, 'waitresses': 5, 'hacks': 5, '\\nhoward': 5, 'insurmountable': 5, 'profane': 5, "marty\\'s": 5, 'stripping': 5, 'imprisonment': 5, 'chapel': 5, 'finney': 5, 'wilde': 5, 'outraged': 5, 'leland': 5, 'betrays': 5, 'sterling': 5, 'lawnmower': 5, 'goddess': 5, 'compensation': 5, 'pump': 5, 'fists': 5, 'recruitment': 5, 'mattered': 5, 'montgomery': 5, '\\nmoreau': 5, 'marketable': 5, 'flew': 5, 'baffles': 5, 'ex-con': 5, 'hand-in-hand': 5, 'downer': 5, '36': 5, 'headline': 5, "\\ncouldn\\'t": 5, 'terminal': 5, 'showering': 5, 'forehead': 5, 'unjustly': 5, 'mandy': 5, "'all": 5, 'pre-release': 5, 'paraphrase': 5, 'masochistic': 5, 'mikael': 5, 'firestorm': 5, 'inexperienced': 5, 'brimming': 5, 'evaluation': 5, 'theo': 5, 'futility': 5, 'stinkers': 5, "weir\\'s": 5, 'bosses': 5, 'manners': 5, 'extraordinaire': 5, 'permission': 5, '\\nho': 5, 'onboard': 5, 'endeavor': 5, 'eminently': 5, 'gheorghe': 5, 'half-dozen': 5, 'dwarfs': 5, 'vomiting': 5, 'halliwell': 5, 'bunton': 5, 'maxim': 5, 'blue-collar': 5, 'tenley': 5, "n\\'": 5, 'reported': 5, 'disheartening': 5, 'dangerously': 5, 'shaye': 5, 'rotating': 5, 'distancing': 5, 'peppy': 5, 'bombastic': 5, '\\ncomedy': 5, 'newell': 5, 'downbeat': 5, '\\ndenzel': 5, 'maury': 5, 'chaykin': 5, 'codes': 5, 'remington': 5, 'stacks': 5, 'palm': 5, 'pounding': 5, 'grinds': 5, '\\noriginal': 5, 'wb': 5, 'persuades': 5, 'sugary': 5, 'sayles': 5, 'region': 5, 'guerrilla': 5, '\\nsayles': 5, 'drifter': 5, 'gals': 5, 'vultures': 5, 'exposing': 5, 'sniff': 5, 'guild': 5, 'rockies': 5, 'jonnie': 5, 'goodboy': 5, 'experts': 5, 'evolves': 5, '\\nhumans': 5, "\\namerica\\'s": 5, 'tolan': 5, 'bedazzled': 5, 'unsubtle': 5, '\\nwesley': 5, 'retro': 5, 'chart': 5, 'temptress': 5, 'suitcase': 5, 'stardust': 5, 'wares': 5, 'riotous': 5, "\\neveryone\\'s": 5, '\\nuseless': 5, 'sparkle': 5, 'diana': 5, 'camcorder': 5, 'americanized': 5, 'negligible': 5, 'innumerable': 5, 'intolerable': 5, 'marla': 5, 'ing': 5, 'anguished': 5, 'interference': 5, 'curly': 5, 'helicopters': 5, 'opulent': 5, '\\nparticularly': 5, 'soaked': 5, 'tattooed': 5, 'asinine': 5, 'procedures': 5, 'iffy': 5, '\\nmcnaughton': 5, 'peters': 5, 'chrysler': 5, 'commissioned': 5, 'blueprints': 5, 'criticizes': 5, 'assembles': 5, 'ragtag': 5, 'ditto': 5, 'scowls': 5, 'mopes': 5, 'aerosmith': 5, 'ketchup': 5, 'two-and-a-half': 5, '30-second': 5, '\\ntelevision': 5, 'msnbc': 5, 'journalists': 5, 'top-secret': 5, 'narrating': 5, '\\ncity': 5, 'poured': 5, 's&m': 5, 'multi-million': 5, 'smells': 5, 'scratches': 5, '\\ndown': 5, 'aisles': 5, 'oversexed': 5, 'filthy': 5, "madonna\\'s": 5, 'smashed': 5, 'spray': 5, "reeves\\'": 5, 'self-important': 5, 'breakout': 5, '\\nfreddie': 5, 'swat': 5, '\\nprior': 5, 'typhoon': 5, 'worn-out': 5, 'one-by-one': 5, 'gojira': 5, "mankind\\'s": 5, 'relocate': 5, 'breathes': 5, 'loft': 5, '\\nmortensen': 5, 'rossi': 5, 'mini-series': 5, "anybody\\'s": 5, 'blythe': 5, 'reigns': 5, 'washed-up': 5, 'klumps': 5, 'inadequate': 5, 'negativity': 5, "james\\'": 5, "night\\'s": 5, 'strobe': 5, 'relaxation': 5, 'irritated': 5, '\\nqui-gon': 5, 'discarded': 5, 'cleaner': 5, 'alaska': 5, 'prompted': 5, 'cross-dressing': 5, 'raft': 5, 'recount': 5, 'stills': 5, 'pied': 5, 'capitalism': 5, 'yuks': 5, 'shaved': 5, 'trader': 5, '\\nbridget': 5, 'zombie-like': 5, 'egotistical': 5, 'lifestyles': 5, 'nuns': 5, 'protectors': 5, "julie\\'s": 5, 'esteem': 5, '\\nah': 5, 'owe': 5, 'treachery': 5, 'undemanding': 5, 'proposed': 5, 'weed': 5, 'seaside': 5, 'stack': 5, 'doubly': 5, 'miracles': 5, 'rejoice': 5, 'varies': 5, '\\nleo': 5, 'majestic': 5, 'renny': 5, 'eldard': 5, 'illustrious': 5, 'roaring': 5, 'hoods': 5, 'convicts': 5, 'amis': 5, '\\narguably': 5, '29': 5, 'wargames': 5, 'truthfully': 5, 'geeks': 5, '105': 5, 'conspicuously': 5, 'swiss': 5, 'evaluate': 5, 'shootout': 5, 'manhunt': 5, 'mind-numbingly': 5, '\\nwere': 5, 'exploded': 5, 'climbs': 5, 'socks': 5, 'tapped': 5, '16x9': 5, 'thx': 5, 'szwarc': 5, 'in-depth': 5, 'additions': 5, 'constable': 5, '\\nricci': 5, 'flipped': 5, 'yankee': 5, "kingsley\\'s": 5, 'brancato': 5, 'entails': 5, 'dzundza': 5, 'geocities': 5, "\\no\\'donnell": 5, 'propose': 5, 'artie': 5, 'dvd-rom': 5, 'leaping': 5, 'cobra': 5, 'ultra-cool': 5, 'cumming': 5, 'extract': 5, 'barton': 5, 'standup': 5, 'prematurely': 5, 'richest': 5, 'whitney': 5, 'voyeuristic': 5, 'ploy': 5, 'sociopath': 5, 'deposit': 5, 'compact': 5, 'git': 5, 'paint-by-numbers': 5, 'innovation': 5, 'dramatized': 5, 'motivational': 5, 'cleared': 5, 'traditions': 5, 'charter': 5, 'grants': 5, 'linklater': 5, 'ione': 5, 'needing': 5, 'mcqueen': 5, 'shuttle': 5, 'carrier': 5, 'gunman': 5, 'swayze': 5, 'gasoline': 5, 'airplanes': 5, 'canned': 5, 'ammunition': 5, 'prime-time': 5, 'dc': 5, 'sneering': 5, 'abduction': 5, 'blood-soaked': 5, 're-election': 5, 'personas': 5, 'grinning': 5, 'jeb': 5, 'lump': 5, 'tucci': 5, '\\njaneane': 5, 'soon-to-be': 5, 'gunned': 5, 'fatherly': 5, 'maternal': 5, '\\nhorror': 5, 'earthlings': 5, 'venora': 5, 'mathilda': 5, 'expressionless': 5, 'unentertaining': 5, 'competitor': 5, 'skg': 5, 'churned': 5, 'trendy': 5, 'wonderment': 5, 'teaser': 5, '_scream_': 5, 'wynter': 5, 'joon': 5, 'cohesion': 5, '\\nsnake': 5, 'glaringly': 5, 'punctuate': 5, 'dosage': 5, 'liquid': 5, "batman\\'s": 5, 'supplied': 5, '\\njoel': 5, 'sirens': 5, 'initiation': 5, 'five-minute': 5, 'catwoman': 5, 'dictionary': 5, "studios\\'": 5, 'cleans': 5, 'sweden': 5, 'smashes': 5, 'arranges': 5, 'screentime': 5, 'stem': 5, 'supremacy': 5, 'barf': 5, '\x14': 5, 'nether': 5, 'crummy': 5, 'substantially': 5, '96': 5, 'literate': 5, 'rube': 5, 'insufferable': 5, 'dour': 5, 'gladly': 5, 'conversion': 5, 'hitchhiker': 5, 'negated': 5, 'well-choreographed': 5, 'diverted': 5, 'ye': 5, '[kjv]': 5, 'glancing': 5, 'ames': 5, 'disappearance': 5, 'benton': 5, 'character-driven': 5, 'preachers': 5, '\\nfight': 5, 'fireworks': 5, 'dicillo': 5, 'pretensions': 5, 'sahara': 5, 'brim': 5, 'nipples': 5, '\\numa': 5, 'trifle': 5, 'cheesiness': 5, 'heightens': 5, 'blanket': 5, 'publishing': 5, 'divorces': 5, 'hubby': 5, 'raid': 5, 'spit': 5, 'skeletal': 5, 'evolving': 5, 'lampooning': 5, 'deteriorates': 5, '\\nduchovny': 5, 'rooker': 5, 'crafty': 5, 'socialite': 5, 'twisty': 5, 'deceiver': 5, 'jonas': 5, 'emulate': 5, 'originated': 5, 'explorer': 5, 'steamy': 5, 'stricken': 5, '\\nconnor': 5, 'cheaply': 5, 're-make': 5, 'brainard': 5, 'forgetful': 5, 'splits': 5, 'contributing': 5, 'venturing': 5, 'siren': 5, '\\nbob': 5, "television\\'s": 5, 'goofball': 5, 'short-lived': 5, 'happier': 5, '\\nneil': 5, 'baranski': 5, 'cybill': 5, 'hitch': 5, "lemmon\\'s": 5, '\\nmolly': 5, 'irresponsible': 5, 'substandard': 5, 'ritter': 5, 'vowed': 5, 'eyeballs': 5, 'embarrass': 5, 'concede': 5, '$7': 5, 'depictions': 5, 'completing': 5, 'allies': 5, 'drivers': 5, 'torrid': 5, 'klutz': 5, 'wallow': 5, 'peripheral': 5, 'forged': 5, '\\ntoday': 5, 'spewing': 5, 'nations': 5, 'malloy': 5, 'unabashedly': 5, "'starring": 5, 'self-destructive': 5, 'babble': 5, '\\nstiller': 5, 'presumed': 5, 'thunderous': 5, 'confess': 5, 'rep': 5, 'mulroney': 5, 'underwear': 5, 'purchases': 5, 'gen-x': 5, "mtv\\'s": 5, 'emphasized': 5, 'mechanism': 5, 'fray': 5, 'continuation': 5, 'psychology': 5, "hughes\\'": 5, 'filing': 5, 'torment': 5, 'modeled': 5, 'tomatoes': 5, 'tenuous': 5, 'colleen': 5, 'licks': 5, 'feeding': 5, 'rubble': 5, 'sciorra': 5, 'ordering': 5, 'circular': 5, "\\nwouldn\\'t": 5, '\\n54': 5, 'electricity': 5, "rubell\\'s": 5, 'pales': 5, 'moviegoer': 5, 'flailing': 5, 'drooling': 5, 'furiously': 5, '\\nstarting': 5, 'hardest': 5, 'mutation': 5, 'weepy': 5, 'demo': 5, 'consumer': 5, 'churn': 5, 'med': 5, 'file': 5, 'forte': 5, 'hardy': 5, 'curtains': 5, 'resonate': 5, 'yahoo': 5, 'sherlock': 5, 'turpin': 5, 'housekeeper': 5, 'vonnegut': 5, 'albino': 5, 'inundated': 5, 'tour-de-force': 5, 'unhappily': 5, 'dreaming': 5, 'uneventful': 5, 'humorously': 5, 'moriarty': 5, 'casanova': 5, 'calibre': 5, 'well-intentioned': 5, 'dominance': 5, '2029': 5, 'chess': 5, "baker\\'s": 5, 'johnathon': 5, 'fangs': 5, 'snow-covered': 5, 'last-minute': 5, 'koufax': 5, 'tantrums': 5, 'embittered': 5, 'preteen': 5, 'lugosi': 5, 'laboratory': 5, '\\nnear': 5, 'deceptively': 5, 'morose': 5, 'beans': 5, '\\ninitially': 5, '61': 5, 'whiplash': 5, 'humiliate': 5, 'potboiler': 5, 'software': 5, 'employment': 5, 'fixes': 5, 'pouty': 5, 'unrelenting': 5, 'blasts': 5, 'hordes': 5, 'customary': 5, 'hairstyles': 5, 'lawernce': 5, 'eye-popping': 5, 'acrobatics': 5, '\\nb': 5, 'lasted': 5, "astronaut\\'s": 5, "rosemary\\'s": 5, 'turf': 5, 'mishap': 5, 'rand': 5, 'verify': 5, "judd\\'s": 5, 'muck': 5, 'pressing': 5, 'heartbreakers': 5, 'bathing': 5, 'stagnant': 5, 'targeting': 5, 'self-respect': 5, 'assurance': 5, 'arliss': 5, 'towns': 5, 'deficiencies': 5, '\\nkline': 5, 'entities': 5, 'objections': 5, 'animosity': 5, 'catharine': 5, 'novak': 5, 'decadent': 5, 'eloi': 5, 'requested': 5, 'switched': 5, 'channels': 5, 'imagining': 5, 'weatherman': 5, 'shells': 5, 'injuries': 5, 'sleek': 5, 'iconic': 5, 'heft': 5, 'resents': 5, 'misfit': 5, 'knowingly': 5, 'hues': 5, 'lois': 5, 'warranted': 5, 'comedians': 5, 'nebbish': 5, 'satellites': 5, 'pleaser': 5, 'devolves': 5, 'fielding': 5, 'recognizing': 5, 'penance': 5, 'travesty': 5, 'henslowe': 5, 'blames': 5, 'viola': 5, 'truer': 5, '\\njenna': 5, 'darabont': 5, "rat\\'s": 5, '\\nhmmm': 5, 'brain-dead': 5, 'jada': 5, 'one-time': 5, 'pockets': 5, 'mosaic': 5, 'intersect': 5, 'fraction': 5, 'unworthy': 5, 'milos': 5, 'babbling': 5, 'cbs': 5, 'obtained': 5, 'interpret': 5, 'dealings': 5, 'hazy': 5, 'fax': 5, 'stephan': 5, '\\nprivate': 5, 'gosh': 5, 'wigs': 5, 'imported': 5, 'dank': 5, "darren\\'s": 5, '\\namanda': 5, 'fleming': 5, "quinn\\'s": 5, '_real_': 5, 'listless': 5, 'workshop': 5, 'sacrilegious': 5, 'inquisition': 5, 'bearded': 5, 'sensuous': 5, 'almod': 5, 'chic': 5, "'let": 5, 'bret': 5, 'adaption': 5, 'inhabiting': 5, 'frasier': 5, 'snl': 5, "'movies": 5, 'frights': 5, 'grudge': 5, 'solves': 5, 'wunderkind': 5, 'tagged': 5, 'trousers': 5, 'riffing': 5, "\\nthey\\'ll": 5, 'co-screenwriter': 5, 'caddyshack': 5, 'scoop': 5, 'nine-year-old': 5, "dicaprio\\'s": 5, 'menial': 5, '\\nlate': 5, 'ticking': 5, 'disfigured': 5, 'mcfarlane': 5, 'sweeney': 5, 'carving': 5, 'juncture': 5, "sheen\\'s": 5, 'consumes': 5, 'wizardry': 5, 'perceptible': 5, 'anjelica': 5, 'compromised': 5, 'criticize': 5, '_54_': 5, 'busboy': 5, "club\\'s": 5, 'whit': 5, 'pandering': 5, 'scarcely': 5, 'soggy': 5, 'darkman': 5, "1984\\'s": 5, 'homecoming': 5, '\\nshaw': 5, 'payoffs': 5, 'casted': 5, '\\ntruth': 5, 'larson': 5, 'pear': 5, 'foursome': 5, 'flounder': 5, 'nanny': 5, 'visitors': 5, 'tricked': 5, "bont\\'s": 5, 'floors': 5, 'twenty-five': 5, 'chelsom': 5, 'cellist': 5, 'hartnett': 5, 'mishandled': 5, 'kitten': 5, 'toting': 5, 'billionaire': 5, 'marian': 5, 'vomits': 5, 'gandolfini': 5, 'bugged': 5, 'darnell': 5, 'dumps': 5, 'hushed': 5, 'obviousness': 5, 'ugh': 5, 'docudrama': 5, 'natured': 5, 'conceal': 5, 'unsatisfactory': 5, '\\ndan': 5, 'co-writing': 5, 'orphanage': 5, 'pleading': 5, '\\nwhilst': 5, 'foxx': 5, 'separating': 5, 'crusader': 5, 'infuse': 5, 'andre': 5, 'lookout': 5, 'ditched': 5, 'careless': 5, 'meticulously': 5, '1954': 5, "frears\\'": 5, 'fingertips': 5, 'reprehensible': 5, 'sex-crazed': 5, 'flower': 5, 'pretense': 5, 'spectacles': 5, 'decoration': 5, 'inventor': 5, 'oscar-nominated': 5, 'bog': 5, 'slashed': 5, "\\'dark": 5, 'claus': 5, "affleck\\'s": 5, 'pours': 5, 'vic': 5, 'slums': 5, 'midwestern': 5, 'scratched': 5, 'observant': 5, '\\nmother': 5, "mom\\'s": 5, 'raids': 5, 'empty-headed': 5, 'yourselves': 5, 'adherence': 5, 'finnegan': 5, 'torpedoes': 5, 'sommers': 5, 'knowledgeable': 5, 'pipes': 5, 'peeled': 5, 'lela': 5, 'warring': 5, 'horta': 5, 'treasured': 5, 'englund': 5, 'geller': 5, 'low-brow': 5, 'painstaking': 5, 'fabled': 5, 'foods': 5, 'hard-pressed': 5, 'grate': 5, 'contrasted': 5, 'fused': 5, 'loops': 5, 'compliments': 5, 'focal': 5, 'halves': 5, 'peterson': 5, "valerie\\'s": 5, 'coworkers': 5, 'boyfriends': 5, 'strays': 5, 'derelict': 5, 'irrational': 5, 'ripoff': 5, 'timeline': 5, 'awakening': 5, "fellini\\'s": 5, 'comply': 5, 'heed': 5, 'bolt': 5, 'marcie': 5, 'finely': 5, 'honed': 5, 'inheritance': 5, 'geoff': 5, 'clashing': 5, '\\nsix': 5, 'inc': 5, 'emmanuelle': 5, 'contend': 5, 'amber': 5, 'introductions': 5, 'pits': 5, 'richie': 5, '\\nlucky': 5, 'bungee': 5, 'delpy': 5, 'bowen': 5, 'thierry': 5, 'mangled': 5, 'tod': 5, 'opaque': 5, '\\nsave': 5, 'soppy': 5, 'montages': 5, 'outworld': 5, 'rayden': 5, 'self-worth': 5, 'helming': 5, 'dichotomy': 5, 'obsolete': 5, 'unceremoniously': 5, 'protector': 5, 'rubbish': 5, 'prophetic': 5, 'thematically': 5, 'darkened': 5, 'bind': 5, '\\ngilbert': 5, "'bob": 5, '\\nodd': 5, "campbell\\'s": 5, 'unrelentingly': 5, 'stashed': 5, 'fatally': 5, 'kinship': 5, 'diet': 5, 'leaning': 5, 'frontal': 5, '\\ncars': 5, '\\nevil': 5, 'part-time': 5, 'egyptian': 5, 'payroll': 5, 'kicker': 5, 'tripping': 5, '\\nbang': 5, 'acknowledged': 5, 'engineering': 5, 'cafeteria': 5, 'chopping': 5, 'ohlmyer': 5, 'detect': 5, 'hull': 5, 'beasts': 5, 'leagues': 5, 'perplexing': 5, '_knock_off_': 5, 'improbably': 5, 'blurred': 5, '\\nagent': 5, 'spoofing': 5, 'becky': 5, 'stirred': 5, 'atkinson': 5, 'buyer': 5, 'flown': 5, 'hurting': 5, 'intrepid': 5, '\\npossibly': 5, 'scandals': 5, 'unbalanced': 5, 'prophets': 5, 'dinos': 5, '\\nrealizing': 5, 'beaming': 5, 'selleck': 5, 'whisper': 5, 'wider': 5, 'strategic': 5, 'kidnapper': 5, '\\nbreakdown': 5, 'head-to-head': 5, 'coliseum': 5, 'manual': 5, 'advertisements': 5, 'insure': 5, '\\ndillon': 5, 'punish': 5, 'embassy': 5, 'sneer': 5, 'diminutive': 5, 'powered': 5, 'leone': 5, 'strutting': 5, 'sucking': 5, 'voyeurism': 5, 'fish-out-of-water': 5, 'celebrates': 5, 'simpler': 5, 'gazes': 5, 'keys': 5, 'resurrecting': 5, 'afloat': 5, 'rosenberg': 5, 'nailing': 5, '\\ngavin': 5, 'gathered': 5, 'chock-full': 5, '\\ncase': 5, 'outback': 5, 'jolt': 5, 'street-wise': 5, '21st': 5, 'individuality': 5, 'lowly': 5, 'contracted': 5, 'strand': 5, 'sheryl': 5, 'prostitution': 5, 'bushes': 5, 'arrange': 5, 'miko': 5, "judge\\'s": 5, 'mcginley': 5, 'midget': 5, 'boorish': 5, 'unafraid': 5, 'rollicking': 5, 'flexibility': 5, 'strong-willed': 5, 'latch': 5, 'rebound': 5, 'coated': 5, 'indulgent': 5, '\\nhuman': 5, 'avant-garde': 5, 'reflections': 5, 'break-in': 5, 'three-minute': 5, 'spicy': 5, 'penultimate': 5, '\\nricky': 5, 'impulse': 5, 'animatronic': 5, 'lists': 5, '\\nkeeping': 5, '\\nleading': 5, 'arranged': 5, 'oddballs': 5, 'sizes': 5, 'survey': 5, 'anticipate': 5, 'predictions': 5, 'plunge': 5, 'seducing': 5, 'shootings': 5, 'effects-laden': 5, 'sunsets': 5, '\\nsorry': 5, 'angsty': 5, 'duval': 5, "quaid\\'s": 5, 'romero': 5, 'madam': 5, 'munson': 5, 'landlord': 5, "roy\\'s": 5, 'cryogenic': 5, 'annabella': 5, 'feats': 5, 'chimpanzee': 5, 'self-assured': 5, 'alma': 5, "heyst\\'s": 5, "couple\\'s": 5, 'arlo': 5, 'paymer': 5, 'divulge': 5, 'don+t': 5, 'theology': 5, "\\nthat\\'ll": 5, 'magda': 5, 'pratfalls': 5, 'proficient': 5, 'nesmith': 5, 'signing': 5, '-esque': 5, 'shallowness': 5, 'straight-to-video': 5, 'bulging': 5, 'scrapbook': 5, 'ballistic': 5, 'goggles': 5, 'foolishness': 5, 'whoa': 5, 'devises': 5, 'nishi': 5, 'traced': 5, 'childlike': 5, "martha\\'s": 5, 'expendable': 5, 'paternal': 5, 'rocking': 5, 'plea': 5, 'berg': 5, "nikki\\'s": 5, 'inexperience': 5, 'indicating': 5, "charles\\'": 5, 'functioning': 5, 'delayed': 5, 'slapped': 5, 'pretentiousness': 5, "heckerling\\'s": 5, 'sticky': 5, 'juggles': 5, 'mnemonic': 5, 'blink': 5, 'one-two': 5, 'beresford': 5, 'tribune': 5, 'undercut': 5, 'capability': 5, "alzheimer\\'s": 5, '\\nkudrow': 5, "ryan\\'s": 5, 'secretive': 5, 'immerse': 5, 'mutilation': 5, "deniro\\'s": 5, '\\npresumably': 5, 'oprah': 5, 'implausibility': 5, '\\neager': 5, "sant\\'s": 5, 'hairdo': 5, 'kilrathi': 5, 'gypsy': 5, 'copper': 5, 'handheld': 5, 'maze': 5, "2\\'s": 5, 'bundle': 5, 'cad': 5, 'gaudy': 5, 'knicks': 5, 'surrender': 5, 'letterman': 5, 'announcer': 5, "eddie\\'s": 5, 'reels': 5, 'woven': 5, 'neon': 5, 'risking': 5, '\\ndreyfuss': 5, 'interrogation': 5, 'laments': 5, '5th': 5, 'heals': 5, 'embodied': 5, 'nominees': 5, "hunt\\'s": 5, '\\nspacey': 5, 'emoting': 5, 'nuanced': 5, 'willy': 5, 'riffs': 5, 'camping': 5, 'sunhill': 5, 'scene-stealing': 5, 'splendidly': 5, 'bribe': 5, 'anal': 5, 'hallmarks': 5, "'to": 5, 'whim': 5, 'tierney': 5, 'greystoke': 5, "paxton\\'s": 5, 'receipts': 5, 'vow': 5, 'intricacies': 5, 'deadline': 5, 'replica': 5, 'landis': 5, 'intrinsic': 5, "jim\\'s": 5, '\\nled': 5, 'panther': 5, 'creepiness': 5, 'insect': 5, '\\nrobbie': 5, 'ravages': 5, 'ice-t': 5, 'clunker': 5, 'chuckling': 5, 'ridgemont': 5, 'indulging': 5, 'inherited': 5, 'arrangement': 5, 'spaghetti': 5, 'landlady': 5, 'armand': 5, 'grabbed': 5, '`a': 5, '\\ndriving': 5, 'concentrated': 5, 'underpinnings': 5, 'belle': 5, 'retiring': 5, 'theirs': 5, 'isle': 5, 'practices': 5, 'ringing': 5, 'vocals': 5, 'videocassette': 5, 'sank': 5, 'tuna': 5, 'philippe': 5, 'drugstore': 5, 'wage': 5, 'recipient': 5, 'retaliation': 5, 'cabs': 5, 'gum': 5, 'ah': 5, 'completion': 5, 'blurry': 5, 'manipulator': 5, 'aphrodite': 5, 'organised': 5, 'lowlifes': 5, 'pistone': 5, 'squabbles': 5, 'hell-bent': 5, '\\ndetermined': 5, 'bloodbath': 5, 'interpreter': 5, 'shortened': 5, 'protracted': 5, 'brits': 5, 'milieu': 5, 'wardrobes': 5, 'blurts': 5, 'jokey': 5, '\\nha': 5, 'gen': 5, 'inexorably': 5, 'numbered': 5, 'inhabited': 5, '\\nscary': 5, 'womanizing': 5, 'rooted': 5, 'dueling': 5, 'suburbs': 5, 'unintelligible': 5, 'tasty': 5, 'diego': 5, 'tipped': 5, 'fran': 5, 'travelers': 5, 'repulsed': 5, 'provoke': 5, 'assets': 5, 'blindly': 5, '26': 5, 'cheerfully': 5, 'nia': 5, '\\nfat': 5, "1991\\'s": 5, 'mid-air': 5, 'stationed': 5, 'reticent': 5, 'memorial': 5, 'victorious': 5, 'roundtree': 5, '\\ncraig': 5, 'bierko': 5, 'blamed': 5, 'battered': 5, 'fistful': 5, 'oeuvre': 5, 'uncontrollable': 5, 'cassandra': 5, 'dushku': 5, 'cassie': 5, 'purgatory': 5, "kudrow\\'s": 5, 'childers': 5, 'marin': 5, 'resigned': 5, 'tangled': 5, 'applauded': 5, 'kirby': 5, 'imitations': 5, 'partridge': 5, 'self-help': 5, 'long-running': 5, 'walters': 5, 'distasteful': 5, 'thy': 5, 'abrahams': 5, 'confirmation': 5, 'messes': 5, '\\ncomic': 5, 'maddy': 5, 'one-armed': 5, 'bicker': 5, 'batcave': 5, 'alternating': 5, '\\nbrown': 5, '42': 5, 'theodore': 5, 'restoring': 5, 'certificate': 5, "dwayne\\'s": 5, 'penniless': 5, 'vortex': 5, "titanic\\'s": 5, 'trajectory': 5, 'high-strung': 5, 'antagonists': 5, 'tribes': 5, "cruise\\'s": 5, 'struts': 5, 'trivial': 5, 'looters': 5, 'overexposed': 5, '\\nstay': 5, 'narratives': 5, 'speedy': 5, 'rounding': 5, 'eraserhead': 5, 'sparse': 5, '`ready': 5, 'stampede': 5, 'first-hand': 5, 'unleashes': 5, 'strangest': 5, 'encased': 5, 'distributed': 5, 'coping': 5, 'olmstead': 5, 'utah': 5, 'taciturn': 5, '\\nnowhere': 5, 'cut-outs': 5, 'commenting': 5, '\\nnewcomer': 5, 'quandary': 5, 'unengaging': 5, 'fortunes': 5, 'colour': 5, 'daytime': 5, 'grunt': 5, '=20': 5, 'mommie': 5, 'hairy': 5, 'asian-american': 5, 'cohort': 5, 'loren': 5, 'danson': 5, '\\npayback': 5, "boorman\\'s": 5, 'swiftly': 5, 'caped': 5, 'fizzles': 5, 'fabulously': 5, 'piggy': 5, 'shipped': 5, 'veer': 5, 'hectic': 5, 'radiation': 5, 'zeist': 5, 'ramirez': 5, '\\nwitness': 5, 'glued': 5, 'rapid-fire': 5, 'frat': 5, 'pip': 5, 'raquel': 5, 'disdain': 5, 'unsinkable': 5, 'falk': 5, 'blucas': 5, '\\ncourtney': 5, '\\nshot': 5, 'jen': 5, 'jia-li': 5, 'decay': 5, '\\nrachel': 5, 'dominic': 5, 'climatic': 5, 'fractured': 5, 'gigs': 5, 'chappelle': 5, '\\nsmall': 5, 'fleshing': 5, 'newsletter': 5, 'predilection': 5, 'declare': 5, 'resignation': 5, 'boatload': 5, 'hillbillies': 5, 'dearly': 5, 'world-class': 5, 'champagne': 5, 'ensuring': 5, '\\nreportedly': 5, 'hygiene': 5, 'unborn': 5, 'soars': 5, 'insisting': 5, 'looney': 5, "wyatt\\'s": 5, "'david": 5, 'busted': 5, 'newsweek': 5, 'communications': 5, 'ghostly': 5, 'dolly': 5, 'flaming': 5, 'astray': 5, 'evade': 5, 'brew': 5, "steven\\'s": 5, 'honorable': 5, 'repair': 5, '\\ncolonel': 5, 'overdose': 5, 'acknowledges': 5, 'breillat': 5, 'cottage': 5, 'monologues': 5, 'hallie': 5, "marie\\'s": 5, 'broker': 5, 'embody': 5, '\\nfollowed': 5, 'dazzled': 5, 'shudder': 5, 'aptitude': 5, 'halle': 5, '\\nphoenix': 5, "nomi\\'s": 5, 'sensuality': 5, 'conceivable': 5, 'adage': 5, 'pertaining': 5, 'repercussions': 5, 'bankable': 5, '\\nwahlberg': 5, 'gunfights': 5, 'watergate': 5, 'tact': 5, 'chimps': 5, 'enhances': 5, "\\nburton\\'s": 5, 'columbus': 5, 'factions': 5, 'productive': 5, 'overturned': 5, '--a': 5, 'prof': 5, 'self-': 5, 'paranormal': 5, 'gunmen': 5, 'impose': 5, 'youngster': 5, 'saddened': 5, 'heady': 5, 'attends': 5, 'thats': 5, 'paulina': 5, '16mm': 5, '28': 5, 'saucy': 5, 'reaper': 5, 'repartee': 5, 'encompasses': 5, '\\ndune': 5, 'instantaneously': 5, 'trim': 5, 'restoration': 5, 'censorship': 5, 'ww2': 5, 'imitate': 5, 'obscenity': 5, 'whomever': 5, 'one-sided': 5, 'solemn': 5, 'self-esteem': 5, 'rockets': 5, '\\nblair': 5, 'sinful': 5, 'balthazar': 5, 'getty': 5, 'ferrara': 5, 'assaulting': 5, 'buffoonish': 5, 'organizations': 5, 'dedicates': 5, 'aristocrat': 5, '_saving': 5, 'backfires': 5, 'd-day': 5, 'diminished': 5, "insurrection\\'s": 5, 'amadeus': 5, 'throwback': 5, 'melrose': 5, "roberts\\'": 5, 'uproariously': 5, 'neo-noir': 5, 'schlondorff': 5, 'headphones': 5, '\\nsimilar': 5, 'up-and-coming': 5, '\\nbrosnan': 5, 'proft': 5, 'memorably': 5, 'lila': 5, 'denominator': 5, 'tee': 5, 'palance': 5, 'translator': 5, 'mourning': 5, 'competing': 5, 'plainly': 5, 'admittingly': 5, '\\nproduced': 5, 'guccione': 5, 'arabia': 5, 'historian': 5, 'meter': 5, 'inquires': 5, 'unmatched': 5, 'karl': 5, 'surpasses': 5, 'incriminating': 5, 'amazement': 5, 'pledge': 5, 'tuning': 5, 'condemned': 5, 'cheery': 5, 'saxon': 5, 'lords': 5, 'karate': 5, 'ode': 5, 'cookies': 5, 'antithesis': 5, 'deer': 5, '\\nthing': 5, 'dredd': 5, 'bouncy': 5, 'self-referential': 5, "skulls\\'": 5, 'suffocating': 5, 'caleb': 5, "luke\\'s": 5, 'advancement': 5, 'representation': 5, "gilliam\\'s": 5, 'delectable': 5, 'brit': 5, 'vary': 5, 'cristoffer': 5, 'fade': 5, 'anxiously': 5, 'overload': 5, '\\nheavy': 5, 'poems': 5, 'angered': 5, 'published': 5, 'slackers': 5, 'rightful': 5, 'connoisseurs': 5, "book\\'s": 5, 'talkative': 5, 'dominique': 5, 'cello': 5, 'thrax': 5, '\\nowen': 5, 'boyd': 5, 'disturbingly': 5, 'reside': 5, 'clicks': 5, '\\ncontrary': 5, 'schwartzenegger': 5, 'marina': 5, '\\nmarshall': 5, 'fling': 5, 'corruptor': 5, 'suitors': 5, 'picture]': 5, 'typed': 5, 'abducted': 5, 'jasper': 5, '\\ndetective': 5, 'revisit': 5, '\\nbrooding': 5, 'kalvert': 5, 'lorraine': 5, 'qualified': 5, 'consumed': 5, 'mutters': 5, 'parting': 5, 'freakish': 5, 'sister-in-law': 5, "duvall\\'s": 5, 'exterminate': 5, 'rounded': 5, 'managers': 5, 'dismayed': 5, '\\ninside': 5, 'departs': 5, 'solutions': 5, 'catastrophic': 5, 'well-': 5, 'grips': 5, 'exemplified': 5, 'sitter': 5, 'roses': 5, 'dimitri': 5, 'imf': 5, 'berkeley': 5, "amy\\'s": 5, 'luciano': 5, 'xusia': 5, 'steeped': 5, 'lynching': 5, 'high-level': 5, 'advent': 5, "betsy\\'s": 5, 'preferring': 5, 'johnston': 5, "gale\\'s": 5, '\\nweird': 5, 'befriend': 5, 'winters': 5, 'baptist': 5, 'sublime': 5, 'achingly': 5, "spillane\\'s": 5, 'spillane': 5, 'extremes': 5, "society\\'s": 5, '\\ncredit': 5, 'believeable': 5, 'hendrix': 5, 'interlude': 5, 'ayla': 5, '\\nproof': 5, 'harding': 5, 'catholics': 5, 'arthurian': 5, 'grail': 5, 'ripper': 5, '\\ntracy': 5, 'swarms': 5, 'morocco': 5, "'on": 5, 'preachy': 5, 'reissue': 5, 'merrill': 5, 'elegantly': 5, 'boorem': 5, "ted\\'s": 5, 'purposeful': 5, 'resolves': 5, 'milestone': 5, 'mullen': 5, '\\nbeatty': 5, 'plate': 5, 'yield': 5, 'wiseguys': 5, 'spares': 5, "dogma\\'s": 5, 'dogmatic': 5, 'carlin': 5, 'c-3po': 5, 'discoveries': 5, 'savor': 5, 'unrestrained': 5, 'jar-jar': 5, 'drummer': 5, 'eliciting': 5, 'frothy': 5, 'weiss': 5, 'groove': 5, 'sputnik': 5, 'hindu': 5, 'dil': 5, 'das': 5, 'perceive': 5, "collector\\'s": 5, 'disturbs': 5, 'pinocchio': 5, "farquaad\\'s": 5, 'spades': 5, "emperor\\'s": 5, '\\nmaximus': 5, 'cautious': 5, 'orlock': 5, 'hutter': 5, 'savoring': 5, 'costly': 5, 'landscapes': 5, 'dorff': 5, 'interrogated': 5, '1957': 5, '\\nlaura': 5, 'tenderness': 5, 'ethereal': 5, "horner\\'s": 5, 'dillane': 5, 'emira': 5, 'bombed': 5, 'intolerance': 5, 'blossoms': 5, 'adroitly': 5, 'coyle': 5, 'immerses': 5, 'bandit': 5, 'crazy/beautiful': 5, '\\nnicole': 5, 'tow': 5, 'azazel': 5, 'udall': 5, '\\nparker': 5, 'conformity': 5, 'tolerance': 5, '\\nford': 5, 'beetles': 5, 'collaborators': 5, 'manipulations': 5, 'harassed': 5, 'precarious': 5, 'hitchcockian': 5, 'attentive': 5, '\\nflash': 5, 'springsteen': 5, "rob\\'s": 5, 'communism': 5, 'groeteschele': 5, 'balcony': 5, 'patti': 5, '\\nthematically': 5, 'standoff': 5, 'tinted': 5, 'texan': 5, 'day-to-day': 5, 'pub': 5, 'infant': 5, 'tutor': 5, 'qualms': 5, '\\nroberts': 5, 'pharaoh': 5, 'marquis': 5, 'greenleaf': 5, 'three-year': 5, 'present-day': 5, 'olyphant': 5, 'acutely': 5, 'ralphie': 5, 'bb': 5, "story\\'": 5, 'toughest': 5, 'guardians': 5, "peebles\\'": 5, 'translating': 5, 'thorton': 5, '\\nagainst': 5, 'mazzello': 5, 'strathairn': 5, 'film-': 5, 'fierstein': 5, "crowe\\'s": 5, 'lars': 5, 'likeability': 5, 'painstakingly': 5, '\\nquiz': 5, 'textures': 5, 'contestants': 5, "bubby\\'s": 5, 'soon-tek': 5, 'lea': 5, 'osmond': 5, 'visnjic': 5, 'truest': 5, 'cricket': 5, 'off-beat': 5, 'participants': 5, "\\'normal\\'": 5, 'rum': 5, 'bedford': 5, "ford\\'s": 5, "dolores\\'": 5, "malkovich\\'s": 5, 'jonze': 5, 'superficially': 5, 'hartley': 5, '\\nmaggie': 5, 'satine': 5, 'courtesan': 5, 'kala': 5, 'ohh': 5, 'ee': 5, 'rimini': 5, 'huddleston': 5, "coens\\'": 5, 'lightyear': 5, 'readings': 5, 're-released': 5, 'bostwick': 5, 'aristocracy': 5, '\\nordell': 5, 'nicolet': 5, 'massage': 5, 'winfrey': 5, "sethe\\'s": 5, 'demme': 5, '\\nsethe': 5, "luhrmann\\'s": 5, 'snubbed': 5, 'protestant': 5, 'day-lewis': 5, 'iris': 5, 'cecil': 5, '`sleepy': 5, 'pumpkin': 5, '\\npulp': 5, 'critter': 5, "murnau\\'s": 5, 'meatier': 5, '\\nhamlet': 5, 'centre': 5, 'supervisors': 5, 'powerfully': 5, 'commoner': 5, 'squeamish': 5, 'bava': 5, 'iowa': 5, 'castro': 5, "stargher\\'s": 5, 'bannen': 5, 'enclosed': 5, "watson\\'s": 5, 'reddick': 5, 'banquet': 5, 'pornographers': 5, '\\nspencer': 5, 'elicited': 5, 'farrah': 5, 'zallian': 5, '\\nfloating': 5, 'pauline': 5, '\\nrobocop': 5, 'guinevere': 5, '\\ncarlito': 5, "ru\\'afro": 5, 'newton-john': 5, 'drillers': 5, 'vacances': 5, 'regiment': 5, 'singleton': 5, "faith\\'": 5, 'deathless': 5, 'stempel': 5, 'alvarado': 5, 'kahuna': 5, 'delmar': 5, 'tandy': 5, 'vianne': 5, 'bettany': 5, 'katarina': 5, "\\narthur\\'s": 5, 'vig': 5, '\\nsegment': 5, 'bresson': 5, 'dussander': 5, "angela\\'s": 5, 'chopped': 4, 'y2k': 4, '\\nsutherland': 4, 'sunken': 4, 'palate': 4, 'hands-down': 4, 'rickles': 4, 'computerized': 4, 'spouts': 4, 'obsesses': 4, 'overdoes': 4, '\\ntoward': 4, 'suspicions': 4, 'parked': 4, '2176': 4, '\\nmars': 4, 'hoodlums': 4, 'lapse': 4, 'unsavory': 4, 'documents': 4, "schrader\\'s": 4, 'dork': 4, 'obstetrician': 4, "dad\\'s": 4, 'hid': 4, 'hideaway': 4, 'boulevard': 4, 'gossip': 4, 'norway': 4, 'rotting': 4, 'fabricate': 4, 'nosy': 4, 'parental': 4, 'preening': 4, "kasdan\\'s": 4, 'fourteen': 4, 'irrepressible': 4, 'accentuate': 4, 'keeper': 4, 'regurgitated': 4, 'lecter': 4, '\\ncox': 4, '47': 4, 'adolescents': 4, '15-year': 4, 'preoccupation': 4, 'songwriter': 4, '52': 4, 'degenerate': 4, 'wise-ass': 4, 'evenly': 4, 'ambivalent': 4, 'extend': 4, 'irishman': 4, 'spew': 4, 'stateside': 4, 'asia': 4, 'athos': 4, 'frisky': 4, 'francesca': 4, 'regroup': 4, '\\njet': 4, 'swordplay': 4, 'quintano': 4, 'planner': 4, 'remark': 4, 'marxist': 4, 'viewpoints': 4, 'watcher': 4, 'mortals': 4, 'shao': 4, 'execrable': 4, 'remar': 4, 'hallucination': 4, 'bridgette': 4, '\\nwilson': 4, 'choreographer': 4, '\\nsilly': 4, 'backdraft': 4, 'lookalikes': 4, 'shootouts': 4, 'minimalist': 4, '\\nhenstridge': 4, 'made-for-video': 4, 'compulsion': 4, 'criticizing': 4, 'underwhelming': 4, 'thespians': 4, 'devious': 4, 'strategies': 4, 'two-bit': 4, 'sabrina': 4, 'grenier': 4, 'grungy': 4, '\\nsci-fi': 4, 'pretext': 4, 'surfacing': 4, 'undergoes': 4, 'alter-ego': 4, 'lures': 4, 'darius': 4, 'khondji': 4, 'rustic': 4, '\\nannette': 4, 'drawings': 4, 'andrews': 4, 'slams': 4, 'suspending': 4, 'santoro': 4, "rick\\'s": 4, 'deux': 4, 'passionately': 4, 'outdone': 4, 'hormone': 4, 'coven': 4, 'summoned': 4, 'credulity': 4, 'immaculate': 4, "lewis\\'": 4, 'recurrent': 4, 'histrionics': 4, 'puffing': 4, 'gallows': 4, 'lending': 4, 'mishmash': 4, 'dispensed': 4, 'heartily': 4, 'decapitating': 4, 'arlington': 4, 'congratulate': 4, 'grammar': 4, 'guttenberg': 4, 'sniveling': 4, '\\nashley': 4, 'thuggish': 4, 'earnestness': 4, '\\ncharlize': 4, 'paces': 4, 'joely': 4, "close\\'s": 4, 'aversion': 4, 'coaxing': 4, 'bowls': 4, 'prophecies': 4, 'alluded': 4, 'boxers': 4, 'deanna': 4, 'similarity': 4, '\\nd': 4, 'pas': 4, 'three-quarters': 4, 'underutilized': 4, 'money-making': 4, 'trademarks': 4, 'disciplined': 4, 'steadfast': 4, 'photogenic': 4, "issac\\'s": 4, 'accordance': 4, 'andrzej': 4, 'workmanlike': 4, 'x-ray': 4, 'interfere': 4, "\\'romeo": 4, 'poof': 4, 'rag-tag': 4, 'unity': 4, 'belts': 4, 'provoked': 4, 'stirs': 4, 'kent': 4, 'humiliates': 4, 'renfro': 4, 'homework': 4, 'zipper': 4, 'snapshots': 4, 'gambon': 4, 'realms': 4, '93': 4, 'sellers': 4, 'bauer': 4, 'behaving': 4, 'post-': 4, 'cam': 4, 'endangers': 4, 'alligators': 4, 'auto-pilot': 4, 'berserk': 4, 'nuke': 4, 'poked': 4, 'irritatingly': 4, 'cornered': 4, 'oversee': 4, 'treaty': 4, 'reputable': 4, '\\nralph': 4, 'laszlo': 4, '\\ncount': 4, 'aggressively': 4, 'cornucopia': 4, 'pseudo-intellectual': 4, 'radha': 4, 'receptionist': 4, 'certified': 4, 'greta': 4, 'indecipherable': 4, 'clarkson': 4, 'transcendental': 4, 'pervasive': 4, '\\nconstantly': 4, "drew\\'s": 4, "forlani\\'s": 4, 'swill': 4, 'monumentally': 4, 'shoot-out': 4, '\\nrandy': 4, 'time-to-time': 4, 'jungles': 4, "instinct\\'s": 4, 'unacceptable': 4, 'jamey': 4, 'miscasting': 4, '\\n1900': 4, '\\nmiraculously': 4, "1900\\'s": 4, 'agreeing': 4, '\\nsammy': 4, 'complained': 4, '\\nspice': 4, 'turtles': 4, 'misfires': 4, 'wendt': 4, 'fetched': 4, 'boating': 4, '\\nwhew': 4, 'elton': 4, 'hoskins': 4, 'reincarnation': 4, "band\\'s": 4, 'coaching': 4, 'biel': 4, 'self-loathing': 4, 'davison': 4, 'fun-loving': 4, 'backfire': 4, 'jeremiah': 4, "it\\'": 4, 'firth': 4, '1948': 4, 'jazzy': 4, 'migrant': 4, 'investigated': 4, 'mcglone': 4, 'rail': 4, "'of": 4, 'pitches': 4, 'federico': 4, 'humanitarian': 4, 'squalid': 4, 'cherokee': 4, 'bingo': 4, 'stranding': 4, 'hick': 4, 'busty': 4, 'copping': 4, 'conquest': 4, 'lumbering': 4, 'omega': 4, 'coattails': 4, 'blaze': 4, "gwen\\'s": 4, 'overcame': 4, 'morons': 4, 'obligation': 4, 'disposition': 4, "crystal\\'s": 4, "\\'94": 4, '\\nkyle': 4, 'exacting': 4, 'slo-mo': 4, 'enlighten': 4, 'golly': 4, 'drawer': 4, 'worries': 4, 'dorian': 4, 'laboured': 4, 'upper-class': 4, 'noirish': 4, 'confessions': 4, 'infuses': 4, 'deceit': 4, 'tediously': 4, 'steroid': 4, 'deep-core': 4, 'shuttles': 4, "buscemi\\'s": 4, 'rockhound': 4, 'unfit': 4, 'heroism': 4, 'bravery': 4, 'disliking': 4, 'synthetic': 4, 'greeting': 4, 'paychecks': 4, 'lovestruck': 4, 'scenic': 4, 'followup': 4, 'righteous': 4, 'badass': 4, 'exquisitely': 4, "angels\\'": 4, 'commanded': 4, 'iggy': 4, 'drawl': 4, 'aesthetic': 4, 'bondage': 4, 'wax': 4, 'smacks': 4, 'co-ed': 4, "prinze\\'s": 4, 'goat': 4, 'hatosy': 4, 'selma': 4, 'everytime': 4, 'reworking': 4, 'overheated': 4, 'houseboat': 4, 'confirms': 4, 'bottles': 4, 'spliced': 4, 'composers': 4, 'abounds': 4, 'taunt': 4, 'stacked': 4, 'pitted': 4, '12-year': 4, 'radiate': 4, 'ashton': 4, 'take-off': 4, "movies\\'": 4, 'pacula': 4, '\\ndonald': 4, 'weighed': 4, 'behemoth': 4, "harm\\'s": 4, 'hallway': 4, '\\nemmerich': 4, 'glitz': 4, '\\nanyhow': 4, 'suchet': 4, 'coleman': 4, 'enlivened': 4, '\\nclaudia': 4, 'skipped': 4, 'pining': 4, 'expansive': 4, 'excel': 4, 'discerning': 4, 'lined': 4, 'concoct': 4, 'razzle': 4, 'altering': 4, 'besieged': 4, 'skeleton': 4, 'giggling': 4, 'libido': 4, 'floppy': 4, 'manufacturing': 4, 'analyzed': 4, 'afoot': 4, 'custom': 4, 'touchstone': 4, 'storyboards': 4, 'unimportant': 4, 'one-hundred': 4, 'languages': 4, 'lionel': 4, "barrymore\\'s": 4, 'visas': 4, 'id': 4, 'urine': 4, 'shaping': 4, 'uninterested': 4, 'backdrops': 4, 'wrecked': 4, 'improvisational': 4, 'roaming': 4, '\\ndave': 4, 'megan': 4, 'offspring': 4, 'offscreen': 4, 'manipulating': 4, 'prompting': 4, 'animator': 4, 'fawning': 4, 'fingered': 4, "green\\'s": 4, 'promisingly': 4, 'splattered': 4, 'resonates': 4, 'isles': 4, 'pertinent': 4, 'congress': 4, 'whereby': 4, 'recovered': 4, 'tcheky': 4, 'transparently': 4, 'danza': 4, 'ingrained': 4, 'fab': 4, '\\nalice': 4, 'carradine': 4, 'defied': 4, 'ranking': 4, 'compensated': 4, 'maximilian': 4, '80\\%': 4, 'orbiting': 4, '\\nt': 4, 'meatiest': 4, 'semler': 4, 'tens': 4, 'cowgirl': 4, 'suzy': 4, 'windshield': 4, "'ever": 4, 'dade': 4, 'saddening': 4, 'bogs': 4, 'throwaways': 4, 'involuntary': 4, 'signifying': 4, 'elicits': 4, 'spirals': 4, 'simpleton': 4, "'based": 4, 'gist': 4, 'bubbly': 4, 'lebanese': 4, 'kahl': 4, 'oklahoma': 4, 'bombing': 4, 'rapist': 4, '\\nsupergirl': 4, 'spin-off': 4, 'argo': 4, 'dip': 4, 'wills': 4, 'enrolls': 4, 'dorm': 4, 'hijinks': 4, 'genders': 4, '\\nimages': 4, 'assumptions': 4, 'stockard': 4, 'wiest': 4, 'whimsy': 4, 'talentless': 4, 'elders': 4, 'packages': 4, 'spurts': 4, 'caged': 4, 'dislikes': 4, 'mgm': 4, 'raking': 4, 'competitive': 4, 'marquee': 4, 'dodging': 4, 'cruising': 4, 'half-human': 4, 'gamely': 4, 'telepathically': 4, 'helpfully': 4, 'hijinx': 4, 'aisle': 4, 'lennox': 4, 'commented': 4, 'dispatches': 4, 'escort': 4, 'trump': 4, 'jnr': 4, 'royce': 4, '\\nbored': 4, "keaton\\'s": 4, "jimmie\\'s": 4, 'groans': 4, 'brides': 4, 'zippy': 4, 'someplace': 4, 'bad-ass': 4, 'commando': 4, 'mushy': 4, 'patented': 4, 'friedkin': 4, 'recourse': 4, "rock\\'s": 4, 'turnaround': 4, "wellington\\'s": 4, 'addy': 4, 'inanimate': 4, 'frothing': 4, 'villa': 4, 'mcshane': 4, 'fetch': 4, 'stout': 4, 'yanks': 4, 'cockney': 4, 'high-powered': 4, 'leverage': 4, 'mouthed': 4, 'con-man': 4, "franklin\\'s": 4, 'hoodlum': 4, 'investigative': 4, 'reappear': 4, 'single-minded': 4, 'embellish': 4, 'blackness': 4, 'audition': 4, 'mallrats': 4, 'fellatio': 4, 'bender': 4, 'overacted': 4, 'payed': 4, 'immeadiately': 4, 'procreate': 4, 'mates': 4, 'subjecting': 4, 'fishy': 4, 'melted': 4, 'dryland': 4, 'mariner': 4, 'midpoint': 4, 'see-through': 4, '\\nrent': 4, '\\nbtw': 4, 'dexterity': 4, 'wavering': 4, 'automated': 4, 'scowling': 4, 'elimination': 4, 'cincinnati': 4, 'ohio': 4, 'monstrously': 4, 'deplorable': 4, 'stabbing': 4, 'kumble': 4, "something\\'s": 4, 'denmark': 4, 'declan': 4, 'mulqueen': 4, 'assasination': 4, 'pasted': 4, 'post-production': 4, "\\ndoesn\\'t": 4, 'dole': 4, "1992\\'s": 4, 'full-frontal': 4, 'clothed': 4, "'here\\'s": 4, 'astronomy': 4, 'winded': 4, 'tanner': 4, '\\nmimi': 4, 'seasonal': 4, 'decreasing': 4, 'colonization': 4, '\\nprofessor': 4, 'unemotional': 4, 'robinsons': 4, 'managing': 4, 'anew': 4, 'co-conspirator': 4, 'sloppily': 4, 'waning': 4, '\\nconnery': 4, "hotel\\'s": 4, 'pieced': 4, 'bonfire': 4, 'cain': 4, 'declining': 4, 'hello': 4, 'edit': 4, 'cruiser': 4, 'ranges': 4, 'pov': 4, 'drain': 4, 'verite': 4, 'justifiable': 4, 'encouraged': 4, 'imperfections': 4, "kate\\'s": 4, 'culminates': 4, '\\nvirtually': 4, 'third-rate': 4, 'doesn\x12t': 4, 'contemplates': 4, 'he/she': 4, 'washes': 4, 'competitors': 4, 'rigged': 4, "house\\'s": 4, 'researcher': 4, 'beef': 4, 'manor': 4, 'cloaked': 4, 'caesar': 4, 'persuaded': 4, 'tangible': 4, 'unlimited': 4, 'macdougal': 4, 'skyscraper': 4, 'loathed': 4, 'brussels': 4, 'elected': 4, 'placements': 4, 'blackmailed': 4, "1940\\'s": 4, 'teases': 4, 'bratty': 4, '\\nfire': 4, 'epa': 4, 'incestuous': 4, 'outnumber': 4, 'barges': 4, 'caulfield': 4, 'self-defense': 4, 'duality': 4, 'repellent': 4, 'pudgy': 4, 'buttocks': 4, 'mae': 4, 'vamp': 4, 'processing': 4, 'economics': 4, 'stratford': 4, 'spheeris': 4, 'go-round': 4, 'art-house': 4, 'vanni': 4, 'grasping': 4, 'insensitive': 4, 'dummy': 4, 'beleaguered': 4, 'travails': 4, 'bucket': 4, 'meteorite': 4, 'professors': 4, 'morass': 4, 'deceptive': 4, '\\nbraxton': 4, 'kennesaw': 4, 'bookie': 4, 'woeful': 4, 'naught': 4, 'masterwork': 4, "burrough\\'s": 4, 'advocating': 4, 'ravens': 4, 'waddington': 4, 'villages': 4, 'pretty-boy': 4, 'summoning': 4, 'motivated': 4, 'crusty': 4, 'send-off': 4, "'robin": 4, 'straps': 4, '\\nflubber': 4, 'bankruptcy': 4, 'weebo': 4, 'hovering': 4, 'offices': 4, 'sporadic': 4, 'midler': 4, 'one-man': 4, "elliott\\'s": 4, 'chabert': 4, 'stowaway': 4, 'conspirators': 4, 'helium': 4, 'oriented': 4, 'debuted': 4, 'console': 4, 'flake': 4, 'rambles': 4, '\\nerror': 4, 'statues': 4, 'vivacious': 4, 'rhodes': 4, 'vibrancy': 4, 'earthworms': 4, 'heavier': 4, 'tilly': 4, 'cg': 4, 'render': 4, 'momentary': 4, 'colorado': 4, "bunny\\'s": 4, 'shroff': 4, 'eagle': 4, 'populace': 4, 'brandishing': 4, 'meld': 4, '>': 4, 'ninjas': 4, 'devotees': 4, 'smiled': 4, 'excellently': 4, 'ham-handed': 4, 'worship': 4, 'post-apocalyptic': 4, 'advertisement': 4, 'veloz': 4, 'playground': 4, 'stand-in': 4, 'fizzle': 4, 'crumble': 4, '\\narquette': 4, 'bombshell': 4, 'duplicitous': 4, 'twenty-two': 4, 'unreliable': 4, 'tickle': 4, '_last_': 4, 'perversely': 4, '\\nneeson': 4, 'netherworld': 4, 'rapaport': 4, 'nightingale': 4, 'pea': 4, 'ella': 4, 'agility': 4, 'voted': 4, 'documentation': 4, "romeo\\'s": 4, 'discouraging': 4, 'dental': 4, 'functional': 4, 'quotable': 4, '\\nshane': 4, 'matarazzo': 4, 'unexplored': 4, "shane\\'s": 4, '\\nmeyer': 4, 'petrified': 4, 'stoop': 4, 'captors': 4, 'dom': 4, 'cement': 4, 'consult': 4, 'skeptic': 4, "world\\'": 4, 'inaccurate': 4, 'countdown': 4, '999': 4, 'wool': 4, 'occult': 4, 'abandonment': 4, 'balloons': 4, 'virginal': 4, 'businesses': 4, '\\nhunter': 4, 'founded': 4, 'insatiable': 4, 'runners': 4, 'on-': 4, 'madame': 4, 'billboard': 4, 'undermining': 4, 'publicist': 4, 'entanglements': 4, "roth\\'s": 4, 'creepers': 4, 'mutilated': 4, 'pedophile': 4, 'adrien': 4, 'chatter': 4, 'dependable': 4, '\\nstop': 4, '\\nkiss': 4, 'klass': 4, 'homages': 4, 'honoring': 4, 'drool': 4, 'visualization': 4, 'karloff': 4, "elfman\\'s": 4, '3-d': 4, "wood\\'s": 4, 'bela': 4, 'omniscient': 4, 'goofily': 4, 'newsgroup': 4, 'failings': 4, 'dissuade': 4, 'frumpy': 4, 'positioned': 4, '\\njolie': 4, 'blissful': 4, 'operatic': 4, '\\nbanderas': 4, 'down-and-out': 4, 'illegally': 4, 'cements': 4, 'withdrawal': 4, 'rudimentary': 4, 'unflinching': 4, 'joyless': 4, "body\\'s": 4, 'interstellar': 4, 'jenkins': 4, 'rears': 4, 'phenomenally': 4, 'coating': 4, 'whack': 4, 'fiddle': 4, 'gleaming': 4, 'matte': 4, '\\ntowards': 4, 'consisted': 4, 'mind-blowing': 4, 'olympic': 4, 'ground-breaking': 4, 'jillian': 4, '\\ntheron': 4, '\\nchow': 4, 'handy': 4, 'gish': 4, 'amendment': 4, 'lehman': 4, 'watered-down': 4, 'well-worn': 4, 'plunges': 4, 'tv-movie': 4, 'rewrites': 4, "three\\'s": 4, 'wildfire': 4, 'suggestive': 4, 'ogled': 4, 'irs': 4, 'decrepit': 4, 'a+': 4, 'panning': 4, 'deliriously': 4, 'fireballs': 4, 'sustaining': 4, '\\ntalk': 4, 'whacked-out': 4, '\\naudience': 4, 'singh': 4, 'robes': 4, 'dividing': 4, 'repressed': 4, '\\nentrapment': 4, 'exploiting': 4, 'tights': 4, 'artfully': 4, 'heaps': 4, 'contagion': 4, 'communicating': 4, 'molds': 4, 'mannequins': 4, 'weinstein': 4, 'hiller': 4, 'finance': 4, 'cds': 4, 'groovy': 4, 'co-starring': 4, 'hamming': 4, '\\nproducer': 4, '\\nlooks': 4, 'swells': 4, 'sexpot': 4, 'zeal': 4, "'first": 4, 'sabotaged': 4, 'erstwhile': 4, 'dea': 4, '\\neric': 4, "'according": 4, 'innocently': 4, 'octopus': 4, 'senile': 4, 'halperin': 4, 'rendezvous': 4, 'temporary': 4, "crichton\\'s": 4, 'ethel': 4, 'stoppard': 4, 'kindergarten': 4, 'writings': 4, 'attribute': 4, 'chin': 4, 'healed': 4, 'crock': 4, 'three-hour': 4, 'dimwitted': 4, 'alcoholics': 4, "johnson\\'s": 4, 'responded': 4, 'vanishes': 4, 'garp': 4, 'brewster': 4, 'tenant': 4, 'latent': 4, 'self-conscious': 4, 'episodic': 4, '\\ndrawing': 4, 'insidious': 4, '\\nfrequently': 4, 'vice-president': 4, 'enthralling': 4, 'stylist': 4, 'iran': 4, 'blindfolded': 4, 'lowell': 4, 'employers': 4, 'assaulted': 4, '\\newan': 4, 'rifle': 4, 'priscilla': 4, '\\nlang': 4, 'beholder': 4, 'frau': 4, 'maniacally': 4, 'guillermo': 4, 'incidental': 4, 'breasted': 4, 'contrivance': 4, 'dugan': 4, 'sadler': 4, 'bashed': 4, "heroes\\'": 4, "villains\\'": 4, 'greasy': 4, 'locale': 4, 'remedy': 4, 'spiritualist': 4, 'toninho': 4, 'perrineau': 4, 'cross-dresser': 4, '\\nking': 4, 'documented': 4, 'hospitalized': 4, '\\n6': 4, 'awoke': 4, "hubbard\\'s": 4, 'entrusted': 4, 'begrudgingly': 4, '\\nnamely': 4, '\\nbryan': 4, 'periscope': 4, 'assigns': 4, 'vendor': 4, "sequel\\'s": 4, 'tanning': 4, 'lid': 4, 'rays': 4, 'implanted': 4, 'chain-smoking': 4, "koontz\\'s": 4, 'ramble': 4, 'adrenalin': 4, 'profanities': 4, '\\nmurray': 4, 'underachieving': 4, 'accommodating': 4, 'grinding': 4, '600': 4, 'woodard': 4, 'mythological': 4, 'hoopla': 4, 'heinous': 4, 'compilation': 4, 'odious': 4, 'unapologetically': 4, 'dougray': 4, 'action-comedy': 4, 'goofier': 4, 'andie': 4, '\\nenough': 4, 'headache-inducing': 4, 'bernhard': 4, 'glazed': 4, 'sela': 4, 'sanitized': 4, 'blandness': 4, 'vh1': 4, 'selects': 4, 'dismissing': 4, 'estevez': 4, 't-shirts': 4, 'harboring': 4, 'skin-tight': 4, '12-year-old': 4, 'hospitals': 4, '\\nfrancis': 4, 'ibn': 4, 'fahdlan': 4, 'trashing': 4, 'tinkering': 4, 'yerzy': 4, 'underestimate': 4, '90-minute': 4, '\\npoint': 4, '\\nsexual': 4, 'mekhi': 4, 'nonchalantly': 4, 'steers': 4, 'coughlan': 4, 'silverware': 4, 'eviction': 4, 'patriarchal': 4, 'rationality': 4, 'researching': 4, 'rumbles': 4, 'hums': 4, 'hichock': 4, 'linking': 4, 'fraker': 4, 'hustling': 4, "porter\\'s": 4, 'shirtless': 4, 'rainforest': 4, 'nocturnal': 4, 'regaining': 4, 'tart': 4, 'trusting': 4, '\\nawful': 4, "lawrence\\'s": 4, 'brandi': 4, 'lining': 4, 'resists': 4, 'motherly': 4, 'melding': 4, 'sanitary': 4, 'bloodless': 4, "audiences\\'": 4, 'disagrees': 4, 'lout': 4, 'bonifant': 4, 'self-serving': 4, 'grosses': 4, 'mini-me': 4, 'troyer': 4, 'applicable': 4, 'flannery': 4, 'manifest': 4, 'sorcery': 4, 'oven': 4, 'distracts': 4, 'afore-mentioned': 4, 'chorus': 4, 'agile': 4, 'wrecks': 4, 'monastery': 4, "sammy\\'s": 4, 'manned': 4, 'carrie-anne': 4, 'thwarted': 4, 'contemptuous': 4, "moment\\'s": 4, 'power-hungry': 4, 'camaraderie': 4, 'dumas': 4, 'condensed': 4, 'doubles': 4, 'paradigm': 4, 'chastity': 4, 'vocally': 4, 'intellectuals': 4, 'cockroaches': 4, 'alienates': 4, 'shipping': 4, 'stored': 4, "frankenstein\\'s": 4, 'michel': 4, 'myra': 4, 'trusts': 4, 'ludicrously': 4, 'spanner': 4, 'wife-to-be': 4, 'agatha': 4, 'stuck-up': 4, 'input': 4, 'enliven': 4, 'straighten': 4, 'sharper': 4, 'humdrum': 4, 'zen': 4, 'corbin': 4, 'parenting': 4, 'setbacks': 4, '\\nfun': 4, 'variant': 4, 'planetary': 4, 'limb': 4, 'moustache': 4, "rising\\'s": 4, 'argonautica': 4, 'tentacles': 4, 'ambush': 4, 'volunteers': 4, 'careening': 4, 'quart': 4, 'schoolboy': 4, "\\nshue\\'s": 4, 'disembodied': 4, 'pulsing': 4, 'fireball': 4, "\\nmurphy\\'s": 4, 'spiffy': 4, 'debonair': 4, 'show-stopping': 4, "hall\\'s": 4, 'brother-in-law': 4, '_and_': 4, "cuckoo\\'s": 4, 'unoriginality': 4, "craven\\'s": 4, 'ie': 4, '\\nfemale': 4, 'reliving': 4, 'adolescence': 4, 'self-aware': 4, 'doorstep': 4, 'shapeless': 4, 'unofficial': 4, 'enhancing': 4, 'dwarf': 4, 'silliest': 4, "'since": 4, 'prosperous': 4, 'leaking': 4, 'facher': 4, 'susceptible': 4, 'donning': 4, 'violator': 4, 'fueled': 4, '\\nhardly': 4, 'fragmented': 4, 'unleash': 4, 'beatings': 4, "demme\\'s": 4, 'peeling': 4, 'hawkes': 4, 'jolting': 4, 'atkins': 4, '\\ntrying': 4, 'yawns': 4, 'vying': 4, "game\\'s": 4, "julia\\'s": 4, 'nightly': 4, 'blossoming': 4, 'decadence': 4, 'foxy': 4, 'all-too': 4, 'vita': 4, 'long-winded': 4, 'taplitz': 4, '\\nconvinced': 4, 'lapaglia': 4, 'lark': 4, 'roldan': 4, 'makeover': 4, 'decently': 4, 'kraft': 4, 'leopard': 4, 'cocoon': 4, 'boyish': 4, '30th': 4, 'appointment': 4, 'invades': 4, 'linz': 4, 'newspapers': 4, 'outcasts': 4, 'dime': 4, 'farting': 4, 'neptune': 4, 'noticably': 4, 'leatherface': 4, 'juries': 4, 'acquit': 4, 'isolate': 4, 'self-consciousness': 4, 'summarize': 4, 'slop': 4, 'squeaky': 4, 'daredevil': 4, 'vieluf': 4, '\\nactress': 4, 'krzysztof': 4, 'catholicism': 4, 'dodge': 4, 'elves': 4, 'reich': 4, 'necrophilia': 4, 'teresa': 4, "ricci\\'s": 4, 'hiatus': 4, 'orchestrated': 4, 'inflicting': 4, 'conspiracies': 4, 'awesomely': 4, 'infiltrate': 4, 'simulate': 4, 'comrade': 4, 'lawman': 4, "kline\\'s": 4, 'blades': 4, 'integrate': 4, 'gladiators': 4, '\\namerica': 4, 'indoctrinated': 4, '\\nleft': 4, 'foresee': 4, 'nipple': 4, 'campfire': 4, 'rambo': 4, 'slugs': 4, "shaw\\'s": 4, '\\npam': 4, 'disaffected': 4, 'dionna': 4, 'bargained': 4, '\\nwalter': 4, 'brighter': 4, 'exited': 4, 'showtime': 4, 'soothing': 4, 'african-americans': 4, 'baywatch': 4, 'candle': 4, 'sunrises': 4, 'confessing': 4, 'flex': 4, 'prompts': 4, 'detracted': 4, 'unkempt': 4, 'couldn': 4, 'precursor': 4, 'overplay': 4, 'haynes': 4, 'throes': 4, 'jagged': 4, 'zip': 4, 'culturally': 4, 'neanderthal': 4, 'continual': 4, 'smuggled': 4, 'yulin': 4, "o\\'neal": 4, 'rodgers': 4, 'souza': 4, '\\nsurprised': 4, 'stump': 4, 'frown': 4, '\\ngoes': 4, '\\ncomputer': 4, 'snowfall': 4, 'monolith': 4, 'swallows': 4, "robbins\\'": 4, 'cribbing': 4, 'outlined': 4, 'ufo': 4, 'pragmatic': 4, 'divide': 4, 'manifestations': 4, 're-shoot': 4, 'hk': 4, 'steele': 4, '\\nmust': 4, 'inquisitive': 4, 'self-pity': 4, 'impregnate': 4, 'anti-hero': 4, 'lowlife': 4, 'tough-guy': 4, 'alleys': 4, 'haim': 4, 'frightens': 4, 'stewardess': 4, 'routes': 4, '\\nwes': 4, 'prediction': 4, 'glitzy': 4, 'jurrasic': 4, 'lowered': 4, 'dissapointing': 4, 'screamed': 4, 'hayman': 4, 'stressed-out': 4, 'analyst': 4, 'satirize': 4, 'brighten': 4, 'damning': 4, 'thoughtfully': 4, 'adapt': 4, '\\nkurt': 4, 'hops': 4, 'rex': 4, 'mostow': 4, '\\nleave': 4, 'slogan': 4, 'yaz': 4, 'basket': 4, '\\nvirtual': 4, 'vr': 4, 'concocts': 4, 'makeshift': 4, 'snicker': 4, 'vail': 4, 'shen': 4, 'scooby': 4, 'hanged': 4, 'man-made': 4, 'playmate': 4, 'bounty': 4, 'flipping': 4, 'stew': 4, 'yellowstone': 4, 'overrun': 4, 'disgraced': 4, 'dual': 4, 'grimy': 4, 'pike': 4, 'perfekt': 4, 'discernable': 4, 'wonderbra': 4, 'creepier': 4, 'star-studded': 4, 'symbolically': 4, 'suprisingly': 4, 'kafka': 4, 'fetishes': 4, 'retarded': 4, 'disturb': 4, "pitt\\'s": 4, 'unfeeling': 4, 'taps': 4, 'sideshow': 4, 'life-threatening': 4, 'conspicuous': 4, 'roam': 4, 'kari': 4, 'dummies': 4, 'newhart': 4, 'documenting': 4, 'self-respecting': 4, 'log': 4, 'fenn': 4, 'roro': 4, 'scantily-clad': 4, 'workplace': 4, 'initech': 4, 'incorrectly': 4, 'schizophrenia': 4, 'protest': 4, 'role-shifting': 4, '\\nirene': 4, 'attuned': 4, 'bless': 4, 'circumcision': 4, 'fabricated': 4, 'headstrong': 4, 'edmund': 4, 'micelli': 4, 'perceptions': 4, 'elegance': 4, '\\nsinise': 4, 'amiss': 4, 'mykelti': 4, 'heros': 4, 'indignity': 4, "george\\'s": 4, 'sadomasochism': 4, 'illuminate': 4, 'double-cross': 4, 'kristofferson': 4, 'helgeland': 4, 'pitching': 4, 'robertson': 4, 'nondescript': 4, '\\nperformances': 4, 'berardinelli': 4, "twins\\'": 4, 'bernsen': 4, 'cerrano': 4, 'tanaka': 4, 'overpaid': 4, 'quotient': 4, 'panicking': 4, 'geological': 4, 'cooked': 4, 'assess': 4, 'panoramic': 4, 'index': 4, 'prosecution': 4, 'inches': 4, 'overwritten': 4, 'outta': 4, 'writhing': 4, 'araki': 4, 'masturbation': 4, 'foreplay': 4, 'har': 4, 'kalifornia': 4, 'semen': 4, 'gielgud': 4, 'fallacy': 4, 'dangerfield': 4, 'tangents': 4, '87': 4, 'slumber': 4, 'haphazard': 4, 'serra': 4, 'mightily': 4, 'programmer': 4, 'wreaks': 4, '1914': 4, "dafoe\\'s": 4, 'hades': 4, 'deceitful': 4, 'jewels': 4, 'wrapping': 4, 'radius': 4, 'partake': 4, '\\ndialogue': 4, 'ridden': 4, 'removes': 4, 'fulci': 4, 'seance': 4, 'saints': 4, 'graveyard': 4, 'howler': 4, 'malroux': 4, 'vamps': 4, 'dinky': 4, 'notebook': 4, '\\nhmm': 4, '\\nread': 4, 'subscribe': 4, '\\nit+s': 4, 'approve': 4, 'cavanaugh': 4, '\\nside': 4, 'over-used': 4, 'cart': 4, 'thermians': 4, 'sarris': 4, 'embarrasses': 4, 'baddie': 4, 'renamed': 4, 'avenging': 4, 'peep': 4, 'publicly': 4, 'singles': 4, 'dont': 4, 'pampered': 4, 'forming': 4, 'gumption': 4, 'preference': 4, 'assert': 4, 'masculinity': 4, 'partnership': 4, 'kilronan': 4, 'conception': 4, 'spiked': 4, 'displeasure': 4, 'rushon': 4, 'condoms': 4, 'replied': 4, 'inconsistency': 4, '\\nbesson': 4, 'uninspiring': 4, '\\njovovich': 4, 'juggle': 4, 'f-word': 4, 'invite': 4, 'excellence': 4, '\\nviolence': 4, 'breeds': 4, 'insides': 4, 'banned': 4, 'sockets': 4, 'tootsie': 4, 'chum': 4, 'bmw': 4, 'bounces': 4, 'hard-edged': 4, "austen\\'s": 4, '\\ndina': 4, 'patron': 4, '150': 4, 'chandler': 4, '\\ndutch': 4, 'equates': 4, '\\njudd': 4, 'oncoming': 4, 'vernon': 4, 'coltrane': 4, 'romanticism': 4, 'osborne': 4, 'feminine': 4, 'judgments': 4, 'delia': 4, "\\nryan\\'s": 4, '\\nrating': 4, 'queasy': 4, '\\ngreg': 4, 'one-upmanship': 4, 'unlucky': 4, 'conspires': 4, 'favorable': 4, 'bruised': 4, '27': 4, "'hollywood": 4, '700': 4, 'thee': 4, 'actioner': 4, 'opt': 4, 'concluding': 4, 'peek': 4, "hitler\\'s": 4, 'overwhelm': 4, 'port': 4, 'poisoning': 4, '\\ncalling': 4, 'pin': 4, "'how": 4, 'prop': 4, 'auction': 4, 'sheet': 4, 'prospects': 4, 'neighbour': 4, 'columbine': 4, 'pick-up': 4, 'gaby': 4, 'poop': 4, 'sputters': 4, 'exams': 4, 'blather': 4, 'athletes': 4, '\\ntwister': 4, 'referenced': 4, 'wont': 4, 'utmost': 4, 'innuendoes': 4, "\\nkrippendorf\\'s": 4, 'spewed': 4, 'shattering': 4, 'adopting': 4, 'helluva': 4, 'backlash': 4, 'brazen': 4, 'semester': 4, '\\npay': 4, 'smattering': 4, 'sappiness': 4, 'grit': 4, 'god-like': 4, 'broader': 4, 'ills': 4, 'intermittent': 4, 'triangles': 4, 'agony': 4, 'owed': 4, 'frail': 4, 'entertains': 4, 'glave': 4, '\\nlearning': 4, 'nice-guy': 4, 'scout': 4, 'unscary': 4, 'salute': 4, "army\\'s": 4, '\\nbrenner': 4, 'stefanson': 4, 'guesses': 4, 'lied': 4, 'extracted': 4, 'flowed': 4, 'rehashes': 4, 'mangle': 4, 'maura': 4, 'irritates': 4, "\\ntoday\\'s": 4, 'special-effects': 4, 'state-of-the-art': 4, 'bravely': 4, 'vaults': 4, "richardson\\'s": 4, 'willingly': 4, '\\nnormally': 4, 'forcefully': 4, 'keifer': 4, 'omnipotent': 4, 'doozy': 4, 'tucked': 4, 'predominant': 4, 'exasperation': 4, 'militia': 4, 'sampling': 4, 'latifah': 4, 'outdated': 4, 'cale': 4, "snake\\'s": 4, 'englishman': 4, 'anacondas': 4, "robbie\\'s": 4, 'milano': 4, 'griswolds': 4, 'mishaps': 4, 'marisol': 4, "bueller\\'s": 4, 'excite': 4, "\\ngibson\\'s": 4, 'swords': 4, 'newark': 4, 'dolph': 4, 'rollins': 4, 'rambunctious': 4, 'keiko': 4, 'handgun': 4, 'outrun': 4, 'cherish': 4, 'penetrate': 4, 'fuels': 4, 'repulsion': 4, '\\nzane': 4, 'urged': 4, 'grieco': 4, 'friction': 4, 'r&b': 4, 'heroics': 4, 'inserting': 4, 'draco': 4, 'telegram': 4, 'betsy': 4, "'let\\'s": 4, 'longest': 4, 'playfully': 4, 'chernobyl': 4, 'incumbent': 4, 'hunch': 4, 'fuse': 4, 'chronological': 4, 'deconstructing': 4, '-1': 4, 'triggers': 4, 'horatio': 4, 'application': 4, 'tawdry': 4, "depp\\'s": 4, '\\ndepp': 4, 'betters': 4, 'prestige': 4, 'resurrect': 4, "bill\\'s": 4, 'peanut': 4, 'politely': 4, 'tirade': 4, 'laptop': 4, 'bystander': 4, 'attacker': 4, 'slapping': 4, 'geriatric': 4, 'narcotic': 4, 'shearer': 4, "godzilla\\'s": 4, 'organisms': 4, 'revisiting': 4, 'moranis': 4, 'edginess': 4, 'nudge': 4, 'steep': 4, 'dudley': 4, 'professes': 4, 'cooperation': 4, 'nachos': 4, 'acquaintances': 4, 'cheung': 4, 'tammy': 4, '\\ngeneral': 4, '\\nwest': 4, 'recap': 4, 'macfadyen': 4, '\\nadding': 4, 'johns': 4, '\\nstory': 4, "university\\'s": 4, 'coveted': 4, 'fencing': 4, 'tsai': 4, 'hallucinatory': 4, 'repairman': 4, 'jogging': 4, "amanda\\'s": 4, 'sardonic': 4, 'hurried': 4, 'mugs': 4, 'assemble': 4, 'occured': 4, 'gardner': 4, 'weirdest': 4, 'drunkard': 4, '\\noff': 4, 'unbridled': 4, 'undeserved': 4, 'jean-pierre': 4, 'successive': 4, 'lame-brained': 4, 'eliza': 4, 'laziness': 4, '\\nafterwards': 4, 'vacuum': 4, "friedkin\\'s": 4, 'teller': 4, 'hostages': 4, 'tours': 4, "hedwig\\'s": 4, 'pistols': 4, 'rouge': 4, '129': 4, '94': 4, 'aerial': 4, '\\nnicholas': 4, 'tulip': 4, 'whereabouts': 4, '\\nperry': 4, 'overlapping': 4, '\\nearl': 4, 'robards': 4, 'blackman': 4, 'melora': 4, 'disclosed': 4, 'forgives': 4, 'transgressions': 4, 'adversary': 4, 'set-pieces': 4, 'plush': 4, '\\nantz': 4, 'tore': 4, 'whipping': 4, 'excursions': 4, 'harvest': 4, 'ladybug': 4, 'caterpillar': 4, 'mole': 4, 'anyhow': 4, 'amazes': 4, 'punishing': 4, 'underscores': 4, 'vondie': 4, 'cringes': 4, 'chats': 4, 'leachman': 4, 'austrian': 4, 'prototype': 4, "dillon\\'s": 4, "'perhaps": 4, 'starving': 4, 'fella': 4, 'emmannuelle': 4, "rudolph\\'s": 4, 'hershey': 4, 'lisbon': 4, 'arty': 4, 'vistas': 4, 'cashing': 4, 'spiders': 4, 'undistinguished': 4, 'enforcer': 4, 'blackmailing': 4, 'scumbag': 4, 'slo': 4, 'opener': 4, 'synchronized': 4, 'maestro': 4, 'excepting': 4, 'pigeons': 4, 'gunfight': 4, 'arouse': 4, 'bulb': 4, 'sang': 4, 'sw': 4, 'tackled': 4, 'unadulterated': 4, 'ushered': 4, 'checkout': 4, 'little-known': 4, 'binds': 4, 'backers': 4, 'shelter': 4, 'enslaved': 4, 'routinely': 4, 'scrappy': 4, 'enlightenment': 4, 'taunting': 4, 'crucified': 4, 'snoop': 4, 'attains': 4, "\\nwho\\'s": 4, 'ville': 4, 'classroom': 4, 'ostensible': 4, 'lassez': 4, 'improving': 4, 'evangelist': 4, 'engrossed': 4, 'blandly': 4, 'chairs': 4, 'intuition': 4, "'written": 4, '\\nmpaa': 4, 'frightful': 4, 'feather': 4, 'brethren': 4, 'undress': 4, "cox\\'s": 4, 'overlooking': 4, 'maddening': 4, 'meander': 4, 'revamped': 4, 'thorough': 4, 'grimacing': 4, 'smarts': 4, 'drilling': 4, '\\nexpect': 4, 'eloquent': 4, "directors\\'": 4, 'recut': 4, "mel\\'s": 4, 'verse': 4, 'katana': 4, 'pleases': 4, '\\ncusack': 4, 'angelic': 4, 'ruminations': 4, '\\nhoffman': 4, 'lounging': 4, 'salary': 4, 'less-than-stellar': 4, 'kissner': 4, '\\nfinn': 4, 'lung': 4, 'gardening': 4, 'imbue': 4, "heston\\'s": 4, 'knees': 4, 'fundamentals': 4, 'romano': 4, '7th': 4, 'swallowed': 4, 'conaway': 4, 'redeems': 4, 'brood': 4, "doyle\\'s": 4, 'damsel': 4, 'earth-shattering': 4, 'governmental': 4, 'trysts': 4, 'falters': 4, 'drenched': 4, '`patch': 4, 'hostility': 4, 'turbulent': 4, 'gabby': 4, '11-year-old': 4, 'schmidt': 4, 'tigers': 4, 'buffoon': 4, 'reappearing': 4, 'elections': 4, 'autopsy': 4, 'selecting': 4, 'tortures': 4, 'long-awaited': 4, 'plucky': 4, 'yielded': 4, 'grinder': 4, 'gregson': 4, 'mikey': 4, 'reliant': 4, '_': 4, 'wal-mart': 4, "mctiernan\\'s": 4, 'passages': 4, 'clinical': 4, 'heighten': 4, 'self-consciously': 4, 'accumulated': 4, 'tripp': 4, 'cashier': 4, 'spokesman': 4, "'steve": 4, 'transmit': 4, 'rack': 4, 'bigwig': 4, 'grandparents': 4, '\\nword': 4, '\\nclarence': 4, 'top-billed': 4, 'endangering': 4, '\\ngoldblum': 4, 'clearing': 4, 'ca': 4, 'reserve': 4, 'no-name': 4, 'barney': 4, 'payment': 4, 'remaking': 4, 'pentagon': 4, 'filmgoers': 4, 'marion': 4, '\\nincluding': 4, "bronson\\'s": 4, 'pillsbury': 4, 'att': 4, '\\ncindy': 4, 'woodenly': 4, 'barcelona': 4, '\\nfirst-time': 4, 'strangle': 4, '\\nwaiting': 4, 'compulsory': 4, '\\nscreened': 4, 'dissolve': 4, 'roars': 4, 'smart-mouthed': 4, 'impediment': 4, 'hookers': 4, 'no-holds-barred': 4, "'okay": 4, 'clarify': 4, 'lagoon': 4, 'inoffensive': 4, 'serials': 4, 'flintstones': 4, "eszterhas\\'": 4, 'daughter-in-law': 4, 'stella': 4, 'director/writer': 4, 'unprepared': 4, 'wobbly': 4, 'pre-teen': 4, 'rosy': 4, '\\ngenerally': 4, 'sidelines': 4, 'courageously': 4, 'dispatch': 4, 'assistants': 4, 'impersonators': 4, 'arbogast': 4, '\\nemma': 4, 'defy': 4, "ramsey\\'s": 4, 'irritation': 4, 'saucers': 4, 'hulk': 4, 'wormhole': 4, 'amazon': 4, 'thade': 4, 'princeton': 4, 'overstated': 4, 'rows': 4, 'triggered': 4, 'granddaughter': 4, 'ex-': 4, 'prolific': 4, 'properties': 4, 'unjust': 4, 'rangoon': 4, 'practiced': 4, 'distressed': 4, "mulder\\'s": 4, '\\nmeaning': 4, 'textual': 4, 'newfoundland': 4, "sunday\\'": 4, "d\\'amato": 4, 'answering': 4, 'jets': 4, 'implants': 4, 'ex-football': 4, 'jadzia': 4, 'dropout': 4, 'debilitating': 4, 'voyager': 4, 'hurdle': 4, 'echoing': 4, 'unimpressed': 4, 'bi-sexual': 4, '1940s': 4, '\\ndirectors': 4, 'rigg': 4, 'bewildering': 4, '\\nreleased': 4, 'herbert': 4, 'overseen': 4, 'arrakis': 4, 'harkonnen': 4, 'fremen': 4, 'homeworld': 4, 'vladimir': 4, 'improvements': 4, 'extension': 4, 'ideologies': 4, 'ingrid': 4, 'sunderland': 4, 'perversion': 4, '\\nwing': 4, 'debauchery': 4, 'worf': 4, 'bout': 4, '\\nmercury': 4, 'savant': 4, 'opportunistic': 4, 'bidding': 4, 'scrutinize': 4, 'all-american': 4, 'hardships': 4, 'non-threatening': 4, "goodman\\'s": 4, 'devote': 4, 'rates': 4, 'orton': 4, 'crs': 4, 'normandy': 4, 'cemetary': 4, 'flawlessly': 4, 'mantegna': 4, 'entrenched': 4, 'unshaven': 4, 'picky': 4, '\\nhav': 4, 'membership': 4, 'crusaders': 4, "ivy\\'s": 4, 'occupy': 4, '\\nworf': 4, 'boobs': 4, 'needles': 4, 'dispose': 4, 'nab': 4, 'announcing': 4, 'intersection': 4, 'great-looking': 4, 'defect': 4, 'apted': 4, "bond\\'s": 4, 'heiress': 4, 'representing': 4, 'ingmar': 4, 'ringo': 4, 'complicate': 4, 'joyous': 4, 'cannibals': 4, 'jermaine': 4, 'incarnations': 4, 'tiff': 4, 'brute': 4, 'showings': 4, 'prevail': 4, '\\nhappy': 4, 'hard-hitting': 4, 'yen': 4, 'vincenzo': 4, 'squarely': 4, 'takeoff': 4, 'consumption': 4, 'molestation': 4, 'easter': 4, 'hooking': 4, 'icing': 4, 'eye-candy': 4, 'comebacks': 4, '\\ngarry': 4, 'aroused': 4, 'flatly': 4, "peoples\\'": 4, 'burying': 4, "station\\'s": 4, "london\\'s": 4, 'bolster': 4, 'ranting': 4, 'protesters': 4, 'proficiency': 4, '\\nfast': 4, 'creed': 4, '1/25th': 4, 'jefferson': 4, 'filtered': 4, 'stems': 4, '\\npierce': 4, 'inkling': 4, 'falwell': 4, 'ominously': 4, 'mos': 4, 'zooming': 4, 'delusional': 4, 'detractors': 4, 'enraged': 4, 'justifies': 4, 'mathilde': 4, 'adventurer': 4, 'intrigues': 4, '\\nbye': 4, 'protege': 4, 'indecent': 4, 'paquin': 4, 'post-war': 4, 'excuses': 4, 'resentful': 4, '\\ncrowe': 4, 'bookends': 4, 'captivity': 4, 'shadowed': 4, 'knockout': 4, 'dreyfus': 4, 'tenants': 4, 'aristocratic': 4, 'lusts': 4, '\\nosmosis': 4, 'drix': 4, 'obtuse': 4, '\\nenemy': 4, 'overshadow': 4, 'wherever': 4, "farley\\'s": 4, 'hogget': 4, 'shack': 4, 'pyramid': 4, 'ra': 4, 'premier': 4, 'sacrificed': 4, 'filters': 4, "ferrara\\'s": 4, 'catalog': 4, 'intangible': 4, 'persecution': 4, 'apaches': 4, 'oppressed': 4, 'mara': 4, '\\nmarc': 4, 'turkish': 4, 'siegel': 4, 'torturing': 4, 'perplexed': 4, 'hipster': 4, 'rapport': 4, '\\n--michael': 4, 'g-rated': 4, 'persuasion': 4, 'glengarry': 4, 'byron': 4, 'incongruous': 4, 'bluescreen': 4, 'waging': 4, 'inventiveness': 4, 'taped': 4, '\\nschwimmer': 4, 'costar': 4, 'joyride': 4, 'well-off': 4, 'banking': 4, 'bryan': 4, 'akira': 4, 'undefined': 4, 'radically': 4, 'paraphernalia': 4, 'tristen': 4, 'wiccan': 4, 'exchanged': 4, 'imaginations': 4, 'halfheartedly': 4, 'inhibitions': 4, "sonia\\'s": 4, 'outstandingly': 4, 'criteria': 4, 'nova': 4, '\\nroth': 4, 'tribal': 4, 'masterminds': 4, '\\ngere': 4, "jackal\\'s": 4, 'carville': 4, 'sparring': 4, 'radiantly': 4, 'carvey': 4, 'deem': 4, 'vartan': 4, 'toaster': 4, "\\n\\'the": 4, "webb\\'s": 4, 'straight-faced': 4, 'enlisted': 4, '\\nwebb': 4, 'metaphorically': 4, 'hardball': 4, 'zed': 4, 'combatants': 4, '\\nfilmed': 4, 'occupied': 4, '\\njar': 4, 'spaceships': 4, 'irons': 4, 'slow-paced': 4, '\\nlance': 4, '\\nhunt': 4, "schwimmer\\'s": 4, 'recounts': 4, 'fresher': 4, '\\nstars': 4, 'acquaintance': 4, 'settling': 4, '_vampires_': 4, 'welch': 4, 'nino': 4, 'stinky': 4, 'slaughtering': 4, 'pothead': 4, 'yearbook': 4, 'oxymoron': 4, "\\'28": 4, 'arlene': 4, 'woodward': 4, 'presidency': 4, 'luhrmann': 4, 'constitutes': 4, 'isla': 4, 'kirbys': 4, 'millionaires': 4, '\\nknown': 4, 'naming': 4, 'mansions': 4, 'unforgiven': 4, 'exaggerate': 4, 'voters': 4, 'borgnine': 4, 'albertson': 4, 'affectionately': 4, 'viable': 4, 'soak': 4, 'discrimination': 4, 'fairytale': 4, '\\nsituations': 4, 'spanking': 4, 'dykstra': 4, '\\ncharlotte': 4, 'norma': 4, 'mid-eighties': 4, "decade\\'s": 4, '\\nkenny': 4, 'promotes': 4, 'advisors': 4, 'anarchy': 4, 'violinist': 4, 'fergus': 4, 'melinda': 4, 'repugnant': 4, 'disgrace': 4, 'rosary': 4, 'wainwright': 4, 'sleepwalking': 4, 'immortals': 4, 'michaels': 4, 'darling': 4, 'graffiti': 4, 'neo-nazi': 4, 'belgian': 4, 'ebouaney': 4, 'patrice': 4, 'bustling': 4, 'colonial': 4, 'abroad': 4, 'multifaceted': 4, 'lien': 4, 'periphery': 4, 'paternalistic': 4, 'shaolin': 4, 'cleese': 4, 'contestant': 4, 'paragraphs': 4, 'gamblers': 4, 'ambulance': 4, '\\nfilmmakers': 4, 'yelchin': 4, "carol\\'s": 4, '\\nfaced': 4, 'sling': 4, 'expectant': 4, 'scarce': 4, 'renton': 4, '$6': 4, 'burroughs': 4, '\\nminutes': 4, '\\ninsurrection': 4, '\\nstewart': 4, 'riker': 4, 'unhinged': 4, 'enthralled': 4, 'vito': 4, "henry\\'s": 4, '`dark': 4, 'schreber': 4, 'bethany': 4, 'visitor': 4, 'metatron': 4, 'bartleby': 4, 'ensures': 4, 'doctrine': 4, "amidala\\'s": 4, 'doting': 4, 'grady': 4, '\\ngrady': 4, 'curmudgeon': 4, "grady\\'s": 4, 'masseuse': 4, 'mizrahi': 4, 'incomplete': 4, 'cherished': 4, 'schlesinger': 4, 'daleks': 4, 'janney': 4, 'carolyn': 4, 'cheerleading': 4, 'upbringing': 4, 'nuance': 4, '\\nlambeau': 4, "lambeau\\'s": 4, "ross\\'": 4, 'exclamation': 4, 'herbie': 4, 'blended': 4, 'fink': 4, 'hickam': 4, 'gyllenhaal': 4, 'navaz': 4, 'bickle': 4, "china\\'s": 4, 'katzenberg': 4, 'issuing': 4, 'ramen': 4, 'noodle': 4, '\\ngoro': 4, 'trepidation': 4, 'mansley': 4, 'alexandra': 4, 'homophobe': 4, 'auteuil': 4, 'postmodern': 4, 'nicoletta': 4, 'braschi': 4, 'symptoms': 4, 'manni': 4, 'chillingly': 4, 'melody': 4, 'nugent': 4, 'menagerie': 4, 'paramedic': 4, 'toby': 4, 'all-powerful': 4, 'christoff': 4, 'inseparable': 4, 'endeavors': 4, '\\nminnie': 4, 'compares': 4, 'boyce': 4, 'effected': 4, '\\nstephane': 4, "'robert": 4, 'executes': 4, 'footloose': 4, 'swaying': 4, 'burgeoning': 4, '\\ngiles': 4, 'enraptured': 4, 'interracial': 4, 'afterglow': 4, 'imhotep': 4, 'mummies': 4, 'giallo': 4, "tyler\\'s": 4, "needn\\'t": 4, 'armpit': 4, 'interacts': 4, 'albanian': 4, 'democracy': 4, 'first-class': 4, 'albania': 4, '\\nwag': 4, 'auschwitz': 4, '35mm': 4, 'sawalha': 4, 'rooster': 4, 'tweedy': 4, '\\nchicken': 4, 'co-director': 4, '\\npark': 4, 'three-way': 4, 'civilian': 4, 'analyzing': 4, "groeteschele\\'s": 4, 'communists': 4, 'hy': 4, 'labour': 4, 'affirmation': 4, 'reassures': 4, 'schwartzman': 4, 'blume': 4, 'cunningham': 4, 'divorcing': 4, 'truce': 4, 'head-on': 4, 'apologies': 4, 'hawkins': 4, 'outrageousness': 4, 'piven': 4, 'hallstrom': 4, "1990\\'s": 4, "larry\\'s": 4, 'guilderland': 4, "menace\\'": 4, 'embraces': 4, 'metcalf': 4, 'well-defined': 4, 'endearingly': 4, 'unpretentious': 4, '\\nmoses': 4, 'errol': 4, 'sensory': 4, "brooks\\'": 4, 'roulette': 4, 'saigon': 4, 'resulted': 4, 'quills': 4, 'biao': 4, 'flourishing': 4, 'beijing': 4, 'culled': 4, 'mackey': 4, 'interpreted': 4, "'contact": 4, 'skerritt': 4, 'giosue': 4, 'unimaginable': 4, '\\nflynt': 4, 'paralysed': 4, 'hannon': 4, 'disabled': 4, 'ante': 4, 'phobia': 4, 'immersing': 4, '\\njackie-o': 4, 'impoverished': 4, '\\nian': 4, 'fusion': 4, 'chronicle': 4, 'peach': 4, 'tipping': 4, 'activists': 4, "redford\\'s": 4, 'mega': 4, 'aural': 4, 'narrow-minded': 4, 'defiantly': 4, 'sugiyama': 4, 'treacherous': 4, 'carnegie': 4, 'morita': 4, 'salonga': 4, 'tahoe': 4, 'compromising': 4, "holding\\'s": 4, 'mcgehee': 4, 'graciously': 4, 'tranquil': 4, '\\nfrequency': 4, 'right-hand': 4, '14th': 4, 'trench': 4, 'succumbed': 4, 'befall': 4, 'side-splitting': 4, 'helfgott': 4, 'tracked': 4, '3rd': 4, 'bondsman': 4, 'deliberation': 4, 'hinting': 4, 'broadcasts': 4, 'osnard': 4, "soderbergh\\'s": 4, "leonard\\'s": 4, 'sisco': 4, 'splashes': 4, 'israel': 4, 'glistening': 4, 'malka': 4, 'diversity': 4, 'colqhoun': 4, 'schmaltzy': 4, "cynthia\\'s": 4, 'acknowledging': 4, 'underappreciated': 4, 'classification': 4, 'diggler': 4, 'glorify': 4, 'locking': 4, 'welsh': 4, 'spiritually': 4, "mallory\\'s": 4, "lam\\'s": 4, 'gaz': 4, 'totalitarian': 4, 'regimes': 4, 'fashionable': 4, "hours\\'": 4, 'joadson': 4, 'tappan': 4, 'replaces': 4, '\\nkermit': 4, 'kozmo': 4, 'nihilists': 4, 'deakins': 4, 'prospector': 4, 'bullseye': 4, 'wetmore': 4, 'jekyll': 4, 'panders': 4, 'stadium': 4, 'defended': 4, 'greets': 4, '\\nbarry': 4, 'steerage': 4, "niccol\\'s": 4, 'televised': 4, 'clubber': 4, 'patrasche': 4, 'deter': 4, 'pidgeon': 4, '\\nhadden': 4, '\\nchad': 4, 'kimberly': 4, 'livelier': 4, 'email': 4, 'verona': 4, 'terrance': 4, 'quo': 4, '1970': 4, 'dvds': 4, '\\nneo': 4, 'castles': 4, 'figurative': 4, '\\nswingers': 4, '\\nkatherine': 4, 'kerr': 4, 'self-confident': 4, 'unhappiness': 4, 'lifeboats': 4, "rose\\'s": 4, 'symbolized': 4, '_ghost': 4, 'shell_': 4, 'czech': 4, 'crewmembers': 4, 'lag': 4, 'swipe': 4, 'alteration': 4, 'savings': 4, 'jiff': 4, '\\nbowfinger': 4, 'uproarious': 4, '\\nmiss': 4, 'admittance': 4, 'packaging': 4, 'dayton': 4, 'spacious': 4, "dean\\'s": 4, 'odin': 4, "odin\\'s": 4, 'prosecutor': 4, "stiller\\'s": 4, 'invests': 4, 'ratner': 4, 'marcellus': 4, '\\nmainly': 4, "rockin\\'": 4, "\\'halloween\\'": 4, 'forrester': 4, 'portraits': 4, '1940': 4, '\\ndrawn': 4, 'firebird': 4, 'evoked': 4, 'mckellan': 4, 'juzo': 4, 'hanako': 4, 'arctic': 4, 'atheism': 4, 'laughton': 4, '\\ndeceiver': 4, "graham\\'s": 4, "jo\\'s": 4, '\\nwashington': 4, 'middleweight': 4, "arm\\'s": 4, 'ideological': 4, '\\nbrad': 4, 'sommerset': 4, '\\n=20': 4, 'symbolizes': 4, "placid\\'": 4, 'sheik': 4, '1932': 4, 'necklace': 4, 'seas': 4, 'twohy': 4, 'plunged': 4, 'sabor': 4, 'curses': 4, 'peasants': 4, 'trance': 4, 'privileged': 4, '2nd': 4, 'manifested': 4, '\\nmerton': 4, 'halloweentown': 4, 'rewind': 4, 'hatami': 4, 'saito': 4, 'perseverance': 4, 'garlic': 4, 'hillbilly': 4, "o\\'neil": 4, "\\'40s": 4, "motta\\'s": 4, 'decaying': 4, 'perlman': 4, "slade\\'s": 4, 'seperate': 4, 'antarctica': 4, 'lauri': 4, 'ilona': 4, '\\nsliding': 4, "gerry\\'s": 4, 'decisive': 4, 'rulers': 4, '`bringing': 4, 'fawcett': 4, 'risque': 4, "shackleton\\'s": 4, '\\nmidnight': 4, 'off-broadway': 4, '\\nmitchell': 4, 'alberta': 4, "shrek\\'s": 4, 'ocp': 4, 'cyborg': 4, 'guides': 4, 'blush': 4, 'stoppidge': 4, 'cloke': 4, 'leuchter': 4, 'disputes': 4, 'disciple': 4, "\\ncarlito\\'s": 4, 'brigante': 4, 'kleinfeld': 4, 'respectful': 4, "fei-hong\\'s": 4, 'seal': 4, 'ginseng': 4, 'columbo': 4, 'irma': 4, 'bowed': 4, 'gabe': 4, 'mortician': 4, 'pentecostal': 4, 'lindsay': 4, 'escalating': 4, 'mystic': 4, "others\\'": 4, 'domingo': 4, '\\nslim': 4, 'odds-and-ends': 4, 'hamunaptra': 4, "bianca\\'s": 4, 'sweetly': 4, 'inner-city': 4, 'fugly': 4, 'alchemy': 4, "louisa\\'s": 4, '\\nbeavis': 4, 'chon': 4, '\\nchon': 4, 'tran': 4, 'anh': 4, 'tics': 4, 'guaspari': 4, "roberta\\'s": 4, '\\ngina': 4, 'zaire': 4, 'mongkut': 4, 'twenty-one': 4, 'u2': 4, '\\npleasantville': 4, '\\neastwood': 4, 'beacham': 4, "actress\\'s": 4, 'bea': 4, 'uneducated': 4, 'hoke': 4, 'anney': 4, 'greenfingers': 4, '\\nheather': 4, "\\nmuriel\\'s": 4, 'trunchbull': 4, '\\nmatilda': 4, '_daylight_': 4, 'elgin': 4, "cookie\\'s": 4, 'live-action-disney': 4, '\\nromy': 4, 'ffing': 4, 'anya': 4, 'archbishop': 4, '\\ndouble': 4, 'kerrigans': 4, '\\nbowden': 4, 'disappearances': 3, 'craziness': 3, 'packaged': 3, '\\nquick': 3, 'hour-long': 3, 'transfers': 3, 'spoon-fed': 3, 'kayley': 3, 'warlord': 3, 'excalibur': 3, 'two-headed': 3, 'showmanship': 3, 'subpar': 3, "garrett\\'s": 3, 'grievous': 3, 'undergoing': 3, 'proliferation': 3, 'inexpensive': 3, 'ex-lover': 3, 'stalk': 3, 'implicitly': 3, '\\ndaryl': 3, "genre\\'s": 3, "d\\'abo": 3, '\\nsociety': 3, 'rundown': 3, 'decapitations': 3, 'unwind': 3, 'matter-of-factly': 3, 'projector': 3, 'cleveland': 3, 'pa': 3, "walker\\'s": 3, 'fistfight': 3, '\\nnine': 3, '\\ngrant': 3, 'simultaneous': 3, 'vodka': 3, 'unamusing': 3, 'sunset': 3, 'unfulfilled': 3, 'smelly': 3, 'kaisa': 3, 'headey': 3, 'periodic': 3, 'sloshed': 3, 'snorting': 3, 'tires': 3, 'unveil': 3, '\\nweak': 3, 'twitch': 3, 'insouciance': 3, 'ceremonial': 3, 'stifled': 3, 'delving': 3, 'pronounces': 3, 'riddles': 3, '\\nhmmmm': 3, 'uncharismatic': 3, 'gunk': 3, 'blares': 3, 'strayed': 3, 'ladders': 3, "mann\\'s": 3, "\\nhe\\'ll": 3, 'temptations': 3, 'slices': 3, '\\nfilmmaker': 3, 'cuesta': 3, 'citing': 3, 'white-collar': 3, 'artful': 3, 'whitman': 3, 'predestined': 3, 'ever-popular': 3, '\\ngarofalo': 3, '\\ndenis': 3, 'democrat': 3, 'reconcile': 3, '\\nrest': 3, "'and": 3, 'high-flying': 3, 'aramis': 3, 'kremp': 3, 'porthos': 3, '30-minute': 3, "hyam\\'s": 3, 'filth': 3, 'subtext': 3, 'volumes': 3, 'hess': 3, 'greased': 3, 'mystics': 3, '\\nlame': 3, 'lifelike': 3, 'parillaud': 3, 'modicum': 3, '\\ntalking': 3, 'co-produced': 3, "\\ncarpenter\\'s": 3, 'swirling': 3, 'gases': 3, 'meddling': 3, 'ponytail': 3, 'yelled': 3, "alicia\\'s": 3, 'classify': 3, 'melange': 3, '2020': 3, 'techie': 3, 'yawning': 3, "\\n\\'nuff": 3, 'cranking': 3, 'blunders': 3, 'gargantuan': 3, 'bellows': 3, 'clumsiness': 3, '1949': 3, 'formality': 3, 'zoologist': 3, '\\npaxton': 3, 'mumbo': 3, 'lurches': 3, 'overtake': 3, 'randle': 3, 'minion': 3, 'manipulates': 3, 'farts': 3, 'grey': 3, 'foo': 3, 'trout': 3, '100-minute': 3, 'head-scratcher': 3, 'masterminded': 3, 'trades': 3, '\\nsubplots': 3, 'absurdist': 3, 'mumbled': 3, 'cranked': 3, '\\nsigh': 3, '\\njean-claude': 3, 'half-brother': 3, 'rashomon': 3, 'deconstruction': 3, 'proposterous': 3, 'machina': 3, '\\ndepalma': 3, 'idolizes': 3, 'set-ups': 3, 'unearthed': 3, 'infects': 3, 'spells': 3, 'abigail': 3, 'prim': 3, 'puritan': 3, 'nighttime': 3, 'alarming': 3, 'synchronicity': 3, 'accusing': 3, 'distractingly': 3, 'huffing': 3, 'bantering': 3, 'pontificate': 3, 'delicacy': 3, 'diversions': 3, 'imperfect': 3, 'muddle': 3, 'ceaselessly': 3, 'complements': 3, 'pillage': 3, 'headings': 3, 'blurs': 3, 'scanners': 3, '\\nattempts': 3, 'streetwise': 3, 'immunity': 3, 'detonation': 3, 'keyboard': 3, 'chestnut': 3, "miramax\\'s": 3, 'imports': 3, 'barbed': 3, 'frain': 3, 'cellmate': 3, 'waltzes': 3, 'interminably': 3, 'captor': 3, '\\nincluded': 3, 'flustered': 3, 'morneau': 3, 'mime': 3, 'growl': 3, 'growling': 3, "\\n1996\\'s": 3, 'foisted': 3, 'chlo': 3, '\\njean': 3, 'flail': 3, 'wail': 3, 'antichrist': 3, 'letterboxed': 3, 'bios': 3, 'pictured': 3, 'davidovich': 3, 'interfering': 3, 'jive-talking': 3, 'side-kick': 3, 'imdb': 3, 'kellogg': 3, 'olsen': 3, 'squirming': 3, 'zaniness': 3, 'trachtenberg': 3, 'unexceptional': 3, 'portland': 3, 'stroll': 3, '\\nrupert': 3, '\\npenny': 3, 'mainland': 3, 'kai': 3, 'po': 3, 'bodyguards': 3, 'issac': 3, "o\\'day": 3, 'mac': 3, '\\nescaping': 3, '\\nli': 3, 'unsung': 3, 'lethargic': 3, 'gambit': 3, 'facilitate': 3, 'astounded': 3, "die\\'": 3, 'barroom': 3, 'replacements': 3, 'collage': 3, 'seed': 3, 'grumpier': 3, 'true-life': 3, 'disenchanted': 3, 'miner': 3, '\\nmarty': 3, '\\nclark': 3, '110': 3, 'unpleasantness': 3, 'hoop': 3, '107': 3, '\\n/': 3, 'pork': 3, 'strangelove': 3, 'ginty': 3, 'yacht': 3, 'skipper': 3, 'dissatisfied': 3, 'hemisphere': 3, 'slippery': 3, 'unnatural': 3, 'radioactive': 3, '\\nplatt': 3, 'germ': 3, 'mettle': 3, 'turgid': 3, 'winston': 3, 'churns': 3, 'geneticist': 3, "moreau\\'s": 3, 'beast-people': 3, 'suppress': 3, "apes\\'": 3, 'binoche': 3, 'noun': 3, "jenny\\'s": 3, '\\nseeking': 3, 'constricted': 3, 'time-travel': 3, 'conventionally': 3, 'pretentiously': 3, 'fancies': 3, 'mumbles': 3, '\\nsyd': 3, 'funded': 3, 'mindnumbingly': 3, '\\naw': 3, 'dweeb': 3, 'aldys': 3, 'braces': 3, 'suggestions': 3, 'finals': 3, '\\ndaily': 3, '\\nnegative': 3, 'pygmalion': 3, 'reunites': 3, '\\nwhoops': 3, '\\nboys': 3, '\\ndumb': 3, 'huntingburg': 3, 'overworked': 3, 'evacuated': 3, 'speedboat': 3, 'one-': 3, 'rescuers': 3, 'swims': 3, 'world-renowned': 3, "prison\\'s": 3, 'psychotics': 3, 'furthering': 3, "caulder\\'s": 3, 'discourage': 3, 'aloud': 3, 'novikov': 3, 'hamper': 3, 'belonged': 3, 'hassidic': 3, 'orthodox': 3, 'pruitt': 3, 'crewman': 3, 'onlookers': 3, '\\nladies': 3, 'leaf': 3, 'lamely': 3, 'lehmann': 3, 'charitable': 3, 'fiendish': 3, 'club-hopping': 3, 'spotting': 3, 'parrish': 3, 'welfare': 3, 'disorienting': 3, 'made-up': 3, 'whacked': 3, 'disinterested': 3, 'peacefully': 3, 'integration': 3, 'orchestral': 3, 'marx': 3, 'smother': 3, 'reteaming': 3, 'intern': 3, '=====================': 3, 'scene-stealer': 3, 'stifle': 3, 'adoptive': 3, 'plot-line': 3, 'mccarthy': 3, 'co-starred': 3, 'builder': 3, 'mortgage': 3, "louie\\'s": 3, "\\nwhite\\'s": 3, 'austen': 3, 'guerrillas': 3, 'luppi': 3, '\\nfuentes': 3, 'antique': 3, 'cronos': 3, 'three-day': 3, 'boil': 3, 'tuesday': 3, 'jackpot': 3, 'pancakes': 3, "\\'til": 3, 'darrell': 3, '\\nthem': 3, 'dang': 3, 'greenlight': 3, 'prisons': 3, 'terel': 3, 'underhanded': 3, 'attain': 3, 'harrier': 3, 'airwolf': 3, 'incite': 3, 'revolt': 3, 'crumbs': 3, '\\ngosh': 3, 'roast': 3, 'unequivocal': 3, 'drone': 3, 'duguay': 3, 're-write': 3, '1/10': 3, '\\nnomi': 3, 'cheetah': 3, 'vindication': 3, 'whispers': 3, '\\noops': 3, 'mutates': 3, 'giancarlo': 3, 'toughs': 3, 'pleasurable': 3, 'durden': 3, '\\nhelena': 3, 'smoked': 3, 'em': 3, 'redhead': 3, 'off-putting': 3, 'multiplexes': 3, 'adores': 3, 'hike': 3, "lombardo\\'s": 3, 'brace': 3, 'lustful': 3, 'menage-a-trois': 3, 'propelling': 3, "user\\'s": 3, 'oil-driller': 3, 'inspect': 3, 'wiseass': 3, 'nincompoops': 3, 'humourless': 3, "primate\\'s": 3, 'dicks': 3, 'draven': 3, 'word-of-mouth': 3, 'subsidiary': 3, 'shackled': 3, 'pier': 3, 'kirshner': 3, 'seductress': 3, '\\nprinze': 3, 'insultingly': 3, 'orth': 3, 'pros': 3, 'addressing': 3, 'shrimp': 3, 'afoul': 3, 'welcomed': 3, 'goodies': 3, 'leftovers': 3, 'tyranny': 3, 'cat-and-mouse': 3, '\\nwriters': 3, 'appallingly': 3, "`she\\'s": 3, 'boy-meets-girl': 3, 'nicest': 3, '`': 3, 'leviathan': 3, 'servicable': 3, 'nadia': 3, 'burr': 3, 'remade': 3, "emmerich\\'s": 3, 'timmonds': 3, 'amok': 3, 'topples': 3, "'before": 3, 'wrinkles': 3, '\\npaltrow': 3, 'underside': 3, 'dietz': 3, 'depressive': 3, 'dwells': 3, 'unchecked': 3, 'extraction': 3, 'overgrown': 3, 'hamster': 3, '\\npure': 3, 'wipes': 3, 'boyz': 3, 'hilt': 3, "'brian": 3, 'no-one': 3, 'blinking': 3, "karla\\'s": 3, 'venue': 3, 'lurk': 3, 'chalk': 3, "\\'funny\\'": 3, '\\nopening': 3, 'confederation': 3, 'blocking': 3, 'plod': 3, 'racer': 3, 'goo-goo': 3, '\\nmcgregor': 3, '\\nnatalie': 3, 'complement': 3, 'ketchum': 3, 'warlock': 3, 'infamy': 3, '\\ndeuce': 3, 'narcolepsy': 3, "tourette\\'s": 3, '\\netc': 3, 'di$ney': 3, 'featurette': 3, 'lapage': 3, 'tectonic': 3, '\\ntectonic': 3, 'constance': 3, "welle\\'s": 3, 'sadie': 3, 'meier': 3, '\\nc': 3, 'faints': 3, '\\nhighlights': 3, 'inadvertent': 3, 'deposited': 3, 'remnants': 3, "ripley\\'s": 3, '$75': 3, 'selick': 3, 'desirable': 3, 'nurses': 3, 'interviewees': 3, 'subculture': 3, '\\nyounger': 3, "bard\\'s": 3, '\\ndrama': 3, 'dissected': 3, 'collapse': 3, 'eccentrics': 3, 'escalated': 3, 'overcrowded': 3, 'non-violent': 3, 'squares': 3, 'distinguishing': 3, 'blethyn': 3, 'swoop': 3, 'ferguson': 3, 'descended': 3, 'drones': 3, 'tolerated': 3, 'widows': 3, "\\npepper\\'s": 3, 'dianne': 3, 'soprano': 3, '\\nvolcano': 3, 'telescopes': 3, 'biederman': 3, 'rittenhouse': 3, 'recommends': 3, 'yada': 3, '800': 3, 'tolkin': 3, "leder\\'s": 3, '\\nleder': 3, 'sadist': 3, "leoni\\'s": 3, '\\nelijah': 3, '\\ncosting': 3, 'oscar-winner': 3, '\\nfirestorm': 3, 'firefighters': 3, '400': 3, 'cosmopolitan': 3, 'locates': 3, 'second-in-command': 3, 'mawkish': 3, 'firefighting': 3, 'goof': 3, '\\nmiller': 3, 'users': 3, 'lilianna': 3, '\\npass': 3, 'unmoved': 3, '\\nthird': 3, 'advise': 3, 'silverado': 3, '\\nsalma': 3, 'mi': 3, "rodriguez\\'s": 3, 'despised': 3, 'issued': 3, 'extremist': 3, 'fruitless': 3, 'costa': 3, 'right-wing': 3, 'pursuer': 3, 'query': 3, 'pryor': 3, 'refugees': 3, 'krypton': 3, 'toole': 3, "superman\\'s": 3, 'sails': 3, 'hairstyle': 3, 'alias': 3, '\\ncomplete': 3, 'bulldozer': 3, 'lovesick': 3, '\\nfaye': 3, 'seize': 3, 'vaccaro': 3, 'otis': 3, 'bunnies': 3, 'bosco': 3, 'approved': 3, 'commentaries': 3, '\\nbosco': 3, 'reeve': 3, '\\nswitch': 3, 'goran': 3, 'misfortune': 3, 'beetlejuice': 3, 'accumulation': 3, "shelley\\'s": 3, '\\ncoppola': 3, 'envisions': 3, 'barksdale': 3, 'splicing': 3, 'infests': 3, 'shredded': 3, 'empathic': 3, 'burgess': 3, 'vixen': 3, 'acquits': 3, 'plot-wise': 3, 'overwhelmingly': 3, 'contributors': 3, 'ustinov': 3, "brewster\\'s": 3, 'diggers': 3, 'execs': 3, 'outgrown': 3, 'copland': 3, 'spousal': 3, 'wellington': 3, '53': 3, "lance\\'s": 3, 'regina': 3, 'reworked': 3, 'costars': 3, 'ambassadors': 3, '\\nstealing': 3, 'sykes': 3, '\\ner': 3, 'steak': 3, 'conversing': 3, 'sweaters': 3, 'unsophisticated': 3, 'winstone': 3, 'boulder': 3, 'lovejoy': 3, '\\nkingsley': 3, 'complication': 3, 'accounted': 3, 'widmark': 3, 'reputedly': 3, '\\nsexy': 3, '\\nmoney': 3, 'ratcliffe': 3, 'wizened': 3, 'traveler': 3, 'auditions': 3, 'alexandre': 3, 'anders': 3, 'bellhop': 3, 'btw': 3, 'valeria': 3, 'golino': 3, 'sperm': 3, '\\nstupid': 3, 'proval': 3, 'cleaver': 3, 'yarns': 3, 'damnation': 3, 'piracy': 3, 'smokers': 3, 'fast-moving': 3, 'skis': 3, 'crops': 3, 'co-producer': 3, 'gills': 3, 'reflective': 3, 'amarillo': 3, 'goodall': 3, 'dorado': 3, 'hitchhiking': 3, 'deduction': 3, 'selves': 3, "danes\\'": 3, 'upstages': 3, 'dammit': 3, 'crud': 3, "garofalo\\'s": 3, 'cassavetes': 3, 'confinement': 3, "gloria\\'s": 3, 'emotive': 3, 'plethora': 3, 'boozing': 3, 'matriarchal': 3, '\\ngrier': 3, 'clea': 3, 'miners': 3, 'bonkers': 3, 'incomprehensibly': 3, 'posse': 3, 'lesbians': 3, 'seclusion': 3, 'cater': 3, 'capulet': 3, '\\ndiane': 3, '\\ncouple': 3, '\\nconfused': 3, 'delay': 3, 'spurgeon': 3, 'uncommonly': 3, 'wessell': 3, 'seats]': 3, 'arcade': 3, 'juxtaposition': 3, 'backseat': 3, 'psychos': 3, 'inclination': 3, 'diabolique': 3, 'clocking': 3, 'thrash': 3, 'hinged': 3, 'torsos': 3, 'izzard': 3, 'wane': 3, 'chechik': 3, '\\nplacing': 3, 'refund': 3, "alfred\\'s": 3, 'brawn': 3, 'riddler': 3, 'make-out': 3, "patient\\'s": 3, 'coolio': 3, 'flatliners': 3, 'rocked': 3, 'springboard': 3, 'z-grade': 3, 'schlockfest': 3, 'masculine': 3, 'tatooed': 3, "sutherland\\'s": 3, 'oded': 3, 'fehr': 3, 'arija': 3, 'bareikis': 3, 'bowel': 3, 'looker': 3, "beck\\'s": 3, 'supremacist': 3, 'atrociously': 3, 'by-the-book': 3, 'don\x12t': 3, 'overwhelms': 3, 'overpowered': 3, 'it\x12s': 3, 'smiley': 3, 'grouchy': 3, 'obscenely': 3, '\\nsort': 3, 'befitting': 3, 'redemptive': 3, 'christianity': 3, 'incapacitated': 3, 'pasts': 3, 'uncharacteristically': 3, 'corinthians': 3, 'rehearsal': 3, '\\nving': 3, 'baseketball': 3, 'skips': 3, 'bounced': 3, 'whacking': 3, "catherine\\'s": 3, '\\nnewman': 3, '\\nhackman': 3, "bernstein\\'s": 3, 'bailed': 3, 'magnate': 3, 'dab': 3, '\\nslow': 3, 'streams': 3, 'narcissistic': 3, 'on-again': 3, 'off-again': 3, 'superficiality': 3, 'forays': 3, 'tangential': 3, '\\nmodine': 3, 'skyline': 3, 'faintest': 3, "clooney\\'s": 3, "o\\'donnell\\'s": 3, 'shapely': 3, 'appliances': 3, '\\nthurman': 3, 'pfieffer': 3, 'sesame': 3, 'jinnie': 3, "producer\\'s": 3, 'ceo': 3, '[see': 3, "wayans\\'s": 3, '\\ndarryl': 3, 'upstart': 3, 'cyril': 3, 'connote': 3, 'awash': 3, 'repairs': 3, 'infested': 3, 'misty': 3, 'juices': 3, 'detector': 3, 'ill-timed': 3, '\\nbadly': 3, 'legions': 3, 'clamoring': 3, 'dastardly': 3, 'nuisance': 3, "jane\\'s": 3, "garcia\\'s": 3, 'wayside': 3, 'short-term': 3, 'hoenicker': 3, 'updates': 3, 'automaton': 3, 'cringed': 3, 'certifiable': 3, 'yugo': 3, 'personalized': 3, 'tombstone': 3, 'demoted': 3, 'cutouts': 3, '\\nchief': 3, 'dutiful': 3, '\\nostensibly': 3, 'dolphin': 3, 'mascot': 3, 'leers': 3, '\\nace': 3, 'usurped': 3, 'existance': 3, "\\njohn\\'s": 3, 'jupiter': 3, 'overdo': 3, 'shove': 3, 'corridor': 3, 'cutout': 3, 'pizzazz': 3, 'ungar': 3, "molly\\'s": 3, 'ditches': 3, 'denton': 3, 'spouses': 3, 'nucci': 3, 'new-age': 3, 'valet': 3, 'prick': 3, 'above-average': 3, 'rote': 3, 'upside-down': 3, 'dullest': 3, 'harring': 3, 'concussion': 3, 'watts': 3, 'awakes': 3, 'pointers': 3, 'suspenseless': 3, 'syrup': 3, 'gagging': 3, 'joystick': 3, 'conduit': 3, '\\nsetting': 3, 'rallies': 3, 'graphically': 3, 'thirds': 3, 'vulcan': 3, 'radiates': 3, 'bows': 3, 'strippers': 3, 'religions': 3, 'muslims': 3, 'paltry': 3, '$30': 3, 'grander': 3, 'polyester': 3, 'sender': 3, 'masturbatory': 3, 'confounding': 3, 'veiled': 3, 'afternoons': 3, 'panties': 3, 'sacrificial': 3, '\\nfearing': 3, 'manslaughter': 3, 'tough-talking': 3, 'poorly-written': 3, 'numbing': 3, "jake\\'s": 3, 'sizeable': 3, 'all-night': 3, 'tantalizing': 3, 'coaches': 3, 'bronze': 3, 'unmemorable': 3, 'languid': 3, 'repetitiveness': 3, 'plucked': 3, 'responding': 3, 'creeped': 3, 'split-second': 3, 'gadgetry': 3, '\\nsinger': 3, 'loeb': 3, 'undergo': 3, 'collectible': 3, 'pup': 3, 'probation': 3, 'unenthusiastic': 3, 'organs': 3, 'appetite': 3, 'urinates': 3, 'growls': 3, 'feebly': 3, "oldman\\'s": 3, 'falcone': 3, 'maneuvering': 3, '\\njuliette': 3, '\\nlack': 3, 'arm-in-arm': 3, 'one-hour': 3, '\\ncampbell': 3, 'lanky': 3, "myers\\'": 3, 'pallid': 3, 'disarmingly': 3, "clark\\'s": 3, 'kinder': 3, 'unlock': 3, '\\nquestion': 3, 'super-smart': 3, 'cattrall': 3, 'wrench': 3, '2/10': 3, 'astrology': 3, 'prophesized': 3, 'scribbling': 3, "carey\\'s": 3, 'blacker': 3, 'beesley': 3, 'puff': 3, "billie\\'s": 3, 'watered': 3, 'co-dependency': 3, 'arch-enemy': 3, 'champions': 3, 'patchwork': 3, 'shadyac': 3, 'sprang': 3, 'surfing': 3, '\\nyahoo': 3, 'omnipresent': 3, 'eyebrows': 3, "\\'carry": 3, 'desiree': 3, 'escorting': 3, 'mox': 3, 'playbook': 3, '\\ncoach': 3, 'eye-opening': 3, 'nickelodeon': 3, 'jeepers': 3, 'pipe': 3, 'tapestry': 3, 'winged': 3, "creature\\'s": 3, 'satanic': 3, 'molester': 3, 'joanne': 3, '\\ndesperate': 3, 'menacingly': 3, 'fleder': 3, 'fiction-esque': 3, 'well-staged': 3, 'boulle': 3, 'surmise': 3, "goldsmith\\'s": 3, 'half-': 3, 'paws': 3, "each\\'s": 3, '\\nburton': 3, 'miscalculation': 3, 'spotty': 3, '\\nchambers': 3, 'charleton': 3, 'allusion': 3, 'stupefying': 3, "paltrow\\'s": 3, 'streetcar': 3, 'locket': 3, 'dissatisfying': 3, 'competence': 3, 'lieu': 3, 'kristy': 3, 'sprouse': 3, 'overseas': 3, 'apologizing': 3, 'bribes': 3, '\\nfolks': 3, 'tits': 3, '\\nexpecting': 3, 'screwy': 3, 'transvestites': 3, 'mushrooms': 3, 'lurks': 3, 'gutted': 3, 'voting': 3, 'monotony': 3, 'divinity': 3, 'manifestation': 3, '\\nquality': 3, 'listing': 3, "filmmakers\\'": 3, 'instructs': 3, 'rubbing': 3, 'full-on': 3, '\\neugene': 3, 'informant': 3, '\\nwriting': 3, 'holliday': 3, 'ky': 3, 'e-mails': 3, 'angrily': 3, 'acupuncture': 3, 'xander': 3, 'square-jawed': 3, 'psychically': 3, 'coed': 3, 'klendathu': 3, 'satiric': 3, 'squishing': 3, 'roaches': 3, 'jab': 3, 'cityscape': 3, '\\nrobbins': 3, 'acrobatic': 3, 'leonetti': 3, 'whatnot': 3, '\\nblink': 3, 'toothpick': 3, 'unforgiveable': 3, 'weisberg': 3, 'usher': 3, 'shoveler': 3, 'kel': 3, 'scrambling': 3, 'revulsion': 3, 'geez': 3, 'canceled': 3, 'prance': 3, 'mother-daughter': 3, 'enact': 3, 'waxing': 3, 'tag-team': 3, 'cozy': 3, '80-foot': 3, 'swordfish': 3, '\\nswordfish': 3, 'subconsciously': 3, "gabriel\\'s": 3, 'align': 3, 'deane': 3, 'ming': 3, 'still-living': 3, 'offence': 3, 'umpteenth': 3, 'herky-jerky': 3, '\\nearth': 3, '\\naki': 3, 'disarm': 3, '\\ncapt': 3, 'zeus': 3, 'weena': 3, 'honcho': 3, 'submit': 3, '\\nsweet': 3, 'lotto': 3, 'winnings': 3, 'declined': 3, 'fiddling': 3, 'raines': 3, '\\nseems': 3, 'seeker': 3, 'quell': 3, 'violins': 3, 'counterbalanced': 3, "driver\\'s": 3, 'godless': 3, 'succumbing': 3, 'rewatched': 3, 'hirsch': 3, 'junkyard': 3, 'batteries': 3, 'cop-out': 3, 'cadre': 3, "sphere\\'s": 3, '\\nsphere': 3, 'amalgamation': 3, 'cellar': 3, 'time-honored': 3, 'astrophysicist': 3, 'descend': 3, '\\ndustin': 3, 'quadruple': 3, 'pre-production': 3, 'disclosure': 3, 'disallows': 3, "pirate\\'s": 3, 'lesseps': 3, 'curing': 3, '\\ngwyneth': 3, '\\n-jack': 3, 'burrow': 3, 'heal': 3, 'tumor': 3, 'unruly': 3, '\\nfamily': 3, '\\nhumor': 3, "boyfriend\\'s": 3, 'rye': 3, 'infinitum': 3, 'freshest': 3, 'gaffes': 3, 'whoops': 3, '1944': 3, 'specter': 3, '\\ncompare': 3, 'lina': 3, 'relieved': 3, 'grittier': 3, 'beyer': 3, 'wails': 3, 'serpentine': 3, 'eventful': 3, 'up-and-comers': 3, 'recollection': 3, 'karaszewski': 3, '\\nnorm': 3, 'chapelle': 3, "macdonald\\'s": 3, 'commitments': 3, 'upholding': 3, 'translated': 3, 'discredit': 3, 'newsman': 3, 'irate': 3, 'graeme': 3, "mcgregor\\'s": 3, "elliot\\'s": 3, 'pisses': 3, 'lick': 3, 'farbissina': 3, 'philosophizing': 3, 'landfill': 3, 'steaming': 3, 'flushing': 3, 'cold-blooded': 3, 'caustic': 3, "mind\\'s": 3, 'perf': 3, 'nivola': 3, 'booby': 3, 'stooge': 3, 'brunt': 3, 'mornay': 3, 'career-minded': 3, 'interspersed': 3, "sarah\\'s": 3, '\\nallow': 3, "var\\'s": 3, 'despondent': 3, 'courting': 3, 'serenaded': 3, 'dawkins': 3, 'sasha': 3, 'organizes': 3, 'pristine': 3, 'hulking': 3, 'klingons': 3, '\\nstrike': 3, 'ding': 3, 'snobby': 3, 'filmography': 3, "mchale\\'s": 3, "'even": 3, 'drills': 3, "channel\\'s": 3, 'blurt': 3, 'coastal': 3, 'get-up': 3, 'cranks': 3, 'yo': 3, 'retriever': 3, 'bestselling': 3, 'vi': 3, 'recieved': 3, 'koontz': 3, 'dashed': 3, '\\nlou': 3, 'hand-to-hand': 3, 'peeing': 3, 'magnificently': 3, '\\nlemmon': 3, 'respite': 3, 'upn': 3, "thing\\'s": 3, 'stripes': 3, 'larroquette': 3, '$400': 3, 'admonition': 3, 'telescope': 3, 'lifts': 3, 'necessities': 3, 'prescribed': 3, 'autism': 3, 'stacey': 3, "o\\'clock": 3, 'squeals': 3, 'malice': 3, 'ineptly': 3, 'cheap-looking': 3, 'low-rent': 3, 'timer': 3, 'alfre': 3, 'low-tech': 3, '\\ninevitably': 3, 'motorbike': 3, '`enemy': 3, 'scrambled': 3, 'movie--': 3, 'deterioration': 3, 'weakly': 3, 'blaming': 3, 'differentiate': 3, 'wasteful': 3, 'sixteenth': 3, 'mistreated': 3, 'stepmother': 3, 'vinci': 3, 'godfrey': 3, 'burglar': 3, 'out-of-place': 3, "mcdowell\\'s": 3, 'charade': 3, 'symbolize': 3, 'thumping': 3, 'misspelled': 3, "stillman\\'s": 3, "54\\'s": 3, 'tacked-on': 3, 'euphoric': 3, 'chagrin': 3, 'ghouls': 3, 'ivey': 3, 'emilio': 3, 'turgeon': 3, 'kitschy': 3, "\\ncharlie\\'s": 3, 'duplicity': 3, 'cleavage-busting': 3, 'long-lost': 3, 'cleopatra': 3, '\\ndiaz': 3, '\\ntold': 3, '\\nrea': 3, 'banner': 3, 'kaela': 3, 'danika': 3, '\\nnumerous': 3, 'lamp': 3, '\\nfifteen': 3, 'howlers': 3, 'broods': 3, 'bumping': 3, '\\nbuy': 3, '\\ntotally': 3, 'rationale': 3, 'norwood': 3, 'tropics': 3, 'giveaway': 3, "student\\'s": 3, 'distributing': 3, 'pupils': 3, 'mckean': 3, 'unanimously': 3, "tingle\\'s": 3, 'exam': 3, "ann\\'s": 3, 'tambor': 3, 'sneeze': 3, '\\nwilliamson': 3, 'krabb': 3, 'antwerp': 3, 'cakes': 3, 'dishwasher': 3, 'rossellini': 3, 'simcha': 3, 'shovel': 3, "chaja\\'s": 3, 'sufferings': 3, 'brazenly': 3, 'primordial': 3, 'veiny': 3, 'fireplace': 3, 'baseless': 3, 'stoddard': 3, 'pedigree': 3, 'ishtar': 3, 'nastassja': 3, 'coupling': 3, 'vessey': 3, 'overhearing': 3, 'snack': 3, 'discord': 3, 'bemused': 3, "\\nkeaton\\'s": 3, '\\nandie': 3, "screenplay\\'s": 3, 'seldes': 3, 'wheelchair-bound': 3, "thief\\'": 3, 'burglary': 3, 'purse': 3, "\\'psycho\\'": 3, 'dierdre': 3, "darnell\\'s": 3, 'della': 3, 'damaging': 3, 'stagy': 3, 'brashness': 3, 'scholarly': 3, 'inevitability': 3, 'little-seen': 3, 'bloom': 3, 'paraphrasing': 3, 'uninformed': 3, 'hormonal': 3, '\\ncoupled': 3, 'scantily': 3, 'sacks': 3, 'vicarious': 3, 'turbulence': 3, 'gourmet': 3, '\\ncompletely': 3, 'intrude': 3, 'festivities': 3, 'aretha': 3, 'clapton': 3, 'kensington': 3, 'verne': 3, 'mirkine': 3, 'specialised': 3, '\\npacing': 3, '\\nlow': 3, "'here": 3, 'spectrum': 3, 'slaying': 3, 'culinary': 3, 'telekinetic': 3, 'intervals': 3, 'ambiguously': 3, 'piled': 3, 'buckley': 3, 'appetizing': 3, 'norse': 3, '\\nquestions': 3, '103': 3, 'deceptions': 3, 'longed': 3, '\\nandre': 3, 'omit': 3, 'transit': 3, 'braindead': 3, 'four-letter': 3, 'swordsman': 3, 'inn': 3, 'modernizing': 3, 'oppressively': 3, 'tunnels': 3, 'godzillas': 3, 'fully-clothed': 3, '\\ncruel': 3, '\\nsebastian': 3, '\\nkathryn': 3, 'wronged': 3, 'aesthetically': 3, 'impenetrable': 3, 'hypothesis': 3, 'shuns': 3, '\\nsorvino': 3, 'sacked': 3, 'desaster': 3, 'biz': 3, "amazing\\'s": 3, 'craves': 3, 'engineers': 3, 'foes': 3, '\\n8mm': 3, '\\naward': 3, 'manufacture': 3, 'bernie': 3, 'budgie': 3, "o\\'callaghan": 3, 'predicting': 3, 'honours': 3, 'maynard': 3, 'greener': 3, 'slum': 3, 'wisconsin': 3, '\\nexciting': 3, 'pumped-up': 3, 'turkeys': 3, 'rocco': 3, 'rasputin': 3, 'extensively': 3, 'hand-drawn': 3, 'half-digested': 3, 'oblige': 3, 'psychopaths': 3, "boat\\'s": 3, 'knockoff': 3, '\\nfamke': 3, "wells\\'": 3, '\\ncaine': 3, "verhoven\\'s": 3, 'dehumanization': 3, 'tissue': 3, 'blandest': 3, '1938': 3, 'toe': 3, 'weirdo': 3, 'greet': 3, "must\\'ve": 3, '\\ncongratulations': 3, '\\njosie': 3, 'teen-age': 3, 'deficiency': 3, 'stoners': 3, 'royalties': 3, 'facetious': 3, 'self-parody': 3, 'loop': 3, 'leukemia': 3, 'apology': 3, '\\njan': 3, 'harmful': 3, '115': 3, 'nothingness': 3, 'sleepwalks': 3, 'assasin': 3, 'spider-man': 3, "mcfarlane\\'s": 3, 'illustration': 3, 'pyrotechnics': 3, 'journeyed': 3, 'favored': 3, 'ordinarily': 3, "white\\'s": 3, "\\nsheen\\'s": 3, 'pomp': 3, 'over-wrought': 3, 'violated': 3, 'baigelman': 3, 'arduous': 3, 'antagonizes': 3, "payne\\'s": 3, '\\nooooh': 3, 'jailbreak': 3, 'strangled': 3, 'defendant': 3, 'plumbing': 3, 'raul': 3, 'van-damme': 3, 'bases': 3, '\\nnotice': 3, 'dolce': 3, '\\nsleepy': 3, 'miscues': 3, 'brittany': 3, 'soften': 3, 'reappearance': 3, 'purr': 3, 'mired': 3, 'derisive': 3, 'matching': 3, 'stocks': 3, 'sludge': 3, 'festering': 3, 'progressing': 3, 'riches': 3, 'humanly': 3, 'inherit': 3, 'horde': 3, 'overpopulation': 3, 'bestow': 3, 'stimulate': 3, 'pint-sized': 3, '\\nwhoa': 3, 'boundary': 3, 'eisner': 3, '\\nman': 3, 'impresses': 3, 'pledges': 3, 'feminism': 3, 'daydreams': 3, 'yanked': 3, '\\nvirus': 3, 'trimming': 3, 'sentient': 3, 'eiffel': 3, 'cord': 3, 'intelligible': 3, 'fetching': 3, 'scams': 3, 'embracing': 3, 'archival': 3, 'bummer': 3, 'bakshi': 3, 'cursory': 3, 'sanitarium': 3, '\\nhouse': 3, '\\nprice': 3, 'revives': 3, 'jammed': 3, 'prophet': 3, '-ridden': 3, 'bonehead': 3, 'incompetents': 3, '\\ndifficult': 3, 'beers': 3, "'adam": 3, '\\njoey': 3, 'noggin': 3, "'any": 3, 'beart': 3, 'towne': 3, 'pulsating': 3, 'rhapsody': 3, 'nineteenth': 3, 'brainiac': 3, 'apprehend': 3, 'nigger': 3, '\\nsuper': 3, 'humourous': 3, 'flap': 3, 'reactor': 3, 'exude': 3, 'bombast': 3, 'horn': 3, 'bai': 3, 'all-too-brief': 3, "master\\'s": 3, 'opposites': 3, 'archetype': 3, 'conduct': 3, 'isaacs': 3, 'grimly': 3, 'marathon': 3, '\\nstylistically': 3, 'monumental': 3, 'bebe': 3, 'neuwirth': 3, 'exhibiting': 3, 'twenty-somethings': 3, 'looms': 3, '\\nooh': 3, '\\nnurse': 3, 'loutish': 3, 'wallowing': 3, 'nonchalant': 3, 'selfishness': 3, 'amplified': 3, 'pigeon': 3, 'feral': 3, 'wide-open': 3, 'thirty-year-old': 3, 'disparate': 3, 'deluded': 3, 'delusions': 3, 'standby': 3, 'risqu': 3, "florida\\'s": 3, 'character-': 3, "'like": 3, 'doesn': 3, 'negotiation': 3, 'rasp': 3, 'objection': 3, '\\nred': 3, 'injects': 3, "friends\\'": 3, 'glimmers': 3, '\\nthomas': 3, 'nathaniel': 3, 'thaddeus': 3, 'insincerity': 3, '\\ndifferent': 3, 'noxious': 3, "get\\'s": 3, 'debris': 3, 'strikeout': 3, 'underling': 3, 'lebrock': 3, 'lollipop': 3, 'habitat': 3, 'affectations': 3, '_double_team_': 3, 'energetically': 3, 'detonating': 3, 'circuitry': 3, 'countryman': 3, "'upon": 3, 'orginal': 3, 'marsha': 3, 'glenne': 3, 'cluelessness': 3, 'violence/gore': 3, 'stieger': 3, '\\njericho': 3, '100m': 3, 'terrace': 3, 'indicative': 3, 'oily': 3, 'sleuthing': 3, 'intimidation': 3, 'rowan': 3, 'driscoll': 3, 'vibrations': 3, 'decrease': 3, 'rarest': 3, 'irreverent': 3, 'informants': 3, '\\nbrilliant': 3, 'complacency': 3, 'groaned': 3, '\\ncraven': 3, 'schumaccer': 3, 'blur': 3, 'vii': 3, 'foreshadows': 3, '\\ndressed': 3, 'scriptures': 3, 'godly': 3, 'proffessor': 3, 'twitching': 3, 'leery': 3, '\\ng': 3, 'capshaw': 3, 'duh': 3, 'fireman': 3, "protagonist\\'s": 3, 'insincere': 3, 'thoughtless': 3, "helen\\'s": 3, "bean\\'s": 3, 'koster': 3, 'burrows': 3, 'bedridden': 3, 'tong': 3, "warren\\'s": 3, 'doubting': 3, 'hairdos': 3, 'tipsy': 3, 'rub': 3, '\\nquinn': 3, 'bleachers': 3, 'exemplifies': 3, '\\ncarrie': 3, 'panicked': 3, 'haul': 3, 'film\x12s': 3, 'hauled': 3, 'you\x12re': 3, 'stressed': 3, 're-telling': 3, "gere\\'s": 3, '\\ncombined': 3, '\\nbarb': 3, 'businesswoman': 3, 'silicone': 3, 'axel': 3, 'cora': 3, 'sponge': 3, 'grabbing': 3, 'strapping': 3, 'enterprises': 3, 'overprotective': 3, 'pine': 3, 'prairie': 3, 'out-and-out': 3, 'teary': 3, 'good-bye': 3, 'nubile': 3, 'grins': 3, 'cavernous': 3, 'tombs': 3, 'vampire-films': 3, 'dessert': 3, 'preppie': 3, 'tarnish': 3, '\\nsir': 3, "lawyer\\'s": 3, 'schmuck': 3, 'multimillionaire': 3, 'nap': 3, '\\nfinding': 3, 'subvert': 3, '78': 3, 'droves': 3, 'pent-up': 3, '\\ngordie': 3, 'chimes': 3, 'sherilyn': 3, '\\nroro': 3, 'josef': 3, 'doused': 3, 'riots': 3, 'soaking': 3, 'dilbert': 3, 'labeling': 3, 'enlightened': 3, 'rhode': 3, 'deep-voiced': 3, 'infused': 3, 'midgets': 3, 'ceases': 3, 'whitey': 3, 'dissolved': 3, 'outsmarted': 3, 'magma': 3, 'fake-looking': 3, "professor\\'s": 3, 'improvisation': 3, 'carelessly': 3, '`snake': 3, "eyes\\'": 3, 'barbecue': 3, 'claustrophobia': 3, 'hiss': 3, 'muttered': 3, 'wide-angle': 3, 'dyer': 3, 'sliced': 3, 'mounts': 3, 'bizarrely': 3, 'inauspicious': 3, '50\\%': 3, 'drug-addicted': 3, 'splat': 3, 'tellingly': 3, "'did": 3, 'skyrocket': 3, 'pious': 3, 'necks': 3, 'whispering': 3, 'ingenuous': 3, 'tumbles': 3, 'testicles': 3, 'purchasing': 3, '8th': 3, 'perennial': 3, 'aaa': 3, 'bakula': 3, 'quantum': 3, 'daunting': 3, 'goggins': 3, 'huff': 3, 'hitter': 3, 'absences': 3, 'terminology': 3, 'renewed': 3, 'volcanoes': 3, 'volcanic': 3, 'wando': 3, 'busybody': 3, '\\nasks': 3, 'ancestors': 3, 'kkk': 3, 'injecting': 3, 'facile': 3, 'symptomatic': 3, 'onwards': 3, 'sneaky': 3, 'ponderous': 3, 'slog': 3, 'crotchety': 3, 'tainted': 3, 'voyeurs': 3, 'militant': 3, 'coitus': 3, 'tatum': 3, 'guitarist': 3, '\\njordan': 3, 'masturbates': 3, 'dispondent': 3, 'harmed': 3, 'heresy': 3, '\\nmove': 3, 'ishmael': 3, 'steroids': 3, '\\ncuba': 3, 'klutzy': 3, 'pee-wee': 3, 'shelley': 3, 'servant': 3, 'lacklustre': 3, 'stoicism': 3, '\\njacob': 3, 'endowed': 3, 'conducts': 3, 'bidder': 3, 'hamburger': 3, 'gunpoint': 3, 'emblazoned': 3, 'rover': 3, 'disinterest': 3, 'invoke': 3, 'clowns': 3, 'sprung': 3, 'whisked': 3, 'fabio': 3, 'unspeakable': 3, 'idiosyncrasies': 3, 'double-crossed': 3, 'rolf': 3, 'extort': 3, 'horndog': 3, 'volker': 3, 'snazzy': 3, 'pulse-pounding': 3, '_does_': 3, 'foreground': 3, 'unraveled': 3, '_more_': 3, '\\ne': 3, 'noticable': 3, 'landmarks': 3, 'szubanski': 3, '_do_': 3, 'rooney': 3, '\\nhope': 3, 'dane': 3, 'tutelage': 3, 'guillotine': 3, 'dobie': 3, 'windswept': 3, 'jiro': 3, "cisco\\'s": 3, 'pander': 3, 'clientele': 3, 'punched': 3, 'stag': 3, 'hounded': 3, 'underplays': 3, 'mommy': 3, 'guffaws': 3, 'lysterine': 3, 'cantonese': 3, 're-enactment': 3, 'skyrocketed': 3, 'dissipates': 3, 'takeshi': 3, 'kitano': 3, 'foreshadow': 3, 'retribution': 3, 'intestines': 3, 'slicing': 3, 'superlative': 3, 'blot': 3, '\\nkubrick': 3, 'profundity': 3, 'baroque': 3, 'harford': 3, 'overcoat': 3, 'electronically': 3, 'annoys': 3, 'ploys': 3, "silverstone\\'s": 3, 'terrorizes': 3, 'eminent': 3, 'indoors': 3, 'instigated': 3, 'install': 3, 'adjani': 3, '\\nkathy': 3, 'cut-out': 3, 'tasted': 3, "jeopardy\\'": 3, 'diehard': 3, '\\nfeel': 3, 'wright-penn': 3, '\\nmessage': 3, 'confrontational': 3, 'pestering': 3, "sisters\\'": 3, 'crust': 3, 'slot': 3, 'priority': 3, 'flurry': 3, 'immersive': 3, 'videodrome': 3, 'in-laws': 3, "greg\\'s": 3, 'bosom': 3, 'investigates': 3, '20-year': 3, 'sanctuary': 3, "marlowe\\'s": 3, '\\ntwenty': 3, 'baffling': 3, "christine\\'s": 3, 'pondered': 3, "ribisi\\'s": 3, 'cosmos': 3, 'bigots': 3, 'garners': 3, "potter\\'s": 3, '\\nco-star': 3, 'preaches': 3, "\\nricci\\'s": 3, 'dante': 3, "lola\\'s": 3, 'reinforce': 3, "hopper\\'s": 3, '\\njump': 3, 'lol': 3, 'lax': 3, 'override': 3, '\\nduh': 3, 'evens': 3, 'on-line': 3, 'schrieber': 3, "3\\'s": 3, 'attenuated': 3, "ghostface\\'s": 3, 'afield': 3, 'authored': 3, 'crescendos': 3, 'synch': 3, 'cementing': 3, 'patches': 3, 'simpering': 3, 'abhorrent': 3, 'recklessly': 3, 'wringing': 3, 'dwindling': 3, 'honorary': 3, 'wrapper': 3, '15th': 3, 'fistfights': 3, 'inter-office': 3, 'institutions': 3, 'starbucks': 3, "\\'batman": 3, 'slammed': 3, 'nursery': 3, 'wilds': 3, 'findings': 3, '\\nalongside': 3, 'extinct': 3, 'love-hewitt': 3, 'torro': 3, 'amateurishly': 3, 'weariness': 3, 'osmet': 3, 'disneyfied': 3, 'uber': 3, 'bleached': 3, 'unforced': 3, 'post-cold': 3, 'horrendously': 3, '\\nshowgirls': 3, "michele\\'s": 3, 'threesome': 3, 'reverts': 3, "\\'what": 3, 'civilisation': 3, '99\\%': 3, 'spook': 3, 'immersion': 3, 'flippant': 3, 'overact': 3, 'linc': 3, 'mindful': 3, 'watchful': 3, 'rip-roaring': 3, 'applauding': 3, '\\nmitch': 3, 'needy': 3, 'thud': 3, 'cambell': 3, 'wanna-be': 3, 'clancy': 3, "brown\\'s": 3, "cooper\\'s": 3, 'simian': 3, 'primate': 3, '17-year': 3, 'abe': 3, '1871': 3, "ned\\'s": 3, "australia\\'s": 3, 'jailed': 3, 'filmic': 3, 'boob': 3, '$4': 3, 'fedoras': 3, 'fellows': 3, 'boarded': 3, 'ilsa': 3, '\\num': 3, 'breathy': 3, 'curl': 3, '\\ncombine': 3, 'firefighter': 3, '\\ndiedre': 3, '\\nbutler': 3, 'terminated': 3, 'illinois': 3, 'loquacious': 3, 'medley': 3, "'michael": 3, 'second-tier': 3, 'degradation': 3, 'heaped': 3, "stifler\\'s": 3, 'embroiled': 3, '\\ntruer': 3, 'jack-in-the-box': 3, 'bathed': 3, 'oddest': 3, '\\nlopez': 3, 'fashions': 3, 'aplenty': 3, 'dysfunction': 3, 'alyssa': 3, 'whistles': 3, 'lampoon': 3, 'embarked': 3, 'intentioned': 3, 'casinos': 3, 'ole': 3, 'tack': 3, '\\nmom': 3, '\\ncarlyle': 3, 'rowdy': 3, '\\nplunkett': 3, 'gobs': 3, 'examinations': 3, 'lundgren': 3, 'stupefyingly': 3, 'crunch': 3, 'bokeem': 3, 'woodbine': 3, 'handguns': 3, 'applegate': 3, 'air-headed': 3, 'organisation': 3, '\\nchairman': 3, 'x-': 3, 'haste': 3, 'mcmillan': 3, 'medal': 3, 'skimp': 3, '88': 3, 'snapping': 3, "nolte\\'s": 3, 'iced': 3, 'commend': 3, 'barking': 3, 'logically': 3, 'snipers': 3, 'super-hero': 3, 'covert': 3, 'feverish': 3, 'co-': 3, "\\'n\\'": 3, 'oddity': 3, 'fringe': 3, 'ambitiously': 3, 'pogue': 3, 'legitimacy': 3, 'broken-down': 3, 'thom': 3, 'judson': 3, 'mackenzie': 3, 'teammate': 3, '\\nleonard': 3, 'caricatured': 3, '\\ngus': 3, 'danica': 3, 'pfferpot': 3, 'dickson': 3, 'impersonator': 3, 'gays': 3, 'avenues': 3, 'preferences': 3, 'snobs': 3, 'breech': 3, 'roache': 3, 'footprint': 3, '\\n7': 3, 'hermit': 3, 'polynesian': 3, 'beta': 3, 'thinnest': 3, 'excusable': 3, 'unwillingness': 3, 'delany': 3, "joshua\\'s": 3, 'eponymous': 3, '\\ndonnie': 3, 'intriguingly': 3, 'smirks': 3, 'regrettably': 3, 'mimicking': 3, "'these": 3, 'deluge': 3, 'infantile': 3, "death\\'s": 3, '\\nsaying': 3, "talkin\\'": 3, 'zhang': 3, 'ying': 3, 'unwitting': 3, 'pickles': 3, 'newborn': 3, 'rerelease': 3, 'pretentions': 3, 'outbreak': 3, "partner\\'s": 3, 'ciphers': 3, 'parted': 3, '\\ndora': 3, 'unctuous': 3, 'shrugs': 3, 'poisoned': 3, '//filmfreakcentral': 3, "\\'no": 3, 'long-lived': 3, '\\nbyrne': 3, 'spock': 3, 'nexus': 3, 'soran': 3, "data\\'s": 3, "paramount\\'s": 3, 'keenen': 3, 'take-no-prisoners': 3, 'cartwright': 3, 'fortitude': 3, 'defenses': 3, 'self-discovery': 3, 'undying': 3, 'marsh': 3, "captain\\'s": 3, 'obliterated': 3, 'shuts': 3, 'piling': 3, 'houseman': 3, 'rivera': 3, 'oise': 3, 'sized': 3, 'inadequacies': 3, "\\nkate\\'s": 3, 'olympia': 3, "jennifer\\'s": 3, 'videotaping': 3, 'amends': 3, '\\nmohr': 3, 'scumball': 3, 'floorboards': 3, '\\nsaid': 3, 'regeneration': 3, 'ottman': 3, 'kang-sheng': 3, 'kuei-mei': 3, 'huddle': 3, 'zones': 3, '\\nexample': 3, 'hallways': 3, 'taiwanese': 3, 'wordy': 3, "butcher\\'s": 3, 'drugged-out': 3, 'unmistakably': 3, 'unbiased': 3, 'lollies': 3, 'munching': 3, '\\nfair': 3, 'bared': 3, 'cripple': 3, 'awaken': 3, 'one-on-one': 3, 'professions': 3, 'true-to-life': 3, '\\ndisney': 3, 'setback': 3, 'zoot': 3, 'shook': 3, 'humored': 3, 'quake': 3, 'dome': 3, '\\ntreat': 3, 'argonauticus': 3, "o\\'connor\\'s": 3, 'comic-relief': 3, 'rhyme': 3, "d\\'artagnan\\'s": 3, 'skates': 3, 'he-man': 3, 'dousing': 3, "robin\\'s": 3, 'liable': 3, 'obligations': 3, 'calming': 3, 'sexiness': 3, 'sizable': 3, 'replayed': 3, "ben\\'s": 3, 'hodges': 3, 'pow': 3, '\\nchilders': 3, 'yemen': 3, 'racially': 3, 'pandemonium': 3, '108': 3, 'b-films': 3, '\\nstopping': 3, 'rapes': 3, 'commandeer': 3, 'vacationing': 3, 'titty': 3, 'seafood': 3, 'gnosis': 3, 'glam-rock': 3, 'formally': 3, 'lizards': 3, "lynn\\'s": 3, 'tudeski': 3, 'overjoyed': 3, 'deficient': 3, 'congenial': 3, 'mechanisms': 3, 'eagerness': 3, 'greenlit': 3, 'defects': 3, 'gator': 3, 'obscures': 3, 'offending': 3, '43': 3, '\\nf': 3, 'attatched': 3, '\\nflik': 3, "season\\'s": 3, 'dung': 3, 'beetle': 3, 'ranft': 3, "'once": 3, 'boasting': 3, 'speeds': 3, 'piercing': 3, 'smugly': 3, 'decrees': 3, 'boisterous': 3, 'best-friend': 3, 'scuzzy': 3, 'fatuous': 3, 'towers': 3, 'ephrons': 3, 'thicker': 3, 'hi': 3, 'impostors': 3, 'debating': 3, 'lingerie': 3, 'midland': 3, 'organizer': 3, 'pare': 3, 'cruisers': 3, 'sofia': 3, "heinlein\\'s": 3, 'enquirer': 3, '\\nluc': 3, 'workmen': 3, "'back": 3, 'composite': 3, 'blawp': 3, 'impaired': 3, 'engulf': 3, 'trotted': 3, 'luster': 3, 'leans': 3, "c\\'mon": 3, 'mi2': 3, 'titillate': 3, 'slyly': 3, 'jawed': 3, 'repetitious': 3, 'whips': 3, 'doorway': 3, 'hurtling': 3, 'breather': 3, 'speakers': 3, 'raison': 3, '\\nadded': 3, 'mar': 3, 'affordable': 3, 'retail': 3, 'whos': 3, 'damnit': 3, 'argentina': 3, 'samoan': 3, 'misadventure': 3, 'ethic': 3, 'humanoid': 3, 'fathers': 3, 'assuredly': 3, 'scientologist': 3, 'melt': 3, 'amblyn': 3, 'unemployment': 3, 'corresponds': 3, 'platter': 3, 'booted': 3, "`there\\'s": 3, "mary\\'": 3, 'diarrhea': 3, 'bolstered': 3, 'brill': 3, 'undisputed': 3, 'encouragement': 3, 'aficionado': 3, '`varsity': 3, "blues\\'": 3, "arquette\\'s": 3, 'henrikson': 3, '\\nsheedy': 3, 'unambitious': 3, 'intimidates': 3, 'jodi': 3, 'indien': 3, 'dans': 3, 'edie': 3, 'mcclurg': 3, 're-created': 3, 'visibly': 3, 'mullan': 3, 'asbestos': 3, 'gevedon': 3, 'jurisdiction': 3, 'flakes': 3, 'assassinated': 3, '\\ndisturbing': 3, 'philosophers': 3, 'phantoms': 3, '\\nstahl': 3, 'hone': 3, "stahl\\'s": 3, 'rochelle': 3, 'polito': 3, 'tending': 3, 'refrain': 3, '\\nwearing': 3, 'eulogy': 3, 'obnoxiously': 3, 'participating': 3, '-type': 3, 'unsuitable': 3, 'compose': 3, 'mournful': 3, 'whaley': 3, 'hierarchy': 3, 'cringing': 3, 'backtrack': 3, 'smut': 3, 'screwed-up': 3, 'abolish': 3, 'blasted': 3, 'appalled': 3, "dunaway\\'s": 3, 'hangers': 3, 'tantrum': 3, 'pepsi': 3, '1945': 3, 'non-fiction': 3, 'crudeness': 3, 'brags': 3, 'regrettable': 3, 'melodramas': 3, "humanity\\'s": 3, 'ouch': 3, "craig\\'s": 3, 'stevenson': 3, 'prints': 3, 'bimbos': 3, 'sweater': 3, '\\nexactly': 3, 'skating': 3, 'wim': 3, 'groceries': 3, 'jams': 3, 'saws': 3, '\\nmonica': 3, 'stephie': 3, "hudson\\'s": 3, "'i\\'ll": 3, 'recalling': 3, 'dinners': 3, "postman\\'s": 3, 'quota': 3, 'outlet': 3, 'modernize': 3, 'limitless': 3, 'plaything': 3, 'snooty': 3, "kinnear\\'s": 3, "estella\\'s": 3, "\\nfinn\\'s": 3, 'veterinarian': 3, 'scamper': 3, 'townie': 3, 'soliloquy': 3, 'dennehy': 3, "courtney\\'s": 3, 'lodged': 3, 'acknowledgment': 3, "cinema\\'s": 3, 'hu': 3, 'mao': 3, 'westernized': 3, 'unfulfilling': 3, 'we-lei': 3, 'imparted': 3, 'freewheeling': 3, 'rained': 3, '\\nrecently': 3, 'unpopular': 3, 'frequents': 3, "wendy\\'s": 3, 'sermon': 3, 'paolo': 3, 'clinging': 3, 'nurturing': 3, 'concealing': 3, 'botches': 3, 'digressions': 3, 'ten-minute': 3, 'wittiness': 3, 'commission': 3, 'cahoots': 3, 'entangled': 3, '\\nvarious': 3, 'sutton': 3, 'womb': 3, 'indulgence': 3, '\\nnatasha': 3, 'triad': 3, 'brotherhood': 3, 'screamers': 3, 'splattering': 3, 'impaled': 3, 'magnified': 3, 'pads': 3, '05': 3, "'are": 3, 'hugs': 3, 'aimee': 3, 'bystanders': 3, 'compass': 3, 'pendleton': 3, 'namesake': 3, 'krueger': 3, 'misfired': 3, "\\'98": 3, 'partaking': 3, 'soulful': 3, 'clutter': 3, 'personification': 3, "creator\\'s": 3, 'unwarranted': 3, 'sloppiness': 3, "month\\'s": 3, "mcgowan\\'s": 3, 'spill': 3, 'sal': 3, 'alliances': 3, '1800s': 3, 'jobeth': 3, 'lefessier': 3, 'drive-in': 3, '\\nmemphis': 3, 'eluded': 3, 'chaser': 3, 'granddaddy': 3, 'diverts': 3, 'druggie': 3, 'priestley': 3, 'mesmerized': 3, 'egos': 3, 'generously': 3, 'pulitzer': 3, 'hazardous': 3, '\\neasy': 3, "woods\\'": 3, 'kotter': 3, "stern\\'s": 3, "prince\\'s": 3, 'sportscaster': 3, 'consensus': 3, 'pasadena': 3, "bugs\\'": 3, 'oboe': 3, 'digger': 3, 'decorates': 3, 'undercuts': 3, 'humbled': 3, 'staggers': 3, 'shatter': 3, 'extramarital': 3, '\\nsgt': 3, 'baxter': 3, 'alterations': 3, 'loomis': 3, 'badges': 3, 'meager': 3, "kersey\\'s": 3, 'skinner': 3, 'moreover': 3, 'telepathic': 3, 'assimilate': 3, 'noraruth@aol': 3, 'jun': 3, 'cb': 3, '\\nsummary': 3, 'penalty': 3, '_that_': 3, 'traci': 3, 'metropolitan': 3, 'snippet': 3, 'gullible': 3, 'contaminated': 3, '\\nterry': 3, 'goriest': 3, 'generalized': 3, 'baring': 3, 'coaxes': 3, 'unbroken': 3, 'unblinking': 3, 'arid': 3, 'ana': 3, 'bedside': 3, 'recounting': 3, 'pickup': 3, 'eisenberg': 3, 'reinforcing': 3, '32': 3, "1985\\'s": 3, "1982\\'s": 3, 'unto': 3, 'impulsively': 3, 'francoise': 3, "richard\\'s": 3, 'transpire': 3, 'assembly': 3, 'untamed': 3, "theron\\'s": 3, '\\neight': 3, "goldberg\\'s": 3, 'thriving': 3, 'credibly': 3, 'well-paid': 3, "fred\\'s": 3, 'simplified': 3, '\\njessica': 3, 'belinda': 3, 'disenfranchised': 3, 'determines': 3, 'bandages': 3, '\\nask': 3, "ironside\\'s": 3, 'comprehensive': 3, 'interviewing': 3, 'tanked': 3, 'purchased': 3, 'junkets': 3, 'implodes': 3, '\\nseth': 3, "'do": 3, 'limousine': 3, "everett\\'s": 3, "starbuck\\'s": 3, 'aristocrats': 3, 'bulletproof': 3, 'vest': 3, '\\ngordon': 3, 'softly': 3, 'cogs': 3, 'gizmos': 3, 'skirts': 3, 'hesse': 3, 'sure-fire': 3, 'spews': 3, 'miniscule': 3, 'catchphrases': 3, 'singapore': 3, 'obtains': 3, 'duped': 3, 'marky': 3, 'shale': 3, 'pastels': 3, 'deejay': 3, 'passports': 3, 'smuggler': 3, 'wrist': 3, 'motormouth': 3, 'comedy-thriller': 3, '\\nfighting': 3, 'cheng': 3, 'run-ins': 3, "harrelson\\'s": 3, 'stocked': 3, '\\nprince': 3, 'caller': 3, 'processes': 3, 'stereotypically': 3, 'spiceworld': 3, 'adored': 3, 'blas': 3, "'we": 3, 'muddy': 3, 'histories': 3, 'trot': 3, 'theorists': 3, 'roswell': 3, 'gestate': 3, 'avoidance': 3, 'self-contained': 3, 'implicit': 3, 'marijo': 3, "france\\'s": 3, 'three-star': 3, 'degraded': 3, 'tampering': 3, 'parochial': 3, 'vocation': 3, 'schmaltz': 3, 'remarking': 3, 'shoestring': 3, '\\ntoss': 3, 'vicky': 3, 'bitterly': 3, '_polish_wedding_': 3, 'comedy-drama': 3, 'bolek': 3, 'hala': 3, 'hypocrite': 3, 'serbedzija': 3, 'last-ditch': 3, 'rapids': 3, '\\nlangella': 3, 'gosnell': 3, 'macaulay': 3, 'rya': 3, 'kihlstedt': 3, 'snowstorm': 3, 'acme': 3, '\\nadults': 3, 'boxes': 3, 'balloon': 3, '\\nfiennes': 3, 'underplayed': 3, 'mca': 3, 'clearer': 3, "herbert\\'s": 3, 'undertaking': 3, 'extends': 3, 'expands': 3, 'spacing': 3, 'commerce': 3, "\\nlynch\\'s": 3, 'atreides': 3, 'emergence': 3, 'one-eyed': 3, 'eno': 3, 'disown': 3, 'gripes': 3, 'eg': 3, 'omission': 3, 'circulating': 3, 'nominal': 3, 'wallenberg': 3, '\\ncaught': 3, 'savoy': 3, '\\ndoctor': 3, 'jilted': 3, 'wags': 3, 'snively': 3, 'cleaned-up': 3, '\\nshadow': 3, 'holloway': 3, 'bombarded': 3, 'underbelly': 3, 'bare-knuckle': 3, 'douriff': 3, 'publish': 3, 'overplaying': 3, 'bamboo': 3, 'offset': 3, 'bureaucratic': 3, 'cleaned': 3, 'kickass': 3, 'exacerbated': 3, 'loosing': 3, '48th': 3, 'role-playing': 3, "singer\\'s": 3, 'descending': 3, "\\nspielberg\\'s": 3, 'allied': 3, 'pecker': 3, 'wrenching': 3, 'self-deprecation': 3, 'bumble': 3, '\\ndavis': 3, 'elitist': 3, 'slashing': 3, 'peels': 3, 'karate-chopping': 3, 'havilland': 3, 'starved': 3, "ebert\\'s": 3, 'debuting': 3, "goldsman\\'s": 3, 'favourites': 3, "ru\\'afo": 3, 'directive': 3, 'frakes': 3, 'feud': 3, '\\nfrakes': 3, 'crusher': 3, 'ribald': 3, 'jackass': 3, 'augmented': 3, 'chatting': 3, 'cabbie': 3, 'hypodermic': 3, 'intoxicating': 3, '\\ncolor': 3, '\\nrhea': 3, '\\npresented': 3, 'sweating': 3, 'shaggy': 3, 'rock-solid': 3, 'chopsticks': 3, 'none-too-subtle': 3, 'patillo': 3, '\\nhearing': 3, 'ticks': 3, 'vans': 3, 'spanned': 3, 'exits': 3, 'monarch': 3, 'depressingly': 3, 'submarines': 3, 'high-priced': 3, 'absurdities': 3, 'lumps': 3, 'acute': 3, 'choreographing': 3, 'planted': 3, 'sweet-natured': 3, 'subtitling': 3, '\\ntango': 3, 'love-interest': 3, 'requesting': 3, 'westworld': 3, 'thoughtfulness': 3, 'trois': 3, '\\njermaine': 3, 'obligingly': 3, 'subservient': 3, 'facet': 3, 'big-shot': 3, 'packing': 3, 'mckenna': 3, 'groundwork': 3, '_dirty_work_': 3, 'impotent': 3, '_saturday_night_live_': 3, 'yu': 3, 'self-reference': 3, 'salaries': 3, 'surrenders': 3, 'grad': 3, 'longstreet': 3, 'opting': 3, 'bricks': 3, 'fictionalized': 3, "erin\\'s": 3, 'greyhound': 3, 'offing': 3, 'matured': 3, 'low-life': 3, '40-year-old': 3, 'confides': 3, 'agonizing': 3, 'logs': 3, '\\nterror': 3, 'groucho': 3, 'rv': 3, 'traumatised': 3, 'aspires': 3, 'teeters': 3, 'vowing': 3, "terry\\'s": 3, 'wristwatch': 3, 'sympathise': 3, 'plights': 3, 'jaunt': 3, 'fresh-faced': 3, 'smalltown': 3, 'directoral': 3, 'pubs': 3, 'tick': 3, 'ate': 3, 'lovell': 3, 'travers': 3, '\\nhints': 3, 'misunderstand': 3, 'impervious': 3, '84': 3, 'registered': 3, 'sector': 3, '\\nplace': 3, 'hair-raising': 3, 'sinbad': 3, 'olympics': 3, 'wrongdoing': 3, 'bootleg': 3, "1988\\'s": 3, 'potatoes': 3, 'buddhist': 3, 'chants': 3, 'powdered': 3, '\\nthirteen': 3, 'non-': 3, 'action-adventure': 3, 'unsurprisingly': 3, 'cloning': 3, 'heavens': 3, 'eighth': 3, 'coworker': 3, '\\ngoodman': 3, 'wired': 3, "'ok": 3, 'bubblegum': 3, 'unifying': 3, 'chisolm': 3, 'silky': 3, 'derring-do': 3, "\\nstone\\'s": 3, 'caffeine': 3, 'marveling': 3, 'vegetable': 3, 'branded': 3, 'puncture': 3, 'transfixed': 3, 'shawnee': 3, 'housed': 3, 'apprehension': 3, 'dellaplane': 3, 'nite': 3, 'valleys': 3, 'ingesting': 3, '\\nfear': 3, 'hispanic': 3, 'binge': 3, 'tequila': 3, '\\nduke': 3, 'chong': 3, 'horror-comedy': 3, "'that": 3, 'manifesting': 3, 'jansen': 3, 'brakes': 3, '\\nbody': 3, 'platitudes': 3, 'carnal': 3, 'intercourse': 3, 'moralistic': 3, 'processor': 3, 'a--': 3, 'petulant': 3, 'fleetingly': 3, 'stubbornly': 3, "malcolm\\'s": 3, 'deficit': 3, 'stumped': 3, 'nbc': 3, 'risible': 3, "rimbaud\\'s": 3, '16-year-old': 3, 'bourgeoisie': 3, "juliet\\'": 3, '\\ndelroy': 3, "anton\\'s": 3, 'garofolo': 3, 'under-written': 3, 'wring': 3, 'marking': 3, "bowie\\'s": 3, "song\\'s": 3, '\\ndonna': 3, 'madcap': 3, 'accuse': 3, 'basil': 3, 'skater': 3, '\\nburt': 3, '\\nreynolds': 3, 'columnist': 3, 'docked': 3, 'oaf': 3, 'puppeteer': 3, 'neuroses': 3, '\\nval': 3, "cindy\\'s": 3, 'gaerity': 3, "dove\\'s": 3, "'don\\'t": 3, 'charging': 3, '\\n--------------------------------------------------------------': 3, '--------------------------------------------------------------': 3, 'pinon': 3, 'edith': 3, 'sketched': 3, 'tenement': 3, 'mischief': 3, "\\nfrank\\'s": 3, 'wresting': 3, 'plot-driven': 3, 'zilch': 3, 'haddad': 3, 'earnestly': 3, 'groomed': 3, 'orser': 3, 'brightness': 3, 'dissapointment': 3, '\\nstick': 3, 'flocking': 3, 'hotels': 3, "o\\'neill": 3, 'hoary': 3, '\\nwalken': 3, 'smacking': 3, "'making": 3, 'hugging': 3, "'whenever": 3, 'gatewood': 3, 'induces': 3, 'melancholic': 3, 'smuggle': 3, 'troop': 3, 'splatter': 3, 'wisecrack': 3, 'ironies': 3, 'israeli': 3, 'b-': 3, 'overcoming': 3, 'pulpy': 3, 'hodge': 3, 'eccentricities': 3, "mia\\'s": 3, 'apprehended': 3, 'ax': 3, '\\nalessa': 3, 'suitor': 3, 'coldly': 3, 'contagious': 3, 'harasses': 3, 'downstairs': 3, 'referee': 3, 'bigwigs': 3, 'sorted': 3, 'up-and-up': 3, 'superiority': 3, 'avital': 3, "jay\\'s": 3, '\\nkissing': 3, 'confederate': 3, 'mcgrath': 3, '\\nkelley': 3, 'tearfully': 3, 'impulsive': 3, '\\nlesra': 3, "rubin\\'s": 3, 'bracco': 3, 'appreciable': 3, 'detox': 3, 'prohibition-era': 3, 'hammett': 3, 'backward': 3, 'velocity': 3, 'faithfulness': 3, 'nolan': 3, 'maryland': 3, '\\ntristen': 3, 'erica': 3, 'manuscript': 3, 'antisocial': 3, 'tweed': 3, 'creeping': 3, 'sonia': 3, 'constraints': 3, 'fitzgerald': 3, 'upscale': 3, 'extinction': 3, 'lobster': 3, 'flirtatious': 3, 'blaster': 3, 'rosenthal': 3, 'undone': 3, 'atwood': 3, '\\nharder': 3, 'consumers': 3, 'don92t': 3, "walken\\'s": 3, "'>from": 3, 'disrespectful': 3, 'tomato': 3, 'flea': 3, 'durning': 3, 'unidentified': 3, '\\nalda': 3, 'busting': 3, 'whoville': 3, "grinch\\'s": 3, 'momsen': 3, 'cartman': 3, 'laughlin': 3, "\\nlambert\\'s": 3, 'buckles': 3, 'arthouse': 3, 'uncompelling': 3, 'pratt': 3, 'thundering': 3, "henstridge\\'s": 3, 'glide': 3, 'numbingly': 3, 'garlington': 3, "'star": 3, 'mcdiarmid': 3, 'pernilla': 3, 'snobbery': 3, 'sidious': 3, 'extravaganzas': 3, "ross\\'s": 3, '\\naround': 3, 'sanctioned': 3, 'tray': 3, 'runner_': 3, 'blurb': 3, 'samurai_': 3, 'endo': 3, 'buddhism': 3, 'arabella': 3, 'guerilla': 3, 'conceivably': 3, 'connects': 3, 'seville': 3, 'chimera': 3, 'incentive': 3, 'roxburgh': 3, 'colorless': 3, "sean\\'s": 3, 'excluded': 3, 'ageing': 3, 'unisol': 3, 'fully-realized': 3, '\\nwhoever': 3, 'goldthwait': 3, 'dimly-lit': 3, 'thursday': 3, "'set": 3, 'strengthens': 3, 'puzo': 3, '\\nwar': 3, 'erupting': 3, '\\nlarge': 3, '\\nandy': 3, 'resurrects': 3, 'eh-dan': 3, 'talon': 3, 'alana': 3, 'composing': 3, 'guiteau': 3, 'guinee': 3, '______': 3, '_____': 3, 'departed': 3, '\\nemotionally': 3, 'developer': 3, 'ivana': 3, 'bravest': 3, 'declines': 3, 'wigger': 3, 'declaring': 3, 'intensive': 3, 'damages': 3, '\\ngot': 3, 'willpower': 3, 'bolts': 3, 'dollop': 3, 'wages': 3, 'boardroom': 3, 'suggestively': 3, 'wheeler': 3, "\\nsteven\\'s": 3, 'sorna': 3, 'projection': 3, 'alessandro': 3, 'dining': 3, 't-rex': 3, 'spilling': 3, 'gulp': 3, 'stung': 3, 'incognito': 3, '75': 3, 'weirder': 3, 'descendent': 3, 'unaccomplished': 3, 'berlinger': 3, "'warren": 3, 'complacent': 3, '\\nhelmer': 3, 'upwards': 3, "penn\\'s": 3, 'shortage': 3, 'conscientious': 3, 'self-absorption': 3, 'mendes': 3, 'nosedive': 3, 'irreverence': 3, '\\nanimated': 3, 'modestly': 3, 'negotiating': 3, "kidman\\'s": 3, 'flirtation': 3, 'superimposed': 3, 'novalee': 3, 'babaloo': 3, 'mandel': 3, 'carrera': 3, '1953': 3, 'exacts': 3, 'thurgood': 3, 'pharmaceutical': 3, 'sampson': 3, 'bellboy': 3, 'plaza': 3, '\\np': 3, 'siam': 3, 'educating': 3, 'prejudices': 3, 'tennant': 3, 'spaceballs': 3, 'well-received': 3, '\\ncary': 3, 'cliffs': 3, 'tugs': 3, 'deschanel': 3, 'prizes': 3, 'greens': 3, 'basing': 3, "libby\\'s": 3, 'sociopathic': 3, 'disintegrate': 3, 'meshes': 3, 'jimi': 3, 'malibu': 3, 'tormenting': 3, 'decapitate': 3, 'stomachs': 3, 'offed': 3, 'yesterday': 3, 'wierd': 3, "i\\'s": 3, 'roxanne': 3, 'prehistoric': 3, "browning\\'s": 3, "priest\\'s": 3, 'kiernan': 3, 'clubbing': 3, 'posessed': 3, '\\nboorman': 3, 'connotations': 3, 'frayn': 3, 'exterminator': 3, 'patent': 3, 'lsd': 3, 'substances': 3, 'permeates': 3, 'memoirs': 3, 'thrusts': 3, 'yglesias': 3, "gould\\'s": 3, 'anti-social': 3, 'hooper': 3, 'orca': 3, 'grizzled': 3, 'armada': 3, 'meteoric': 3, "lumumba\\'s": 3, '\\npeck': 3, 'prominence': 3, 'facto': 3, 'intervene': 3, 'gripped': 3, 'shrift': 3, 'outshine': 3, 'complementing': 3, 'educational': 3, 'touchy': 3, 'swastika': 3, 'chivalry': 3, "alda\\'s": 3, 'tasteful': 3, 'mobutu': 3, "\\npeck\\'s": 3, '\\niron': 3, 'kei-ying': 3, 'ping': 3, '\\nhands': 3, 'concocting': 3, 'chapman': 3, 'cody': 3, 'shaffer': 3, 'sensations': 3, 'garfield': 3, 'brautigan': 3, '\\ncinque': 3, "cinque\\'s": 3, 'unenviable': 3, 'typecasting': 3, 'yup': 3, 'preface': 3, 'hypochondriac': 3, '1959': 3, '\\nelliot': 3, '\\nholding': 3, 'vigilantes': 3, "1930\\'s": 3, "roger\\'s": 3, "boyle\\'s": 3, 'pill-popping': 3, 'billington': 3, 'muses': 3, 'polls': 3, 'quibbles': 3, 'hindrance': 3, 'venting': 3, '\\nhall': 3, 'hiv': 3, 'cruelly': 3, 'bastille': 3, 'safecracker': 3, 'chronicled': 3, 'conway': 3, 'arrests': 3, "tommy\\'s": 3, 'exasperated': 3, 'film-noir': 3, 'masse': 3, "christ\\'s": 3, 'editorial': 3, 'lightsaber': 3, 'palpatine': 3, 'coruscant': 3, 'eight-year-old': 3, "anakin\\'s": 3, '\\njewison': 3, 'naturalism': 3, 'self-imposed': 3, 'masking': 3, 'cort': 3, '\\nkatie': 3, "douglas\\'s": 3, '\\ncurtis': 3, '\\nblue': 3, 'therein': 3, '\\ndays': 3, 'josu': 3, 'pennsylvania': 3, 'pertwee': 3, '\\nlester': 3, 'prototypical': 3, 'furnishings': 3, 'cybil': 3, 'normalcy': 3, 'disillusionment': 3, 'troublesome': 3, "hackman\\'s": 3, 'complementary': 3, 'mucho': 3, 'sheltered': 3, 'floyd': 3, '\\ntorn': 3, 'reggae': 3, 'pioneer': 3, 'littlest': 3, 'teased': 3, 'gatherings': 3, '\\nmixing': 3, 'mant': 3, 'falcon': 3, 'sky_': 3, 'breathlessly': 3, 'dent': 3, 'clean-cut': 3, 'babs': 3, 'touchy-feely': 3, "damon\\'s": 3, 'attractions': 3, 'sikh': 3, 'vent': 3, 'bombings': 3, 'soared': 3, '\\namazing': 3, 'shops': 3, 'riggs': 3, 'zippel': 3, 'ballads': 3, 'egan': 3, '\\nlord': 3, "tampopo\\'s": 3, '\\nsurrounded': 3, '\\nreturn': 3, 'mayhew': 3, 'fleet': 3, 'mahoney': 3, '\\ndean': 3, 'pignon': 3, 'anonymously': 3, 'milks': 3, 'aurelius': 3, 'executioners': 3, 'proximo': 3, 'germania': 3, 'life-affirming': 3, '\\nbenigni+s': 3, 'deported': 3, 'slurs': 3, 'joyful': 3, 'shoo-in': 3, 'jerusalem': 3, '\\nmasterful': 3, 'lusting': 3, 'infatuation': 3, 'romanced': 3, '\\nhawke': 3, 'unchanged': 3, 'poltergeist': 3, 'atmospherically': 3, "\\'till": 3, "orlock\\'s": 3, "hutter\\'s": 3, 'bach': 3, 'alfredo': 3, '\\nargento': 3, "rea\\'s": 3, 'brogue': 3, 'well-drawn': 3, 'kick-ass': 3, '\\ninspired': 3, 'biographical': 3, 'hyena': 3, 'indeterminate': 3, '\\ndaylight': 3, 'braugher': 3, "blade\\'s": 3, 'centres': 3, "burbank\\'s": 3, "francie\\'s": 3, "o\\'sullivan": 3, "'just": 3, 'freighter': 3, 'scholarships': 3, '\\noctober': 3, "grier\\'s": 3, 'sulaco': 3, 'jettison': 3, 'hypersleep': 3, '109': 3, "prisoner\\'s": 3, '\\nhenderson': 3, 'delegation': 3, 'yugoslavia': 3, 'orphans': 3, 'sensitively': 3, 'simplest': 3, 'coeur': 3, 'maxime': 3, 'permits': 3, 'squash': 3, 'outwardly': 3, 'consummate': 3, 'surge': 3, 'preconceived': 3, 'limelight': 3, 'distrustful': 3, 'boothe': 3, 'overcomes': 3, 'villian': 3, 'innuendos': 3, 'consuming': 3, 'skipping': 3, 'stockwell': 3, 'hernandez': 3, 'oakley': 3, 'affliction': 3, 'recluse': 3, 'bostock': 3, 'wily': 3, 'insular': 3, '\\npitt': 3, '\\ngregory': 3, '\\nshadows': 3, "\\nwashington\\'s": 3, "'james": 3, 'fracture': 3, 'uninhibited': 3, 'outsmart': 3, 'disguising': 3, 'underestimated': 3, 'flesh-eating': 3, 'goblin': 3, 'franco': 3, 'norms': 3, "'is": 3, 'staining': 3, 'parasites': 3, 'workaday': 3, '\\ntyler': 3, 'coulda': 3, 'untrue': 3, 'derail': 3, 'falsehood': 3, '\\nbrean': 3, 'forge': 3, 'hungary': 3, 'newsreel': 3, 'outtake': 3, 'heartache': 3, "day\\'": 3, '\\nconversely': 3, 'horrocks': 3, 'louiso': 3, 'harshly': 3, 'misfortunes': 3, '\\nplot-wise': 3, 'rumored': 3, 'suburb': 3, 'grown-ups': 3, 'pronouncements': 3, '\\nforces': 3, "states\\'": 3, '\\ngroeteschele': 3, 'negotiates': 3, "webber\\'s": 3, 'dictator': 3, 'ascend': 3, 'gladys': 3, 'well-told': 3, 'monogamy': 3, '\\nmira': 3, 'novice': 3, 'dissapointed': 3, 'rages': 3, 'littles': 3, 'lipnicki': 3, 'tinseltown': 3, 'unwed': 3, '\\nthan': 3, 'factual': 3, '\\nfiguring': 3, 'runway': 3, 'ritualistic': 3, 'foolishly': 3, 'damper': 3, "critics\\'": 3, 'coined': 3, "force\\'": 3, '\\nsuperb': 3, 'gangland': 3, 'raps': 3, 'struggled': 3, 'hebrew': 3, 'hubert': 3, 'spats': 3, 'doo-wop': 3, 'obsessive-compulsive': 3, 'chute': 3, "\\nsimon\\'s": 3, "morris\\'s": 3, 'assists': 3, 'serene': 3, 'captivate': 3, 'vincennes': 3, 'carve': 3, "marquis\\'": 3, 'termination': 3, 'harwich': 3, 'fatherless': 3, '41': 3, 'wah': 3, "hung\\'s": 3, 'uphold': 3, 'instigates': 3, 'surpassing': 3, 'observers': 3, 'imaginatively': 3, 'substantive': 3, "menken\\'s": 3, 'dazzlingly': 3, 'wallop': 3, 'crescendo': 3, 'billingsley': 3, 'indescribable': 3, 'technicality': 3, 'fixture': 3, 'aloft': 3, 'independance': 3, 'sponsors': 3, "ellie\\'s": 3, 'bias': 3, '\\narguments': 3, 'bella': 3, '\\ncommitted': 3, 'grudgingly': 3, '\\nmilos': 3, 'airwaves': 3, 'escapee': 3, 'healy': 3, 'aftertaste': 3, 'peppered': 3, "sweetback\\'s": 3, 'all-white': 3, 'tori': 3, 'naivet': 3, '\\negoyan': 3, 'briscoe': 3, 'rev': 3, 'tretiak': 3, '1937': 3, 'ass-kicking': 3, 'incarnate': 3, '\\nfonda': 3, "miranda\\'s": 3, 'anonymity': 3, 'apparatus': 3, 'bioport': 3, 'amphibian': 3, 'pods': 3, 'hitching': 3, 'bowman': 3, 'old-school': 3, 'justly': 3, 'meany': 3, '\\nreservoir': 3, 'pf': 3, 'norad': 3, 'modem': 3, 'interface': 3, 'bluntman': 3, 'skewers': 3, 'obligated': 3, 'lightening': 3, 'nationwide': 3, '\\nmarie': 3, 'unneeded': 3, 'pumps': 3, '\\nron': 3, 'epstein': 3, "'steven": 3, 'burial': 3, 'instills': 3, 'heer': 3, 'mise-en-scene': 3, 'humanist': 3, 'koji': 3, 'yakusho': 3, 'fees': 3, 'mai': 3, 'allie': 3, 'kindred': 3, 'disneyland': 3, 'monopoly': 3, 'miguel': 3, 'zhou': 3, 'hun': 3, 'chandelier': 3, 'conscripted': 3, 'gedde': 3, 'watanabe': 3, 'blackmailer': 3, 'spera': 3, 'alek': 3, 'sanxay': 3, 'suture': 3, 'donat': 3, 'beset': 3, 'canon': 3, 'morsel': 3, 'permit': 3, 'alters': 3, 'nostromo': 3, 'lifting': 3, 'high-stakes': 3, 'suprising': 3, 'electrifying': 3, "fiennes\\'": 3, "uncle\\'s": 3, 'brushed': 3, 'remi': 3, 'campion': 3, 'nu': 3, 'undulating': 3, "fonda\\'s": 3, 'ulee': 3, '\\nulee': 3, 'softens': 3, 'codgers': 3, "vitti\\'s": 3, "mobster\\'s": 3, 'sparkles': 3, 'aunjanue': 3, 'expanding': 3, "shyamalan\\'s": 3, 'errant': 3, 'delirious': 3, 'homeland': 3, "mob\\'s": 3, 'countrymen': 3, 'boasted': 3, 'c-3p0': 3, "skywalker\\'s": 3, 'bitching': 3, 'output': 3, 'atf': 3, 'dargus': 3, 'crony': 3, 'gara': 3, 'mistaking': 3, 'wordlessly': 3, 'gangstas': 3, '1st': 3, '\\nmckellar': 3, 'pretenses': 3, 'hyde-pierce': 3, 'sear': 3, "mcnaughton\\'s": 3, 'turn-off': 3, 'titillation': 3, 'catastrophes': 3, '\\ndolores': 3, "bates\\'": 3, 'award-calibre': 3, 'rotterdam': 3, 'sony/loews': 3, 'reinvented': 3, 'upstate': 3, '\\nlisa': 3, '\\nharold': 3, '\\nsuo': 3, 'tentative': 3, '\\nosnard': 3, 'evenings': 3, "aronofsky\\'s": 3, 'gullette': 3, 'flavour': 3, 'toiling': 3, 'eccentricity': 3, 'individualism': 3, 'schreck': 3, 'kafkaesque': 3, 'one-of-a-kind': 3, 'sect': 3, 'torah': 3, 'apartments': 3, 'rivka': 3, 'prays': 3, 'nervousness': 3, 'close-knit': 3, 'emissary': 3, 'ravenous': 3, 'eyebrow': 3, 'swoon': 3, 'contemplative': 3, "'most": 3, 'cutter': 3, 'magnifying': 3, 'herlihy': 3, 'seep': 3, "'richard": 3, 'inadequacy': 3, '\\nwinslet': 3, 'condemning': 3, 'affirmative': 3, 'indignant': 3, 'rebirth': 3, 'fluids': 3, 'sctv': 3, 'crowd-pleasing': 3, 'alienating': 3, "on\\'s": 3, 'implication': 3, 'vine': 3, 'farming': 3, 'monitor': 3, 'irreparable': 3, 'didactic': 3, 'differ': 3, 'collects': 3, 'admires': 3, 'marseilles': 3, '\\nholly': 3, '\\nmagruder': 3, 'doss': 3, '\\naltman': 3, 'outdo': 3, 'halen': 3, 'battleship': 3, 'potemkin': 3, 'odessa': 3, 'immeasurably': 3, 'enterprising': 3, 'layoff': 3, 'predatory': 3, 'tantor': 3, 'high-energy': 3, 'stapleton': 3, 'frustrations': 3, 'naturalistic': 3, '\\nfellini': 3, 'balances': 3, '\\nnotting': 3, "michell\\'s": 3, 'cmdr': 3, 'brannon': 3, 'revolutionaries': 3, 'columbian': 3, 'ever-growing': 3, 'dot-com': 3, 'thrill-ride': 3, 'mindel': 3, 'smartest': 3, 'alien3': 3, "jeunet\\'s": 3, 'hamm': 3, 'ratzenberger': 3, 'varney': 3, 'reinventing': 3, 'eschewing': 3, 'grains': 3, 'edgecomb': 3, 'percy': 3, 'vibe': 3, '\\nblanchett': 3, 'testicle': 3, 'juni': 3, 'wonka': 3, 'tongues': 3, 'clair': 3, 'mockumentary': 3, 'intros': 3, 'tastefully': 3, 'bunker': 3, 'easygoing': 3, 'furst': 3, '\\nlloyd': 3, 'labelled': 3, "kaufman\\'s": 3, 'werner': 3, 'underlined': 3, 'mortizen': 3, 'rhymes': 3, 'eligible': 3, 'touch-a': 3, 'heroines': 3, "\\ncameron\\'s": 3, "cal\\'s": 3, 'frolic': 3, 'rebhorn': 3, 'merged': 3, 'grifters': 3, 'vinyl': 3, 'portly': 3, 'obliterates': 3, 'stylistically': 3, '\\ngattaca': 3, 'overpowering': 3, 'stressful': 3, 'sarossy': 3, '+3': 3, 'bbc': 3, 'fingal': 3, 'self-destructs': 3, "fingal\\'s": 3, 'humphrey': 3, "hogan\\'s": 3, 'gravely': 3, "\\nrocky\\'s": 3, 'one-room': 3, "nello\\'s": 3, 'kindhearted': 3, 'mcgill': 3, "voight\\'s": 3, 'recollections': 3, "\\njoe\\'s": 3, 'inflection': 3, "virgil\\'s": 3, 'hesitance': 3, 'satisfyingly': 3, 'stacy': 3, 'subordinates': 3, 'measured': 3, 'cohagen': 3, 'variable': 3, 'uncommon': 3, 'disquieting': 3, "'scream": 3, 'slice-and-dice': 3, 'subtler': 3, 'saddam': 3, 'briers': 3, 'hummable': 3, "maximus\\'": 3, 'organism': 3, '1943': 3, 'supercilious': 3, 'garafolo': 3, 'face-hugger': 3, '\\nfeaturing': 3, 'reds': 3, 'reminiscient': 3, 'smoothes': 3, "'martin": 3, 'tibetans': 3, "tykwer\\'s": 3, 'treads': 3, 'familar': 3, 'fiesty': 3, "\\nmulan\\'s": 3, 'corps': 3, 'spur': 3, 'tavington': 3, 'executions': 3, 'dwarves': 3, 'songcatcher': 3, 'emmy': 3, 'impish': 3, 'mid-level': 3, 'yakking': 3, '\\nfalk': 3, 'stodge': 3, 'unattainable': 3, 'artifice': 3, 'sv2': 3, 'hos': 3, 'movie_': 3, 'housing': 3, "go\\'s": 3, 'schindler': 3, 'strides': 3, 'rite': 3, '\\nhartman': 3, 'tiering': 3, 'horseback': 3, 'risen': 3, '\\npfeiffer': 3, 'marsellus': 3, 'now-famous': 3, 'wether': 3, 'seing': 3, 'spotless': 3, '\\npulse': 3, 'sciences': 3, 'transylvania': 3, 'haywire': 3, 'kosteas': 3, 'freaked': 3, 'bloomington': 3, 'modes': 3, 'duet': 3, 'capitalizes': 3, 'claudius': 3, 'spall': 3, 'two-timing': 3, '\\ncarly': 3, 'tinge': 3, 'steering': 3, 'beaulieu': 3, 'monitoring': 3, 'servo': 3, 'supplement': 3, '\\nprincess': 3, 'guiness': 3, 'spaceport': 3, 'specified': 3, 'algar': 3, 'saint-saens': 3, 'igor': 3, 'appointed': 3, 'tennessee': 3, 'clive': 3, 'adulterous': 3, 'undoing': 3, 'foreigner': 3, 'goings': 3, 'buyers': 3, 'predicaments': 3, 'twisters': 3, 'obtaining': 3, 'dream-like': 3, 'voluntary': 3, 'unreality': 3, 'ridding': 3, 'furthers': 3, '\\njesus': 3, '\\naided': 3, '\\nchrist': 3, '\\nschrader': 3, 'faithfully': 3, '\\njeremy': 3, 'fundamentalists': 3, 'karras': 3, 'wales': 3, 'breathtakingly': 3, 'refugee': 3, 'uproar': 3, '\\ngirls': 3, 'porcelain': 3, 'action/suspense': 3, "harris\\'": 3, 'krasner': 3, 'symbiosis': 3, 'madigan': 3, 'revitalizing': 3, 'immoral': 3, 'nihilist': 3, 'nietzsche': 3, 'unintended': 3, "rice\\'s": 3, 'sustenance': 3, 'shrouded': 3, 'up-front': 3, 'adaptions': 3, 'geneva': 3, 'proposing': 3, 'undo': 3, 'hillarous': 3, "carver\\'s": 3, 'alanis': 3, 'morissette': 3, "\\'dogma\\'": 3, "\\'clerks\\'": 3, '\\nfanny': 3, 'rozema': 3, 'squalor': 3, '\\napocalypse': 3, 'eileen': 3, 'kint': 3, 'fenster': 3, 'jars': 3, '\\ntoni': 3, 'onward': 3, 'retrospective': 3, "wilder\\'s": 3, 'corresponding': 3, 'spectators': 3, 'collectors': 3, 'shimmering': 3, 'recommendable': 3, 'wondrously': 3, 'humidity': 3, '2013': 3, 'oddities': 3, '\\nraging': 3, 'appetites': 3, 'echelon': 3, 'lyne': 3, 'flagging': 3, 'collaborate': 3, 'confection': 3, 'goldmine': 3, "chris\\'": 3, 'appreciating': 3, 'kaurism': 3, 'ki': 3, 'winsome': 3, 'sheree': 3, 'crumb': 3, 'emmanuel': 3, "\\'being": 3, 'cassel': 3, 'resplendent': 3, 'sculptor': 3, 'sheppard': 3, 'poignance': 3, "mickey\\'s": 3, "cuba\\'s": 3, 'memorias': 3, "castro\\'s": 3, 'adversarial': 3, 'bourgeois': 3, '\\nangela': 3, "\\ngavin\\'s": 3, 'touchingly': 3, "marco\\'s": 3, 'gabriella': 3, 'probable': 3, 'brenneman': 3, 'clears': 3, 'urinate': 3, 'feudal': 3, 'neary': 3, 'antarctic': 3, 'frigid': 3, 'complemented': 3, '\\nschlesinger': 3, 'coincides': 3, 'cecilia': 3, 'withstand': 3, '\\nchocolat': 3, 'extravaganza': 3, 'shor': 3, 'wint': 3, 'hubley': 3, 'orientation': 3, 'heart-pounding': 3, "fiona\\'s": 3, "stanton\\'s": 3, 'democrats': 3, 'distinctively': 3, 'zeffirelli': 3, 'naturalness': 3, 'satisfies': 3, 'controversies': 3, '\\nles': 3, 'riddick': 3, 'donella': 3, 'lewton': 3, '\\ndevon': 3, "leuchter\\'s": 3, 'samaritan': 3, 'coloreds': 3, 'opposes': 3, 'lynched': 3, 'receptions': 3, "water\\'s": 3, 'flamingos': 3, 'frank-n-furter': 3, 'longevity': 3, 'moralizing': 3, 'economical': 3, 'life-long': 3, 'shade': 3, 'guzman': 3, "toback\\'s": 3, 'tirades': 3, '\\ndrunken': 3, 'toned-down': 3, "evans\\'": 3, 'taming': 3, 'prep': 3, 'keegan': 3, "'originally": 3, 'zuko': 3, "bateman\\'s": 3, "\\'key\\'": 3, 'wows': 3, "`tarzan\\'": 3, '\\nbeaumarchais': 3, 'change-of-pace': 3, 'disembowelments': 3, 'mcgoohan': 3, 'keating': 3, 'immorality': 3, 'awareness': 3, 'modernity': 3, 'm&m': 3, 'llewelyn': 3, 'overarching': 3, "gates\\'": 3, 'feuding': 3, 'gut-wrenching': 3, "bergman\\'s": 3, 'calvinist': 3, "terminator\\'s": 3, 'tagging': 3, 'egyptians': 3, 'tati': 3, '\\ntati': 3, '_gattaca_': 3, 'discards': 3, 'lasseter': 3, 'endora': 3, "gilbert\\'s": 3, 'cramped': 3, '\\nroommates': 3, 'hayashi': 3, 'flamm': 3, 'eisley': 3, 'commentators': 3, 'lutz': 3, 'gordon-levitt': 3, 'larisa': 3, 'oleynik': 3, 'ledger': 3, "kat\\'s": 3, 'odile': 3, 'real-estate': 3, 'brokers': 3, "malkovich\\'": 3, '\\nspike': 3, 'lotte': 3, "patti\\'s": 3, 'time-traveling': 3, "\\nredford\\'s": 3, 'maclean': 3, 'shoeless': 3, 'high-pitched': 3, 'flealands': 3, 'floom': 3, '\\nalchemy': 3, '\\njudi': 3, 'nurtures': 3, 'lenders': 3, 'dey': 3, 'internationally': 3, 'rudner': 3, 'surveying': 3, '`run': 3, 'caerthan': 3, 'burnell': 3, 'hughton': 3, 'gungan': 3, 'straight-forward': 3, "'usually": 3, "pam\\'s": 3, 'flamboyantly': 3, 'dusty': 3, '\\nstoppard': 3, "`scream\\'": 3, 'talk-show': 3, '\\n`final': 3, 'spaniards': 3, "archer\\'s": 3, '\\nflick': 3, 'hackett': 3, 'hub': 3, 'ballerina': 3, '`keeping': 3, 'completly': 3, 'prydain': 3, 'dallben': 3, "wen\\'s": 3, 'rereleased': 3, 'enright': 3, '\\nlucinda': 3, 'a-': 3, "rickman\\'s": 3, 'phylida': 3, 'kimmy': 3, 'wheezy': 3, '\\nbunny': 3, 'hoyle': 3, 'furrows': 3, 'copolla': 3, "copolla\\'s": 3, 'marrakech': 3, 'sufi': 3, 'bilal': 3, 'dershowitz': 3, '\\nschroeder': 3, 'licia': 3, 'catania': 3, 'massironi': 3, '\\nrosalba': 3, 'soldini': 3, "fernando\\'s": 3, 'lilith': 3, 'boogieman': 3, "hallstrom\\'s": 3, 'armande': 3, '\\ngallo': 3, "\\ngallo\\'s": 3, "maggie\\'s": 3, 'saunders': 3, 'sheldon': 3, 'muriel': 3, '\\ncollette': 3, 'gutch': 3, 'insubstantial': 3, 'refrigerator': 3, 'moretti': 3, 'genevi': 3, '\\nwang': 3, '_cliffhanger_': 3, 'bart': 3, "blake\\'s": 3, 'auditor': 3, 'hayley': 3, 'reuben': 3, 'dobson': 3, 'countess': 3, 'olenska': 3, '\\narcher': 3, 'trucker': 3, 'bidet': 3, "lama\\'s": 3, 'mandala': 3, 'renault': 3, "mozart\\'s": 3, 'legged': 3, 'taymor': 3, 'beiderman': 3, "memphis\\'": 3, '\\nbresson': 3, 'longbaugh': 3, 'chidduck': 3, "jean\\'s": 3, '\\nkiki': 3, 'jiji': 3, 'packer': 3, "parker\\'s": 3, 'kerrigan': 3, 'malachy': 3, 'aboriginal': 3, '\\nglory': 3, 'mind-fuck': 2, 'snag': 2, 'downshifts': 2, 'password': 2, 'unraveling': 2, 'excites': 2, 'tugboat': 2, 'drunkenly': 2, 'challenger': 2, "fall\\'s": 2, 'belated': 2, 'differentiates': 2, 'run-in': 2, 'hydra': 2, 'tgif': 2, 'urkel': 2, 'pinchot': 2, 'psychotherapy': 2, 'restauranteur': 2, '\\ninterspersed': 2, 'stalkers': 2, 'gleason': 2, '\\nbrooke': 2, 'toolbox': 2, 'validity': 2, '175': 2, '\\nsomewhat': 2, 'brutalized': 2, 'specialized': 2, 'flickering': 2, 'harrisburg': 2, 'first-run': 2, 'deviants': 2, "'that\\'s": 2, 'flutters': 2, 'hairs': 2, 'scriptwriters': 2, '\\nkid': 2, 'paves': 2, 'obstetrics': 2, 'ever-reliable': 2, 'swedish': 2, 'strindberg': 2, 'longings': 2, 'puke': 2, 'dashboard': 2, 'sabotages': 2, 'mainstays': 2, '\\naberdeen': 2, 'thwarts': 2, 'pastoral': 2, 'wedlock': 2, "rd\\'s": 2, 'emote': 2, 'deliveries': 2, 'piss-poor': 2, "suvari\\'s": 2, '\\nstretch': 2, '\\nalright': 2, '\\nyikes': 2, "how\\'s": 2, '\\nfailed': 2, '\\nhullo': 2, 'manhunter': 2, 'budge': 2, 'even-tempered': 2, 'high-wire': 2, 'dano': 2, 'pakula': 2, 'chapin': 2, "howie\\'s": 2, 'ennui': 2, '\\nconcurrently': 2, 'bluster': 2, 'newbie': 2, "zwigoff\\'s": 2, 'reelection': 2, 'strategist': 2, 'contingent': 2, 'matchmaking': 2, "dumas\\'s": 2, 'coordinator': 2, 'xing': 2, 'xiong': 2, "\\nd\\'artagnan": 2, 'torches': 2, 'grime': 2, 'anyways': 2, 'raiden': 2, 'utility': 2, 'sidetracks': 2, 'critiques': 2, 'sheeva': 2, 'sioux': 2, 'seattle-based': 2, 'moping': 2, '\\nlines': 2, 'insist': 2, "parillaud\\'s": 2, 'tough-as-nails': 2, 'agonizingly': 2, 'ballard': 2, 'returnee': 2, 'silly-looking': 2, '\\nofficer': 2, 'felon': 2, 'reddish': 2, 'stillborn': 2, 'glacier': 2, 'pointlessly': 2, 'jargon': 2, 'ditty': 2, 'salvageable': 2, '\\nmelissa': 2, "abc\\'s": 2, 'resurgence': 2, 'volkswagen': 2, 'pensively': 2, '\\nspecifically': 2, 'sherbedgia': 2, 'fulfills': 2, 'digitized': 2, 'self-healing': 2, 'man-eating': 2, '\\nsimmons': 2, "simmons\\'": 2, '\\nsweeney': 2, 'detonate': 2, 'ebola': 2, '\\nphew': 2, 'razzle-dazzle': 2, 'kleenex': 2, 'pest': 2, '\\nleguizamo': 2, 'maggots': 2, 'clairvoyant': 2, 'knell': 2, "bening\\'s": 2, 'zenith': 2, 'telekinesis': 2, 'endanger': 2, 'interupts': 2, 'adjacent': 2, 'adorned': 2, 'cheapened': 2, 'disasterous': 2, 'salem': 2, 'beckon': 2, 'proctor': 2, 'smears': 2, 'surges': 2, 'errs': 2, 'veracity': 2, "pandora\\'s": 2, "abigail\\'s": 2, 'zealously': 2, 'inexorable': 2, '\\nabigail': 2, '\\nappropriately': 2, 'deteriorate': 2, 'hytner': 2, 'pedestal': 2, 'pricks': 2, 'reprieve': 2, 'bewitching': 2, 'founding': 2, 'exasperating': 2, 'dissect': 2, 'self-appointed': 2, 'fret': 2, 'nodded': 2, "'america": 2, '24-hour': 2, "pill-poppin\\'": 2, 'demolition': 2, 'rookies': 2, 'tnt': 2, 'lopped': 2, 'uppity': 2, 'tribunal': 2, 'multi-faceted': 2, 'shelling': 2, "kruger\\'s": 2, '\\nreindeer': 2, 'pecan': 2, 'insinuate': 2, '\\naffleck': 2, "ashley\\'s": 2, 'flanked': 2, 'flops': 2, 'flattering': 2, 'wiseacre': 2, 'lackadaisical': 2, 'evince': 2, 'snarling': 2, 'vitriol': 2, 'merrier': 2, 'welshman': 2, 'pelt': 2, 'furs': 2, 'brie': 2, 'nauseum': 2, 'off-limits': 2, '\\norson': 2, 'discusses': 2, 'vci': 2, 'chariots': 2, '\\naudio': 2, '\\ncuriously': 2, "'play": 2, "shelton\\'s": 2, 'themed': 2, '\\nshelton': 2, "\\nwasn\\'t": 2, '\\nforty': 2, 'petrie': 2, 'quimby': 2, 'cheri': 2, '\\njoely': 2, 'ad-lib': 2, 'potty': 2, 'revenues': 2, 'poppins': 2, 'corrupter': 2, 'woo-ping': 2, 'handily': 2, 'dmx': 2, 'blistering': 2, 'trish': 2, 'puritanical': 2, 'reigned': 2, "industry\\'s": 2, 'waterfront': 2, "jet\\'s": 2, 'heartbeat': 2, 'staccato': 2, 'flabbergasted': 2, 'fingernails': 2, 'hoosiers': 2, 'reins': 2, 'has-been': 2, 'sumo': 2, 'nobodies': 2, 'clap': 2, 'proclivities': 2, 'pathological': 2, 'crabs': 2, 'eliminating': 2, '\\ngratuitous': 2, 'underage': 2, 'imposed': 2, 'bludgeons': 2, '\\ntone': 2, 'knock-off': 2, 'drawbridge': 2, 'oscar-': 2, 'stuffy': 2, '======================': 2, 'riders': 2, 'stiffs': 2, 'mid-week': 2, 'pitch-black': 2, 'ashby': 2, '\\nbelonging': 2, "-it\\'s": 2, '-but': 2, '\\ndiscovering': 2, 'worships': 2, 'crocodiles': 2, 'sewers': 2, '\\npullman': 2, 'unenjoyable': 2, 'cynically': 2, '\\npornography': 2, "\\'er": 2, 'echoed': 2, 'nauseam': 2, 'prodded': 2, 'skewered': 2, 'commanders': 2, 'tactical': 2, 'neumeier': 2, 'selective': 2, 'earthling': 2, 'platoons': 2, 'ot': 2, 'gravy': 2, '1933': 2, 'incidently': 2, 'delved': 2, 'almasy': 2, 'war-torn': 2, "ulee\\'s": 2, 'reclusive': 2, 'signified': 2, 'transcended': 2, '\\nshall': 2, 'drug-addled': 2, "cholodenko\\'s": 2, "photographer\\'s": 2, 'currency': 2, "lucy\\'s": 2, 'overdosing': 2, 'meatballs': 2, 'counselors': 2, 'hots': 2, 'groan-inducing': 2, 'flighty': 2, 'granite': 2, 'janey': 2, 'toughness': 2, 'old-self': 2, 'nadir': 2, 'jump-start': 2, 'hyper-drive': 2, '\\npredictable': 2, 'pounded': 2, "jr\\'s": 2, 'aborted': 2, 'yost': 2, 'salomon': 2, 'asner': 2, 'sneers': 2, "nature\\'s": 2, '\\ncaulder': 2, 'meanie': 2, 'turteltaub': 2, 'above-par': 2, 'runnings': 2, 'esophagus': 2, 'thal': 2, 'nunn': 2, 'seafaring': 2, 'pseudo-': 2, 'paradiso': 2, 'goliath': 2, 'lugubrious': 2, 'seltzer': 2, 'romanian': 2, 'amen': 2, "'talk": 2, 'differentiated': 2, 'chisholm': 2, 'ernst': 2, 'header': 2, 'cubs': 2, 'gatins': 2, 'lobs': 2, 'lawns': 2, 'self-destruct': 2, 'bloods': 2, 'remedial': 2, "lillard\\'s": 2, 'stylings': 2, 'michigan': 2, 'lex': 2, 'ac/dc': 2, 'ramones': 2, 'overdrive': 2, 'half-star': 2, "neighbor\\'s": 2, 'seasick': 2, 'dupr': 2, 'plotless': 2, 'inordinate': 2, "\\'t": 2, "'has": 2, 'partner-in-crime': 2, 'fast-motion': 2, 'cows': 2, 'belching': 2, 'bellowing': 2, 'frosted': 2, 'tho': 2, '\\nbasil': 2, "mosley\\'s": 2, "swingin\\'": 2, 'stiers': 2, 'incompetently': 2, 'wherewithal': 2, 'vessels': 2, 'tattered': 2, 'dietl': 2, 'hardass': 2, 'ammo': 2, 'bregman': 2, 'mic': 2, 'lease': 2, 'schmoe': 2, '$1000': 2, '\\npicture': 2, "aniston\\'s": 2, 'serina': 2, '\\nlouie': 2, '\\nwhite': 2, 'regional': 2, '\\nboston': 2, 'targetted': 2, 'ritz': 2, 'matewan': 2, '126': 2, 'delgado': 2, 'patinkin': 2, "daniel\\'s": 2, "d\\'s": 2, '\\nbump': 2, '\\neat': 2, '\\nlisten': 2, 'ollie': 2, 'scrubbed': 2, 'lodge': 2, 'congratulations': 2, 'ribs': 2, 'stove': 2, 'circling': 2, 'shaving': 2, '\\nbattlefield': 2, '\\njonnie': 2, '`you': 2, 'uh-huh': 2, 'expire': 2, 'meanness': 2, 'arguable': 2, "'rated": 2, 'octane': 2, "duguay\\'s": 2, 'assination': 2, "'movie": 2, 'irritate': 2, '1998s': 2, 'x-rated': 2, 'street-smart': 2, 'conned': 2, 'understudy': 2, '\\nplummer': 2, 'soft-core': 2, 'copulation': 2, 'virtuous': 2, "'mr": 2, 'newswoman': 2, 'fitzpatrick': 2, 'hmmm': 2, '\\nshades': 2, 'english-speaking': 2, 'minimize': 2, 'insomniac': 2, "loser\\'s": 2, 'weaken': 2, "gilligan\\'s": 2, 'drive-thru': 2, 'headset': 2, 'gawk': 2, 'ambience': 2, 'pointlessness': 2, 'jells': 2, 'enabling': 2, 'roller-coaster': 2, 'molesting': 2, 'guaranteeing': 2, 'assigning': 2, 'fillings': 2, 'appetizer': 2, 'inhibit': 2, 'wildest': 2, 'rocks-actually': 2, 'twirl': 2, 'land-once': 2, 'sequences-they': 2, '\\nhilarious': 2, 'constructed-harry': 2, 'wrong-perhaps': 2, 'minute-and': 2, 'futile-attempt': 2, 'character-the': 2, 'wiseass-is': 2, '-give': 2, 'almost-witty': 2, 'guidelines': 2, '\\nliv': 2, 'non-sensical': 2, 'pyrotechnic': 2, 'oil-guy-cum-astronaut': 2, "corpses\\'": 2, 'helmets': 2, 'plot-holes': 2, 'soundmix': 2, 'titanic-fever': 2, '\\nbollocks': 2, 'throughout-erase': 2, 'sketching': 2, 'car-sex': 2, 'moon-crawler': 2, 'independent-minded': 2, "jaws\\'": 2, 'would-be-ahabs': 2, 'male-bonding': 2, "acquaintances-i\\'d": 2, 'chest-beating': 2, 'birdhouse': 2, 'trailer-a': 2, 'body-builders': 2, "authors-i\\'ve": 2, 'prouder': 2, 'esque': 2, 'nosing': 2, 'dragged-out': 2, 'highways': 2, 'u-haul': 2, 'ashe': 2, 'zak': 2, 'semi-naked': 2, 'sexism': 2, 'wallows': 2, "\\nmadonna\\'s": 2, 'fess': 2, 'warmed': 2, '\\ndafoe': 2, 'open-heart': 2, 'kink': 2, 'prochnow': 2, "toll\\'s": 2, 'logistics': 2, '\\nwallace': 2, "\\nhorner\\'s": 2, 'mailing': 2, 'windy': 2, 'ayers': 2, 'camera-work': 2, "that\\'": 2, 'catalogue': 2, 'giggly': 2, 'fonz': 2, 'impatiently': 2, 'viruses': 2, 'toho': 2, 'niko': 2, 'radiation-induced': 2, "tatopoulos\\'s": 2, "\\nshe\\'d": 2, 'roche': 2, 'dinosaur-like': 2, 'brushing': 2, 'warheads': 2, 'f-18': 2, 'nit-picky': 2, 'after-school': 2, 'stogie': 2, '\\nrelentless': 2, "dietz\\'s": 2, 'cracker': 2, 'erotica': 2, "'edward": 2, 'swoons': 2, 'revisits': 2, 'klump': 2, '\\nsherman': 2, 'extracts': 2, 'beaker': 2, 'flabby': 2, 'bins': 2, 'buffet': 2, 'trough': 2, 'fiend': 2, 'sagging': 2, 'conversational': 2, '55': 2, 'enabled': 2, '\\nnic': 2, 'santaro': 2, 'realised': 2, "sinise\\'s": 2, 'powerhouse': 2, 'slayings': 2, 'schoolwork': 2, '\\neverywhere': 2, "summer\\'": 2, 'misdeed': 2, '\\nneeding': 2, '\\naccompanying': 2, 'scroll': 2, 'chortling': 2, 'housekeeping': 2, 'raved': 2, "\\'a": 2, 'urgent': 2, "\\'straight\\'": 2, '\\nanakin': 2, 'huggable': 2, 'brinks': 2, 'stormtroopers': 2, 'catered': 2, "'five": 2, 'betcha': 2, 'disrobe': 2, "manager\\'s": 2, 'cloths': 2, "client\\'s": 2, 'storyboard': 2, '\\nenduring': 2, 'effaced': 2, 'non-traditional': 2, '\\nart': 2, 'mouthpieces': 2, 'undeserving': 2, 're-think': 2, 'counter-culture': 2, 'bilingual': 2, 'rio': 2, 'historians': 2, '1928': 2, 'colton': 2, "maugham\\'s": 2, 'awkwardness': 2, 'sanctimonious': 2, 'czechoslovakia': 2, 'puppetry': 2, '\\nblech': 2, '\\nmeier': 2, 'director/screenwriter': 2, "think\\'s": 2, 'deference': 2, 'gentry': 2, 'stallion': 2, 'missus': 2, 'diagnosis': 2, 'cambodia': 2, 'sagas': 2, 'telegraphs': 2, 'triggering': 2, 'ejection': 2, '161': 2, 'endemic': 2, 'amuck': 2, 'impregnated': 2, 'miley': 2, '\\nkitty': 2, '\\nmonkey': 2, '\\nsoldier': 2, 'multi': 2, 'genes': 2, 'toad': 2, 'stunted': 2, "ho\\'s": 2, 'verbose': 2, "slim\\'s": 2, 'c-note': 2, 'rosebudd': 2, "pimp\\'s": 2, 'persuasively': 2, 'blankets': 2, 'hagerty': 2, 'secures': 2, 'sandwich': 2, 'ramblings': 2, 'internment': 2, "'much": 2, 'wordplay': 2, 'cringeworthy': 2, '\\nbah': 2, "'another": 2, 'tolerant': 2, 'legalized': 2, '\\nbillions': 2, 'collateral': 2, 'creditors': 2, 'hemp': 2, 'high-quality': 2, 'scotsman': 2, 'greenhouse': 2, 'matronly': 2, 'destitute': 2, "danza\\'s": 2, 'good-guy': 2, 'buddying': 2, "'whether": 2, 'retched': 2, 'steinberg': 2, '\\nya': 2, 'comet-disaster': 2, 'peering': 2, 'hotchner': 2, '\\nbeck': 2, '\\njenny': 2, 'outdid': 2, 'lapsed': 2, 'forgiveable': 2, 'shrieks': 2, 'cheapest': 2, 'impacts': 2, '\\nvanessa': 2, 'crosby': 2, 'tasha': 2, 'yar': 2, 'auspicious': 2, 'smokejumpers': 2, 'smokejumper': 2, 'wynt': 2, 'dollhouse': 2, 'life-or-death': 2, 'chopper': 2, 'flings': 2, 'ramp': 2, "building\\'s": 2, 'cheapens': 2, 'goofs': 2, 'santiago': 2, 'countered': 2, '\\nmuresan': 2, '\\nquinlan': 2, 'lumbers': 2, "\\nsam\\'s": 2, 'engagements': 2, '\\ncommendable': 2, 'menendez': 2, "5\\'2": 2, 'beauties': 2, 'bazaar': 2, 'mademoiselle': 2, 'dakota': 2, 'anti-government': 2, 'supervising': 2, 'gavras': 2, 'lowry': 2, 'frewer': 2, 'salkind': 2, 'exiles': 2, 'frustrate': 2, 'zaltar': 2, '\\nkara': 2, 'minor-league': 2, '\\nselena': 2, '\\nattention': 2, '\\nlois': 2, 'stuffing': 2, 'bochner': 2, 'bumper': 2, 'tylenol': 2, 'rapists': 2, 'editions': 2, '\\nextras': 2, 'probes': 2, 'brevity': 2, '\\ndisc': 2, 'extensions': 2, 'lengthen': 2, 'aunts': 2, 'visjnic': 2, 'spat': 2, 'exorcism': 2, 'spattering': 2, '\\nichabod': 2, 'yagher': 2, 'diction': 2, 'beater': 2, 'ultra': 2, 'tempt': 2, 'kernel': 2, 'sire': 2, 'half-alien': 2, 'slinks': 2, 'module': 2, 'underlines': 2, 'empath': 2, 'mutter': 2, 'psychotically': 2, 'shopper': 2, '\\nreturning': 2, '\\nmykelti': 2, 'empowerment': 2, 'grizzly': 2, 'roped': 2, 'baird': 2, '1925': 2, "\\njimmie\\'s": 2, '\\nholy': 2, 'infomercial': 2, 'boosting': 2, 'realizations': 2, 'frying': 2, 'informercial': 2, 'knuckleheads': 2, 'polo': 2, 'multi-millionaire': 2, '\\ninitial': 2, 'rehearsals': 2, 'attributable': 2, '\\nrock': 2, 'bio-molecular': 2, 'reentry': 2, 'elects': 2, 'mad-dog': 2, 'sunning': 2, 'one-two-punch': 2, "gal\\'s": 2, 'logan': 2, 'ex-porn-': 2, 'deedee': 2, "mellis\\'s": 2, "scinto\\'s": 2, 'skin-diving': 2, 'im': 2, 'beards': 2, "glazer\\'s": 2, 'half-world': 2, 'in-habit': 2, '\\nus': 2, 'gratuity': 2, 'hatchett': 2, 'englishmen': 2, '\\ngovernor': 2, 'hisses': 2, 'valiantly': 2, 'roomie': 2, 'bong': 2, 'mark-paul': 2, 'gosselaar': 2, 'paula': 2, 'stooped': 2, 'sell-out': 2, 'individually': 2, 'tomita': 2, 'lana': 2, "hayek\\'s": 2, 'navel': 2, 'exhilerating': 2, 'terra': 2, 'kinfolk': 2, 'cited': 2, 'institutionalized': 2, 'badge': 2, 'krays': 2, 'unchallenging': 2, '92': 2, 'post-apocalypse': 2, 'nitty-gritty': 2, 'haircuts': 2, 'resource': 2, 'majorino': 2, 'outshines': 2, 'dearth': 2, 'denizen': 2, 'impossibility': 2, 'bettered': 2, 'kathie': 2, 'snowbound': 2, 'seatbelts': 2, 'tangent': 2, '\\nkewl': 2, 'bitchiness': 2, "zeta-jones\\'": 2, "\\nfilm\\'s": 2, 'lame-ass': 2, "\\nc\\'mon": 2, 'amply': 2, '\\nbabe': 2, 'jean-luke': 2, 'figueroa': 2, 'northam': 2, "nicky\\'s": 2, 'sternly': 2, 'broads': 2, 'discourse': 2, 'pouts': 2, 'boggles': 2, 'bores': 2, 'forums': 2, 'termed': 2, '20-something': 2, 'installation': 2, 'swoosie': 2, 'assasinate': 2, 'romps': 2, 'valentina': 2, 'koslova': 2, 'ex-ira': 2, 'sprays': 2, 'solvent': 2, '\\ngeez': 2, "willis\\'s": 2, 'exploitive': 2, '\\nlest': 2, "\\nverhoeven\\'s": 2, 'slam-bang': 2, 'operatives': 2, 'slumps': 2, 'rethink': 2, 'trejo': 2, 'disapproval': 2, 'interferes': 2, '2d': 2, "producers\\'": 2, '-lite': 2, 'paradoxes': 2, '_urban': 2, 'legend_': 2, '\\nfalse': 2, 'moderation': 2, 'tautness': 2, 'swayed': 2, 'mid-august': 2, 'machineguns': 2, 'annihilate': 2, 'glamor': 2, 'invective': 2, 're-admit': 2, 'exuberance': 2, 'shooter': 2, 'conspirator': 2, 'vanities': 2, 'split-screen': 2, 'coupon': 2, 'consolation': 2, '\\njoker': 2, 'oxford': 2, '\\nend': 2, 'patched': 2, 'hypothetically': 2, 'tux': 2, 'bad-asses': 2, 'hensleigh': 2, 'augustus': 2, 'julio': 2, 'mechoso': 2, 'hailing': 2, 'detraction': 2, 'crenna': 2, 'karma': 2, 'embroidered': 2, 'productivity': 2, 'entrusting': 2, '$6000': 2, "o\\'grady": 2, 'poehler': 2, 'man-whoring': 2, 'mass-produced': 2, 'flushed': 2, 'intermittently': 2, '\\nskipping': 2, '\\noriginality': 2, 'shopkeeper': 2, '\\ndead-bang': 2, '\\njohnson': 2, 'interrogates': 2, 'sears': 2, 'rain\x12s': 2, 'goon': 2, 'couriers': 2, 'topsy-turvy': 2, 'continuos': 2, 'corniness': 2, 'reminisce': 2, "haunting\\'s": 2, 'meritorious': 2, 'insomniacs': 2, 'mopey': 2, 'breezes': 2, 'munsters': 2, 'furthermore': 2, 'eugenio': 2, 'zanetti': 2, 'recoup': 2, 'domestically': 2, 'well-lit': 2, 'promoters': 2, 'sex-starved': 2, 'flounders': 2, 'pummel': 2, 'orchestrating': 2, '\\nachieving': 2, 'mindsets': 2, 'amiel': 2, 'tight-fitting': 2, 'posterior': 2, 'patting': 2, 'paull': 2, 'wackiness': 2, "makin\\'": 2, 'holder': 2, 'coca-cola': 2, 'mael': 2, 'action--': 2, 'blackmailers': 2, '\\nemmet': 2, 'tv-movie-of-the-week': 2, 'tempts': 2, '\\nelmer': 2, 'hauntingly': 2, 'melodic': 2, 'note-for-note': 2, 'kristopherson': 2, 'environmental': 2, 'banjo-picking': 2, "\\nseagal\\'s": 2, 'porches': 2, 'seige': 2, 'pulpit': 2, 'preserving': 2, 'donate': 2, 'environmentally': 2, 'marlo': 2, 'perfume': 2, 'overstuffed': 2, 'confetti': 2, 'built-in': 2, 'prescription': 2, '\\nstarts': 2, '1/29/97': 2, '6/13/97': 2, "'senseless": 2, 'straits': 2, 'recycle': 2, '\\nwayans': 2, 'treading': 2, '6th': 2, 'janice': 2, 'once-promising': 2, 'bouquet': 2, 'rebuffs': 2, "hubby\\'s": 2, 'grouse': 2, 'self-made': 2, 'whimper': 2, 'overpriced': 2, 'caverns': 2, '\\nspotting': 2, 'grenades': 2, "monster\\'s": 2, 'digestive': 2, 'witless': 2, 'arisen': 2, 'parlay': 2, '\\nmoore': 2, "hooker\\'s": 2, 'mook': 2, 'absinthe': 2, 'labyrinthine': 2, 'pate': 2, 'tweaking': 2, 'opar': 2, 'animatronics': 2, 'barbet': 2, 'compatible': 2, 'donor': 2, 'reconsiders': 2, 'underdevelopment': 2, 'natch': 2, 'unsentimental': 2, 'camouflage': 2, 'duct': 2, 'stuffs': 2, 'roared': 2, '\\nbrainard': 2, 'industrialist': 2, 'wooed': 2, 'half-asleep': 2, 't-bird': 2, 'anthropomorphized': 2, 'smearing': 2, 'approximate': 2, "mona\\'s": 2, 'modulation': 2, "\\nmona\\'s": 2, '\\nelle': 2, 'coward': 2, 'dullard': 2, 'fumble': 2, 'dolphins': 2, '\\namid': 2, '2058': 2, 'colonize': 2, "\\nearth\\'s": 2, 'lacey': 2, '\\nunknown': 2, 'munchkin': 2, 'faltering': 2, '\\nhurt': 2, '\\nwant': 2, 'reconsider': 2, 'presences': 2, 'grumpiest': 2, "matthau\\'s": 2, 'hackwork': 2, 'newlywed': 2, 'consoling': 2, "dan\\'s": 2, 'unrepentantly': 2, 'fucked': 2, "'maybe": 2, 'buddha': 2, 'holographic': 2, 'planetarium': 2, 'blinding': 2, 'bungalow': 2, 'unlocked': 2, 'theroux': 2, 'satirist': 2, 'u-bar': 2, 'heigl': 2, 'stabile': 2, "chucky\\'s": 2, 'subtract': 2, 'unharmed': 2, 'squeaky-clean': 2, 'regressive': 2, 'silenced': 2, 'cheesiest': 2, 'overlaid': 2, 'jumpy': 2, 'ram': 2, 'shrasta': 2, 'lever': 2, 'attendance': 2, 'allegiance': 2, 'disregards': 2, 'ss': 2, 'trenchcoat': 2, 'substituted': 2, '\\ncopyright': 2, 'guffaw': 2, '\\nlambert': 2, 'shogun': 2, '\\nlone': 2, 'sterotypes': 2, 'drek': 2, 'bungles': 2, '_armageddon_': 2, '_must_': 2, 'hiccup': 2, '\\numm': 2, 'domino': 2, '\\nromance': 2, '_in': 2, "'deserves": 2, 'near-impossible': 2, 'monument': 2, '\\ncapsule': 2, '\\npermanent': 2, 'chompers': 2, 'alf': 2, 'eyelids': 2, '\\nclose-up': 2, 'joff': 2, 'hairstylist': 2, 'racy': 2, 'wittier': 2, 'triple-crosses': 2, 'dermot': 2, 'deep-seated': 2, 'peggy': 2, "degeneres\\'": 2, 'platinum': 2, 'indicated': 2, 'guilty-pleasure': 2, 'sliminess': 2, 'championships': 2, 'backup': 2, 'moxon': 2, 'football-crazy': 2, 'carousing': 2, 'herein': 2, 'missable': 2, 'homilies': 2, 'buffed-up': 2, 'diabetic': 2, 'insulin': 2, 'gland': 2, 'creepiest': 2, 'garland': 2, 'characteristically': 2, 'tiniest': 2, 'characterize': 2, 'bode': 2, '\\nunbeknownst': 2, 'spooked': 2, 'waaaaay': 2, 'bedtime': 2, "\\'bout": 2, 'co-scripted': 2, 'counseling': 2, '\\ncruella': 2, 'leash': 2, 'unfurls': 2, 'lumber': 2, '18-wheeler': 2, '\\ntruthfully': 2, 'caton': 2, 'implanting': 2, 'doofus': 2, 'satiate': 2, 'voracious': 2, 'torry': 2, 'lapping': 2, 'demarkov': 2, 'scheider': 2, '\\nlena': 2, 'gravesite': 2, 'brushes': 2, "\\naren\\'t": 2, "christopher\\'s": 2, '\\nrubell': 2, 'depthless': 2, 'typewriters': 2, 'designated': 2, 'heep': 2, 'toddler': 2, '`if': 2, 'condolences': 2, '\\nmakes': 2, 'alerted': 2, 'scrolls': 2, 'anti-christ': 2, "pope\\'s": 2, 'visionaries': 2, "\\'end": 2, 'high-budget': 2, '\\nmercifully': 2, 'it--': 2, 'superstardom': 2, 'russian-sounding': 2, 'loudest': 2, 'pox': 2, 'necessitates': 2, 'genesis': 2, 'clowning': 2, 'walcott': 2, 'diseases': 2, 'hmos': 2, 'tasmania': 2, 'terrorise': 2, '\\nowing': 2, "turpin\\'s": 2, 'fancey': 2, 'strapp': 2, 'daley': 2, 'flasher': 2, 'harriett': 2, "head\\'": 2, 'housemaid': 2, 'starlets': 2, 'bluer': 2, 'talbot': 2, 'rothwell': 2, 'double-entendres': 2, 'commemorating': 2, 'tweeder': 2, 'r-rating': 2, 'aaliyah': 2, "\\ncrystal\\'s": 2, "zeta-jones\\'s": 2, 'froth': 2, 'ego-driven': 2, 'mgm/ua': 2, 'philips': 2, 'drainage': 2, 'creeper': 2, 'fiendishly': 2, 'salva': 2, '\\nsentenced': 2, 'bio': 2, 'italians': 2, 'loanshark': 2, "ray\\'s": 2, 'lonesome': 2, '\\npersonal': 2, 'slobbering': 2, 'dungeon': 2, 'ashly': 2, 'merchants': 2, 'whirls': 2, 'freebie': 2, "gulliver\\'s": 2, 'all-important': 2, '\\nari': 2, 'flexible': 2, 'posture': 2, 'lon': 2, 'chaney': 2, "ustinov\\'s": 2, 'potheads': 2, 'unmasked': 2, '\\nhush': 2, '\\nlange': 2, 'diaphragm': 2, 'amicable': 2, "lange\\'s": 2, 'dubois': 2, 'warm-up': 2, 'sustained': 2, 'impersonates': 2, 'mimics': 2, 'advertise': 2, 'family-friendly': 2, 'jollies': 2, 'mistreatment': 2, 'transvestitism': 2, 'glen/glenda': 2, 'voiced-over': 2, 'crackles': 2, 'alarmed': 2, 'tails': 2, 'cemented': 2, 'serial-killer': 2, '\\nrameses': 2, 'voicework': 2, 'mass-market': 2, 'blasphemy': 2, '\\nadvance': 2, 'sprinkling': 2, 'entertainingly': 2, 'elitism': 2, 'cristofer': 2, 'cornell': 2, 'truffaut': 2, 'gold-diggers': 2, 'erotically': 2, 'chirping': 2, 'mantle': 2, 'trashiness': 2, 'adjusting': 2, 'pouting': 2, 'amphetamines': 2, 'proximity': 2, 'tch': 2, 'actioners': 2, 'touting': 2, 'neverending': 2, 'rethought': 2, 'misbegotten': 2, 'silhouetted': 2, '\\ninexplicably': 2, 'addled': 2, 'ferret': 2, 'roams': 2, 'hurling': 2, 'starships': 2, 'ultra-violence': 2, "\\nheinlein\\'s": 2, 'antiseptic': 2, 'whizzing': 2, 'avalon': 2, "'tim": 2, 'avail': 2, 'pratically': 2, "\\'comedy\\'": 2, 'particulary': 2, '\\nextended': 2, 'overuses': 2, 'xena': 2, 'mk': 2, "a\\'s": 2, 'mindlessly': 2, 'thrillride': 2, 'preschoolers': 2, 'spheres': 2, "nothin\\'": 2, '75\\%': 2, 'rabidly': 2, 'shlock': 2, 'deviates': 2, 'impregnating': 2, 'noodle-headed': 2, 'spun': 2, 'humor-free': 2, 'tots': 2, 'doubled': 2, '\\ndraw': 2, 'instigate': 2, 'phoniness': 2, 'snore': 2, 'yun': 2, "chow\\'s": 2, 'repay': 2, 'outs': 2, 'tut': 2, '\\nmia': 2, 'annabeth': 2, 'impunity': 2, '\\ntravis': 2, 'collides': 2, "beresford\\'s": 2, 'mercies': 2, 'avenger': 2, '\\nbringing': 2, 'sec': 2, 'sulking': 2, 'lawford': 2, 'beads': 2, 'go-go': 2, "hewitt\\'s": 2, 'withheld': 2, 'garnering': 2, 'steely': 2, 'weld': 2, 'coughing': 2, 'ideally': 2, 'abomination': 2, 'spindly': 2, 'thrashing': 2, 'pontificating': 2, "government\\'s": 2, 'anti-terrorist': 2, '\\nstanley': 2, 'drinker': 2, 'grieve': 2, 'coerce': 2, 'download': 2, '\\nhalle': 2, 'bleach': 2, 'tarsem': 2, 'sharp-edged': 2, 'panes': 2, 'bleed': 2, "catharine\\'s": 2, 'supplier': 2, '\\nplenty': 2, 'been-there': 2, 'done-that': 2, "rhames\\'": 2, 'pivot': 2, 'taller': 2, 'specimens': 2, 'signatures': 2, 'confining': 2, '\\naiding': 2, 'hein': 2, 'jell-o': 2, '\\nstudents': 2, 'cinergi': 2, 'compiled': 2, 'ovitz': 2, 'racks': 2, 'backstabbing': 2, 'soft-porn': 2, 'roughneck': 2, 'je': 2, 'sexier': 2, 'materialize': 2, 'half-interesting': 2, 'throttle': 2, 'flares': 2, 'crest': 2, '\\nlindo': 2, 'nitrous': 2, 'oxide': 2, 'hotcakes': 2, 'swamps': 2, 'purrs': 2, 'dory': 2, 'nosedives': 2, "latter\\'s": 2, 'out-of-shape': 2, 'woman-abusing': 2, 'joanou': 2, "hatcher\\'s": 2, 'cajun': 2, 'hrs': 2, 'belligerent': 2, 'counter-attack': 2, '51': 2, 'silvers': 2, 'igniting': 2, 'crave': 2, 'deus': 2, '$35': 2, 'biochemist': 2, 'doctorate': 2, 'awed': 2, '\\nsharon': 2, 'latifa': 2, 'favorably': 2, 'absolution': 2, 'plow': 2, "'shakespeare": 2, 'devestating': 2, 'overemotional': 2, '\\nellen': 2, "reiner\\'s": 2, 'voila': 2, '\\nad2am': 2, 'scribblings': 2, 'topped': 2, '\\nelements': 2, 'saxophone': 2, 'half-empty': 2, 'catatonically': 2, 'peeping': 2, 'inception': 2, "\\nsilverstone\\'s": 2, 'exhale': 2, 'unpromising': 2, 'triple-digit': 2, 'sit-coms': 2, 'participated': 2, 'lobotomy': 2, 'predicts': 2, 'virgo': 2, 'swanky': 2, 'exuding': 2, 'heym': 2, 'punishable': 2, 'fictions': 2, 'hollywood-ized': 2, 'kassovitz': 2, 'crafts': 2, 'balaban': 2, 'overextension': 2, "lover\\'s": 2, 'diners': 2, 'generalizations': 2, 'ontario': 2, 'tortuous': 2, 'thirty-six': 2, '\\nscrewed': 2, 'embarrassments': 2, 'benzali': 2, 'agencies': 2, 'verges': 2, 'addictive': 2, 'side-effects': 2, '\\nterrorists': 2, 'severance': 2, '\\nwigand': 2, 'safer': 2, 'sympathies': 2, 'revell': 2, 'rifle-ly': 2, "target\\'s": 2, '\\neye': 2, 'voyeur': 2, 'foggiest': 2, '\\nexplanation': 2, "eye\\'s": 2, 'hoo': 2, 'souvenir': 2, 'priestly': 2, '\\niguana': 2, 'definitly': 2, '\\nuse': 2, 'nelken': 2, 'depaul': 2, 'honing': 2, 'single-mindedly': 2, '\\nr': 2, 'crossroads': 2, '\\nwide': 2, 'chauvinistic': 2, "god\\'": 2, 'slayers': 2, 'copulate': 2, 'obituary': 2, 'molasses': 2, 'ill-tempered': 2, '86': 2, 'copulating': 2, 'dished': 2, 'nauseous': 2, 'lope': 2, 'bends': 2, 'prayed': 2, 'oliveira': 2, 'irreversible': 2, 'honchos': 2, 'tabasco': 2, 'peppers': 2, 'low-cut': 2, 'var': 2, 'aspired': 2, "turner\\'s": 2, 'palitaliano': 2, 'rehired': 2, "wcw\\'s": 2, "mcmahon\\'s": 2, 'mcmahon': 2, 'rocky-style': 2, "'battlefield": 2, 'mid-teen': 2, 'converging': 2, 'jung': 2, 'barbarians': 2, 'prances': 2, 'man-animal': 2, 'evasion': 2, '\\nbacking': 2, 'lachman': 2, "sexton\\'s": 2, "spicer\\'s": 2, "officer\\'s": 2, 'cut-rate': 2, '\\nkelsey': 2, 'racked': 2, "gorton\\'s": 2, 'protruding': 2, 'baio': 2, '\\nwatchers': 2, '\\nkoontz': 2, 'succinct': 2, 'super-intelligent': 2, 'relay': 2, 'imitates': 2, '83': 2, 'blood-spattered': 2, 'gent': 2, 'slapped-together': 2, 'headlined': 2, 'rumpled': 2, 'curmudgeons': 2, 'punctuates': 2, 'honks': 2, 'stickers': 2, 'fucks': 2, 'film-going': 2, 'sex-': 2, 'genital': 2, 'bureaucrat': 2, '\\nmiko': 2, "\\nwillis\\'": 2, '\\ndropping': 2, 'hard-core': 2, 'small-scale': 2, 'flatter': 2, 'drafts': 2, 'subordinate': 2, 'hasten': 2, 'uplifted': 2, 'doubtlessly': 2, '\\nwhichever': 2, 'rot': 2, 'roofs': 2, '\\ncontinually': 2, 'evaporated': 2, 'pensive': 2, 'situated': 2, '\\ntheater': 2, 'socialist': 2, 'godmother': 2, 'wickedness': 2, '`let': 2, 'propels': 2, '\\ncoburn': 2, 'takeover': 2, 'discotheque': 2, "era\\'s": 2, 'heyday': 2, 'first-timer': 2, '11th-hour': 2, "_54_\\'s": 2, 'lifelessness': 2, 'vip': 2, 'famously': 2, 'hard-ass': 2, 'dottie': 2, 'do-gooder': 2, 'acquitted': 2, 'violations': 2, 'acquittal': 2, "\\nkevin\\'s": 2, 'toyed': 2, 'devils': 2, 'barzoon': 2, 'christabella': 2, 'homogeneity': 2, 'entourage': 2, 'romping': 2, 'wetsuits': 2, 'latter-day': 2, 'crispin': 2, 'comprises': 2, 'ogle': 2, 'fluctuates': 2, 'norsemen': 2, 'softy': 2, 'lund': 2, 'benj': 2, 'artifact': 2, '\\nbassett': 2, 'hanky-panky': 2, 'little-to-no': 2, 'shagging': 2, '\\ntunney': 2, '\\nphillips': 2, '\\nturner': 2, '\\ntell': 2, '\\nkind': 2, '\\n0': 2, 'acquire': 2, 'decisively': 2, 'abominable': 2, 'nutcase': 2, '\\nteaching': 2, 'over-achiever': 2, 'gymnasium': 2, '\\nleigh': 2, 'jeroen': 2, '20-year-old': 2, 'demonstrations': 2, 'gentile': 2, 'baking': 2, 'suitcases': 2, 'ultra-orthodox': 2, 'adhere': 2, 'kalman': 2, 'anti-semitism': 2, 'bradley': 2, 'insulated': 2, 'flavoring': 2, 'effervescent': 2, 'unappetizing': 2, 'rehashing': 2, 'ope': 2, 'mabe': 2, 'over-decorated': 2, 'belches': 2, '\\nportals': 2, 'stained-glass': 2, 'gapes': 2, '\\nfilmy': 2, 'cherubic': 2, 'billowy': 2, 'spooketeria': 2, 'lamps': 2, '``the': 2, 'terrify': 2, '\\nbudget': 2, 'hash': 2, 'effects-extravaganza': 2, '\\nprojections': 2, 'subconscience': 2, '\\nparanoia': 2, 'paralells': 2, 'overruns': 2, 'philanderer': 2, 'flaky': 2, "couples\\'": 2, 'idaho': 2, 'wasps': 2, 'tricia': 2, 'editted': 2, 'machete': 2, 'unmotivated': 2, '\\nheston': 2, 'quirkily': 2, 'dowling': 2, 'jacksonville': 2, 'disprove': 2, 'urinating': 2, "died\\'": 2, '\\nronin': 2, "zeik\\'s": 2, 'abusing': 2, '\\nbrandi': 2, 'harrassing': 2, 'chaired': 2, 'self-professed': 2, "sayles\\'": 2, "em\\'": 2, 'whittled': 2, 'harnessed': 2, 'sweepstakes': 2, 'slashers': 2, 'parka': 2, 'ooh': 2, 'humbly': 2, 'comely': 2, '\\nsad': 2, 'rosenbaum': 2, '\\neighteen': 2, 'wreaked': 2, 'penitentiary': 2, 'calloway': 2, 'cabel': 2, 'chamberlain': 2, '\\nevan': 2, 'mcteer': 2, 'vendetta': 2, 'nauseatingly': 2, 'bombard': 2, 'intro': 2, 'hot-to-trot': 2, "myer\\'s": 2, '1/8': 2, 'french-canadian': 2, 'treill': 2, '\\nsupporting': 2, 'plagiarism': 2, '\\nreviews': 2, 'cineplex': 2, 'never-ending': 2, 'dabbling': 2, 'scrumptious': 2, 'livened': 2, 'henri': 2, 'arouses': 2, "public\\'s": 2, 'eatery': 2, 'sensing': 2, 'small-screen': 2, 'overcooked': 2, 'residue': 2, 'ablaze': 2, 'springtime': 2, 'summation': 2, 'quantify': 2, "'billy": 2, 'serena': 2, 'ecological': 2, '\\nattempting': 2, 'graft': 2, 'trashily': 2, '\\nfed': 2, 'bs': 2, 'goddamned': 2, 'holdup': 2, 'whould': 2, "dumas\\'": 2, 'swashbuckler': 2, 'spiritless': 2, 'lackey': 2, "cardinal\\'s": 2, 'extricate': 2, 'timecop': 2, "reader\\'s": 2, 'multiplied': 2, 'plagiarized': 2, 'owing': 2, 'kiddie-porn': 2, '\\nphillippe': 2, 'merteuil': 2, 'hargrove': 2, '\\ndangerous': 2, '\\ngellar': 2, '\\nwitherspoon': 2, 'exceed': 2, '\\nkumble': 2, 'yammering': 2, "'everyone": 2, "\\'never": 2, 'geiger': 2, '\\nspeed': 2, 'frolicking': 2, 'practise': 2, 'dissembles': 2, 'vibrate': 2, '\\nfrankenstein': 2, 'hurls': 2, 'forks': 2, 'spleen': 2, 'effete': 2, "'8mm": 2, "movie\\'": 2, '\\nschumacher': 2, "'your": 2, '\\nstuff': 2, '\\nwrite': 2, 'wowed': 2, '\\nstep': 2, 'implode': 2, 'tapping': 2, "'carry": 2, 'beattie': 2, 'flush': 2, 'vies': 2, "bogg\\'s": 2, 'withering': 2, 'waldo': 2, 'emerson': 2, 'yawner': 2, 'pastures': 2, 'ucla': 2, 'dreamer': 2, 'sayings': 2, "hoskins\\'": 2, "england\\'s": 2, 'biceps': 2, 'butt-kicking': 2, '\\nunsuccessful': 2, 'bluth': 2, '---': 2, 'margin': 2, 'hanover': 2, 'mohicans': 2, 'tee-shirt': 2, 'superpower': 2, 'undetected': 2, 'nooooo': 2, "'eddie": 2, 'shatters': 2, 'outdoes': 2, '\\npractically': 2, 'ridiculing': 2, 'apologizes': 2, "'because": 2, 'magnetism': 2, 'mined': 2, 'rueland': 2, "o\\'reilly": 2, 'quizzing': 2, 'premieres': 2, 'angelo': 2, 'deconstruct': 2, 'in-crowd': 2, 'hotties': 2, 'smugness': 2, '\\ncountless': 2, 'clitoris': 2, '95\\%': 2, '\\nbond': 2, 'fittingly': 2, 'clifton': 2, '360': 2, 'whistle': 2, 'zaillian': 2, 'schlictmann': 2, "families\\'": 2, 'drug-addict': 2, 'fooling': 2, 'unbilled': 2, 'flatulating': 2, "\\nmcfarlane\\'s": 2, 'wallpaper': 2, 'unwisely': 2, "violator\\'s": 2, 'mucked': 2, "freddie\\'s": 2, 'daisies': 2, 'inferiority': 2, 'spikes': 2, "junger\\'s": 2, "\\nfichtner\\'s": 2, 'maelstrom': 2, 'half-buttoned': 2, 'unabomber': 2, 'benches': 2, '\\nfatal': 2, 'exterminating': 2, 'exterminated': 2, 'robotics': 2, 'plot-': 2, 'fine-': 2, '\\nraul': 2, 'liberate': 2, 'chun': 2, "'studio": 2, 'subgenre': 2, 'wakeup': 2, '\\nbit': 2, 'partying': 2, 'felatio': 2, 'nightclubs': 2, 'cooperative': 2, "esposito\\'s": 2, 'shoveling': 2, 'interrelated': 2, 'yum': 2, '\\nyum': 2, 'conglomeration': 2, 'country-western': 2, 'covenant': 2, 'shalt': 2, "rachel\\'s": 2, '\\ncomposer': 2, 'wild-eyed': 2, 'vylette': 2, 'uncharted': 2, 'saps': 2, 'semi-likable': 2, 'prolong': 2, 'reflex': 2, '11-story': 2, 'himalayas': 2, 'interim': 2, '\\nape': 2, "'`the": 2, "`batman\\'": 2, '\\njimmie': 2, 'strangling': 2, 'hospitable': 2, 'family-oriented': 2, 'digimon': 2, 'keeble': 2, 'dubya': 2, 'pinpoint': 2, 'foiling': 2, 'robed': 2, 'nixes': 2, 'puking': 2, 'portable': 2, 'zero-gravity': 2, 'airlock': 2, 'unreleased': 2, 'half-witted': 2, 'full-time': 2, 'fretful': 2, 'conscience-stricken': 2, 'anchors': 2, 'cher': 2, "sarandon\\'s": 2, 'horne': 2, '25\\%': 2, 'eradicated': 2, 'navigator': 2, 'everton': 2, 'half-machine': 2, "landis\\'": 2, 'buckman': 2, 'serafine': 2, "\\ndelpy\\'s": 2, "kieslowski\\'s": 2, "linklater\\'s": 2, '\\nactors': 2, 'infrared': 2, "wolf\\'s": 2, 'waller': 2, "'depending": 2, 'disobedience': 2, 'dissection': 2, 'wizards': 2, 'blackwolf': 2, 'ogres': 2, 'mutants': 2, 'luftwaffe': 2, 'submission': 2, 'gleaned': 2, 'vigilant': 2, 'lineage': 2, 'ghandi': 2, '18-year-old': 2, 'jean-marc': 2, 'barr': 2, 'kinks': 2, 'smits': 2, '\\nstrange': 2, 'squeezes': 2, 'gobbledygook': 2, 'ultimatum': 2, 'morphed': 2, 'hour-and-a-half': 2, 'eclipsed': 2, 'writer/producer': 2, 'disengaged': 2, 'high-speed': 2, 'chunnel': 2, "outworld\\'s": 2, 'gateway': 2, 'sindel': 2, 'kitana': 2, 'fatality': 2, 'pollutes': 2, 'til': 2, 'unequivocally': 2, 'legless': 2, 'stymied': 2, 'doa': 2, 'illogic': 2, '\\nhim': 2, 'whiz-bang': 2, '\\nwarner': 2, "mib\\'s": 2, 'solomon': 2, 'superweapon': 2, 'hellbent': 2, 'no-no': 2, '\\nwinning': 2, '\\nstrength': 2, '607': 2, 'arcadia': 2, 'blouse': 2, 'lighted': 2, 'snidley': 2, '\\nnielsen': 2, '\\npeoples': 2, 'whitlow': 2, 'hazard': 2, 'high-schoolers': 2, 'too-obvious': 2, '\\nrebecca': 2, '\\nmcgowan': 2, 'narratively': 2, 'lithium': 2, "'can": 2, "\\nrosemary\\'s": 2, 'housewarming': 2, 'potions': 2, '44': 2, '\\nvinny': 2, 'degenerated': 2, '\\ntensions': 2, 'searched': 2, '\\nbrody': 2, "'wow": 2, 'bellamy': 2, 'def': 2, "jam\\'s": 2, "gottfried\\'s": 2, 'x-men': 2, 'merges': 2, 'birthed': 2, 'behaviors': 2, 'revelatory': 2, "betty\\'s": 2, 'contemplation': 2, '\\nmayhem': 2, "'wild": 2, 'dupe': 2, '\\ntheresa': 2, 'iron-clad': 2, 'kyra': 2, 'sedgwick': 2, 'finely-tuned': 2, 'wide-release': 2, 'populating': 2, 'throbbing': 2, 'divert': 2, 'maturing': 2, 'rawness': 2, 'collections': 2, 'presaged': 2, 'litter': 2, 'potholes': 2, 'nastier': 2, 'back-up': 2, 'moxxon': 2, 'slaughterhouse': 2, "moxxon\\'s": 2, 'painkillers': 2, '\\nvarsity': 2, 'similarly-themed': 2, 'macht': 2, 'pinkerton': 2, "railroad\\'s": 2, 'politically-correct': 2, 'roderick': 2, 'galloping': 2, 'inner-workings': 2, 'lambasted': 2, 'oh-so': 2, '\\nshallow': 2, 'hmm': 2, 'reef': 2, 'eyed': 2, 'sideswipes': 2, 'propellers': 2, '\\n20': 2, '\\nsurprise': 2, 'harbour': 2, '\\nputting': 2, 'marker': 2, 'accidently': 2, 'cribbed': 2, 'jointly': 2, 'emits': 2, 'garbled': 2, '\\nastronaut': 2, 'mentally-challenged': 2, 'facilitated': 2, 'choke': 2, 'administration': 2, 'jellyfish': 2, 'personnel': 2, 'batters': 2, 'mish-mosh': 2, 'disorientation': 2, 'outpost': 2, 'desouza': 2, "schneider\\'s": 2, 'microbombs': 2, "tsui\\'s": 2, 'amounted': 2, 'preposterously': 2, 'diminish': 2, '\\nspy': 2, 'wd-40': 2, 'sags': 2, 'stomp': 2, "jones\\'s": 2, '\\nwriter-director': 2, "herzfeld\\'s": 2, '\\nweaving': 2, 'kidney': 2, 'headly': 2, '\\nherzfeld': 2, 'jigsaw': 2, '\\nguy': 2, '132': 2, '\\ngabriel': 2, 'umm': 2, '\\nexplaining': 2, 'modus': 2, 'operandi': 2, 'dispense': 2, "out\\'": 2, 'well-placed': 2, 'epiphanies': 2, 'cycles': 2, 'dimly': 2, "\\'if": 2, '\\n13': 2, 'curfew': 2, '11-year': 2, 'on-board': 2, 'airliner': 2, '26th': 2, 'depended': 2, 'fluently': 2, '\\nterrible': 2, 'sighs': 2, 'chummy': 2, 'meeks': 2, 'overabundance': 2, "maureen\\'s": 2, 'warburton': 2, 'websites': 2, 'beheaded': 2, 'movie-star': 2, '\\nakiva': 2, 'ungodly': 2, '\\nfrance': 2, 'dauphin': 2, 'miscue': 2, 'systematic': 2, '\\nscriptures': 2, 'misled': 2, 'untouched': 2, "dinosaurs\\'": 2, 'characterisation': 2, 'stammering': 2, 'rooming': 2, 'gymnastics': 2, "g\\'s": 2, 'yearnings': 2, "clueless\\'s": 2, "elisabeth\\'s": 2, 'laptops': 2, 'bulldog': 2, 'nickolas': 2, 'lorry': 2, '\\nmostow': 2, 'umbrellas': 2, 'antsy': 2, 'weird-looking': 2, 'kickboxing': 2, 'pau': 2, '\\nrodman': 2, 'credence': 2, 'cheeziness': 2, 'razor-sharp': 2, 'fabrications': 2, 'communities': 2, '113': 2, 'bask': 2, 'faultless': 2, 'hangover': 2, 'yuelin': 2, 'hunka': 2, 'tigerland': 2, 'farms': 2, 'surplus': 2, 'cutest': 2, 'kindest': 2, 'moby': 2, 'andersons': 2, '2017': 2, 'congressional': 2, 'accomplices': 2, 'bastards': 2, 'noseworthy': 2, "'part": 2, 'wormer': 2, 'braeden': 2, 'heirs': 2, 'hawaiian': 2, 'geyser': 2, 'billionth': 2, 'hooters': 2, 'poorly-staged': 2, 'puffy': 2, 'ugliest': 2, 'moons': 2, 'free-wheeling': 2, 'misspelling': 2, "'you\\'d": 2, 'alignment': 2, 'illuminati': 2, 'relics': 2, 'upper-crust': 2, '\\nvalek': 2, "crow\\'s": 2, 'orwell': 2, 'housewives': 2, '\\nlets': 2, '\\ngives': 2, 'marsden': 2, 'ribbons': 2, 'nutter': 2, 'millers': 2, 'sinfully': 2, 'retreating': 2, 'howled': 2, 'fluent': 2, 'ticker': 2, 'volunteer': 2, 'meddled': 2, 'ejogo': 2, 'limply': 2, 'soar': 2, 'defuse': 2, 'sulka': 2, '\\nparts': 2, '31-year-old': 2, 'hamstrung': 2, '\\nwcw': 2, 'skyrocketing': 2, '\\nprofessional': 2, '\\nanybody': 2, 'wwf': 2, '\\nhappily': 2, "palmer\\'s": 2, 'oregon': 2, "laura\\'s": 2, 'gratifying': 2, 'enhancers': 2, 'jalla': 2, 'custodians': 2, 'yasmin': 2, '\\nmans': 2, "roro\\'s": 2, "'remember": 2, 'flashdance': 2, 'perado': 2, 'pitchers': 2, "victoria\\'s": 2, 'lil': 2, 'flaunting': 2, 'subdues': 2, 'jukebox': 2, 'unfailingly': 2, 'skit-length': 2, "space\\'s": 2, 'theater-goers': 2, 'elaborately': 2, 'downsizing': 2, 'lumbergh': 2, 'levying': 2, 'misrepresenting': 2, 'baileygaites': 2, 'too-forgiving': 2, 'manifests': 2, 'jump-roping': 2, 'newsmagazine': 2, 'sleight-of-hand': 2, 'grossness': 2, 'albinos': 2, 'curveballs': 2, 'soft-tossed': 2, 'mongo': 2, 'brownlee': 2, 'jerod': 2, 'mixon': 2, 'white-bread': 2, 'too-pleasant': 2, 'schitck': 2, 'contort': 2, "\\nzellweger\\'s": 2, 'high-caliber': 2, 'genevieve': 2, 'stupendously': 2, "gaby\\'s": 2, 'toppled': 2, 'carrol': 2, 'inanely': 2, '\\nsimpson': 2, 'anthropology': 2, 'neglecting': 2, 'squandering': 2, 'voluptuous': 2, '\\nkrippendorf': 2, 'razor': 2, 'unappreciated': 2, 'stapled': 2, 'scarring': 2, 'lenient': 2, 'get-together': 2, 'goddard': 2, 'scientifically': 2, 'landslide': 2, 'savagely': 2, 'lift-off': 2, 'giger': 2, 'hive': 2, 'faulted': 2, 'maybury': 2, 'outlines': 2, 'amorality': 2, "\\nfrancis\\'s": 2, 'ecstasy': 2, 'contentedly': 2, 'confusingly': 2, "helgeland\\'s": 2, '102-minute': 2, "network\\'s": 2, 'blathers': 2, 'herek': 2, 'laugh-o-meter': 2, 'bemusement': 2, 'buckwheat': 2, 'wades': 2, 'foiled': 2, 'exclaiming': 2, 'tightened': 2, '\\nsheesh': 2, 'g-string': 2, '\\nairplane': 2, 'pongo': 2, 'new-born': 2, 'pups': 2, 'endearment': 2, '\\nclose': 2, 'stiletto': 2, 'itchy': 2, 'scratchy': 2, 'unforgivingly': 2, 'unprofessional': 2, 'approachable': 2, "'from": 2, 'inning': 2, "kent\\'s": 2, 'cantrell': 2, 'haysbert': 2, 'takaaki': 2, 'ishibashi': 2, 'big-league': 2, 'exhibition': 2, 'fouls': 2, 'abysmally': 2, 'conceited': 2, '\\nnotable': 2, 'time-': 2, '\\nsomebody': 2, 'moviegoing': 2, 'rearing': 2, 'volcanologist': 2, 'investor': 2, 'amorous': 2, 'death-defying': 2, "\\ndante\\'s": 2, '\\nmayor': 2, 'tremor': 2, 'headlong': 2, 'erupt': 2, 'lakes': 2, 'boozed': 2, '\\nmcconaughey': 2, "mcconaughey\\'s": 2, "\\nmcconaughey\\'s": 2, 'porcine': 2, 'underscored': 2, 'schlocky': 2, "spring\\'s": 2, 'tentacled': 2, 'canton': 2, 'expel': 2, 'thighs': 2, "finnegan\\'s": 2, '\\ndjimon': 2, 'groaner': 2, 'regurgitation': 2, 'casualty': 2, 'maltin': 2, 'brawls': 2, 'grandchild': 2, 'wench': 2, 'derogatory': 2, 'studly': 2, 'sexploitation': 2, '\\ndramatically': 2, 'glossing': 2, 'overshadows': 2, 'macgowan': 2, 'jordon': 2, 'mower': 2, 'annoyances': 2, 'christened': 2, 'ladybugs': 2, 'graff': 2, '\\njonathon': 2, 'downplays': 2, 'milking': 2, 'aformentioned': 2, 'shagadellic': 2, '1/4': 2, 'traveller': 2, '2-d': 2, 'heart-tugging': 2, 'kamen': 2, 'eduardo': 2, '\\nheaven': 2, 'harland': 2, 'dryer': 2, '30-year-old': 2, 'rigorous': 2, 'regretfully': 2, 'snot': 2, 'impressionist': 2, '\\nclassic': 2, '\\nstan': 2, 'fast-food': 2, 'priced': 2, 'one-and-a-half': 2, 'toddlers': 2, 'rumoured': 2, 'plunder': 2, 'ascetic': 2, 'diluted': 2, 'actualizing': 2, 'renounce': 2, 'grapples': 2, "alma\\'s": 2, 'schomberg': 2, '\\nsewell': 2, 'loretta': 2, 'mcgruder': 2, 'miscalculated': 2, 'brynner': 2, 'flipper': 2, 'mountainside': 2, 'retorts': 2, 'waded': 2, '\\ngooding': 2, "`i\\'m": 2, 'sh': 2, '\\n`you': 2, "morricone\\'s": 2, 'over-dramatic': 2, 'popsicle': 2, 'proffered': 2, 'lucio': 2, 'frizzi': 2, 'mccoll': 2, 'dunwich': 2, "\\nfulci\\'s": 2, 'geezer': 2, 'patchy': 2, 'hoppe': 2, 'groping': 2, 'kennel': 2, 'schemer': 2, 'ndorff': 2, '\\njeez': 2, 'come_': 2, 'irks': 2, "\\nchris\\'": 2, 'that+s': 2, '_babe_': 2, 'hawking': 2, "macy\\'s": 2, 'money-grubbing': 2, 'applying': 2, 'partition': 2, '$80': 2, '\\nexcuse': 2, 'travelled': 2, "boss\\'": 2, 'restraining': 2, 'dangles': 2, 'environs': 2, 'expletive': 2, 'elmer': 2, 'softened': 2, 'poodle': 2, 'demarco': 2, 'saviors': 2, 'sachs': 2, '\\ncreative': 2, 'morsels': 2, 'chameleon': 2, 'banshee': 2, 'soliloquies': 2, 'sylvie': 2, 'seductively': 2, 'ze': 2, "dobie\\'s": 2, 'busts': 2, 'succinctly': 2, 'priesthood': 2, 'overflows': 2, 'moviemakers': 2, 'filmgoer': 2, '\\ninfuriated': 2, 'ringleader': 2, 'tomfoolery': 2, 'lull': 2, '\\nlouise': 2, 'self-indulgent': 2, 'condemns': 2, 'uninvolved': 2, 'nightspot': 2, 'sketchily': 2, 'expositions': 2, 'streisand': 2, 'waxes': 2, 'prissy': 2, 'overtaken': 2, 'weighted': 2, "\\njackson\\'s": 2, 'genteel': 2, 'behaved': 2, 'contractions': 2, 'hudlin': 2, '\\nbunz': 2, 'tamala': 2, '\\nbooty': 2, "arc\\'": 2, 'propulsion': 2, 'half-expecting': 2, 'thanking': 2, 'dishonor': 2, 'didn': 2, 'aren': 2, 'elbow': 2, 'prude': 2, 'critically-acclaimed': 2, 'psycho-sexual': 2, 'faithless': 2, '\\npollack': 2, 'exorcise': 2, 'rococo': 2, 'password-protected': 2, 'incense': 2, 'unerotic': 2, "june\\'s": 2, 'neglects': 2, 'trailed': 2, 'combative': 2, 'batting': 2, 'confuses': 2, "animal\\'s": 2, 'deftness': 2, 'chewed': 2, 'dragonheart': 2, "meyer\\'s": 2, "leon\\'s": 2, 'cocks': 2, 'cooling': 2, 'feces': 2, 'ignites': 2, 'congresswoman': 2, '\\nrandom': 2, 'rearrange': 2, 'tis': 2, 'maliciously': 2, 'moview': 2, '\\nmalicious': 2, 'not-so-bright': 2, 'pre-med': 2, "'warner": 2, 'berkshire': 2, 'publishes': 2, 'garret': 2, "garret\\'s": 2, 'tear-jerking': 2, 'yared': 2, "mandoki\\'s": 2, 'sisterhood': 2, 'dramedy': 2, 'optimum': 2, 'hurriedly': 2, '\\ngeorgia': 2, '\\nmaddy': 2, 'nursing': 2, 'tweaked': 2, 'neo-reality': 2, 'tinges': 2, '\\ncronenberg': 2, 'in-': 2, 'vice-versa': 2, 'focker': 2, 'herzfeld': 2, "somebody\\'s": 2, '\\nstein': 2, 'shayne': 2, 'astound': 2, 'buggers': 2, 'impersonating': 2, '\\nsubtle': 2, 'gwar': 2, 'gauntlet': 2, 'flaccid': 2, 'whores': 2, 'shackles': 2, '\\nepps': 2, 'pc': 2, 'brainchild': 2, 'saffron': 2, 'hangout': 2, 'cheapie': 2, '\\nrumor': 2, 'cineplexes': 2, 'contingency': 2, 'parisian': 2, "period\\'s": 2, 'sacha': 2, 'leeches': 2, 'overrides': 2, "michelle\\'s": 2, 'duffle': 2, 'wally': 2, 'mil': 2, 'here--': 2, "patric\\'s": 2, "bullock\\'s": 2, '\\nscreams': 2, 'long-abandoned': 2, 'rodent': 2, 'arse': 2, 'posts': 2, 'dials': 2, 'movie-within-a-movie': 2, '\\nmurder': 2, 'knife-wielding': 2, 'his/her/their': 2, 'is/are': 2, 'umpteen': 2, 'conceptually': 2, 'laughless': 2, 'pais': 2, 'sendoff': 2, "deming\\'s": 2, 'prequels': 2, 'decor': 2, 'migrate': 2, 'louder': 2, 'break-up': 2, 'pronouncing': 2, "ladies\\'": 2, 'crackle': 2, 'nicotine': 2, 'bested': 2, 'ovation': 2, 'revolted': 2, 'plaguing': 2, 'carin': 2, "shaiman\\'s": 2, 'aces': 2, 'memorizing': 2, '\\nfollow': 2, '\\nreader': 2, 'infuriates': 2, '\\nwhoopi': 2, 'outfield': 2, 'bazooka': 2, 'olden': 2, 'koch': 2, 'mujibur': 2, 'sirajul': 2, 'islam': 2, 'broadcaster': 2, 'berman': 2, 'arenas': 2, 'cliche-ridden': 2, 'thang': 2, 'projectionist': 2, 'over-extended': 2, 'corporations': 2, 'markets': 2, 'stakeout': 2, 'dotted': 2, '5\\%': 2, 'garb': 2, 'implement': 2, 'dharma': 2, 'perkiness': 2, '22-minute': 2, 'dozing': 2, 'writing/directing': 2, 'korsmo': 2, 'recognise': 2, "phillippe\\'s": 2, 'faltered': 2, 'anti-heroes': 2, 'motifs': 2, 'snatched': 2, 'rigeur': 2, 'overplotted': 2, 'quizzical': 2, 'swaggering': 2, '\\nnicky': 2, 'nm': 2, 'migrating': 2, 'interchangeable': 2, 'wesson': 2, 'forthcoming': 2, '\\n12': 2, 'incorporated': 2, 'utopian': 2, 'waspy': 2, 'beginnings': 2, 'de-glamed': 2, 'castigates': 2, 'cultured': 2, 'shielded': 2, 'divisive': 2, 'inflections': 2, 'swelled': 2, 'softening': 2, 'obsess': 2, 'belting': 2, 'minutiae': 2, 'gleam': 2, '\\nlovitz': 2, 'ad-libbed': 2, 'loony': 2, 'niggling': 2, 'saluting': 2, 'salutes': 2, 'transaction': 2, "base\\'s": 2, 'peculiarly': 2, 'jibe': 2, 'fowler': 2, '\\nhutton': 2, 'demille': 2, 'divisions': 2, 'submits': 2, 'glares': 2, 'unwillingly': 2, 'unmasking': 2, '\\ntells': 2, '$50000': 2, "veronica\\'s": 2, '\\ngross': 2, "austin\\'s": 2, 'distilled': 2, 'conciousness': 2, 'celebs': 2, 'richmond': 2, '\\npowell': 2, "1971\\'s": 2, 'trackers': 2, 'unashamedly': 2, "beast\\'s": 2, 'gait': 2, 'seemingly-endless': 2, 'overheard': 2, "underwood\\'s": 2, "1978\\'s": 2, '10\\%': 2, 'imbecilic': 2, 'jagger': 2, 'abetting': 2, '3-5': 2, 'mortgages': 2, '\\nspoiler': 2, "\\nned\\'s": 2, 'heroically': 2, 'shrill': 2, 'rewatch': 2, 'suceeds': 2, 'expressionistic': 2, 'rotary': 2, 'cloaks': 2, 'beleive': 2, 'eligibility': 2, "long\\'s": 2, 'parachutes': 2, 'ignite': 2, "\\nlong\\'s": 2, 'chainsmoking': 2, 'quick-tempered': 2, 'mancuso': 2, 'whacks': 2, 'crowbar': 2, "belushi\\'s": 2, '\\nelwood': 2, 'neo-nazis': 2, 'duplication': 2, 'bluegrass': 2, 'pileup': 2, 'cleophus': 2, 'pickett': 2, '\\ncongo': 2, 'semi-serious': 2, '\\nlevinson': 2, 'functionary': 2, 'spectaculars': 2, 'first-tier': 2, "'american": 2, 'stifler': 2, 'degrading': 2, 'lads': 2, "levy\\'s": 2, 'alyson': 2, 'hannigan': 2, 'pre-sold': 2, '\\nanaconda': 2, 'wasp': 2, 'minimally': 2, '\\nabove': 2, 'decoy': 2, 'shirishama': 2, '\\nice': 2, '\\nobsessed': 2, 'artificiality': 2, 'matures': 2, 'un-funniest': 2, 'tampered': 2, 'imcomprehinsable': 2, 'html': 2, 'cremated': 2, 'reprised': 2, 'vickie': 2, 'shae': 2, '\\nchase': 2, 'doofy': 2, 'negatively': 2, 'pcu': 2, 'elisa': 2, '\\nrevenge': 2, "'plunkett": 2, 'wham': 2, 'highwaymen': 2, 'cummings': 2, "\\'f": 2, 'gen-xers': 2, 'cranium': 2, 'ditching': 2, 'grimace': 2, 'asians': 2, 'essay': 2, 'rockers': 2, '\\nmarky': 2, "paris\\'": 2, 'skew': 2, 'tumbling': 2, 'gio': 2, 'vela': 2, "top\\'s": 2, 'redheaded': 2, 'furnished': 2, 'impacted': 2, 'thorne-smith': 2, 'septien': 2, 'leprechaun': 2, 'shameful': 2, 'mane': 2, 'commences': 2, 'heartthrob': 2, '‰': 2, 'butabi': 2, 'bouncer': 2, '83-minute': 2, 'culminate': 2, "haddaway\\'s": 2, 'overreaching': 2, 'staros': 2, '--so': 2, "marshall\\'s": 2, "preacher\\'s": 2, "mid-80\\'s": 2, 'ill-synched': 2, 'brilliancy': 2, "henson\\'s": 2, 'stone-faced': 2, "\\'90\\'s": 2, 'postlethwaite': 2, 'heavy-metal': 2, 'overscored': 2, 'batter': 2, '\\nsum': 2, 'clicked': 2, 'boling': 2, 'dotson': 2, 'krajeski': 2, 'lu': 2, '97': 2, 'blatz': 2, '\\nisle': 2, 'bumfuck': 2, 'colon': 2, "dick\\'s": 2, 're-wire': 2, 'ku': 2, 'klux': 2, 'klan': 2, 'padded': 2, 'wrinkled': 2, 'cleansing': 2, 're-establish': 2, "cavanaugh\\'s": 2, 'amputated': 2, 'bellow': 2, 'disorganised': 2, 'frenchmen': 2, 'stomps': 2, 'kits': 2, 'umbrella': 2, "iguana\\'s": 2, '\\n9': 2, 'avenue': 2, '\\n11': 2, 'prozac': 2, 'misdemeanors': 2, '\\ndeconstructing': 2, 'doppelganger': 2, 'decoding': 2, 'expelled': 2, 'fay': 2, 'hazel': 2, 'uncompleted': 2, 'grader': 2, 'beal': 2, 'reifsnyder': 2, 'differing': 2, 'passingly': 2, 'tutors': 2, '\\nregrettably': 2, "pistone\\'s": 2, 'gangster-flick': 2, 'blindingly': 2, "brasco\\'s": 2, 'betterment': 2, 'gush': 2, 'infuriated': 2, 'star-struck': 2, 'well-earned': 2, 'tiered': 2, 'poignantly': 2, 'greats': 2, "foley\\'s": 2, 'wald': 2, 'rosewood': 2, 'business-like': 2, 'ramboesque': 2, 'overexposure': 2, 'winks': 2, "\\nbill\\'s": 2, 'brest': 2, 'red-eyed': 2, 'executioner': 2, 'intensively': 2, 'macarena': 2, 'marching': 2, 'offensively': 2, '\\njudas': 2, '\\ncinema': 2, "owner\\'s": 2, 'blinded': 2, 'rationalize': 2, 'misinterpreted': 2, "'although": 2, 'three-year-old': 2, 'dill': 2, 'cheryl': 2, 'debutante': 2, 'decorum': 2, 'jeopardize': 2, 'racoon': 2, "garfunkel\\'s": 2, 'parsley': 2, '\\nheckerling': 2, 'smooch': 2, 'reserves': 2, '\\nvisit': 2, "guy\\'": 2, 'disability': 2, 'existent': 2, 'woodman': 2, 'dairy': 2, '\\nchoir': 2, 'choir': 2, 'trekker': 2, 'debates': 2, 'none-too-pleased': 2, '\\ndata': 2, 'victimized': 2, 'koenig': 2, '24th': 2, 'burlesque': 2, 'coalesce': 2, 'gratuitously': 2, 'revel': 2, 'torrential': 2, "'apparently": 2, 'rhino': 2, '\\nlewis': 2, '\\nskin': 2, "zach\\'s": 2, '\\nzach': 2, "ex-wife\\'s": 2, 'film--and': 2, 'infrequent': 2, "\\nzach\\'s": 2, 'binges': 2, '\\nmaureen': 2, 'reunions': 2, 'junky': 2, 'remarries': 2, 'actor/director': 2, "'jackie": 2, '\\nchan': 2, 'satisfactorily': 2, 'disoriented': 2, 'md': 2, 'ostentatious': 2, 'juxtaposing': 2, 'cnn': 2, 'slickest': 2, 'squaring': 2, '\\ngoldman': 2, 'mashed': 2, 'ruben': 2, 'smoother': 2, 'daffy': 2, "game\\'": 2, "leo\\'s": 2, 'twenty-eight': 2, 'mercer': 2, 'dukakis': 2, "burns\\'": 2, 'prerequisite': 2, 'caron': 2, '\\nlo': 2, 'cleanup': 2, "scumball\\'s": 2, 'slow-mo': 2, '\\nscumball': 2, 'fondly': 2, 'fish-': 2, 'cower': 2, 'horsing': 2, 'banishes': 2, 'penetrated': 2, 'constitute': 2, 'one-way': 2, '\\nrumors': 2, 'ming-liang': 2, 'downpour': 2, 'quarantined': 2, 'near-future': 2, 'evacuation': 2, 'non-verbal': 2, 'dreariness': 2, "hartley\\'s": 2, '\\nwitty': 2, '\\nsensing': 2, 'chalkboard': 2, 'flanery': 2, 'ritzy': 2, 'assisting': 2, 'aback': 2, '\\npatricia': 2, 'gilliard': 2, 'dribble': 2, 'researchers': 2, 'frightfully': 2, 'rafe': 2, 'criticise': 2, 'non-event': 2, '\\nelsewhere': 2, 'lunches': 2, "morse\\'s": 2, "arkin\\'s": 2, '16-year-olds': 2, '1/3': 2, 'dross': 2, "reporter\\'s": 2, '\\nhurley': 2, "\\'funny": 2, 'ava': 2, 'genieveve': 2, 'stuntman': 2, 'yea': 2, 'high-rise': 2, 'spiel': 2, 'multi-national': 2, 'squabbling': 2, 'co-creator': 2, 'spoons': 2, 'lillianna': 2, 'induce': 2, "giant\\'": 2, 'motivator': 2, '`my': 2, 'xin-xin': 2, 'ref': 2, 'boyishly': 2, 'doe-eyed': 2, 'chambermaid': 2, '\\nphotography': 2, 'tavern': 2, '106': 2, 'self-mocking': 2, "bruce\\'s": 2, "devito\\'s": 2, 'venomous': 2, 'protocol': 2, '\\nsoul': 2, 'mishandle': 2, 'smutty': 2, '\\n[the': 2, 're-cut': 2, '\\n-ed': 2, 'washing': 2, 'slump': 2, 'ticked': 2, 'rewound': 2, 'easy-going': 2, 'lonergan': 2, 'top-form': 2, 'clockwatchers': 2, '\\nchazz': 2, 'rousingly': 2, 'one-scene': 2, 'laugh-free': 2, 'hays': 2, 'cowering': 2, 'yemeni': 2, 'friedklin': 2, 'policies': 2, 'navarro': 2, 'santanico': 2, 'regales': 2, 'wichita': 2, 'slaughters': 2, 'truckers': 2, 'bikers': 2, 'incoherence': 2, '\\nchances': 2, "labour\\'s": 2, "\\ngrant\\'s": 2, 'successors': 2, 'presiding': 2, 'buchman': 2, 'quebec': 2, 'informing': 2, "oz\\'s": 2, 'preliminary': 2, 'drearily': 2, "'take": 2, 'misogynist': 2, 'male/female': 2, 'spector': 2, 'relinquish': 2, '\\nassuming': 2, 'gingerly': 2, 'littering': 2, 'occurances': 2, 'repent': 2, '\\nisaiah': 2, 'favoring': 2, 'franchises': 2, 'seller': 2, 'storywise': 2, 'trys': 2, "colony\\'s": 2, "'godzilla": 2, '\\nroland': 2, 'imbeciles': 2, '\\nmaria': 2, 'martial-arts': 2, 'dresser': 2, 'stoops': 2, 'baffle': 2, 'canoe': 2, 'freezes': 2, 'dodges': 2, 'crates': 2, 'straightest': 2, 'cowers': 2, 'shante': 2, 'smirking': 2, 'out-takes': 2, 'century-fox': 2, 'fumes': 2, 'glassy': 2, '\\ntalented': 2, 'deteriorating': 2, 'vigil': 2, 'semi-autobiographical': 2, 'cloris': 2, 'self-effacing': 2, 'scorn': 2, 'cadaverous': 2, 'melee': 2, 'hingle': 2, 'commissioner': 2, 'gordan': 2, 'vendela': 2, 'dumbfounded': 2, "maurice\\'s": 2, 'darting': 2, 'placards': 2, 'vaudeville': 2, 'dailies': 2, "columbus\\'": 2, 'emile': 2, 'dann': 2, 'lyons': 2, 'leyland': 2, 'terrestrial': 2, '_breakfast_of_champions_': 2, 'hoover': 2, 'celia': 2, 'lukas': 2, 'haas': 2, "festival\\'s": 2, 'apex': 2, 'similarly-named': 2, 'francine': 2, '\\nrudolph': 2, 'unfilmable': 2, '\\nlikely': 2, 'androids': 2, 'consoles': 2, '\\nentering': 2, "\\'face": 2, 'emanates': 2, 'scan': 2, 'harebrained': 2, '\\nborrowing': 2, 'crusoe': 2, '1965': 2, '\\nsubtlety': 2, 'sturm': 2, 'und': 2, 'drang': 2, 'monthly': 2, 'in-person': 2, 'spaced': 2, '--and': 2, 'graininess': 2, 'invigorate': 2, 'dislikable': 2, 'shacking': 2, 're-enters': 2, 'britton': 2, 'vegas-based': 2, "\\ncarter\\'s": 2, "richie\\'s": 2, 'cd-rom': 2, 'raccoon': 2, 'over-acting': 2, 'hyped-up': 2, 'improv': 2, '\\nmi2': 2, 'nordoff-hall': 2, 'hither': 2, 'toppling': 2, 'scaffolding': 2, 'vigorous': 2, 'flamenco': 2, 'juxtaposed': 2, '\\nthandie': 2, '\\nnewton': 2, 'narcissistically': 2, 'angular': 2, 'pin-up': 2, 'devolve': 2, 'katharine': 2, 'shyer': 2, "finale\\'s": 2, 'morph': 2, 'patrolman': 2, 'biographies': 2, 'drabby': 2, '\\nforest': 2, 'deformed': 2, 'curtolo': 2, 'weber': 2, 'breath-taking': 2, 'duarte': 2, 'bangs': 2, 'cheeze': 2, 'affluent': 2, 'thomspon': 2, 'dialouge': 2, 'neon-lit': 2, 'multi-tiered': 2, 'overlap': 2, 'trafficking': 2, 'nightlife': 2, 'docks': 2, '`battlefield': 2, "earth\\'": 2, 'predicated': 2, 'oversees': 2, 'ore': 2, 'organize': 2, 'journals': 2, 'illogically': 2, 'folly': 2, 'pejorative': 2, "`battlefield\\'": 2, 'subliminal': 2, 'undetectable': 2, 'zimmerly': 2, "presence\\'s": 2, 'ramona': 2, 'midgett': 2, 'screw-up': 2, '\\ncompelling': 2, 'interstitial': 2, 'delegates': 2, 'chides': 2, 'eyeball': 2, 'spurting': 2, 'making-of': 2, 'messily': 2, 'leaks': 2, 'sewage': 2, 'potty-mouth': 2, 'accommodates': 2, 'fan-base': 2, 'psyched': 2, 'auditorium': 2, 'rioting': 2, '`this': 2, 'come-back': 2, 'simple-minded': 2, 'skirmish': 2, 'puerile': 2, 'tally': 2, 'indulged': 2, 'bountiful': 2, 'emax': 2, 'mailman': 2, 'sub-mediocrity': 2, 'graynamore': 2, '\\ngraynamore': 2, 'mineral': 2, "graynamore\\'s": 2, 'deduce': 2, 'hammerhead': 2, '\\nrosanna': 2, 'hardness': 2, 'absent-mindedness': 2, 'rumba': 2, "college\\'s": 2, 'belloq': 2, 'asswhole': 2, 'hypothetical': 2, 'hydraulic': 2, 'edna': 2, 'pools': 2, 'surgical': 2, 'motorist': 2, '\\nlacrosse': 2, 'bureau': 2, 'constipated': 2, 'gregarious': 2, 'story-telling': 2, 'plumb': 2, 'mobbed': 2, 'abductions': 2, '\\nmarsden': 2, 'assimilating': 2, 'microchip': 2, 'machine-like': 2, 'cliques': 2, '\\nanymore': 2, 'zagged': 2, 'punisher': 2, 'rain-soaked': 2, 'miniatures': 2, 'banzai': 2, '\\nernie': 2, 'pungent': 2, 'pawnbroker': 2, '28-year-old': 2, 'perks': 2, "theater\\'s": 2, 'longingly': 2, 'garbed': 2, 'knockoffs': 2, "know\\'s": 2, '\\nhewitt': 2, 'silences': 2, 'indolent': 2, 'dismissive': 2, 'utilising': 2, 'prodigious': 2, 'foresight': 2, 'demornay': 2, 'edson': 2, 'infiltrates': 2, 'prized': 2, "'what\\'s": 2, 'chronicling': 2, 'enrich': 2, 'unparalleled': 2, 'espoused': 2, "cryin\\'": 2, 'nic': 2, 'suckers': 2, 'glimpsing': 2, 'collars': 2, 'cuffs': 2, 'bickers': 2, 'lookalike': 2, 'supposes': 2, "dicillo\\'s": 2, 'frowns': 2, "\\nbob\\'s": 2, 'off-camera': 2, '\\nkathleen': 2, 'caterer': 2, 'graph': 2, 'exponential': 2, 'sighting': 2, 'deep-space': 2, 'capitalise': 2, "crawford\\'s": 2, 'biography': 2, '\\ncrawford': 2, 'outburst': 2, 'werewolfism': 2, 'handcuffs': 2, '\\njeanne': 2, 'licensed': 2, 'digestible': 2, 'distinguishable': 2, '\\nnumber': 2, "danson\\'s": 2, '\\nterri': 2, 'corp': 2, 'pharmacist': 2, "'ladies": 2, 'white-haired': 2, 'imperative': 2, 'dispatching': 2, '\\nanonymous': 2, 'single-mindedness': 2, 'fatales': 2, 'talia': 2, 'oahu': 2, 'arching': 2, 'muscle-bound': 2, 'swooping': 2, 'daresay': 2, 'speculated': 2, 'blond-haired': 2, 'lifeforms': 2, 'dictated': 2, "bloomingdale\\'s": 2, 'trager': 2, 'cholera': 2, 'oh-so-cleverly': 2, 'purportedly': 2, '\\nserendipity': 2, 'snarky': 2, "wenders\\'": 2, 'tightens': 2, 'idly': 2, 'unredeemable': 2, 'mccleod': 2, 'humid': 2, 'accosted': 2, 'immortality': 2, '\\nkatana': 2, "connor\\'s": 2, 'corrected': 2, 'forgetable': 2, '\\nchristina': 2, 'candlelight': 2, '\\nbegin': 2, 'fridge': 2, '\\nwyatt': 2, 'farewell': 2, '\\ndances': 2, 'townfolk': 2, 'american-ized': 2, 'headaches': 2, 'slithers': 2, 'mule': 2, 'sickeningly': 2, 'horniness': 2, '\\nmissing': 2, 'pop-culture': 2, 'betraying': 2, 'abject': 2, 'inimitable': 2, '\\ngonna': 2, 'mid-70s': 2, 'blooming': 2, 'havisham': 2, 'beaudene': 2, 'vaguest': 2, 'silhouette': 2, 'francesco': 2, 'perk': 2, 'judicial': 2, 'asteroids': 2, 'spastic': 2, "kattan\\'s": 2, 'precariously': 2, 'resuscitation': 2, 'schoolchildren': 2, 'drippy': 2, 'abs': 2, 'gedrick': 2, '\\ndad': 2, 'near-constant': 2, 'erickson': 2, '\\nliz': 2, 'rediscovered': 2, 'soles': 2, 'splashed': 2, 'hsu': 2, 'antonioni': 2, '\\njia-li': 2, "jia-li\\'s": 2, 'dutifully': 2, 'luncheon': 2, 'vienna': 2, '--but': 2, 'inward': 2, 'expressionism': 2, "freakin\\'": 2, 'well-executed': 2, 'reshooting': 2, 'bergl': 2, 'globes': 2, 'spacek': 2, 'flaus': 2, 'elmaloglou': 2, 'conversions': 2, 'filmdom': 2, '98\\%': 2, 'aussie': 2, 'achilles': 2, 'heel': 2, '\\ndominic': 2, 'melbourne': 2, '`one': 2, 'slender': 2, 'unclothed': 2, 'amusements': 2, 'harmonica': 2, 'zinger': 2, '\\nschmidt': 2, 'shambles': 2, 'skulking': 2, "schmidt\\'s": 2, 'resisting': 2, 'deceive': 2, "donner\\'s": 2, 'telltale': 2, 'muggers': 2, '\\ndialog': 2, 'extracting': 2, 'pausing': 2, 'infancy': 2, 'abdomen': 2, 'inside-out': 2, 'subtitle': 2, '\\nmarg': 2, 'ornament': 2, 'cary-hiroyuki': 2, 'tagawa': 2, 'flashiness': 2, 'shards': 2, 'brokerage': 2, 'neurological': 2, 'extra-curricular': 2, "darryl\\'s": 2, 'ex-girlfriends': 2, 'buisness': 2, 'costing': 2, 'livelihoods': 2, 'misgivings': 2, 'star-crossed': 2, 'foregone': 2, 'rantings': 2, 'warm-n-fuzzy': 2, 'chockfull': 2, 'crams': 2, 'murata': 2, 'imbecile': 2, 'drying': 2, 'forensic': 2, '_urban_legend_': 2, '_i_know': 2, '\\nhint': 2, 'backside': 2, "luis\\'": 2, '\\ncristofer': 2, 'unwise': 2, 'skirmishes': 2, 'culture-clash': 2, 'draped': 2, 'herald': 2, 'sharif': 2, 'menzies': 2, 'whimpering': 2, 'converge': 2, 'beethoven': 2, 'girard': 2, '\\ndanes': 2, 'zappa': 2, 'toilets': 2, 'backstage': 2, 'saturn': 2, 'under-developed': 2, 'napkin': 2, 'hotter': 2, "'wyatt": 2, 'thirty-five': 2, 'chins': 2, '\\ndoc': 2, 'gertz': 2, '\\nbullets': 2, '\\nhello': 2, 'midsection': 2, 'oomph': 2, 'calitri': 2, 'mcbride': 2, 'shelby': 2, 'sena': 2, 'outwitting': 2, 'huckster': 2, "\\nmartin\\'s": 2, "bilko\\'s": 2, "'have": 2, 'careens': 2, 'plummeting': 2, '`eye': 2, "firm\\'s": 2, 'empathizes': 2, 'ghost-like': 2, "'bad": 2, 'macnamara': 2, 'foothold': 2, 'lesbo': 2, 'budweiser': 2, "'who": 2, 'johto': 2, 'spinoff': 2, 'unown': 2, 'entei': 2, 'bigger-than-life': 2, 'parachute': 2, '64': 2, 'hurl': 2, 'amc': 2, 'meteors': 2, "richards\\'": 2, 'portuguese': 2, 'helms': 2, 'incredulously': 2, 'floats_': 2, 'woe': 2, 'transferring': 2, 'whittaker': 2, "cinematographer\\'s": 2, 'blunder': 2, "knott\\'s": 2, 'cuckolded': 2, 'akroyd': 2, 'thorn': 2, "fort\\'s": 2, 'full-force': 2, 'tv-series': 2, "'look": 2, 'polarized': 2, 'orangutan': 2, 'shot-for-shot': 2, 'twang': 2, "mama\\'s": 2, 'eloquently': 2, 'lamb': 2, 'naughton': 2, 'now-tired': 2, 'synergy': 2, 'terrifyingly': 2, 'eclipse': 2, '\\nfourth': 2, 'crusades': 2, 'organisations': 2, 'dickerson': 2, "winner\\'s": 2, 'x-philes': 2, "grandparents\\'": 2, 'steenburgen': 2, '\\ngold': 2, 'white-faced': 2, 'neverland': 2, '\\ndecisions': 2, "spacek\\'s": 2, 'super-intelligence': 2, '\\ntest': 2, "goldblum\\'s": 2, "powder\\'s": 2, 'unplugging': 2, 'copout': 2, 'electrocution': 2, '03': 2, '3654': 2, 'nntphub': 2, 'newsgroups': 2, 'current-films': 2, 'ecl@mtcts1': 2, 'leeper': 2, 'originator': 2, '\\nrec': 2, 'cancellation': 2, 'swimsuit': 2, "lord\\'s": 2, 'malfunction': 2, 'larsen': 2, '\\nstructured': 2, 'risa': 2, "ephron\\'s": 2, '\\nephron': 2, 'wiping': 2, 'pencil': 2, 'b-horror': 2, 'laudable': 2, 'pritchett': 2, "breillat\\'s": 2, 'even-handed': 2, 'rigors': 2, 'auteurs': 2, 'knee-jerk': 2, 'oversimplification': 2, '\\nsitting': 2, 'morosely': 2, 'storybook': 2, 'transitory': 2, 'railing': 2, 'tawdriness': 2, '\\naka': 2, '5-year-old': 2, 'monahan': 2, 'balbricker': 2, 'honeywell': 2, 'out-of-touch': 2, 'complicates': 2, 'plunging': 2, 'recharge': 2, 'fowl': 2, 'discarding': 2, 'fleabag': 2, 'etienne': 2, 'rko': 2, 'guarding': 2, 'encore': 2, 'bejesus': 2, 'tyke': 2, 'scowl': 2, 'above-the-title': 2, 'crews': 2, 'saddest': 2, 'fictious': 2, 'quarry': 2, 'scapegoat': 2, 'embezzlement': 2, 'wilma': 2, 'dampened': 2, 'sopranos': 2, 'merchant': 2, 'flic': 2, 'shivers': 2, 'croaker': 2, 'wittily': 2, '\\nmain': 2, '\\nblond': 2, 'spout': 2, "instinct\\'": 2, "recall\\'": 2, 'nannies': 2, 'mahurin': 2, 'knepper': 2, 'cloudy': 2, 'freelance': 2, 'two-year': 2, 'shelmickedmu': 2, 'getup': 2, '\\nmoving': 2, '\\ninterior': 2, 'jackhammer': 2, 'affability': 2, 'anomaly': 2, 'anti-climatic': 2, 'doomsday': 2, 'diplomat': 2, 'infer': 2, 'chancellor': 2, 'self-indulgence': 2, 'skids': 2, 'fretting': 2, "unabomber\\'s": 2, 'lemonade': 2, 'restrictions': 2, 'tabloids': 2, 'fleshes': 2, 'toothless': 2, 'kid-friendly': 2, 'abounding': 2, 'grossly': 2, '`like': 2, 'glove': 2, 'overplays': 2, "brenda\\'s": 2, 'robo': 2, '\\nhughley': 2, 'coax': 2, 'sundae': 2, 'simmer': 2, 'flavorful': 2, 'gunslingers': 2, 'approval': 2, 'latitude': 2, 'masquerade': 2, "shue\\'s": 2, '\\njunior': 2, 'miscarriage': 2, 'bending': 2, 'vista': 2, '\\nmine': 2, 'blitz': 2, 'cullen': 2, 'black-market': 2, 'stringy': 2, "arnie\\'s": 2, 'user': 2, 'outsmarts': 2, 'action-movie': 2, '\\nleslie': 2, 'joyce': 2, 'peeks': 2, 'dart': 2, 're-interpretation': 2, 'equality': 2, "pee-wee\\'s": 2, 'yale': 2, 'tenure': 2, 'homeboys': 2, 'kod': 2, '\\ntucker': 2, "\\ntucker\\'s": 2, 'auctioned': 2, 'break-out': 2, 'liveliness': 2, 'scraping': 2, 'russel': 2, 'cords': 2, "\\'you": 2, "train\\'s": 2, 'stunt-work': 2, 'phone-sex': 2, 'multi-billion': 2, 'synonym': 2, 'semi': 2, 'inaccurately': 2, 'bras': 2, 'haliwell': 2, 'good-': 2, 'lulls': 2, 'piers': 2, '\\noutlining': 2, 'virus-like': 2, '\\nmulder': 2, '\\nisolated': 2, 'superintendent': 2, 'briefer': 2, 'ufo-ology': 2, 'greys': 2, 'writer/creator': 2, "snail\\'s": 2, '\\nbreaking': 2, '20thcentury': 2, 'cannibalize': 2, 'outlining': 2, "'contrary": 2, 'jungle2jungle': 2, 'abril': 2, 'balasko': 2, "\\nshe\\'ll": 2, '\\nending': 2, 'humerous': 2, 'midsummer': 2, '`any': 2, 'sprucing': 2, 'quick-flash': 2, '\\nmatters': 2, 'rut': 2, 'beaman': 2, 'sparking': 2, '\\n`any': 2, 'pummeling': 2, 'digestion': 2, 'smelling': 2, 'legion': 2, 'purge': 2, 'cackles': 2, 'ceos': 2, 'underestimates': 2, 'hangar': 2, "'long": 2, 'ripple': 2, 'enlivens': 2, 'hardworking': 2, 'recreations': 2, '\\npaulina': 2, '8-year-old': 2, 'experimentation': 2, 'fathered': 2, 'uncouth': 2, 'weirdoes': 2, 'snow-capped': 2, '\\nfarley': 2, 'spinal': 2, '\\nmasters': 2, 'skeletor': 2, '\\ntv': 2, 'offends': 2, 'cardiac': 2, 'dohlen': 2, 'errands': 2, 'incapacitate': 2, '\\npreviously': 2, 'real-': 2, 'appropriateness': 2, '\\nhome': 2, 'electrocuted': 2, 'tediousness': 2, 'forties': 2, "\\nthey\\'d": 2, 'macnee': 2, 'disowned': 2, 'dubs': 2, 'sandworms': 2, 'long-standing': 2, 'fulfilment': 2, '\\nhumour': 2, 'bene': 2, "\\npaul\\'s": 2, "century\\'s": 2, 'pre-war': 2, 'tinto': 2, 'berger': 2, 'kellerman': 2, 'thulin': 2, 'margerithe': 2, 'scruples': 2, 'hedonistic': 2, 'womanhood': 2, "'dr": 2, "\\'new\\'": 2, "up\\'s": 2, '\\ntrading': 2, 'haphazardly': 2, "\\nebert\\'s": 2, "demille\\'s": 2, '\\nscene': 2, "brenner\\'s": 2, 'misconduct': 2, "'disney\\'s": 2, '\\nbuddy': 2, 'on-court': 2, 'surfaces': 2, 'rabies': 2, "january\\'s": 2, 'disrespect': 2, "trek\\'s": 2, 'capitalizing': 2, 'restart': 2, 'shits': 2, 'frederic': 2, 'underlings': 2, 'sidesplitting': 2, 'kitsch': 2, "tyson\\'s": 2, 'herd': 2, 'action/sci-fi': 2, 'unattended': 2, 'pointy': 2, 'primed': 2, 'overlord': 2, 'foreseeable': 2, 'loudness': 2, 'submerging': 2, 'reloading': 2, 'improbabilities': 2, 'unprintable': 2, 'squint': 2, "reynold\\'s": 2, 'bar-owner': 2, '\\nserves': 2, 'whirry': 2, 'homestead': 2, 'steakley': 2, 'packet': 2, 'rationalization': 2, '\\nconrad': 2, 'tailored': 2, 'endures': 2, 'comprehensible': 2, 'landings': 2, 'unsettled': 2, '\\ncelebrity': 2, 'occupants': 2, 'admiring': 2, 'glowering': 2, 'co-producing': 2, 'crucifix': 2, 'capes': 2, 'cherot': 2, 'hav': 2, 'limps': 2, "plenty\\'s": 2, 'ex-partner': 2, 'affiliated': 2, 'disasterously': 2, 'epitomizes': 2, 'bevy': 2, 'chemically-induced': 2, 'helplessly': 2, 'degenerative': 2, 'upheaval': 2, 'moreso': 2, 'solemnly': 2, 'stifling': 2, "thurman\\'s": 2, 'villainess': 2, 'reassess': 2, "'everything": 2, 'financiers': 2, 'briar': 2, 'reverses': 2, "abraham\\'s": 2, 'reconstructive': 2, 'anij': 2, 'regains': 2, 'levar': 2, 'disobey': 2, 'seeds': 2, 'fc': 2, 'mcfadden': 2, 'physique': 2, 'preoccupied': 2, "`starship\\'": 2, 'quadrangle': 2, '\\ndizzy': 2, 'ips': 2, 'nom': 2, 'burwell': 2, "welles\\'": 2, 'hitchhike': 2, 'half-million': 2, "\\nharry\\'s": 2, 'vat': 2, 'bugger': 2, 'lee-zerd': 2, 'mushroom': 2, 'blip': 2, 'warbling': 2, "singin\\'": 2, 'know-it-all': 2, 'radiated': 2, 'invaluable': 2, 'newsradio': 2, 'activated': 2, '\\nitalian': 2, 'kodak': 2, 'unfathomable': 2, 'discounted': 2, 'essentials': 2, 'buddy-action': 2, 'mosquito': 2, 'scar': 2, 'ceremonies': 2, '\\nfright': 2, 'ragsdale': 2, 'squiggly': 2, 'controllers': 2, 'mile-a-minute': 2, 'falzone': 2, 'hipper': 2, "cat\\'s": 2, 'red-headed': 2, 'tempestuous': 2, '\\nthornton': 2, 'solidly': 2, 'slash': 2, 'souped-up': 2, 'elektra': 2, 'physicist': 2, 'walther': 2, 'retreads': 2, 'exposes': 2, '\\nlately': 2, 'tobolowsky': 2, 'keeslar': 2, "magoo\\'s": 2, 'blindness': 2, 'consigned': 2, "dylan\\'s": 2, '\\ndylan': 2, 'resoundingly': 2, 'coarse': 2, 'tinam': 2, '\\nrealising': 2, "feldman\\'s": 2, 'olivier': 2, 'northmen': 2, 'summons': 2, 'ligaments': 2, 'feuds': 2, 'iliff': 2, 'extemely': 2, '\\nsmart': 2, 'washout': 2, 'overstay': 2, '\\njasmine': 2, 'covetous': 2, "jasmine\\'s": 2, '\\njade': 2, "jermaine\\'s": 2, 'sidesteps': 2, 'perpetrated': 2, 'showcased': 2, 'spate': 2, 'putty': 2, 'minute-long': 2, 'greased-up': 2, 'whopping': 2, 'assasinated': 2, 'malcom': 2, 'tiberius': 2, 'pagan': 2, 'vidal': 2, 'enriching': 2, 'licence': 2, 'greenaway': 2, 'patronized': 2, 'retained': 2, "wanna-be\\'s": 2, 'inspection': 2, 'mapped': 2, "kidnappers\\'": 2, 'sleeves': 2, '\\nmcquarrie': 2, 'loud-mouth': 2, 'artillery': 2, 'revenge-for-hire': 2, 'saget': 2, 'sodomy': 2, 'much-talked-about': 2, 'oneliners': 2, '81-minute': 2, 'matrimony': 2, 'nuptial': 2, "lovin\\'": 2, 'ronny': 2, 'fixing': 2, 'alcatraz': 2, 'leathers': 2, 'syllable': 2, 'technobabble': 2, 'pammy': 2, 'drop-out': 2, 'ruggedly': 2, 'jose': 2, "all\\'s": 2, 'ruffians': 2, 'genitals': 2, 'jackets': 2, '\\nkarl': 2, 'gender-bending': 2, 'maladjusted': 2, 'deadbeat': 2, 'wimpy': 2, 'wanker': 2, "kim\\'s": 2, 'come-uppance': 2, 'coastline': 2, 'bawls': 2, 'grouch': 2, 'unworkable': 2, 'pissing': 2, 'filmgoing': 2, 'rejuvenates': 2, 'cant': 2, '\\nminor': 2, 'lament': 2, 'charted': 2, 'loudmouth': 2, 'persist': 2, 'copperfield': 2, 'zeltser': 2, 'sheffer': 2, 'gladstone': 2, "fichtner\\'s": 2, 'sully': 2, '--tough': 2, 'alligator': 2, 'haired': 2, 'diametrically': 2, 'canine': 2, '\\nthumbs': 2, 'unconvincingly': 2, 'redux': 2, "\\'do": 2, 'realising': 2, 'processed': 2, 'five-year-old': 2, '\\nraymond': 2, '\\noldman': 2, 'conceptual': 2, 'langenkamp': 2, 'boxed': 2, 'encyclopedia': 2, 'genuis': 2, 'impregnates': 2, 'faction': 2, "jericho\\'s": 2, 'excelled': 2, 'unthinkable': 2, 'snuffing': 2, 'gut-busting': 2, '\\ncrime': 2, 'contortions': 2, '\\ndie': 2, 'threshold': 2, "santa\\'s": 2, 'decks': 2, 'absentee': 2, 'elmo': 2, 'consumerism': 2, 'terrors': 2, 'ringmaster': 2, 'career-defining': 2, '\\nsets': 2, 'segue': 2, "1986\\'s": 2, 'cyberpunk': 2, 'bemoaning': 2, 'seague': 2, 'appendages': 2, 'arabian': 2, 'attaining': 2, 'second-': 2, 'uninsightful': 2, 'reproduce': 2, 'eighteenth': 2, 'aa': 2, 'sex-driven': 2, 'slimeball': 2, '\\nshandling': 2, 'unfathomably': 2, 'liars': 2, 'fruition': 2, 'revitalized': 2, 'roadside': 2, 'smuggles': 2, 'croon': 2, 'mckinney': 2, 'humphries': 2, 'merriment': 2, 'truncated': 2, 'default': 2, "\\nbaby\\'s": 2, "spices\\'": 2, 'hermit-like': 2, 'credo': 2, 'planting': 2, 'much-discussed': 2, "steiger\\'s": 2, 'mcnamara': 2, 'scouting': 2, '\\nafterward': 2, 'paddles': 2, 'disagreement': 2, "`dawson\\'s": 2, "creek\\'": 2, 'mutually': 2, 'mandrake': 2, '\\nwalker': 2, 'over-protective': 2, 'marley': 2, 'handicap': 2, 'bungle': 2, 'batologist': 2, "scientist\\'s": 2, 'mammals': 2, 'glob': 2, 'hitters': 2, 'absorbs': 2, 'doubtless': 2, "dellaplane\\'s": 2, 'glowers': 2, '\\nwherever': 2, 'chanteuse': 2, 'two-minute': 2, 'cara': 2, 'warfield': 2, 'maher': 2, '\\nappearing': 2, 'talker': 2, 'tyrone': 2, 'rollers': 2, 'assemblage': 2, 'blotter': 2, 'knot': 2, 'clenched': 2, '\\noperating': 2, 'mescaline': 2, 'multi-colored': 2, 'uppers': 2, 'downers': 2, 'hallucinates': 2, "airplane\\'s": 2, 'other-worldly': 2, 'verbatim': 2, 'paleontologist': 2, 'overhyped': 2, 'fishtank': 2, 'film--': 2, 'cross-cutting': 2, 'nunez': 2, 'recieve': 2, 'cathy': 2, 'progressive': 2, 'moralist': 2, 'pearly': 2, 'confessionals': 2, 'skins': 2, 'pseudo-documentary': 2, 'abandoning': 2, 'captions': 2, 'publications': 2, "schoolboy\\'s": 2, 'insiders': 2, 'enlightens': 2, 'self-involved': 2, '\\ndistraught': 2, 'colleges': 2, 'callously': 2, '\\nstripped': 2, 'stupefied': 2, 'brauva': 2, '39': 2, 'hampton': 2, "verlaine\\'s": 2, 'praises': 2, '\\nverlaine': 2, 'weak-willed': 2, 'gun-runner': 2, 'everlasting': 2, 'godfathers': 2, 'aalyah': 2, 'isaiah': 2, 'coordinated': 2, 'vie': 2, 'prudent': 2, 'handstand': 2, 'thingie': 2, 'teen-agers': 2, 'breaths': 2, 'breakups': 2, 'acrimonious': 2, 'estrangement': 2, 'over-use': 2, 'advertiser': 2, 'parenthood': 2, 'unhip': 2, 'balding': 2, 'prosthetic': 2, 'proponents': 2, 'bumbles': 2, 'mascara': 2, 'ceaseless': 2, '\\nfreeway': 2, '\\nreese': 2, 'rollerblading': 2, 'jetpacks': 2, 'rollerblades': 2, 'crimefighters': 2, "car\\'s": 2, 'horns': 2, 'telegraphing': 2, '\\nhurlyburly': 2, 'pertain': 2, 'crudely': 2, 'panoramas': 2, 'compendium': 2, '\\nshowing': 2, '\\nmystery': 2, 'prodigal': 2, 'abuzz': 2, 'mysterians': 2, 'leno': 2, 'caitlyn': 2, '\\nparadoxically': 2, '\\nwisely': 2, 'reiterated': 2, 'inaccuracies': 2, 'actionfest': 2, 'worldview': 2, 'paean': 2, 'fervently': 2, "\\nbesson\\'s": 2, 'pre-fab': 2, 'transcripts': 2, 'birkin': 2, '\\ntheatrical': 2, 'caro/jean-pierre': 2, 'gilles': 2, 'caro': 2, 'louison': 2, 'marie-laure': 2, 'dougnac': 2, 'clapet': 2, 'karin': 2, 'viard': 2, 'holgado': 2, 'tapioca': 2, 'mathou': 2, 'kube': 2, 'boban': 2, 'janevski': 2, 'rascal': 2, 'todde': 2, 'ortega': 2, 'silvie': 2, 'laguna': 2, 'postapocalyptic': 2, 'plops': 2, "frasier\\'s": 2, '12-hour': 2, 'brained': 2, 'renew': 2, 'snickered': 2, 'marcelo': 2, 'eyro': 2, 'well-designed': 2, '\\nhiding': 2, 'lectured': 2, '\\ncoincidence': 2, 'agitated': 2, '\\nboyd': 2, '\\nseemingly': 2, '\\ndrugs': 2, 'discard': 2, 'donations': 2, 'encompassed': 2, 'hieroglyphics': 2, 'goddam': 2, 'jaye': 2, 'asthma': 2, 'lemme': 2, 'twelve-year-old': 2, 'stansfield': 2, '\\nleon': 2, 'impersonations': 2, "portman\\'s": 2, 'coke-addled': 2, 'courtesans': 2, 'vampiric': 2, 'presentations': 2, 'haunts': 2, "\\nhow\\'s": 2, '\\nsomeday': 2, 'moresco': 2, 'rooftop': 2, 'assante': 2, 'breuer': 2, '\\nmoresco': 2, 'oppressors': 2, 'admirers': 2, 'uprising': 2, 'ahern': 2, 'panaro': 2, 'coolly': 2, 'battled': 2, 'criticised': 2, 'toils': 2, 'sub-culture': 2, 'tic': 2, 'barbaric': 2, '\\nhollow': 2, 'egocentric': 2, 'affront': 2, 'vexing': 2, '\\ntragedy': 2, "o\\'herlihy": 2, 'ethnically': 2, 'sirtis': 2, 'counsellor': 2, 'initiated': 2, 'never-before-seen': 2, 'tirelessly': 2, "africa\\'s": 2, 'venom': 2, 'loin': 2, 'outfitted': 2, 'ex-model': 2, 'janitorial': 2, 'adrift': 2, 'claymation': 2, 'dolled': 2, 'perched': 2, 'fuddy-duddy': 2, 'hathaway': 2, 'duckling': 2, 'mainstay': 2, 'non-animated': 2, 'lamentable': 2, 'derailed': 2, 'fukienese': 2, 'race-related': 2, "tiffany\\'s": 2, 'beginners': 2, 'switzerland': 2, 'camped': 2, '\\nofficials': 2, 'ravaging': 2, 'callousness': 2, '#3': 2, 'medfield': 2, '\\nsara': 2, "phillip\\'s": 2, 'promotions': 2, 'goofy-but-loveable': 2, '\\naaaaaaaaah': 2, 'yipes': 2, '\\njoin': 2, '\\nharumph': 2, '\\nps': 2, 'taint': 2, "viewers\\'": 2, "\\njay\\'s": 2, 'sofa': 2, 'unkind': 2, 'rebuild': 2, '\\njasper': 2, 'promo': 2, 'hopefuls': 2, 'plaudits': 2, 'votes': 2, "jewison\\'s": 2, 'vicellous': 2, 'reon': 2, 'hanna': 2, "schreiber\\'s": 2, 'full-scale': 2, "hurricane\\'s": 2, 'no-frills': 2, "lesra\\'s": 2, 'thievery': 2, 'substitutes': 2, 'acumen': 2, 'yojimbo': 2, 'detained': 2, "bosses\\'": 2, "anti-hero\\'s": 2, 'lieutenants': 2, 'assailant': 2, 'inscrutability': 2, 'plead': 2, 'slate': 2, 'swagger': 2, "y\\'all": 2, 'speedily': 2, 'peaches': 2, 'unconnected': 2, 'dine': 2, 'skirt': 2, 'footnotes': 2, 'memorabilia': 2, 'nauseated': 2, "parr\\'s": 2, "jeffrey\\'s": 2, 'nature-loving': 2, 'shorthand': 2, 'compounded': 2, 'n-word': 2, 'korman': 2, '\\ngolly': 2, '\\nwilder': 2, '\\nfoolish': 2, '\\nmaster': 2, 'diffused': 2, 'watering': 2, 'motherf': 2, 'green-light': 2, 'biology': 2, 'squinty-eyed': 2, 'piloted': 2, 'digested': 2, 'burping': 2, 'rebbe': 2, 'passionless': 2, 'julianna': 2, 'take-no-crap': 2, 'long-dead': 2, "`messiah\\'": 2, "peacemaker\\'": 2, 'puny': 2, '\\nbuilding': 2, '`dr': 2, "\\nstrangelove\\'": 2, 'restrict': 2, 'kilometres': 2, "night\\'": 2, "ryan\\'": 2, 'titan': 2, 'unauthorized': 2, 'konner': 2, "thade\\'s": 2, 'attar': 2, 'denounce': 2, 'gnawing': 2, '\\nspeechless': 2, 'antagonism': 2, 'wallets': 2, 'mini-plot': 2, "\\no\\'fallon": 2, 'anecdotal': 2, 'indies': 2, '\\n-reviewed': 2, 'meanest': 2, '\\njudy': 2, 'zellwegar': 2, 'pm': 2, 'holbrook': 2, 'anser': 2, 'thier': 2, 'circulation': 2, 'lace': 2, 'arch-rival': 2, '\\ngets': 2, 'intimidated': 2, 'privates': 2, 'guadalcanal': 2, 'bacteria': 2, 'pd': 2, 'piet': 2, 'kroon': 2, 'sito': 2, 'shutting': 2, 'phi': 2, 'bladder': 2, 'debra': 2, 'audaciously': 2, 'obsessive/compulsive': 2, 'alumni': 2, 'canny': 2, 'lesley': 2, '_the_': 2, 'standbys': 2, 'hard-luck': 2, 'underdogs': 2, 'down-on-his-luck': 2, 'over-hyped': 2, "karloff\\'s": 2, 'seaman': 2, '105-minute': 2, 'prettiest': 2, "lambert\\'s": 2, 'undisclosed': 2, 'brennick': 2, 'privately': 2, 'correctional': 2, 'equiped': 2, 'ordeals': 2, 'supertechnology': 2, 'fusing': 2, "\\'round": 2, 'loomed': 2, 'contentious': 2, 'gala': 2, 'salacious': 2, 'immortalized': 2, 'bigelow': 2, 'navigated': 2, 'restlessly': 2, 'alleviate': 2, 'spot-on': 2, 'tandem': 2, 'combating': 2, 'sip': 2, 'contractual': 2, 'adeptly': 2, 'bees': 2, 'unremittingly': 2, 'outings': 2, 'kietal': 2, 'docile': 2, 'scenery-': 2, 'howls': 2, 'journeyman': 2, '\\nsick': 2, 'intercuts': 2, "lucasfilm\\'s": 2, 'fleshed-out': 2, 'deadening': 2, 'stinking': 2, 'indestructible': 2, 'errand': 2, 'squints': 2, 'mortally': 2, 'drilled': 2, '\\ncourse': 2, 'inuit': 2, 'petri': 2, 'reccomend': 2, '======': 2, '_soldier_': 2, '_blade': 2, 'hardware': 2, 'inscrutable': 2, "congo\\'s": 2, '$3': 2, 'i-2': 2, 'zimmer': 2, 'muffled': 2, 'myths': 2, 'distorts': 2, 'owning': 2, 'biotech': 2, 'hinder': 2, 'critic-proof': 2, 'probability': 2, 'persists': 2, 't-1000': 2, 'go-ahead': 2, 'super-computer': 2, "davis\\'": 2, 'below-average': 2, 'all-encompassing': 2, 'well-realized': 2, 'agape': 2, 'unapologetic': 2, '\\nsherry': 2, '\\nsuspension': 2, 'trumps': 2, 'foul-tempered': 2, 'detection': 2, 'inopportune': 2, '\\nscrooged': 2, 'alternatively': 2, 'bobcat': 2, 'appaling': 2, 'virulent': 2, 'heavily-armed': 2, '\\nadrenalin': 2, 'flashlight': 2, 'love-triangle': 2, 'stewing': 2, 'wuhrer': 2, 'polly': 2, 'cicely': 2, '\\nfishburne': 2, 'sorceror': 2, "alana\\'s": 2, 'frees': 2, 'grilling': 2, 'suppression': 2, 'cutting-edge': 2, 'vampires_': 2, 'reeled': 2, "\\nwoods\\'": 2, '\\n_vampires_': 2, '_blade_': 2, 'off-the-cuff': 2, 'raspy': 2, 'versatility': 2, '\\nrelying': 2, '\\nburied': 2, 'daft': 2, '\\nnostalgia': 2, 'loni': 2, 'stench': 2, 'straight-arrow': 2, 'crapper': 2, 'timed': 2, 'inconspicuously': 2, '`when': 2, 'satirized': 2, 'dominions': 2, 'grafitti': 2, 'keg': 2, 'ingenius': 2, 'cynic': 2, 'cover-ups': 2, 'hard-': 2, 'marooned': 2, 'ultra-secret': 2, "\\'girl": 2, "interrupted\\'": 2, 'homey': 2, 'addicts': 2, 'unnoticeable': 2, 'manchu': 2, 'liddy': 2, "mcculloch\\'s": 2, 'smorgasbord': 2, 'freshly': 2, 'olympian': 2, '\\nstargate': 2, '\\nindependence': 2, 'aberration': 2, 'trails': 2, "'recently": 2, 'begining': 2, '\\nkey': 2, '\\nwall': 2, 'make-shift': 2, '\\nblah': 2, 'circuits': 2, 'disdainful': 2, 'sattler': 2, 'jumanji': 2, 'friendliness': 2, 'hors': 2, 'paddle': 2, '\\nenjoy': 2, 'up-to-date': 2, 'grasshopper': 2, 'bedrooms': 2, 'two-way': 2, 'misuse': 2, 'incompleteness': 2, 'typing': 2, 'call-waiting': 2, "salwen\\'s": 2, 'schedules': 2, 'cordless': 2, 'handphone': 2, "barbara\\'s": 2, 'indisputable': 2, 'visitation': 2, '\\nseasoned': 2, 'predicable': 2, 'commotion': 2, '25-year': 2, 'quicksand': 2, 'imprint': 2, 'bottoms': 2, "grandson\\'s": 2, '\\nshelley': 2, 'innately': 2, 'instinctively': 2, 'tuition': 2, 'inconsiderate': 2, 'frailty': 2, 'emcee': 2, 'exaggerations': 2, 'scarborough': 2, 'factories': 2, 'bandaged': 2, 'boyum': 2, 'gratingly': 2, 'parasail': 2, 'waikiki': 2, 'laid-back': 2, 'petey': 2, 'hennings': 2, 'skateboarders': 2, 'ingested': 2, 'asimov': 2, 'meditating': 2, 'julius': 2, 'unromantic': 2, 'hideout': 2, 'paperwork': 2, 'guitar-playing': 2, 'cosmo': 2, "oprah\\'s": 2, '\\naltogether': 2, 'bennett': 2, 'laurene': 2, 'landon': 2, 'velda': 2, 'kalecki': 2, 'conti': 2, 'antagonistic': 2, 'deviant': 2, 'point-blank': 2, '\\ncohen': 2, 'heffron': 2, 'shuffle': 2, 'first-person': 2, 'doggy': 2, 'dogg': 2, 'actors/actresses': 2, "ken\\'s": 2, "'anna": 2, 'instruct': 2, "britain\\'s": 2, 'semi-': 2, 'flora': 2, "\\nfoster\\'s": 2, "siam\\'s": 2, 'hammerstein': 2, 'unused': 2, 'archery': 2, 'levison': 2, 'sillier': 2, "theresa\\'s": 2, 'rang': 2, 'memo': 2, 'caddy': 2, 'zen-like': 2, '_dead_man_on_campus_': 2, 'loophole': 2, 'cohn': 2, 'kasalivich': 2, 'machinist': 2, 'hydrogen': 2, 'sponsor': 2, 'cigars': 2, "nielsen\\'s": 2, 'mcgraw': 2, 'cornfield': 2, 'send-ups': 2, '99-cent': 2, "rydain\\'s": 2, 'gobbling': 2, 'squealing': 2, 'retort': 2, 'dairies': 2, 'dissappointed': 2, 'saim': 2, 'vidnovic': 2, 'cro-magnon': 2, '\\nreluctantly': 2, 'patriarchy': 2, 'closeup': 2, 'prehistory': 2, 'six-year-old': 2, 'breakaway': 2, '\\n1998': 2, 'pittsburgh': 2, 'double-exposure': 2, "andrew\\'s": 2, 'believers': 2, 'whichever': 2, 'wrap-up': 2, 'misrepresentation': 2, "\\nit\\'": 2, 'outlands': 2, 'outlanders': 2, 'distinctions': 2, 'roritor': 2, 'gayness': 2, 'thompsons': 2, "1987\\'s": 2, '_roxbury_': 2, 'brotherly': 2, 'koren': 2, 'messiness': 2, 'whitechapel': 2, '1888': 2, 'unfortunates': 2, 'slay': 2, 'mis': 2, 'rables': 2, 'finalized': 2, 'stings': 2, 'tighten': 2, "tracy\\'s": 2, 'quint': 2, '\\nscheider': 2, 'quagmire': 2, 'gnarled': 2, 'unprotected': 2, 'darts': 2, 'cent': 2, 'arabs': 2, '\\nen': 2, 'moroccan': 2, 'chop-socky': 2, '\\nignore': 2, "villain\\'s": 2, 'eriq': 2, 'bonitzer': 2, 'congolese': 2, 'mnc': 2, 'clerical': 2, 'empires': 2, 'kasa': 2, 'vubu': 2, 'maka': 2, 'kotto': 2, '\\nlumumba': 2, 'katanga': 2, 'province': 2, 'moise': 2, 'nzonzi': 2, 'lamenting': 2, 'vinyard': 2, '\\nkaye': 2, "ringwald\\'s": 2, "bride\\'s": 2, '\\nlapaglia': 2, 'janssens': 2, 'prophesies': 2, 'exemplary': 2, "rules\\'": 2, 'strategize': 2, 'wire-fu': 2, 'copycats': 2, 'wo': 2, 'profoundness': 2, 'tokens': 2, 'transmitter': 2, 'racers': 2, '\\ndecked': 2, 'lanai': 2, 'templeton': 2, 'busload': 2, 'pollini': 2, 'hitches': 2, '\\nfearful': 2, 'mini-van': 2, 'pay-off': 2, 'squirm-inducing': 2, 'rehearsed': 2, 'iridescent': 2, '\\nangels': 2, 'adoration': 2, 'impacting': 2, 'devastatingly': 2, 'boarder': 2, 'deepens': 2, 'strident': 2, "hicks\\'": 2, 'sierra': 2, 'traders': 2, 'clear-cut': 2, '\\nlives': 2, "roman\\'s": 2, 'niebaum': 2, 'compressed': 2, 'sabian': 2, 'itching': 2, 'equations': 2, 'carry-on': 2, 'goode': 2, 'prohibition': 2, "capone\\'s": 2, 'overcoats': 2, 'ingeniously': 2, '\\nmaroon': 2, 'toontown': 2, 'maroon': 2, '\\n`who': 2, "rabbit\\'": 2, 'overseeing': 2, '000-a-week': 2, 'maintenance': 2, 'contacted': 2, 'thickened': 2, 'gleiberman': 2, "enterprise\\'s": 2, 'aliases': 2, 'blindsided': 2, '911': 2, 'bureaucracy': 2, 'd-fens': 2, "stretch\\'s": 2, 'd-reper': 2, 'self-destructiveness': 2, 'self-fulfillment': 2, 'get-out': 2, '$27': 2, '===========': 2, 'wellville': 2, 'bespectacled': 2, 'abstinence': 2, 'doo-doo': 2, 'solider': 2, '34th': 2, 'monterey': 2, 'hippies': 2, 'redding': 2, 'janis': 2, 'joplin': 2, 'mamas': 2, 'papas': 2, 'jam-packed': 2, 'joints': 2, 'solidarity': 2, 'echelons': 2, '\\ngoodfellas': 2, 'co-write': 2, 'privileges': 2, 'prosperity': 2, 'ad-libs': 2, 'patrols': 2, 'theorizing': 2, 'bumstead': 2, 'heralded': 2, "bethany\\'s": 2, 'him/herself': 2, '\\nbethany': 2, 'loki': 2, 'sharpest': 2, 'guiltily': 2, '\\ndogma': 2, 'malnourished': 2, 'ballyhoo': 2, 'nikos': 2, "kazantzakis\\'": 2, 'anecdote': 2, 'rallying': 2, 'digitalized': 2, 'duels': 2, 'apparition': 2, "vader\\'s": 2, '\\nr2-d2': 2, "lloyd\\'s": 2, "yoda\\'s": 2, 'clouded': 2, 'sith': 2, 'double-sided': 2, "qui-gon\\'s": 2, 'vergil': 2, 'pedantic': 2, 'analyses': 2, 'abusers': 2, "soldier\\'s": 2, '\\npoitier': 2, "\\njewison\\'s": 2, 'projecting': 2, 'leer': 2, '\\nleer': 2, 'intellectualized': 2, 'portentous': 2, 'dyed': 2, '\\nsearching': 2, 'academia': 2, 'introverted': 2, 'crooning': 2, 'novelistic': 2, 'impressionable': 2, 'syndicate': 2, 'make-over': 2, 'zeroing': 2, 'dodo': 2, 'premium': 2, 'keeve': 2, "mizrahi\\'s": 2, 'bette': 2, 'ouija': 2, 'montenegro': 2, 'she+s': 2, 'trustworthy': 2, 'postage': 2, 'relishing': 2, 'trivialized': 2, '_life': 2, 'beautiful_': 2, 'surrendered': 2, '70\\%': 2, 'paralyzingly': 2, "diaz\\'s": 2, "hanks\\'s": 2, 'milquetoast': 2, 'erie': 2, "wonders\\'": 2, 'expressly': 2, 'thing--the': 2, 'motto': 2, 'outsmarting': 2, 'mcgann': 2, '\\ndaphne': 2, 'ashbrook': 2, 'yee': 2, 'imho': 2, 'insisted': 2, 'rewriting': 2, 'sedated': 2, 'apathy': 2, '\\ncarolyn': 2, 'co-executive': 2, 'charnel': 2, '\\nthora': 2, 'fission': 2, 'debated': 2, '\\nforgive': 2, 'therapists': 2, 'shrinks': 2, 'zapped': 2, '\\nmaguire': 2, 'posthumous': 2, 'grubby': 2, 'fantasizing': 2, 'magnum': 2, 'geographical': 2, 'gong': 2, 'shorten': 2, '\\ncapone': 2, 'wonie': 2, 'bradshaw': 2, 'ratty': 2, 'hyperkinetic': 2, 'essays': 2, '$21': 2, 'mcalisters': 2, 'starve': 2, 'disrupts': 2, 'furnace': 2, 'snow-shovel': 2, 'disadvantage': 2, 'coda': 2, 'well-thought': 2, 'constellations': 2, '_october': 2, 'coal-mining': 2, 'son+s': 2, '\\nlaurence': 2, 'pre-marital': 2, 'muff': 2, 'delta': 2, 'boon': 2, '\\nbluto': 2, 'omegas': 2, 'deltas': 2, 'baylor': 2, "\\ncoppola\\'s": 2, 'standoffish': 2, 'envious': 2, 'pakistani': 2, 'parsee': 2, 'hasan': 2, 'deepa': 2, "mehta\\'s": 2, 'jokingly': 2, 'tenor': 2, 'undergone': 2, 'tenderly': 2, "navaz\\'s": 2, 'reinvent': 2, 'hardship': 2, 'confers': 2, 'gees': 2, '\\npalmer': 2, "walt\\'s": 2, 'chihuahua': 2, 'matador': 2, 'cavalry': 2, '\\nvoiced': 2, 'infirm': 2, 'high-spirited': 2, 'millennia': 2, 'emo': 2, 'gallons': 2, 'yucky': 2, 'rotund': 2, 'nobleman': 2, "ogre\\'s": 2, 'unveils': 2, '\\nfarquaad': 2, 'pests': 2, 'grump': 2, 'swipes': 2, 'nobuko': 2, 'miyamoto': 2, '\\ntampopo': 2, 'adjoining': 2, 'worsened': 2, 'oozed': 2, 'unspecified': 2, "jabba\\'s": 2, 'ewoks': 2, 'hindering': 2, "'why": 2, '\\nhogarth': 2, 'eli': 2, 'marienthal': 2, 'treks': 2, 'antenna': 2, 'scrap': 2, 'sightings': 2, '\\nlonely': 2, 'belone': 2, 'intimidate': 2, "pignon\\'s": 2, 'dissects': 2, 'veering': 2, 'pedophilia': 2, 'aux': 2, 'folles': 2, '\\nproximo': 2, 'colisseum': 2, '\\ngladiator': 2, 'virtuosity': 2, '\\njoaquin': 2, '\\ncommodus': 2, 'heart-wrenching': 2, '\\nheil': 2, 'anti-semitic': 2, 'chaplin+s': 2, '\\nbenigni': 2, '\\nslapstick': 2, 'five-year': 2, 'soothe': 2, 'wasn+t': 2, 'modernized': 2, '\\npip': 2, 'ex-patient': 2, '\\nmalcolm': 2, '\\ncole': 2, '\\nosment': 2, '\\nboasting': 2, 'florence': 2, 'kretschmann': 2, '\\nposing': 2, 'disintegration': 2, 'hallucinogenic': 2, '\\neffects': 2, 'wordless': 2, 'gaelic': 2, 'pint': 2, 'sing-song': 2, 'delicatessen': 2, "brady\\'s": 2, 'eamonn': 2, 'complexion': 2, 'psychiatric': 2, 'fertile': 2, "mccabe\\'s": 2, "\\nzero\\'s": 2, 'ethically': 2, 'netted': 2, 'prose': 2, "black\\'s": 2, 'treehouse': 2, 'middling': 2, 'decapitation': 2, 'best-known': 2, 'foggy': 2, 'beheadings': 2, 'stringing': 2, 'drunken-style': 2, 'jugs': 2, 'strengthening': 2, 'wading': 2, 'pan-and-scanned': 2, 'synchronous': 2, 'hoblit': 2, 'coffins': 2, 'murtaugh': 2, 'inquisitiveness': 2, 'drawbacks': 2, 'mano': 2, '\\nscore': 2, 'yesteryear': 2, 'coalwood': 2, 'rocketeer': 2, 'pile-ups': 2, 'spam': 2, 'harp': 2, "bird\\'s": 2, 'dainty': 2, 'assembling': 2, 'seminar': 2, 'facehugger': 2, 'infestation': 2, 'goldenthal': 2, 'wafflemovies': 2, 'mortar': 2, 'winterbottom': 2, 'cottrell': 2, '\\nwinterbottom': 2, "'many": 2, 'dramatization': 2, '\\ncamille': 2, 'craftsmen': 2, 'vilified': 2, 'ravel': 2, 'psyches': 2, 'espousing': 2, 'preconceptions': 2, '`where': 2, 'heists': 2, "\\nwayne\\'s": 2, 'self-assuredness': 2, "is\\'": 2, '\\nfiorentino': 2, '\\nstockard': 2, 'noir-ish': 2, "channing\\'s": 2, 'arm-wrestling': 2, 'commandos': 2, "who\\'d": 2, 'much-prized': 2, 'amnesiac': 2, '160': 2, 'swimmer': 2, 'half-full': 2, 'gun-running': 2, 'squashed': 2, 'bruin': 2, '\\nmitchum': 2, 'wrestled': 2, 'tempered': 2, '\\ncrouching': 2, 'wagnerian': 2, 'pebbles': 2, '\\nzhang': 2, 'persuasive': 2, 'afterschool': 2, 'hearings': 2, 'heebie-jeebies': 2, 'congressman': 2, 'shading': 2, "nicole\\'s": 2, 'microwave': 2, 'warm-hearted': 2, 'hotpants': 2, 'scour': 2, "idol\\'s": 2, "ronnie\\'s": 2, 'loewi': 2, "giles\\'": 2, 'always-reliable': 2, 'thorny': 2, 'novelists': 2, 'boomers': 2, "'meet": 2, "hoblit\\'s": 2, 'crossover': 2, 'noblest': 2, 'homophobic': 2, 'conelly': 2, '\\nproviding': 2, 'nicholsons': 2, 'melvins': 2, 'polarizing': 2, 'equinox': 2, '\\nafterglow': 2, 'closeness': 2, 'suit-and-tie': 2, 'reassure': 2, 'formulated': 2, 'fugitives': 2, 'roebuck': 2, 'ex-fianc': 2, 'scarab': 2, 'amon': 2, 'sword-wielding': 2, 're-watching': 2, 'franciosa': 2, 'showbiz': 2, '\\ntenebrae': 2, 'multi-layered': 2, 'chilly': 2, 'tovoli': 2, 'initiates': 2, 'instill': 2, "raimi\\'s": 2, '\\nraimi': 2, 'offhand': 2, 'group-therapy': 2, 'savagery': 2, 'molding': 2, 'pranks': 2, 'misconstrued': 2, 'extrapolation': 2, "crackin\\'": 2, 'oval': 2, 'schumann': 2, "motss\\'s": 2, 'contradict': 2, '\\nmotss': 2, 'chronologically': 2, 'moll': 2, 'glut': 2, "dvd\\'s": 2, 'well-chosen': 2, '\\nrenee': 2, 'conjugated': 2, "webster\\'s": 2, 'funner': 2, "tweedy\\'s": 2, 'camp-like': 2, "farm\\'s": 2, 'egg-selling': 2, 'pie-selling': 2, 'pie-making': 2, '\\nco-director': 2, 'aardman': 2, 'gromit': 2, 'ball-bouncing': 2, 'spielberg-inspired': 2, 'prisoners-of-war': 2, "animators\\'": 2, 'stalag': 2, 'ribbing': 2, 'nationality': 2, "witch\\'": 2, 'karey': 2, 'kirkpatrick': 2, '\\nenjoyment': 2, '\\nginger': 2, 'opinionated': 2, 'haygarth': 2, 'crocheting': 2, 'supply-trading': 2, 'swing-dancing': 2, 'theologians': 2, 'wearisome': 2, 'figurines': 2, '\\nfunnest': 2, 'conan': 2, "money\\'s": 2, 'nutrition': 2, 'upright': 2, 'voids': 2, 'voluminous': 2, 'neccessary': 2, '\\nkidman': 2, 'abetted': 2, "suzanne\\'s": 2, 'winningly': 2, 'embodiment': 2, 'bleakly': 2, "\\nhenry\\'s": 2, 'mindlessness': 2, 'perpetuate': 2, 'groom-to-be': 2, 'doom-and-gloom': 2, 'acidic': 2, 'teetering': 2, 'burdick': 2, 'aftereffects': 2, "russia\\'s": 2, 'polemic': 2, 'theorist': 2, 'advising': 2, 'wryly': 2, 'totals': 2, 'labels': 2, 'warhead': 2, 'hagman': 2, 'arming': 2, '\\nwebber': 2, 'forum': 2, 'one-night': 2, 'stopper': 2, 'ch': 2, '\\ndescribing': 2, 'bugsy': 2, 'entertaning': 2, 'lupone': 2, 'comanding': 2, "\\'96": 2, 'sophia': 2, 'nelligan': 2, "emma\\'s": 2, 'maya': 2, 'angelou': 2, 'mast': 2, 'self-doubt': 2, 'ingratiating': 2, '\\ndreamworks': 2, 'hurled': 2, 'complimentary': 2, 'verma': 2, 'multi-day': 2, 'nair': 2, 'bombay': 2, 'dubey': 2, 'heartbreaks': 2, 'emphatically': 2, 'orefice': 2, 'imprison': 2, 'phillotson': 2, '\\nsatire': 2, "jude\\'s": 2, 'verve': 2, 'badlands': 2, 'narrators': 2, 'treetops': 2, 'timon': 2, 'bicentennial': 2, 'chopsocky': 2, 'tang': 2, 'samo': 2, 'pipeline': 2, 'pageant': 2, 'nashville': 2, 'satirizes': 2, 'nay': 2, 'connives': 2, 'mellow': 2, 'bright-eyed': 2, 'ins': 2, '\\nwillie': 2, 'haggard': 2, 'sidebars': 2, "sally\\'s": 2, "dorian\\'s": 2, "joblo\\'s": 2, 'retrospection': 2, 'sommer': 2, 'scrubbing': 2, 'minah': 2, 'lavender': 2, 'bragg': 2, 'sherrie': 2, 'hewson': 2, 'dismayingly': 2, 'zorg': 2, 'weil': 2, 'penetrating': 2, 'jean-paul': 2, 'rhod': 2, 'aria': 2, "serra\\'s": 2, 'sprinkle': 2, 'aurally': 2, 'keel': 2, 'wilbur': 2, 'abortions': 2, 'orchard': 2, 'princes': 2, 'pickers': 2, 'thine': 2, "composer\\'s": 2, 'highest-grossing': 2, '$300': 2, 'wordly': 2, '\\nhelped': 2, 'giacomo': 2, 'tish': 2, "mitch\\'s": 2, 'err': 2, "`it\\'s": 2, 'viceroy': 2, 'chalks': 2, 'devastate': 2, 'stepmom': 2, "nelson\\'s": 2, "\\npfeiffer\\'s": 2, 'collapsed': 2, 'rapping': 2, 'expulsion': 2, 'schiff': 2, 'shortcoming': 2, "clancy\\'s": 2, '_six_days': 2, '_seven_nights_': 2, 'capably': 2, 'pina': 2, "'near": 2, 'analysts': 2, 'best-looking': 2, 'spatial': 2, '3d': 2, 'exodus': 2, 'nile': 2, 'tykes': 2, 'selby': 2, 'runyan': 2, '\\nstreets': 2, "ellen\\'s": 2, 'unified': 2, '63': 2, 'interrotron': 2, 'payload': 2, 'schmeer': 2, 'shondra': 2, 'surrealist': 2, 'musings': 2, "cimino\\'s": 2, 'vietnamese': 2, 'viet': 2, 'cong': 2, 'ellroy': 2, 'convergence': 2, "\\npearce\\'s": 2, 'head-strong': 2, 'temperamental': 2, 'royer-collard': 2, 'abbe': 2, 'oath': 2, 'heterosexuals': 2, 'hubbub': 2, 'drake': 2, 'brimley': 2, 'tumble': 2, 'cedars': 2, '\\natlantis': 2, 'rothhaar': 2, 'mika': 2, 'cheapskate': 2, "novel\\'s": 2, 'formative': 2, "goldman\\'s": 2, 'dynasty': 2, 'hester': 2, 'yeung': 2, 'seung': 2, "see\\'s": 2, 'repayment': 2, 'sided': 2, 'kaneshiro': 2, '\\ncorey': 2, "\\'rumble": 2, 'fang': 2, 'month-long': 2, 'chao': 2, '\\nfang': 2, 'freedoms': 2, "line\\'s": 2, 'font': 2, 'film-within-a-film': 2, "randy\\'s": 2, 'cici': 2, 'portia': 2, 'misdirection': 2, 'straining': 2, 'juggernaut': 2, 'diminishing': 2, 'dusting': 2, 'chaperone': 2, 'disobeys': 2, 'irrevocably': 2, 'esmerelda': 2, 'ursula': 2, 'triton': 2, 'songwriting': 2, 'ashman': 2, "ashman\\'s": 2, "benson\\'s": 2, 'cumulative': 2, '17-day': 2, 'humorist': 2, "\\nshepard\\'s": 2, 'persistent': 2, 'kurring': 2, '\\nsmaller': 2, 'updrafts': 2, 'geographic': 2, 'technologies': 2, 'seminary': 2, 'scoffed': 2, 'clamor': 2, '\\nhighly': 2, 'ardently': 2, 'persues': 2, 'extinguished': 2, 'circulate': 2, 'peculiarities': 2, "althea\\'s": 2, 'universes': 2, "cronenberg\\'s": 2, 'dreamworld': 2, 'inhabitant': 2, 'virile': 2, '\\nkirk': 2, 'harald': 2, 'immediacy': 2, 'wbn': 2, 'benben': 2, '\\nlaw': 2, 'capped': 2, 'marriages': 2, 'blemishes': 2, 'signaling': 2, 'frizzy': 2, 'javier': 2, 'sancho': 2, 'intertwine': 2, 'substituting': 2, 'getz': 2, '\\ncopycat': 2, '\\nweaver': 2, '2050': 2, 'reachable': 2, 'reappeared': 2, '`enough': 2, "`atmosphere\\'": 2, "`horror\\'": 2, 'dread-factor': 2, 'mass-entertainment': 2, "`experience\\'": 2, 'faint-hearted': 2, 'good-horror': 2, 'baad': 2, 'asssss': 2, 'salo': 2, 'hassled': 2, '\\nssbas': 2, 'franken': 2, 'smalley': 2, 'donut': 2, 'cattily': 2, 'whimsically': 2, "springer\\'s": 2, 'merge': 2, 'consent': 2, 'testify': 2, 'hiv-positive': 2, 'templar': 2, 'ours': 2, 'rosalind': 2, 'gangbusters': 2, 'ready-made': 2, 'euphegenia': 2, 'saintly': 2, 'tackling': 2, 'presides': 2, '\\ncinematically': 2, 'tempers': 2, 'neighborhoods': 2, 'glamorized': 2, 'deviance': 2, 'quivering': 2, 'pikul': 2, 'installed': 2, 'thorne': 2, 'trier': 2, 'fated': 2, 'quirkiness': 2, 'caf': 2, 'gravestown': 2, 'disrupting': 2, 'liberally': 2, 'spiced': 2, 'picasso': 2, 'grownups': 2, "\\ndavid\\'s": 2, 'admirer': 2, '2400': 2, 'impressing': 2, 'full-circle': 2, 'zeik': 2, "'jay": 2, 'missy': 2, '`under': 2, "sand\\'": 2, 'lapoirie': 2, 'nolot': 2, "ozon\\'s": 2, "lovers\\'": 2, '\\nozon': 2, 'astor': 2, 'breakneck': 2, 'risk-taking': 2, 'spud': 2, 'begbie': 2, 'grooving': 2, 'permeating': 2, 'northwestern': 2, 'scooped': 2, 'ensued': 2, 'franzoni': 2, 'repetitions': 2, 'poisonous': 2, '\\nunsurprisingly': 2, 'benito': 2, 'oedipal': 2, '\\nbubby': 2, 'two-room': 2, 'stratum': 2, 'ambient': 2, 'manifold': 2, "'being": 2, 'tamiyo': 2, 'kusakari': 2, 'aoki': 2, 'naoto': 2, 'takenaka': 2, 'treacly': 2, 'euphoria': 2, 'avidly': 2, 'ham-radio': 2, 'pressured': 2, 'emission': 2, '\\nzemeckis': 2, 'pilgrimage': 2, 'shan-yu': 2, 'ferrer': 2, 'botching': 2, 'vibrance': 2, 'computer-enhanced': 2, 'yao': 2, "fa\\'s": 2, 'takei': 2, 'boathouse': 2, 'shoreline': 2, '\\nalek': 2, 'nuttgens': 2, 'pale-faced': 2, '\\nmargaret': 2, 'fervent': 2, 'scots': 2, 'mucus': 2, 'encompassing': 2, 'sores': 2, 'nuggets': 2, 'unlawful': 2, 'feasible': 2, 'vasquez': 2, 'goldstein': 2, 'henn': 2, 'multiplies': 2, '\\nhorner': 2, 'neophyte': 2, 'suing': 2, 'oppose': 2, '\\ncasablanca': 2, 'solaris': 2, 'bitingly': 2, '\\ndefinately': 2, '_onegin_': 2, 'relieve': 2, 'petersburg': 2, 'neighbouring': 2, "olga\\'s": 2, 'inky': 2, 'torrent': 2, 'irresistable': 2, 'ditties': 2, 'loyalties': 2, 'wanton': 2, 'lucid': 2, "\\nulee\\'s": 2, 'olive': 2, 'granddaughters': 2, '\\nconnie': 2, 'tiredness': 2, 'porch': 2, 'bigot': 2, 'generosity': 2, '\\nplaced': 2, 'dumbed-down': 2, 'viterelli': 2, 'jelly': 2, 'tunie': 2, 'dawes': 2, 'lemmons': 2, '_film': 2, 'central_': 2, '\\n|': 2, 'colm': 2, 'caste': 2, 'divergent': 2, 'slapdash': 2, 'carrion': 2, '_unbreakable_': 2, 'seminal': 2, 'redefined': 2, 'maxx': 2, 'post-modern': 2, 'fritz': 2, 'supersedes': 2, 'civility': 2, 'augment': 2, "deputy\\'s": 2, 'uneasiness': 2, "shot\\'s": 2, 'apprehensions': 2, 'martyr': 2, 'recklessness': 2, "joe\\'": 2, "wahlberg\\'s": 2, '\\ndarth': 2, 'sci': 2, 're-mastered': 2, "cleese\\'s": 2, 'touring': 2, '\\nrat': 2, "race\\'s": 2, "curly\\'s": 2, 'tromping': 2, "room\\'s": 2, 'teenage-david': 2, 'rhythmic': 2, 'ww': 2, 'posession': 2, "\\'twister\\'": 2, "peak\\'": 2, "\\'volcano\\'": 2, 'intermission': 2, 'arranging': 2, 'ambiance': 2, 'harkens': 2, 'funk': 2, 'emblematic': 2, 'staples': 2, 'pigeonholing': 2, 'bonafide': 2, 'buzzing': 2, 'horizons': 2, '155': 2, 'callum': 2, 'rennie': 2, 'companionship': 2, 'manny': 2, 'curb': 2, '\\nwonderful': 2, 'masterpeice': 2, 'poolside': 2, 'allegations': 2, 'stunner': 2, 'coufax': 2, 'tollbooth': 2, 'aviator': 2, 'tagalong': 2, 'hit-and-miss': 2, 'vices': 2, "everything\\'s": 2, 'poker-playing': 2, 'enthused': 2, 'hopping': 2, 'affiliate': 2, 'll': 2, 'floodwaters': 2, 'stained': 2, '\\nanalyze': 2, '\\nmalkovich': 2, '\\nintrigued': 2, "sugiyama\\'s": 2, 'propriety': 2, 'back-story': 2, '\\nfeels': 2, 'americas': 2, 'pinter': 2, 'verisimilitude': 2, 'freeze-frame': 2, 'currents': 2, 'forecast': 2, 'maximillian': 2, 'rebuffed': 2, 'aesthetics': 2, 'ambivalence': 2, 'representatives': 2, 'conjunction': 2, 'lensing': 2, 'dispassionate': 2, 'entices': 2, 'caveat': 2, 'tsk': 2, '\\ngitai': 2, 'leftist': 2, 'subjugate': 2, 'hasidim': 2, 'observance': 2, 'phobic': 2, 'talmud': 2, "\\nmeir\\'s": 2, 'yaakov': 2, '\\nyossef': 2, 'harshest': 2, 'forlorn': 2, "\\nanderson\\'s": 2, 'transitioning': 2, "magnolia\\'s": 2, '\\ndiversity': 2, 'wagon': 2, 'pioneers': 2, 'extending': 2, 'cowardice': 2, 'peyote': 2, '\\ncolqhoun': 2, 'unchangeable': 2, 'downfalls': 2, 'multi-': 2, 'gabriela': 2, 'workmates': 2, "gabriela\\'s": 2, 'braddock': 2, 'look-alike': 2, 'ex-convict': 2, 'donuts': 2, "writers\\'": 2, '\\ntoy': 2, 'metamorphosis': 2, 'walkin': 2, "z\\'s": 2, 'pores': 2, 'snub': 2, 'guterman': 2, 'advisable': 2, '\\naww': 2, '\\nherlihy': 2, "\\'authenticity\\'": 2, 'probing': 2, "\\ncynthia\\'s": 2, '\\nsecrets': 2, 'grievances': 2, 'repression': 2, 'twentysomething': 2, "'titanic": 2, 'waterlogged': 2, 'camerons': 2, 'transistion': 2, 'animate': 2, 'malt': 2, 'weeping': 2, 'characterizing': 2, 'lobbyists': 2, 'pikser': 2, 'kev': 2, 'rollergirl': 2, 'pertains': 2, 'jean-hugues': 2, 'anglade': 2, 'croatia': 2, '\\nwords': 2, 'croatians': 2, '\\nshannon': 2, 'kimba': 2, 'westerners': 2, 'blakely': 2, 'forsyth': 2, 'geese': 2, 'prompt': 2, 'multiplicity': 2, 'suppressing': 2, 'treatments': 2, 'cures': 2, 'pesticides': 2, 'margins': 2, 'bureaucrats': 2, 'eschewed': 2, 'disintegrated': 2, 'albums': 2, 'tennis': 2, 'locusts': 2, 'rails': 2, 'basketballs': 2, 'asexual': 2, 'loners': 2, 'sami': 2, 'bouajila': 2, 'contented': 2, 'dieppe': 2, '\\nfelix': 2, 'cocktails': 2, 'chaste': 2, 'ascaride': 2, 'postcard': 2, 'enthusiast': 2, 'bohemians': 2, 'toulouse-lautrec': 2, 'zidler': 2, 'backer': 2, 'cavorting': 2, '\\njudith': 2, 'lagravenese': 2, 'occuring': 2, "judith\\'s": 2, 'humanistic': 2, 'humpalot': 2, 'speculation': 2, 'well-constructed': 2, '73': 2, 'zoom': 2, 'davidzt': 2, 'overlaps': 2, 'syrupy': 2, 'slope': 2, 'solos': 2, 'predominately': 2, 'prosper': 2, 'dismisses': 2, '\\ngiovanni': 2, '\\nribisi': 2, 'mikhail': 2, 'sauna': 2, '\\ngaz': 2, "worker\\'s": 2, 'jobless': 2, 'strip-act': 2, 'implying': 2, 'cattaneo': 2, 'genie': 2, 'manly': 2, 'trunks': 2, 'computer-assisted': 2, '\\nnora': 2, 'correspondence': 2, 'bookstores': 2, 'dried-up': 2, 'heretical': 2, '14-year': 2, "mussolini\\'s": 2, 'dialect': 2, 'fascists': 2, 'recognisable': 2, '\\ncalifornia': 2, 'awestruck': 2, 'thacker': 2, 'mckee': 2, "weddings\\'": 2, 'thrives': 2, "'[note": 2, 'dequina': 2, '21st-century': 2, 'trekkers': 2, 'cochran': 2, 'mythos': 2, 'calhoun': 2, 'reproach': 2, 'naughtiness': 2, "allison\\'s": 2, '\\nallison': 2, 'fozzie': 2, 'mound': 2, 'ceased': 2, 'shoulder-length': 2, 'tee-shirts': 2, 'gazzara': 2, 'busby': 2, 'quintana': 2, 'over-the-edge': 2, 'riff-raff': 2, 'whedon': 2, 'fiorina': 2, 'smugglers': 2, 'roundup': 2, 'sock': 2, 'constrained': 2, 'hutchinson': 2, 'lennie': 2, '1935': 2, 'eduard': 2, 'delacroix': 2, 'adjust': 2, 'shaves': 2, 'suspenders': 2, 'shaun': 2, '\\ngriffith': 2, 'begets': 2, 'summon': 2, '\\nward': 2, 'murder-mystery': 2, 'swank': 2, 'enveloping': 2, 'thickly': 2, '\\ncarmen': 2, 'sabara': 2, 'gregorio': 2, 'cortez': 2, '\\nteaming': 2, 'grand-daddy': 2, 'psychologists': 2, 'walled': 2, 'yvette': 2, 'orderly': 2, 'weitzman': 2, "furst\\'s": 2, 'improper': 2, 'modesty': 2, 'lyndon': 2, 'ussr': 2, '\\nediting': 2, '-awarded': 2, "reagan\\'s": 2, 'neophytes': 2, 'farscial': 2, 'simplistically': 2, 'thomsen': 2, 'pointer': 2, 'bizarro': 2, 'buehler': 2, 'marshmallows': 2, 'extracurricular': 2, 'applications': 2, 'envied': 2, "\\'special": 2, "edition\\'": 2, 'furter': 2, "\\nhaven\\'t": 2, 'gable': 2, '\\ngwtw': 2, 'writer/director/producer': 2, 'meaney': 2, 'lifeboat': 2, 'doesn=92t': 2, '\\ngibson=92s': 2, 'you=92re': 2, '\\nit=92s': 2, 'visage': 2, '\\ngradually': 2, 'ardent': 2, 'fro': 2, 'tinier': 2, "heroine\\'s": 2, '\\nunderstandably': 2, 'spine-chilling': 2, "\\nniccol\\'s": 2, "gattaca\\'s": 2, 'vincent/jerome': 2, 'roelfs': 2, 'heartwrenching': 2, '\\ngore': 2, 'reality-based': 2, '\\nweir': 2, "'now": 2, "sarossy\\'s": 2, 'overdrawn': 2, 'novicorp': 2, '\\nroberto': 2, 'declarations': 2, "'review": 2, 'jehan': 2, 'flemish': 2, 'rollickingly': 2, "\\naloise\\'s": 2, "princess\\'": 2, 'yeller': 2, 'sooooo': 2, "\\ntarantino\\'s": 2, 'revenue': 2, 'horrifyingly': 2, "\\npenn\\'s": 2, '\\nheist': 2, 'moor': 2, 'pinky': 2, 'hadden': 2, '\\nfoster': 2, '\\nlowe': 2, "roddenberry\\'s": 2, 'intensifies': 2, 'vis': 2, 'mcgillis': 2, 'puppy-dog': 2, 'massaging': 2, "chad\\'s": 2, 'practitioner': 2, 'temp': 2, 'facets': 2, '\\nstacy': 2, '_beloved_': 2, '\\n_beloved_': 2, 'reconstruction': 2, 'farmhouse': 2, 'flinging': 2, 'rattling': 2, "ghost\\'s": 2, 'black-clad': 2, 'christ-like': 2, 'authoritatively': 2, "suggs\\'": 2, 'accessibility': 2, 'undercurrents': 2, 'scarlet': 2, 'movie-': 2, 'excerpts': 2, 're-introduced': 2, "darby\\'s": 2, '\\nsubsequent': 2, "beau\\'s": 2, 'proportion': 2, 'decaprio': 2, 'montague': 2, '\\nmiriam': 2, 'margoyles': 2, "juliet\\'s": 2, "capulet\\'s": 2, "montague\\'s": 2, 'cuss': 2, '130': 2, 'infrequently': 2, 'weakling': 2, 'slavers': 2, 'juba': 2, "d\\'etre": 2, '\\npictures': 2, 'wino': 2, 'a-bomb': 2, 'petaluma': 2, 'disingenuous': 2, 'psych': 2, 'sepia-toned': 2, 'checkpoint': 2, "nora\\'s": 2, 'hatched': 2, 'refinery': 2, 'cremation': 2, 'molten': 2, 'face-off': 2, 'swiftness': 2, 'equaling': 2, 'tapert': 2, '\\nalbert': 2, 'wachowskis': 2, 'g-men': 2, 'oblique': 2, '\\npolitical': 2, 'feathers': 2, 'non-formula': 2, "queen\\'s": 2, 'adefarasin': 2, '16th': 2, 'bottin': 2, '\\nlola': 2, 'jogs': 2, 'sprints': 2, '81': 2, 'lansbury': 2, 'rosaleen': 2, 'graveyards': 2, 'straying': 2, 'belfast': 2, 'ike': 2, 'sects': 2, 'ciaran': 2, 'dotty': 2, 'radek': 2, 'hijack': 2, 'elna': 2, 'phonograph': 2, 'cylinders': 2, 'mahal': 2, 'prot': 2, 'transcendent': 2, 'protestants': 2, 'teachings': 2, 'forges': 2, 'keenly': 2, 'advisers': 2, 'despises': 2, 'doted': 2, '\\nvaughn': 2, 'smooths': 2, 'molecules': 2, 'explorations': 2, 'soundstage': 2, 'progenitor': 2, 'lessen': 2, 'inquired': 2, 'handbook': 2, 'candid': 2, "mpaa\\'s": 2, 'oshii': 2, 'manga': 2, 'oavs': 2, 'destructiveness': 2, 'rampages': 2, 'shinohara': 2, '_patlabor': 2, 'superbly-realized': 2, 'oskar': 2, 'summarizing': 2, 'prescence': 2, 'boyhood': 2, "pie\\'": 2, '`american': 2, 'hammered': 2, 'rag': 2, '\\npyle': 2, "nixon\\'s": 2, 'entrancing': 2, 'accentuates': 2, 'playfulness': 2, '\\nyuck': 2, "bowfinger\\'s": 2, 'unknowing': 2, 'squeezed': 2, 'winnfield': 2, 'interweaves': 2, '\\nutilizing': 2, 'toying': 2, 'user-friendly': 2, '\\naltough': 2, 'hummm': 2, 'plank': 2, 'apperance': 2, 'louuuudd': 2, 'affraid': 2, 'babyzilla': 2, 'undies': 2, '\\nscully': 2, '\\ncares': 2, 'chiouaoua': 2, 'whoah': 2, 'compensates': 2, "its\\'": 2, '\\nmaj': 2, 'reproduction': 2, 'eliminates': 2, 'in-valids': 2, '\\neveryday': 2, 'idziak': 2, 'uncannily': 2, 'forecasts': 2, "brosnan\\'s": 2, "'available": 2, 'goateed': 2, '24-year-old': 2, "'melvin": 2, 'award-worthy': 2, 'hypnotism': 2, 'poon': 2, 'macneill': 2, 'unnerved': 2, 'scum-sucking': 2, 'shakespearian': 2, '\\nhartnett': 2, '\\nphifer': 2, 'workaholic': 2, 'infallible': 2, 'rh2': 2, 'enlisting': 2, 'gertrude': 2, 'ophelia': 2, 'guildenstern': 2, 'unearths': 2, 'countenance': 2, 'walk-on': 2, 'educator': 2, 'alabama': 2, 'locane': 2, "co\\'s": 2, 'sewing': 2, 'stagner': 2, 'hiroshima': 2, "a\\'": 2, 'jack/rose': 2, '\\nproving': 2, 'haney': 2, 'contractor': 2, 'hymn': 2, 'strode': 2, "\\n\\'halloween\\'": 2, '\\nmalick': 2, "soldiers\\'": 2, 'awol': 2, 'tm': 2, 'circulated': 2, 'unerringly': 2, '\\nintimacy': 2, 'drawers': 2, 'glum': 2, 'corrupting': 2, 'workplaces': 2, 'scraped': 2, 'etched': 2, 'snowbell': 2, 'minkoff': 2, 'dystopic': 2, 'considerations': 2, 'intercepted': 2, 'prowse': 2, 'c3po': 2, 'r2d2': 2, 'tolkien': 2, 'helper': 2, 'unease': 2, 'cushing': 2, 'alida': 2, 'valli': 2, 'ghoulishness': 2, 'competently': 2, 'bassan': 2, 'cabo': 2, 'relocating': 2, '\\nsamuel': 2, 'stun': 2, 'clipped': 2, 'ottorino': 2, 'dmitri': 2, 'dukas': 2, 'elgar': 2, '\\nfantasia': 2, 'caricaturist': 2, 'hirschfeld': 2, "gershwin\\'s": 2, 'flamingo': 2, 'yo-yo': 2, "noah\\'s": 2, 'biblically': 2, "respighi\\'s": 2, "stravinsky\\'s": 2, 'holdover': 2, "sorcerer\\'s": 2, 'attainable': 2, 'caucasian': 2, 'moonshiner': 2, 'forcibly': 2, 'decreed': 2, 'snugly': 2, 'pbs': 2, 'hyperbolic': 2, 'floored': 2, 'persay': 2, 'ibanez': 2, "bubbles\\'": 2, 'macivor': 2, 'presided': 2, 'solidifies': 2, 'stirling': 2, 'listings': 2, 'giveaways': 2, 'sort-of': 2, 'world-wide': 2, 'catch-22': 2, 'garments': 2, 'barrister': 2, 'upsets': 2, "paradine\\'s": 2, 'horfield': 2, 'recess': 2, 'cum': 2, "wayland\\'s": 2, "kennesaw\\'s": 2, 'pates': 2, 'underlining': 2, "rooker\\'s": 2, 'shipwreck': 2, '\\nexploring': 2, '\\nleonardo': 2, 'winslett': 2, 'playtone': 2, 'bloodletting': 2, 'half-vampire': 2, 'warm-and-fuzzy': 2, 'anti-theft': 2, 'dazzles': 2, '\\nrealism': 2, 'non-cgi': 2, 'wrong-doing': 2, 'replaying': 2, 'ang': 2, 'earthquakes': 2, 'hurricanes': 2, 'livestock': 2, 'chasers': 2, '\\njo': 2, 'recon': 2, 'implemented': 2, 'carters': 2, 'giardello': 2, '\\ndrumlin': 2, 'starling': 2, 'skepticism': 2, 'trainee': 2, 'gaming': 2, "\\nbranagh\\'s": 2, 'darrow': 2, 'equate': 2, 'aiding': 2, 'exile': 2, 'magdelene': 2, 'frailties': 2, 'disciples': 2, 'swastika-wearing': 2, 'dogtags': 2, 'flesh-and-blood': 2, 'scoff': 2, "\\'lake": 2, "\\'popcorn\\'": 2, '\\nsit': 2, 'fundamentalist': 2, 'talal': 2, 'islamic': 2, '\\nhubbard': 2, 'palestinian': 2, 'arab-american': 2, '\\nzwick': 2, '\\nkeaton': 2, 'requiem': 2, 'cleary': 2, 'holt': 2, 'fidel': 2, 'cubans': 2, 'participates': 2, 'good-spirited': 2, 'oed': 2, 'stripe': 2, "series\\'s": 2, 'drank': 2, 'flitting': 2, 'permitted': 2, 'ph': 2, 'ramius': 2, 'third-class': 2, 'romanticized': 2, 'encapsulates': 2, 'miseries': 2, 'guggenheim': 2, 'scorching': 2, 'namuth': 2, 'partakes': 2, 'manhood': 2, 'lima': 2, 'baboons': 2, 'yim': 2, 'fandom': 2, 'backpedal': 2, 'hur': 2, 'gungans': 2, "\\ngod\\'s": 2, 'doctrines': 2, '`urban': 2, "legend\\'": 2, 'that\x12s': 2, "'vampire": 2, 'sate': 2, 'dressmaker': 2, '\\neyes': 2, 'hardford': 2, 'partygoer': 2, 'flirtations': 2, 'schoolchild': 2, 'redistribution': 2, 'montero': 2, 'alejandro': 2, 'letscher': 2, 'plato': 2, 'discern': 2, '\\nnigel': 2, 'adverse': 2, 'catatonia': 2, 'tzipporah': 2, "moses\\'s": 2, 'ramses': 2, '1773': 2, 'boham': 2, 'ingolstadt': 2, 'charecter': 2, 'intruders': 2, 'nero': 2, 'blanchette': 2, '\\nchasing': 2, 'debuts': 2, 'million-plus': 2, '\\ncarver': 2, 'sellars': 2, 'shortcut': 2, "\\'good": 2, 'capitalist': 2, 'mimieux': 2, 'morlocs': 2, 'mansfield': 2, 'bertram': 2, '\\nspending': 2, 'inventing': 2, "\\nfanny\\'s": 2, 'indecisive': 2, 'purest': 2, "\\'greatest": 2, "armageddon\\'s": 2, 'rectify': 2, 'us$100': 2, 'deploying': 2, 'reminiscence': 2, 'artisan': 2, '\\nwillard': 2, "\\nduvall\\'s": 2, 'hypnotize': 2, 'tullymore': 2, 'scrawny': 2, 'mastrantonio': 2, '\\nhang': 2, 'white-knuckle': 2, 'budgeted': 2, 'mcmanus': 2, 'shortest': 2, 'hot-blooded': 2, '\\nverbal': 2, 'devane': 2, 'mehrjui': 2, 'mosaffa': 2, 'jamileh': 2, 'sheikhi': 2, 'polygamy': 2, '\\nleila': 2, 'hesitantly': 2, "womens\\'": 2, "mother-in-law\\'s": 2, '\\nrefusing': 2, "leila\\'s": 2, '\\nhugo': 2, '\\ncarrie-anne': 2, 'mclachlan': 2, "institute\\'s": 2, '\\nstruggling': 2, 'toughly': 2, 'commandant': 2, 'sessue': 2, 'hayakawa': 2, 'assiduously': 2, '\\nlean': 2, 'hierarchies': 2, 'by-passes': 2, 'rackwitz': 2, 'ris': 2, 'sub-genres': 2, 'demonstrably': 2, 'bloodsuckers': 2, "fat\\'s": 2, 'adult-oriented': 2, 'beckwith': 2, "bus\\'": 2, '\\nfourteen': 2, 'clinics': 2, 'plaintive': 2, '\\nmychael': 2, 'danna': 2, 'average-joe': 2, 'cutbacks': 2, 'uncooperative': 2, 'panicky': 2, 'fickle': 2, 'prosky': 2, 'enjoyability': 2, 'taboos': 2, '\\nquickly': 2, 'menage': 2, 'lodging': 2, 'larenz': 2, 'down-right': 2, 'topple': 2, 'courses': 2, '1941': 2, '\\nvicki': 2, 'parodied': 2, 'romanticizes': 2, 'recites': 2, "brando\\'s": 2, 'weeps': 2, 'overly-dramatic': 2, 'swain': 2, 'microcosm': 2, 'playes': 2, 'abc': 2, 'anand': 2, 'flutist': 2, 'prodigies': 2, 'specifications': 2, 'bluntness': 2, 'idealism': 2, 'poseurs': 2, 'unhurried': 2, 'cool-as-hell': 2, 'deepened': 2, 'balderdash': 2, 'goldfinger': 2, '\\nhaynes': 2, 'ziggy': 2, 'rebelliousness': 2, 'thrived': 2, 'unearth': 2, 'regretful': 2, 'ruse': 2, "towne\\'s": 2, 'lighten': 2, 'sci-fi/action': 2, 'paddock': 2, '\\nthousands': 2, 'shoot-em-up': 2, 'debatable': 2, "o\\'harra": 2, '\\ncapra': 2, 'lovably': 2, 'rediscover': 2, "herzog\\'s": 2, 're-releases': 2, 'harker': 2, "harker\\'s": 2, 'divining': 2, 'vuh': 2, 'tantric': 2, "music\\'s": 2, 'century-old': 2, 'co-writers': 2, '\\nlauri': 2, 'payments': 2, 'laconic': 2, "python\\'s": 2, 'junction': 2, 'supermasochist': 2, '\\ninterviews': 2, 'mins': 2, 'cystic': 2, 'fibrosis': 2, 'stimulation': 2, '19th-century': 2, 'resurfaces': 2, '\\ncomparisons': 2, 'throaty': 2, 'perreault': 2, 'jena': 2, 'warship': 2, 'brosnon': 2, 'over-': 2, 'ministry': 2, 'eloquence': 2, "d\\'arc": 2, "jeanne\\'s": 2, 'malcovich': 2, 'harrington': 2, "grodin\\'s": 2, 'costanza': 2, 'gorefest': 2, 'rethinking': 2, 'song-and-dance': 2, 'kuzco': 2, 'eartha': 2, 'kitt': 2, 'kronk': 2, 'llama': 2, 'oceans': 2, "nbc\\'s": 2, 'well-cast': 2, 'knuckle': 2, 'avi': 2, 'ade': 2, 'non-actors': 2, 'mum': 2, 'tbwp': 2, 'alea': 2, "revolution\\'s": 2, '\\ntherein': 2, 'oasis': 2, 'correcting': 2, 'lem': 2, 'kleiser': 2, 'bubble-gum': 2, 'sauce': 2, 'kross': 2, 'retells': 2, 'herskovitz': 2, '\\nveronica': 2, 'well-educated': 2, 'paola': 2, 'bisset': 2, "venice\\'s": 2, 'turks': 2, '\\njacqueline': 2, 'thirtysomething': 2, '\\nherskovitz': 2, 'pescucci': 2, 'severity': 2, "'imagine": 2, 'panorama': 2, 'absorption': 2, 'harming': 2, '\\nann': 2, 'outspoken': 2, 'teenaged': 2, '\\n`bringing': 2, '\\nsly': 2, 'human-like': 2, '\\ncy': 2, "spencer\\'s": 2, 'broodwarrior': 2, 'triumphantly': 2, 'rothchild': 2, 'markedly': 2, 'unites': 2, 'finely-crafted': 2, 'seamy': 2, 'coercion': 2, 'honourable': 2, 'hanger-on': 2, 'hounding': 2, 'brittle': 2, 'glides': 2, '\\nshyamalan': 2, 'heigh': 2, 'sulu': 2, 'unbeaten': 2, "hawks\\'": 2, 'post-watergate': 2, 'ufos': 2, 'scatter-brained': 2, 'laziest': 2, 'drop-off': 2, 'entrances': 2, 'uninhabited': 2, '1919': 2, "alexander\\'s": 2, 'enforce': 2, 'zuehlke': 2, 'schlictman': 2, 'strife': 2, 'scold': 2, 'sinuous': 2, "horses\\'": 2, 'hooves': 2, 'degeneration': 2, 'virility': 2, 'defiled': 2, 'stain': 2, 'thigh': 2, 'emasculation': 2, 'ratzo': 2, '\\ncontrasting': 2, "hopkins\\'": 2, 'clara': 2, 'bing': 2, 'chans': 2, 'shun': 2, 'gar': 2, 'bestowed': 2, '``high': 2, "fidelity\\'\\'": 2, 'mindfuck': 2, "'hedwig": 2, 'mayer-goodman': 2, 'defiance': 2, '\\nwriter-director-star': 2, 'gi': 2, '\\nhedwig': 2, 'shadowing': 2, 'harsher': 2, 'invincibility': 2, 'open-ended': 2, 'hovers': 2, 'scandalous': 2, 'cabinets': 2, "\\'double": 2, 'not-guilty': 2, 'disney-esque': 2, "donkey\\'s": 2, 'withholds': 2, 'conquers': 2, 'self-acceptance': 2, 'rossio': 2, '\\nschulman': 2, 'unidentifiable': 2, "insider\\'s": 2, 'jemmons': 2, '\\nprimary': 2, "scene\\'s": 2, '\\nocp': 2, "2\\'": 2, 'bizaare': 2, 'uncharacteristic': 2, "harford\\'s": 2, 'peddling': 2, 'level-headed': 2, 'unduly': 2, '\\nhours': 2, "jamaica\\'s": 2, 'brassy': 2, 'initiatives': 2, "zeffirelli\\'s": 2, 'mourn': 2, 'babboons': 2, 'screwer': 2, 'slimming': 2, 'leeanne': 2, 'moms': 2, '\\nsatan': 2, 'unsparing': 2, '`but': 2, "denver\\'s": 2, '\\nkerr': 2, 'lucidity': 2, 'anti-semite': 2, 'vance': 2, 're-examine': 2, 'fassbinder': 2, 'preminger': 2, 'melaine': 2, "demented\\'s": 2, 'unveiled': 2, 'duloc': 2, 'transylvanians': 2, '\\nremembering': 2, 'tint': 2, '2-disc': 2, 'toucha': 2, 'deceiving': 2, 'idolizing': 2, 'validation': 2, 'recur': 2, '\\nbud': 2, 'silva': 2, 'tormey': 2, "bankole\\'": 2, 'winbush': 2, 'belies': 2, 'hagakure': 2, 'boop': 2, 'clutching': 2, 'intuitively': 2, '\\ntruly': 2, 'reserving': 2, 'expatriate': 2, "creators\\'": 2, 'permutations': 2, 'dar': 2, 'persuading': 2, 'culpability': 2, '\\ndar': 2, '\\ndeliverance': 2, 'canoes': 2, 'care-free': 2, 'relation': 2, 'viscera': 2, 'kidnapers': 2, 'greaser': 2, 'vaginal': 2, 'listeners': 2, 'admiral': 2, 'firmer': 2, 'centering': 2, 'tranquility': 2, "\\nru\\'afro": 2, 'bleeds': 2, 'paled': 2, 'objectionable': 2, 'roar': 2, 'harbinger': 2, 'contemplate': 2, 'schiffer': 2, 'maples': 2, 'commodities': 2, '\\ntoback': 2, 'vernacular': 2, "cassandra\\'s": 2, "\\'vampires\\'": 2, "\\n\\'vampires\\'": 2, 'tai': 2, 'nebulous': 2, 'nonexistant': 2, 'armour': 2, 'ti': 2, 'practicing': 2, 'mui': 2, 'macguffin': 2, 'coals': 2, 'archie': 2, 'looting': 2, 'energized': 2, "price\\'s": 2, 'josephine': 2, 'osgood': 2, "\\nwilder\\'s": 2, '\\njosh': 2, "desi\\'s": 2, 'machiavellian': 2, 'counterbalance': 2, 'ahmad': 2, 'cancelled': 2, 'noone': 2, 'frustrates': 2, "maxine\\'s": 2, '\\ntillman': 2, 'feingold': 2, "suspects\\'": 2, 'rydell': 2, 'lamas': 2, 'bandstand': 2, 'harron': 2, 'yuppies': 2, 'scathingly': 2, 'huey': 2, 'off-balance': 2, 'staking': 2, 'cardshark': 2, '\\nmonths': 2, 'folding': 2, 'elk': 2, "turturro\\'s": 2, 'triumvirate': 2, 'burnt': 2, 'oddness': 2, 'euliss': 2, 'financier': 2, "\\nsonny\\'s": 2, 'angers': 2, '\\nsonny': 2, 'remodeled': 2, 'holiness': 2, 'troublemaker': 2, 'divers': 2, 'trigger-happy': 2, 'hoyts': 2, '`hello': 2, 'xvi': 2, 'flute': 2, 'batfans': 2, 'mind-reading': 2, 'muldoon': 2, 'arachnids': 2, 'smallish': 2, 'brutish': 2, '\\nbrendan': 2, 'longshank': 2, 'compromises': 2, 'hee': 2, "vincent/jerome\\'s": 2, 'pessimism': 2, "magazine\\'s": 2, 'gynecologist': 2, "\\nflynt\\'s": 2, 'conservatives': 2, 'chant': 2, 'carrere': 2, '\\nalot': 2, 'wields': 2, 'siva': 2, 'destroyers': 2, 'christians': 2, 'allah': 2, 'repressive': 2, 'sickened': 2, "fuckin\\'": 2, 'expansiveness': 2, 'reversals': 2, "feelin\\'": 2, '\\ncomes': 2, 'otto': 2, '\\nyeoh': 2, 'northeast': 2, "anne\\'s": 2, 'dami': 2, 'padre': 2, 'portillo': 2, 'revolver': 2, 'hopelessness': 2, 'refinement': 2, 'danilov': 2, 'vassili': 2, 'co-exist': 2, "thornton\\'s": 2, 'intimately': 2, 'dostoevsky': 2, 'real-world': 2, '\\ncontemporary': 2, 'drug-induced': 2, 'glorifying': 2, "duke\\'s": 2, "detective\\'s": 2, 'shoplifting': 2, 'sammo': 2, 'mabel': 2, 'proverb': 2, 'unannounced': 2, 'chinese-american': 2, '\\nevelyn': 2, 'vosloo': 2, "human\\'s": 2, "hulot\\'s": 2, 'poles': 2, 'matrix_': 2, 'deepening': 2, "fuller\\'s": 2, 'tiles': 2, '\\nbeloved': 2, 'blankness': 2, 'germane': 2, 'initiative': 2, 'filial': 2, 'three-week': 2, 'duran': 2, 'hum': 2, 'kiyoshi': 2, '\\ntaguchi': 2, '\\nkurosawa': 2, 'silhouettes': 2, 'mancina': 2, 'nass': 2, 'taxation': 2, "naboo\\'s": 2, "lucas\\'s": 2, 'tantamount': 2, "jar\\'s": 2, 'paralleling': 2, 'junger': 2, 'mccullah': 2, 'padua': 2, 'heath': 2, 'well-used': 2, 'cartoon-like': 2, 'scotch': 2, '\\nsophie': 2, 'resnais': 2, 'lip-synched': 2, 'agnes': 2, 'jaoui': 2, 'bacri': 2, "song\\'": 2, 'ratchet': 2, 'consequential': 2, 'sinners': 2, 'howitt': 2, '1/2th': 2, 'imperious': 2, 'turnpike': 2, '\\nadditional': 2, '\\ngenre': 2, 'fables': 2, 'character-defining': 2, 'subterfuge': 2, 'child-friendly': 2, 'nailed': 2, 'ottis': 2, 'coldness': 2, 'mileage': 2, 'trumping': 2, '\\ncurrent': 2, 'baadasssss': 2, 'financed': 2, 'panthers': 2, 'rebelled': 2, 'unperturbed': 2, 'astonishment': 2, "jock\\'s": 2, 'mckay': 2, 'sullivans': 2, 'synonymous': 2, 'caters': 2, 'travelogue': 2, 'maps': 2, 'johansson': 2, '\\nmeeting': 2, 'herding': 2, 'ferdinand': 2, 'westlake': 2, 'broach': 2, "individual\\'s": 2, '\\nthereby': 2, 'fully-developed': 2, 'arrivals': 2, 'trents': 2, '\\nunwittingly': 2, 'allegiances': 2, 'ethnicity': 2, 'lude': 2, 'operated': 2, 'renard': 2, '\\nmodern': 2, "\\nlabute\\'s": 2, 'meekness': 2, 'relatable': 2, "gershon\\'s": 2, 'spyglass': 2, 'birnbaum': 2, 'daly': 2, 'millar': 2, 'carson': 2, "o\\'bannon": 2, 'slattery': 2, 'selflessly': 2, 'dulloc': 2, '\\ndonkey': 2, 'voicing': 2, 'animations': 2, 'immediatly': 2, 'potente': 2, 'bleibtreu': 2, '\\n`run': 2, '`fight': 2, "club\\'": 2, 'mend': 2, 'ansell': 2, 'mccamus': 2, 'condescend': 2, 'hanoi': 2, 'hai': 2, "suong\\'s": 2, 'delicacies': 2, 'trailing': 2, 'high-octane': 2, 'light-saber': 2, 'limon': 2, 'intertwining': 2, 'mutilating': 2, 'ex-slave': 2, 'reminiscing': 2, 'daugher': 2, 'materialized': 2, '\\nemotion': 2, 'soiled': 2, '\\nbeginning': 2, 'sensationalism': 2, "life\\'": 2, '\\nuhf': 2, 'funnel': 2, '62': 2, 'incomparable': 2, 'aguirresarobe': 2, "predecessor\\'s": 2, '\\nordinary': 2, '\\nscott-thomas': 2, 'johanssen': 2, 'squarish': 2, 'obscura': 2, 'maggies': 2, "`darn\\'": 2, 'wessex': 2, 'harmonizing': 2, 'madden': 2, '70mm': 2, 'put-downs': 2, 'strove': 2, 'flung': 2, 'bereaved': 2, 'interrupts': 2, 'misirables': 2, 'unforgiving': 2, 'bille': 2, 'webber': 2, 'marius': 2, "opus\\'": 2, 'cross-over': 2, "wagner\\'s": 2, 'dicing': 2, 'unforeseen': 2, 'swintons': 2, '1839': 2, "africans\\'": 2, "\\namistad\\'s": 2, 'provision': 2, "\\nschindler\\'s": 2, 'carpet': 2, '\\nbridges': 2, "walter\\'s": 2, 'castor': 2, "troy\\'s": 2, "'those": 2, 'rizzo': 2, '\\nhrundi': 2, '\\ncoincidentally': 2, 'disney-ized': 2, '\\nhorrified': 2, 'comedically': 2, '\\nhub': 2, 'special-effect': 2, 'anarchists': 2, 'coke-addicted': 2, 'neck-deep': 2, 'leguiziamo': 2, 'remorseful': 2, 'residential': 2, 'incisive': 2, '\\n`keeping': 2, "gast\\'s": 2, 'muhammad': 2, 'mailer': 2, "ali\\'s": 2, 'sverak': 2, 'mawkishness': 2, "cloud\\'s": 2, 'sought-after': 2, 'strewn': 2, 'beckoning': 2, 'inhaling': 2, 'janusz': 2, 'oversimplified': 2, 'slowest': 2, 'sociology': 2, 'gwythants': 2, 'fairfolk': 2, 'doli': 2, '$25': 2, 'ntsc': 2, '\\nstempel': 2, "stewart\\'s": 2, 'recruiting': 2, 'armstrong': 2, 'equip': 2, "lucinda\\'s": 2, 'curves': 2, 'finely-realized': 2, 'delineated': 2, "\\ncostner\\'s": 2, 'kennedys': 2, 'lemay': 2, 'boutte': 2, 'befriending': 2, 'ministers': 2, 'opportunist': 2, '\\nwaking': 2, 'pairings': 2, 'elspeth': 2, 'cockburn': 2, 'voe': 2, 'attendees': 2, 'knotts': 2, 'snotty': 2, "kimmy\\'s": 2, 'cop-killers': 2, 'consul': 2, '\\nbuzz': 2, 'round-up': 2, 'bluish': 2, 'lassie': 2, 'trini': 2, 'head-bopping': 2, 'art-imitates-life': 2, 'keach': 2, 'then-unknown': 2, 'stokely': 2, 'jordanna': 2, 'marybeth': 2, 'showstopping': 2, 'arsinee': 2, 'meditative': 2, 'unconditional': 2, 'plagues': 2, 'reared': 2, "august\\'s": 2, 'vigo': 2, '\\nvaljean': 2, 'asp': 2, "poledouris\\'": 2, 'ulysses': 2, '\\nulysses': 2, 'sightless': 2, 'gassner': 2, 'outweigh': 2, "zemeckis\\'s": 2, 'tentatively': 2, 'no-brainers': 2, 'fallible': 2, 'uncomplicated': 2, 'cornelius': 2, 'hashish': 2, 'broached': 2, 'esther': 2, 'freud': 2, 'cornerstone': 2, 'freudian': 2, '\\nirons': 2, '\\nuhry': 2, 'boolie': 2, 'smidgen': 2, 'moviereviews': 2, 'org': 2, "\\nroberta\\'s": 2, "ronna\\'s": 2, '\\ngalaxy': 2, "grabthar\\'s": 2, 'cristal': 2, 'impetus': 2, "\\nplummer\\'s": 2, 'palme': 2, "d\\'or": 2, 'neice': 2, 'ravera': 2, 'fairs': 2, '\\nmamet': 2, 'gazarra': 2, 'mimmo': 2, 'florist': 2, 'accordion': 2, 'unconsciously': 2, 'lughnasa': 2, 'mundy': 2, 'droid': 2, 'kanoby': 2, 'discouraged': 2, 'bolton': 2, "brook\\'s": 2, 'recieves': 2, "\\nhuston\\'s": 2, '\\nrazor': 2, '\\npitch': 2, 'suns': 2, 'imam': 2, 'subscribed': 2, 'definitions': 2, "donnie\\'s": 2, 'e-block': 2, 'diagnosed': 2, "coffey\\'s": 2, 'adversity': 2, 'realisation': 2, 'resultant': 2, "chocolat\\'s": 2, 'anouk': 2, 'thivisol': 2, "vianne\\'s": 2, 'voizin': 2, 'candyman': 2, 'competed': 2, "tango\\'s": 2, 'reissued': 2, '\\ngrease': 2, 'escapade': 2, 'jensen': 2, 'betrayals': 2, 'c-word': 2, 'grudges': 2, '\\nbuffalo': 2, "gallo\\'s": 2, 'hypnosis': 2, 'zachary': 2, "hershman\\'s": 2, 'edgefield': 2, '\\nrand': 2, 'projectors': 2, 'wayward': 2, 'ambiguities': 2, '\\ntswsm': 2, "kurtz\\'": 2, '\\nsheen': 2, '\\nbrando': 2, 'dilutes': 2, 'comediennes': 2, 'hobbling': 2, 'wilkes': 2, 'unobtrusive': 2, '\\nscarlett': 2, 'heslop': 2, 'abba': 2, "\\nhogan\\'s": 2, 'pastel': 2, 'gentlewoman': 2, 'greek': 2, 'robespierre': 2, 'messinger': 2, 'silberling': 2, 'seale': 2, 'horror-drama': 2, 'tautly': 2, 'alum': 2, '\\nali': 2, "nyah\\'s": 2, 'hobbs': 2, 'renewal': 2, 'roald': 2, '\\ndevito': 2, "\\ngarofalo\\'s": 2, 'persia': 2, 'coney': 2, 'cyrus': 2, 'swann': 2, 'nanni': 2, 'butte': 2, 'skeksis': 2, 'gelfling': 2, 'kira': 2, "fraser\\'s": 2, '\\nfraser': 2, 'ihmoetep': 2, 'encino': 2, 'meditate': 2, 'ovens': 2, "aurelius\\'": 2, '\\njealous': 2, 'brigette': 2, 'ghallager': 2, '\\nrooms': 2, 'worrisome': 2, '\\npermission': 2, 'prophesied': 2, 'requiring': 2, 'loath': 2, "\\nlumet\\'s": 2, "gugino\\'s": 2, 'son-in-law': 2, 'wiez': 2, '\\npauly': 2, 'iraqi': 2, 'pvt': 2, '\\nbarlow': 2, '\\ngates': 2, "sigel\\'s": 2, '\\nwhale': 2, 'cuckor': 2, 'mckellen': 2, "\\nwill\\'s": 2, 'excitable': 2, 'one-man/woman': 2, "tunney\\'s": 2, 'gratification': 2, 'lohan': 2, 'cutedom': 2, 'garafalo': 2, 'splein': 2, 'sagebrush': 2, 'mooney': 2, 'astin': 2, 'postino': 2, 'mugatu': 2, "mugatu\\'s": 2, '\\nffing': 2, 'duc': 2, 'pommfrit': 2, 'calais': 2, "apostle\\'s": 2, '\\nteenagers': 2, "andreas\\'": 2, 'refrains': 2, 'far-right': 2, 'tamahori': 2, 'henreid': 2, 'salieri': 2, 'hulce': 2, "mckellan\\'s": 2, 'bat-like': 2, 'calf': 2, 'out-of-work': 2, '\\ntraining': 2, '\\nweaknesses': 2, "yesterday\\'s": 2, "\\'true": 2, "tv\\'": 2, 'tamora': 2, "tamora\\'s": 2, "tanner\\'s": 2, "impact\\'s": 2, '\\nindividually': 2, 'watto': 2, 'pod-race': 2, '\\nmst3k': 2, 'raindrops': 2, '\\nramsey': 2, "bresson\\'s": 2, 'jousting': 2, "valjean\\'s": 2, 'thenardiers': 2, '\\nsevigny': 2, 'oilrig': 2, 'romanov': 2, 'top-flight': 2, 'cremet': 2, 'ghibli': 2, 'seaport': 2, "`ute\\'": 2, 'drunker': 2, 'gangstar': 2, 'sherbet': 2, '\\nbeatrice': 2, 'conglomerate': 2, 'sitch': 2, '\\napt': 2, "renfro\\'s": 2, 'non-colored': 2, 'memoir': 2, 'breen': 2, "breen\\'s": 2, '\\ndes': 2, 'aboriginals': 2, 'performence': 2, 'amadala': 2, 'cholodenko': 2, "sheedy\\'s": 2, '\\ndonny': 2, 'motivate': 2, 'rigormortis': 2, "\\ngere\\'s": 2, 'deserting': 2, 'searles': 2, 'looooot': 1, "winston\\'s": 1, 'schnazzy': 1, 'timex': 1, 'indiglo': 1, "dane\\'s": 1, "\\'r\\'": 1, '\\ninformation': 1, '\\nbasing': 1, 'teen-flicks': 1, 'fully-animated': 1, "that\\'d": 1, 'jessalyn': 1, 'gilsig': 1, 'early-teen': 1, "\\nkayley\\'s": 1, 'ruber': 1, 'ex-round': 1, 'member-gone-bad': 1, 'booby-trapped': 1, 'timberland-dweller': 1, 'poorly-integrated': 1, "herc\\'s": 1, 'out-bland': 1, "dragon\\'s": 1, "early-\\'90s": 1, 'jaleel': 1, 'balki': 1, 'dion': 1, '\\nunsuccessfully': 1, 'spurned-psychos-getting-their-revenge': 1, 'wavers': 1, 'serious-sounding': 1, 'statistics': 1, 'snapshot': 1, 'guesswork': 1, 'psycho-in-love': 1, "\\nstalked\\'s": 1, '\\nmaryam': 1, 'daylights': 1, 'business-owner': 1, 'low-powered': 1, 'terraformed': 1, 'earth-normal': 1, 'stagnated': 1, 'napolean': 1, 'millimeter': 1, 'enmeshed': 1, 'big-town': 1, 'americana': 1, 'credit--': 1, '--schumacher': 1, 'whirs': 1, 'sprockets': 1, 'split-level': 1, 'flunky': 1, 'oral-sex/prostitution': 1, 'sandler-annoying': 1, 'carrey-annoying': 1, 'lap--a': 1, 'pussy': 1, 'i-think-i-actually-have-': 1, '_huge_': 1, 'fluttered': 1, 'pregnancy/child': 1, 'cacophonous': 1, 'veterinary': 1, 'character--': 1, 'foreign-guy-who-mispronounces-english': 1, 'yakov': 1, 'smirnov': 1, 'volvo': 1, "olds\\'": 1, 'caught-with-his-pants-down': 1, 'unauthentic': 1, '\\nstellan': 1, 'zombified': 1, 'boozed-out': 1, '\\nplaywright': 1, "kaisa\\'s": 1, 'blitzed': 1, '\\nloathing': 1, '\\nkaisa': 1, 'nosebleeds': 1, "\\nain\\'t": 1, 'repetitively': 1, 'amundsen': 1, 'petter': 1, 'moland': 1, 'hooligans': 1, 'drunks': 1, 'schematic': 1, 'trivialize': 1, 'father-daughter': 1, "\\nheadey\\'s": 1, 'furrowed': 1, "nossiter\\'s": 1, 'frisson': 1, "\\nnossiter\\'s": 1, 'americanization': 1, 'greece': 1, 'deflect': 1, 'arrgh': 1, 'swish-swish-zzzzzzz': 1, 'dungeons': 1, 'semi-saving': 1, 'actor-wise': 1, '\\nthousand': 1, 'cake-walk': 1, '\\ndudes': 1, 'scampering': 1, "mouseketeer\\'s": 1, 'championing': 1, "raison-d\\'etre": 1, 'stuntwork': 1, '\\ndeneuve': 1, '\\nvow': 1, "knight\\'s": 1, "'best": 1, 'forensics': 1, "loach\\'s": 1, 'harrigan': 1, 'sex-for-pay': 1, 'expressway': 1, '\\nhighway': 1, 'molesters': 1, 'terrio': 1, 'dodger': 1, 'bluff': 1, '\\ndano': 1, "bach\\'s": 1, 'observational': 1, 'royally': 1, 'sparing': 1, "'janeane": 1, 'by-the-books': 1, 'massacusetts': 1, 'scandal-': 1, 'trashiest': 1, '\\nmilo': 1, 'snyder': 1, "matchmaker\\'s": 1, '\\nleary': 1, 'undoes': 1, "microphone\\'s": 1, 'actor/stunt': 1, 'sez': 1, "richelieu\\'s": 1, 'man-in-black': 1, 'disbanded': 1, "musketeer\\'s": 1, 'treville': 1, 'interest/chambermaid': 1, 'footsy': 1, 'coo': 1, 'menancing': 1, '20-': 1, "\\nchambers\\'": 1, "d\\'artangnan": 1, 'mouseketeer': 1, 'well-noted': 1, 'randian': 1, 'pervades': 1, 'occasionaly': 1, 'self-depreciating': 1, 'overachieve': 1, 'intersperesed': 1, 'non-intrusive': 1, '\\nmortal': 1, '\\nshao': 1, '\\nthereafter': 1, 'mis-casting': 1, 'lister': 1, 'nightwolf': 1, 'litefoot': 1, 'irina': 1, 'pantaeva': 1, 'mimicing': 1, '\\nhess': 1, '\\nsonya': 1, 'animality': 1, 'mud-wrestling': 1, 'animalities': 1, '\\nmotaro': 1, "'she": 1, 'sliver': 1, 'hooey': 1, 'stallone/stone': 1, 'honeymooning': 1, 'siouxsie': 1, '\\nparillaud': 1, 'interchange': 1, "someone\\'s-out-to-get-me": 1, 'crybaby': 1, '\\nsiouxsie': 1, 'chromium': 1, 'pave': 1, '\\nbarbet': 1, 'aptly-titled': 1, 'prefixed': 1, 'possessive': 1, 'unashamed': 1, '\\ndormant': 1, 'testy': 1, 'pooh-bah': 1, 'sub-': 1, 'appropriately-named': 1, 'oddly--who': 1, "bird\\'s-eye-view": 1, '\\nstate-of-the-art': 1, 'crazed-looking': 1, 'warning--spontaneously': 1, 'hissing': 1, 'plissken': 1, '\\ndubbed': 1, 'infertile': 1, 'perth': 1, 'amboys': 1, '\\nhideaway': 1, '\\nclueless': 1, 'e-mailed': 1, 'crazymadinlove': 1, "f$&#in\\'": 1, 'regret--the': 1, 'four-': 1, 'trods': 1, 'mostly-silent': 1, 'prepubescent': 1, 'keyhole': 1, '200+': 1, 'fanatasies': 1, 'pg-rated': 1, 'aviators': 1, '\\nuneven': 1, 'cherry-colored': 1, 'nerdies': 1, 'shrug-of-the-shoulders': 1, "friggin\\'": 1, 'crappiness': 1, '\\nears': 1, 'sand-twister': 1, '12-minute': 1, 'uninterrupted': 1, '\\nadrien': 1, 'britney': 1, "spears\\'": 1, "'mighty": 1, '\\njill': 1, '12-': 1, '13-year-old': 1, 'assassin/operative': 1, 'cyan': 1, 'sydni': 1, 'beaudoin': 1, 'disproportioned': 1, '\\nclown': 1, '\\nwynn': 1, 'double-dealing': 1, 'heavy-on-fx': 1, 'short-on-substance': 1, "february\\'s": 1, 'poor-taste': 1, 'munches': 1, 'mini-skirt': 1, 'newmar': 1, 'sleeplessness': 1, "khondji\\'s": 1, 'opulence': 1, 'autumn': 1, 'illustrator': 1, 'soon-to-be-committed': 1, 'ho-hummer': 1, 'retching': 1, 'applesauce': 1, '\\nfabulous': 1, '\\nseconds': 1, 'brauvara': 1, 'complexly': 1, 'half-assedness': 1, 'eighth-assedness': 1, 'fabiani': 1, '\\ndiscovers': 1, 'casino/hotel': 1, "witness\\'": 1, 'intereference': 1, 'soundman': 1, 'disection': 1, 'machinas': 1, "'forgive": 1, 'fevered': 1, '1692': 1, 'chicken-bashing': 1, "play\\'s": 1, 'spotlighted': 1, 'invoked': 1, 'lustfully': 1, 'hormonally-advantaged': 1, 'reminders': 1, "proctor\\'s": 1, 'narrow-waisted': 1, 'over-earnestness': 1, 'foaming-mouth': 1, 'fervour': 1, 'mounted': 1, "hytner\\'s": 1, "\\nryder\\'s": 1, 'haughtiness': 1, 'scofield': 1, 'danforth': 1, 'posturings': 1, 'piousness': 1, 'beckoned': 1, 'quarrels': 1, "edgar\\'s": 1, 'putzulu': 1, "godard\\'s": 1, 'starkly': 1, 'angrier': 1, 'hyper-color': 1, 'bastardizing': 1, 'purports': 1, 'couplehood': 1, 'atm': 1, "residents\\'": 1, 'head-chopping': 1, 'alien-possessed': 1, 'flashes-sideways': 1, '\\nripped': 1, 'kwik-e-mart': 1, 'slushee': 1, 'reminisces': 1, 'zombie-stomping': 1, 'ritually': 1, 'well-trained': 1, '\\nexplosions': 1, 'nukes': 1, "'reindeer": 1, 'cker': 1, '\\nauteur': 1, '\\nkruger': 1, 'parallax': 1, 'incriminates': 1, 'themself': 1, 'pronouns': 1, 'grindhouse': 1, 'coddling': 1, 'assness': 1, 'preciously': 1, 'manslaughterer': 1, 'groupie': 1, 'cheesecake': 1, 'near-riot': 1, 'co-horts': 1, 'talkfest': 1, 'moo-moo': 1, 'millisecond': 1, 'brain-zapped': 1, 'edged': 1, 'italicize': 1, 'dully': 1, 'gyrations': 1, '53-year-old': 1, "lima\\'s": 1, 'collosal': 1, 'macaw': 1, 'plotlessness': 1, 'ioan': 1, 'gruffudd': 1, 'blander-than-bland': 1, '\\ngruffudd': 1, 'upstage': 1, 'rard': 1, 'furrier': 1, "depardieu\\'s": 1, "\\nfrance\\'s": 1, 'export': 1, 'worth--le': 1, 'critters': 1, 'poopies': 1, 'finesses': 1, 'dodie': 1, 'slammer': 1, 'tolling': 1, 'sables': 1, 'minks': 1, 'dahlings': 1, 'gown': 1, 'cute--try': 1, 'otherwise--but': 1, 'videocasette': 1, '\\nsavvy': 1, 'vcrs': 1, '101\\%': 1, "'one-sided": 1, 'foretold': 1, 'kick-off': 1, 'kissinger': 1, 'athleticism': 1, "\\nshelton\\'s": 1, '\\nplay': 1, '\\nvince': 1, 'effects-filled': 1, 'probgram': 1, 'ig': 1, 'ehrin': 1, 'mfm': 1, 'micromanaged': 1, 'prominant': 1, "gadget\\'s": 1, '\\ndabney': 1, "coleman\\'s": 1, 'oteri': 1, 'gidget': 1, "\\noteri\\'s": 1, "oregon\\'s": 1, 'katz': 1, 'maniacle': 1, 'hughley': 1, "shuckin\\'-and-jivin\\'": 1, 'vehicular': 1, 'emancipation': 1, 'tag-line': 1, "hughley\\'s": 1, '\\ngadget': 1, 'altercations': 1, 'harriet': 1, 'pint-size': 1, 'premere': 1, "'hong": 1, 'laded': 1, 'reverting': 1, 'necking': 1, '\\nkai': 1, "kai\\'s": 1, '\\nsuspicions': 1, '\\nissac': 1, 'implores': 1, 'issiah': 1, '\\nhung': 1, "aaliyah\\'s": 1, "ferrera\\'s": 1, "die\\'s": 1, 'showiest': 1, '\\nallayah': 1, '\\ndelro': 1, 'woodside': 1, 'undirected': 1, 'bartkiwiak': 1, 'bernt': 1, 'jarrell': 1, "allayah\\'s": 1, "chiba\\'s": 1, 'streetfighter': 1, 'adroit': 1, 'heightening': 1, "\\n\\'rmd\\'": 1, '4/4': 1, 'personable': 1, 'armani': 1, 'manicured': 1, "players\\'": 1, 'sentinels': 1, 'falco': 1, 'fedora': 1, 'landry': 1, "swingers\\'": 1, '7-up': 1, 'pitchman': 1, 'playoffs': 1, "denny\\'s": 1, 'deutch': 1, '\\nsports': 1, 'gallant': 1, 'eminem': 1, "schutze\\'s": 1, 'novelization': 1, 'premeditated': 1, 'lot--bored': 1, 'hounds': 1, 'harries': 1, 'gators': 1, 'remorse--the': 1, 'cut-away': 1, 'pre-occupied': 1, 'stills--heather': 1, 'example--but': 1, "'sean": 1, 'everglades': 1, 'coerced': 1, "region\\'s": 1, 'issue--there': 1, 'arne': 1, 'glimcher': 1, '\\nglimcher': 1, '==========================': 1, 'raleigh': 1, '\\nstage': 1, "bennett\\'s": 1, '\\nsumptuous-looking': 1, 'suri': 1, "krishnamma\\'s": 1, 'dublin': 1, 'salome': 1, '\\nconflict': 1, 'stuff--an': 1, 'administrator': 1, 'points--just': 1, 'double-decker': 1, 'sense--and': 1, "finney\\'s": 1, 'character--but': 1, 'incredulity': 1, '===============': 1, '\\nmein': 1, 'fuhrer': 1, 'hayden': 1, 'pickens': 1, "'among": 1, 'antipathetic': 1, '\\nginty': 1, 'horror/comedy': 1, '\\npaleontologist': 1, 'croc-hunting': 1, 'keough': 1, 'cyr': 1, 'crocs': 1, 'delores': 1, 'bickerman': 1, 'self-defeating': 1, 'chomp': 1, "ways-i\\'ll": 1, 'thirty-foot': 1, 'semi-mystical': 1, '\\ncreature': 1, 'leni': 1, 'rienfenstal': 1, 'calculatedly': 1, 'bone-headed': 1, 'revulsed': 1, 'baser': 1, 'climact': 1, 'downed': 1, 'vc': 1, 'near-pornographic': 1, 'incited': 1, 'counterattack': 1, 'm-16': 1, 'filimg': 1, '\\nhating': 1, 'hurricaine': 1, 'appelation': 1, 'typist': 1, 'talent-impaired': 1, '\\nuh-huh': 1, 'quasi-fascist': 1, 'quasi-': 1, 'eroticize': 1, 'bumpers': 1, 'oafish': 1, 'arsenic': 1, '\\nmarking': 1, 'centennial': 1, '1896': 1, 'nobel': 1, "host\\'s": 1, 'shock-therapy': 1, 'civilised': 1, 'animal-men': 1, 'prioritized': 1, 'perishes': 1, '\\nungloriously': 1, 'aissa': 1, "montgomery\\'s": 1, 'beast-men': 1, '\\naccomplishes': 1, "'lengthy": 1, 'hana': 1, 'basquiat': 1, 'kirstin': 1, 'heart-broken': 1, "'out": 1, 'sorderbergh': 1, 'mey': 1, '\\nvalentine': 1, 'linearity': 1, 'flash-forwards': 1, 'comprehendably': 1, '\\nsixties': 1, '\\n1999': 1, 'uninviting': 1, 'dostoevski': 1, 'restroom': 1, 'mcarthur': 1, '\\n24-year-old': 1, 'gofer': 1, 'berliner': 1, 'wile': 1, 'pigeonholed': 1, 'procures': 1, 'artist-speak': 1, "frame\\'s": 1, 'chipmunk': 1, 'throghout': 1, 'graver': 1, 'rancid': 1, 'singer_': 1, 'gulia': 1, '_never': 1, 'kissed_': 1, 'grossie': 1, '\\nfuture': 1, 'db': 1, 'jo-jo': 1, 'extravertedness': 1, "arc\\'s": 1, 'sobieski--watch': 1, 'sluttish': 1, 'new-self': 1, 'gap_': 1, 'reenlists': 1, '_heathers_': 1, 'gaffe': 1, 'rastafarians': 1, "stamp\\'s": 1, 'backwords': 1, "you\\'s": 1, "crazy\\'s": 1, '\\nreelviews': 1, '\\nepinions': 1, 'iscove': 1, '\\nbriefly': 1, 'pre-teens': 1, 'moore-esque': 1, '\\ndetmer': 1, '\\nteenager': 1, 'underperforming': 1, 'byways': 1, 'cloud-choked': 1, 'longest-seeming': 1, '95-minute': 1, 'cinematographer-turned-director': 1, "huntingburg\\'s": 1, 'dysart': 1, 'easily-corrupted': 1, 'helpfulness': 1, 'guys/bad': 1, "'instinct": 1, 'threateningly': 1, 'appalls': 1, "\\ninstinct\\'s": 1, '\\nassigned': 1, 'gorillas/live': 1, "'sydney": 1, 'pearls': 1, 'jeweller': 1, '\\nconcluding': 1, 'traditionalist': 1, 'cabalistic': 1, 'unispiring': 1, '\\nrole': 1, 'avrech': 1, '1900s': 1, '1/1/1900': 1, 'visa': 1, '30ish': 1, 'barfing': 1, "piano\\'s": 1, 'roused': 1, '\\npiano': 1, 'compel': 1, 'fig': 1, '\\npruitt': 1, 'tornatore': 1, 'narrow-sighted': 1, 'reusing': 1, '\\nlanguidly': 1, 'pre-fabricated': 1, 'smurfs': 1, 'snorks': 1, 'identically': 1, 'interchangable': 1, 'pringles': 1, 'fashion-conscious': 1, 'pierced': 1, 'conferences': 1, 'costello': 1, 'lobbying': 1, 'stavro': 1, 'blofeld': 1, '\\noption': 1, '\\nnon-fans': 1, 'chestnuts': 1, 'girl-poor': 1, 'seasoning': 1, "cod\\'s": 1, 'manicures': 1, '\\ntenley': 1, '\\nbiel': 1, 'class-conscious': 1, 'brubaker': 1, 'sliders': 1, 'umpire': 1, 'dodgers': 1, "casey\\'s": 1, 'debello': 1, 'huntington': 1, 'ultra-religious': 1, 'lizzy': 1, "ac/dc\\'s": 1, 'coughed': 1, 'quick-cuts': 1, 'split-screens': 1, 'zoom-outs': 1, 'zoom-ins': 1, 'marijuana-laced': 1, 'clocked': 1, 'receiver': 1, '\\ntwice': 1, 'hasn': 1, "corman\\'s": 1, 'late-seventies': 1, 'coached': 1, '\\nnineteen': 1, 'corralled': 1, 'co-coaching': 1, 'lass': 1, 'outer-city': 1, 'lawnmowers': 1, 'doze': 1, 'overscore': 1, '\\nlush': 1, "bizet\\'s": 1, 'habanera': 1, 'frosting': 1, '========================': 1, 'lightsome': 1, 'georgina': 1, 'post-w': 1, '\\nliverpool': 1, '\\nbleak': 1, 'prunella': 1, '\\ndevil': 1, 'accomplished-but-stiff': 1, 'beales': 1, 'underweight': 1, 'kinney': 1, 'mayoral': 1, '\\nsteal': 1, '=======================': 1, '000-acre': 1, 'together--feuding': 1, 'reconciling': 1, 'loan-shark': 1, 'hitmen--that': 1, 'that--despite': 1, 'writers--': 1, 'odgen': 1, 'pantolinao': 1, "'funny": 1, 'hemingwayesque': 1, '3000-level': 1, 'zephyr': 1, 'tsavo': 1, 'uganda': 1, '\\npatterson': 1, 'reknown': 1, 'siegfried': 1, 'nigh-invulnerable': 1, 'solmenly': 1, "remington\\'s": 1, 'scaffold-like': 1, "hemingway\\'s": 1, 'macomber': 1, "'unfortunately": 1, '\\nbo': 1, 'un-related': 1, '\\ndietl': 1, "'supposedly": 1, '1898': 1, 'renound': 1, 'tv-star': 1, 'run-through': 1, 'job-title': 1, 'sportscar': 1, 'pnly': 1, 'defenceless': 1, '_wayyyyy_': 1, "'louie": 1, 'trumpeter': 1, 'hammerbottom': 1, 'burnett': 1, 'swans': 1, "charlotte\\'s": 1, 'beantown': 1, 'gypsy-like': 1, 'gardens': 1, "boston\\'s": 1, 'carlton': 1, 'musically': 1, "serina\\'s": 1, 'syncing': 1, 'roan': 1, 'inish': 1, 'us-mexico': 1, 'indios': 1, 'pharmacy': 1, 'barbarity': 1, '\\nfederico': 1, '\\ndamian': 1, 'deserter': 1, '\\nmandy': 1, "'\\'traffic": 1, "violation\\'": 1, 'pick-me-up': 1, "ferguson\\'s": 1, 'lancing': 1, 'four-day': 1, 'funnery': 1, '\\nsleep': 1, '\\nmicrowave': 1, 'sob': 1, 'hinky': 1, 'stoli': 1, 'mustang': 1, 'ragtop': 1, 'radiator': 1, 'turtleneck': 1, 'drape-hanging': 1, 'check-out': 1, 'elks': 1, 'arizonians': 1, '\\ngotta': 1, 'kewpie': 1, 'shoplift': 1, 'mudhole': 1, 'stomped': 1, 'keister': 1, 'five-finger': 1, "ollie\\'s": 1, 'toe-stub': 1, 'blankety-blank': 1, '\\nu-turn': 1, 'xeroxed': 1, 'tilt-o-whirl': 1, 'week-old': 1, 'snook': 1, 'barbarino': 1, 'maximum-security': 1, 'disbeliefs': 1, '`plot': 1, '\\nmankind': 1, 'cirque': 1, 'soleil': 1, "`demons\\'": 1, 'strip-mining': 1, 'mining/slave': 1, '`demons': 1, 'johnnie': 1, "terel\\'s": 1, 'circumventing': 1, 'trigonometry': 1, 'gun-and-plane': 1, 'beastmaster': 1, "`v\\'": 1, "\\ntravolta\\'s": 1, '`take': 1, "planet\\'": 1, '`humans': 1, '\\nterel': 1, "'would": 1, '\\nreality': 1, 'megastar': 1, 'fricking': 1, 'also-ran': 1, 'horn-rimmed': 1, 'mega-movie': 1, "vehicle\\'s": 1, 'scamp': 1, 'subscription': 1, 'winces': 1, "sweethearts\\'": 1, 'headlining': 1, 'outpaced': 1, '90-tooth': 1, 'lisping': 1, 'spaniard': 1, 'direcing': 1, 'mouth-breathing': 1, 'matiko': 1, '117': 1, "snipes\\'s": 1, 'semi-remake': 1, 'bondish': 1, "\\'good\\'": 1, "\\'95": 1, '0/10': 1, 'plusses': 1, 'mankiewicz': 1, "\\nhe\\'d": 1, 'sex-film': 1, 'streaking': 1, 'slack-jawed': 1, 'yokel': 1, 'connors': 1, 'pleasure-seeking': 1, 'injures': 1, 'hospitalizes': 1, 'back-stabber': 1, 'nothing--least': 1, 'fornicators': 1, 'pay-day': 1, 'dipped': 1, 'on-stage': 1, '\\nberkley': 1, 'dishonourable': 1, 'contemptable': 1, 'trivia--ironically': 1, 'holier': 1, 'teeny-bopper': 1, 'covertly': 1, 'overdubbed': 1, 'looping': 1, 'foodstuffs': 1, 'six-million': 1, 'slowing': 1, 'moodier': 1, '\\nconcentrating': 1, 'advil': 1, '\\ngilligan': 1, 'arbitrarily-titled': 1, 'rose-tinted': 1, 'stepsons': 1, 'flyboys': 1, 'low-flying': 1, '\\ndorian': 1, 'burger-flipper': 1, 'mother-to-be': 1, 'twinkling': 1, 'apple-cheek': 1, "fries\\'": 1, 'hipness': 1, 'quasi-incestuous': 1, 'collate': 1, 'lower-class': 1, '\\noveracted': 1, 'incalculable': 1, 'hunkish': 1, 'spruced': 1, 'accuser': 1, "booze-drinkin\\'": 1, 'neck-': 1, '\\nreporters': 1, '5-million': 1, 'libel': 1, 'sniffs': 1, 'tour-': 1, 'de-force': 1, 'sexless': 1, 'flabbergastingly': 1, '000-foot': 1, 'allen-': 1, 'prevention': 1, '\\nsuccessful': 1, 'discloses': 1, 'product-placement': 1, 'ex-secretary': 1, 'resigning': 1, 'roughed': 1, 'extinction-': 1, '\\nleoni': 1, "comet\\'s": 1, 'six-astronaut': 1, "o\\'barr\\'s": 1, '\\nstubbornly': 1, 'backtracks': 1, 'exacted': 1, "sadist\\'s": 1, 'worthiness': 1, 'french-accented': 1, 'retrieved': 1, '\\nperez': 1, 'shivery': 1, '\\nkirshner': 1, '\\ntattooed': 1, 'judah': 1, 'gaunt': 1, '\\niggy': 1, "judah\\'s": 1, 'secondhand': 1, 'baldly': 1, "goyer\\'s": 1, "'late": 1, 'unquestionable': 1, "stiles\\'": 1, 'out-doing': 1, 'psychoanalyze': 1, 'lucie': 1, 'arnez': 1, 'shampoo': 1, 'picnic': 1, "\\nstiles\\'": 1, 'rosario': 1, 'porns': 1, 'isacsson': 1, 'film-school-grad': 1, 'eszterhas-ish': 1, '\\nmadonna': 1, 'edification': 1, 'studs': 1, 'unturned': 1, 'candlewax': 1, 'bulbs': 1, 'ninth-hand': 1, 'nasal': 1, 'juergen': 1, 'surly': 1, 'uli': 1, 'edel': 1, 'elegiac': 1, 'christiane': 1, 'producer-director': 1, 'portait': 1, 'sacking': 1, 'performaces': 1, 'ticking-clock': 1, 'burnt-out': 1, 'charbanic': 1, 'dogstar': 1, 'methodology': 1, 'discordant': 1, "\\'wooden": 1, "deadpan\\'": 1, "\\'dude\\'": 1, "'ahh": 1, 'imitators': 1, '`10': 1, '`drive': 1, "crazy\\'": 1, 'studdly': 1, "scenario\\'": 1, 'imogen': 1, 'boy-loses-girl': 1, 'boy-drinks-entire-bottle-of-shampoo-and-may-or-may-not-get-girl-back': 1, '\\nzak': 1, "faculty\\'": 1, '`cruel': 1, "intentions\\'": 1, 'kutcher': 1, '`that': 1, "shows\\'": 1, '`chef': 1, "ray\\'": 1, 'goofy/embarrassing': 1, "`cooks\\'": 1, "`cops\\'": 1, "needy\\'": 1, 'fully-armed': 1, '\\n`10': 1, 'flashcards': 1, 'recylcled': 1, 'mid-january': 1, 'santi': 1, 'top-billers': 1, 'ship/ocean': 1, 'liner/haunted': 1, "'over": 1, '\\npartly': 1, '\\nthirty': 1, "toho\\'s": 1, 'livingrooms': 1, 'reptile': 1, 'ashore': 1, 'palotti': 1, "audrey\\'s": 1, 'sidewinder': 1, 'fighter-bombers': 1, 'multiples': 1, "azaria\\'s": 1, 'incongruities': 1, 'add-ins': 1, "\\'having": 1, "fun\\'": 1, 'tortoise': 1, 'arthritis': 1, 's-l-o-w': 1, "\\'thriller": 1, "zoom-in\\'s": 1, "'coinciding": 1, '\\ndivorced': 1, 'demoralised': 1, "investigator\\'s": 1, '\\nsigny': 1, 'egomaniacal': 1, '\\nlauren': 1, '\\nbon': 1, 'cinema--or': 1, 'payrolls': 1, 'conglomerates--have': 1, '\\njanet': 1, 'deposits': 1, 'handy-dandy': 1, 'regenerated': 1, 'anally': 1, "sherman\\'s": 1, 'situational': 1, 'tinged': 1, 'indecency': 1, '2002': 1, "\\'secret\\'": 1, 'offshoot': 1, "\\'number": 1, "cruncher\\'": 1, 'sequal': 1, 'desparate': 1, 'elated': 1, 'mehki': 1, 'outages': 1, 'slashfest': 1, '\\nknock-knock': 1, 'diminuitive': 1, '\\nslash': 1, 'ranted': 1, 'filleted': 1, "\\'hooked\\'": 1, "'lucas": 1, 'vadar': 1, 'anakins': 1, 'bark': 1, '\\nmaul': 1, "\\'ani\\'": 1, 'gangly': 1, "\\'pod\\'": 1, '\\nqueen': 1, "\\'serve": 1, "\\'cute": 1, 'characterless': 1, 'humanness': 1, '\\nepisode': 1, '\\ndisappointing': 1, '\\nrating=': 1, 'inventory': 1, 'accidentlly': 1, 'nightie': 1, '#': 1, '\\n1521': 1, 'robyn': 1, '\\norville': 1, 'orville': 1, 'detonated': 1, 'undid': 1, 'cheapo': 1, 'squared': 1, 'man-whore': 1, 'storyboard-to-scene': 1, 'storyboarded': 1, '\\ndeleted': 1, "'tectonic": 1, 'stagebound': 1, 'all-but-screaming': 1, 'mettler': 1, 'gignac': 1, 'bonnier': 1, 'talkshow': 1, 'deaf/mute': 1, 'chopin': 1, 'soporific': 1, 'supposedly-intellectual': 1, 'prattle': 1, 'rootless': 1, "'various": 1, 'true/three': 1, '1942/1986': 1, 'one-fourth': 1, 'docu-drama': 1, '1942': 1, 'workload': 1, '\\nimpressive': 1, '\\nsadie': 1, 'newly-restored': 1, 'maugham': 1, 'seen--little': 1, 'reformer': 1, "sadie\\'s": 1, '\\nswanson': 1, 'bawdy': 1, 'falwells': 1, 'bakkers': 1, 'robertses': 1, 'barta': 1, 'kamil': 1, 'piza': 1, 'word--it': 1, 'stop-animation': 1, 'walnuts--except': 1, 'caligari': 1, 'timm': 1, 'rainier': 1, 'grenkowitz': 1, 'nadja': 1, 'engelbrecht': 1, 'hauff': 1, 'besvater': 1, 'sub-titled': 1, 'german/west': 1, 'wallpaperer': 1, 'thrilled--': 1, 'round-the-world': 1, 'bulgaria': 1, 'work--while': 1, 'wrong--and': 1, 'hodgman': 1, 'dignam': 1, 'mcclements': 1, 'siff': 1, 'pouty-lips': 1, '\\naustralia': 1, 'whazoo': 1, 'impossible--witness': 1, 'mare': 1, 'ladyship': 1, 'amputation': 1, 'tasting': 1, "raining--you\\'d": 1, 'b&w--everything': 1, 'sepia-colored': 1, '\\ngrade': 1, 'superscript': 1, 'space-trucker-turned-impromptu-survivalist': 1, 'elegaic': 1, 'firorina': 1, 'incurably': 1, 'steelworks': 1, 'techno-gothic': 1, 'backlit': 1, '\\nlice': 1, 'hatches': 1, 'newly-gestated': 1, 'troweled': 1, 'hiave': 1, '\\nstu': 1, "stu\\'s": 1, 'mullally': 1, "'numerous": 1, 'crossbreed': 1, 'mongrel': 1, 'unreceptive': 1, 'feather-hatted': 1, 'fur-coated': 1, 'ring-wearing': 1, 'cadillac-cruising': 1, 'movies--like': 1, 'fillmore': 1, 'k-red': 1, 'dre': 1, 'percentages': 1, 'knockin': 1, 'yaps': 1, 'entrepenaur': 1, 'wads': 1, 'snake-gaiter': 1, 'hard-sell': 1, 'pimping': 1, 'macks': 1, '15-minutes': 1, 'telemarketer': 1, "'gord": 1, 'gord': 1, '\\ngord': 1, 'cowrites': 1, 'harvie': 1, 'greeks': 1, "pistols\\'": 1, "\\'problem\\'": 1, "\\ngreen\\'s": 1, 'flummoxing': 1, "\\'daddy": 1, "sausages\\'": 1, 'paraplegic': 1, 'caned': 1, 'kneecap': 1, 'coagulate': 1, "freddy\\'s": 1, "\\'handling\\'": 1, 'numbness': 1, '\\nrip': 1, 'cobblers': 1, 'arbiters': 1, "branaugh\\'s": 1, 'banish': 1, '\\nbranaugh': 1, '\\nlight': 1, 'elizabethan': 1, 'unschooled': 1, 'klutzes': 1, 'humbug': 1, "\\'feel": 1, "good\\'": 1, 'vicars': 1, 'decriminalization': 1, "\\'war": 1, "drugs\\'": 1, 'colombia': 1, 'jails': 1, 'curtailing': 1, 'allocated': 1, 'colombian': 1, 'harvests': 1, 'cornish': 1, 'conferring': 1, 'refrained': 1, 'horticulturist': 1, 'undisturbed': 1, 'vicar': 1, 'counsels': 1, 'clunes': 1, 'portobello': 1, 'cornwall': 1, "\\'unhip\\'": 1, '\\nummm': 1, '\\ndanza': 1, 'collegue': 1, 'mahem': 1, 'beatles': 1, "gee\\'s": 1, "four\\'s": 1, 'hanky': 1, '\\nderived': 1, 'gibbs': 1, 'frampton': 1, 'correlate': 1, 'uuuuuuggggggglllllllyyyyy': 1, 'make-believe': 1, 'mustard': 1, 'howerd': 1, 'out-of-key': 1, 'heartland': 1, '\\nfields': 1, 'unanswerable': 1, 'belly-button': 1, 'lint': 1, 'reissues': 1, 'second-chance': 1, 'mccartney': 1, 'exhilirating': 1, 'incohesive': 1, 'oppposed': 1, 'wazoo': 1, 'ele': 1, 'longer--approximately': 1, 'absoltuely': 1, '\\nsuggestion': 1, "real-time--it\\'s": 1, '\\nchock': 1, '20\\%': 1, '\\ncgi': 1, 'ellicit': 1, 'acknowledgeable': 1, '\\nmaximilian': 1, '\\nleelee': 1, '\\neldard': 1, '\\ncrosby': 1, 'openings': 1, "wolves\\'s": 1, 'huddled': 1, 'gasoline-filled': 1, 'christianne': 1, 'hirt': 1, 'soon-to-explode': 1, 'windon': 1, 'laconically': 1, 'fire-retardant': 1, "soth\\'s": 1, 'palookaville': 1, 'ground-pounders': 1, 'bused': 1, 'ornithologist': 1, '\\neditor': 1, 'hofstra': 1, '\\nhackers': 1, 'ill-informed': 1, '\\ndade': 1, 'nikon': 1, 'phreak': 1, 'renoly': 1, '\\nswelling': 1, 'un-cute': 1, 'detest': 1, 'cayman': 1, 'under-engaging': 1, "fargo\\'": 1, 'avarice': 1, 'greedier': 1, 'greediest': 1, 'indirectly': 1, '\\nfill': 1, 'part-comedy': 1, 'unenergetic': 1, 'eet': 1, '\\nnaaaaaaah': 1, 'scenery-munching': 1, 'entertainment-buck': 1, 'grammy-winning': 1, 'juilliard': 1, 'cute-as-a-button': 1, 'simone': 1, "anders\\'": 1, 'vida': 1, 'loca': 1, 'rickie': 1, 'southeast': 1, 'dutch-born': 1, 'frederique': 1, 'wal': 1, 'supermodels': 1, "harper\\'s": 1, 'mayberly': 1, 'extremism': 1, 'right-wingers': 1, 'sensationalist': 1, 'potraying': 1, "supergirl\\'s": 1, 'ilya': 1, '\\nargo': 1, 'bug-like': 1, 'dooming': 1, 'argonians': 1, 'interdimensional': 1, "lane\\'s": 1, 'all-girls': 1, '\\nhart': 1, "kara\\'s": 1, 'landscaper': 1, 'ballet-type': 1, 'drivers/rapists': 1, "popeye\\'s": 1, 'a&w': 1, 'unmercifully': 1, "\\ndunaway\\'s": 1, '\\nbelievability': 1, 'jeannot': 1, '50-minute': 1, 'supergirl-the': 1, 'workout': 1, 'galleries': 1, 'golan-globus': 1, '\\nszwarc': 1, 'salkinds': 1, 'cutsy': 1, '\\nanchor': 1, 'two-disc': 1, '138': 1, "o\\'toole\\'s": 1, 'slunk': 1, 'discs': 1, 'clap-trap': 1, 'spanning': 1, "aunts\\'": 1, 'bird-brained': 1, "gillian\\'s": 1, 'side-by-side': 1, '70-minute': 1, "'nearly": 1, 'frankenweenie': 1, 'confound': 1, 'pickering': 1, 'crypt': 1, "witch\\'s": 1, "rabbit\\'s": 1, 'optical': 1, "'annie": 1, 'happenning': 1, 'loathable': 1, '\\nridicously': 1, 'ingnorant': 1, 'goobers': 1, 'sensationaliztion': 1, 'photocopied': 1, 'bootlegged': 1, '\\nsquandering': 1, 'unmitigatedly': 1, 'loitering': 1, "\\npatrick\\'s": 1, 'overriding': 1, 'hokey-looking': 1, 'skimped': 1, "brancato\\'s": 1, 'hootworthy': 1, "whitaker\\'s": 1, 'bloodsoaked': 1, 'accosts': 1, 'woefully-paced': 1, 'alien/human-hybrid': 1, 'alien-hunting': 1, 'supermarket-related': 1, '\\ninforms': 1, 'effects-ladened': 1, 'all-too-familiar': 1, 'brash-mouthed': 1, 'neglectful': 1, 'shifty-eyed': 1, 'parading': 1, 'empowered': 1, 'fords': 1, "snipe\\'s": 1, "\\'nudge": 1, "nudge\\'": 1, '\\ndowney': 1, "\\'sequel\\'": 1, 'stallions': 1, "\\nustinov\\'s": 1, "holbrook\\'s": 1, 'gowns': 1, 'unjustified': 1, 'buses': 1, 'mystical-ish': 1, 'fairchild': 1, 'megabucks': 1, "fairchild\\'s": 1, 'laught': 1, "'forget": 1, 'teary-eyed': 1, 'uber-thespian': 1, 'izod': 1, 'heflin': 1, 'rusted': 1, 'bruiser': 1, 'doreen': 1, 'mcqueen-esque': 1, 'homoeroticism': 1, "harlem\\'s": 1, 'keyes': 1, 'suntee': 1, 'may/warren': 1, 'crouther': 1, 'leroi': 1, 'codirectors': 1, 'synched': 1, "\\'bullet": 1, '\\nregina': 1, 'confusedly': 1, 'faison': 1, '\\nchaz': 1, 'germann': 1, 'grope': 1, 'rough-up': 1, 'non-criminal': 1, 'sleazepin': 1, 'open-crotch': 1, 'c-list': 1, 'grade-z': 1, 'glistens': 1, 'fatty': 1, 'flank': 1, 'thermal': 1, 'bobbing': 1, 'other--it': 1, 'muchness': 1, 'loosely-buttoned': 1, 'concept--what': 1, '--is': 1, 'verhoeven--and': 1, 'much--and': 1, "'roger": 1, "'apparantly": 1, 'scalper': 1, '\\nfranklin': 1, 'prisoner-packed': 1, "\\nfranklin\\'s": 1, 'non-relevant': 1, 'involvment': 1, '\\nfrivilous': 1, "'starting": 1, 'public--particularly': 1, 'kids--': 1, 'mixtures': 1, '\\npocahontas': 1, 'want--or': 1, 'to--most': 1, "pocahontas\\'": 1, 'missionary': 1, 'modified': 1, 'firmest': 1, 'end-see': 1, "cohn\\'s": 1, 'respecting': 1, 'less-than': 1, 'mispronounced': 1, '\\npitiful': 1, 'overal': 1, '\\nexposition': 1, 'sammi': 1, 'decadenet': 1, 'godess': 1, '\\nstuck': 1, 'pitifully': 1, 'misbehavers': 1, 'banderes': 1, 'tamlyn': 1, 'mckissack': 1, 'verduzco': 1, 'calderon': 1, '\\nconclusion': 1, 're-watched': 1, 'writer/directors': 1, "quentin\\'s": 1, 'reak': 1, 'firma': 1, 'dukes': 1, 'hazzard': 1, "\\neve\\'s": 1, 'bio-rhythms': 1, 'confines--and': 1, 'bra--for': 1, 'piffle': 1, 'once-talented': 1, 'towel': 1, 'virginian': 1, 'inundate': 1, 'colonies': 1, 'outboard': 1, '\\nenola': 1, 'self-lampooning': 1, 'rug-chewing': 1, 'un-named': 1, 'gilled': 1, 'water-breathing': 1, 'webbed': 1, 'ineffectuality': 1, 'oxygen': 1, 'metabolism': 1, "majorino\\'s": 1, "tripplehorn\\'s": 1, 'eighty-two': 1, '125': 1, 'four-dollar': 1, 'gifford': 1, 'kidnapper/killer': 1, "\\nlacrosse\\'s": 1, 'pinup-plastered': 1, 'burdensome': 1, 'yeehawing': 1, '\\nermey': 1, 'set-on-a-train': 1, 'puttering': 1, 'unfetching': 1, 'aaaaaah': 1, 'senor': 1, 'wences': 1, 'idio-plot': 1, 'hardy-har-har': 1, 'ball-sniffing': 1, "tucci\\'s": 1, '\\nbeautiful': 1, '-runaway': 1, '\\nrejecting': 1, 'quixotic': 1, 'antin': 1, 'announcements': 1, '\\nlumet': 1, 'demandingly': 1, 'implausibilites': 1, '7-year-old': 1, 'eco-fable': 1, 'green-lit': 1, 'sulkis': 1, 'blood-thirsty': 1, 'marauding': 1, '640': 1, 'statham': 1, 'chryse': 1, 'body-snatching': 1, 'long-dormant': 1, 'lopping': 1, 'thuds': 1, 'fly-girl': 1, 'undevoted': 1, 'yawn-fest': 1, 'blowjobs': 1, 'esterhas': 1, 'audited': 1, "kumble\\'s": 1, 'marci': 1, 'greenbaum': 1, 'audits': 1, "'about": 1, 'espionnage': 1, 'semi-promising': 1, 'untraceable': 1, 'zimmerman': 1, 'degaule': 1, 'northen': 1, 'helsinki': 1, 'eluding': 1, 'untrusting': 1, 'unplayable': 1, "venora\\'s": 1, 'kicky': 1, 'caton-jones': 1, 'unintriguing': 1, 'retro-clancy': 1, 'big-studio': 1, 'politicans': 1, 'chastised': 1, 'values--bad': 1, 'shock-value': 1, 'trucked': 1, 'attraction--an': 1, 'arousing': 1, 'ezsterhas': 1, "\\njean-claude\\'s": 1, "natasha\\'s": 1, 'all-rookie': 1, '\\nevidence': 1, '\\ntea': 1, '\\nflipper': 1, '\\nsurprising': 1, '#13': 1, 'mega-hype': 1, '\\ngluttony': 1, 'ever-worsening': 1, "\\naudiences\\'": 1, '\\nbattle': 1, '\\nplotlines': 1, 'muders': 1, '\\nexamples': 1, 'parkas': 1, 'you-thought-it-was-the-killer-but-was-just-': 1, 'someone-else': 1, 'eviscerated': 1, "commit--it\\'s": 1, '_scream': 1, '2_': 1, '\\ntons': 1, 'satistfy': 1, 'exceeded': 1, 'plugging': 1, '\\nfrequent': 1, 'equally-talented': 1, 'colder': 1, 'weather-controlling': 1, 're-assembled': 1, "wynter\\'s": 1, "kamen\\'s": 1, '\\ninspiration': 1, 'catalogs': 1, 'exxon': 1, 'valdez': 1, 'astros-braves': 1, 'johnson-greg': 1, 'maddux': 1, 'matchup': 1, 'rent-a-car': 1, 'revoke': 1, 'craftsman': 1, 'off-days': 1, 'film-school': 1, 'degree-of-difficulty': 1, 'imaginitively': 1, 'portentuous': 1, 'thunderclaps': 1, 'craps': 1, 'ubergod': 1, 'almost-as-stunning': 1, 'over-produced': 1, 'ah-nold': 1, 'ex-scientist': 1, 'twistet': 1, 'uberman': 1, 'aphrodiasiatic': 1, 'lovlier': 1, 'villain/batman': 1, 'renovate': 1, 'brains/comedy': 1, 'hatable': 1, 'mental/physical': 1, 'hamminess': 1, 'seductiveness': 1, 'bat-people': 1, 'tomotoes': 1, 'hypotheitically': 1, 'mushy-mouth': 1, 'catfight': 1, 'next-to-nothing': 1, "riddler\\'s": 1, 'droogs': 1, 'long-line': 1, 'initative': 1, 'grapevine': 1, 'aciton': 1, "sonnenfeld\\'s": 1, 'artiste': 1, "'writers": 1, 'pfarrer': 1, 'deciple': 1, 'particuarly': 1, 'action/horror/paranoia': 1, 'mortally-threatening': 1, 'talkies': 1, 'redeveloped': 1, 'quasi-landmark': 1, 'similarly-fated': 1, 'clunkish': 1, 'elizando': 1, 'meshed': 1, 'misquote': 1, 'chintzy': 1, 'bond-ian': 1, 'chracters': 1, 'potential-romantic-interest': 1, 'aborigine': 1, 'plus-side': 1, 'performance-of-which-he-should-be-ashamed': 1, 'scrooooooo': 1, 'membrance': 1, 'oscar-nominees': 1, 'shelled': 1, 'bouillabaisse': 1, 'ocean-extremeties': 1, 'horribly-directed': 1, 'capping': 1, 'egad': 1, "'deuce": 1, 'leconte': 1, '$800': 1, '\\nfooling': 1, "antoine\\'s": 1, 'fiery-tempered': 1, 'man-whores': 1, 'rue': 1, '\\ntina': 1, 'torsten': 1, 'voges': 1, 'imperfection': 1, "\\ndeuce\\'s": 1, '\\nschneider': 1, "\\ngriffin\\'s": 1, 'coining': 1, 'he-bitch': 1, 'man-slap': 1, "deuce\\'s": 1, 'far-side': 1, '[simon': 1, 'birch]': 1, '[kiss': 1, 'girls]': 1, 'over-thought': 1, '\\nd+': 1, "'dead-bang": 1, "\\nbeck\\'s": 1, 'candidate--as': 1, "dead-bang\\'s": 1, 'still-active': 1, 'kressler': 1, "\\nforsythe\\'s": 1, 'wkrp': 1, 'throwing-up': 1, 'today\x12s': 1, '\x13suspend': 1, '\x13white\x14': 1, '_should_': 1, 'greediness': 1, '\x13goodies': 1, 'newish': 1, '_can_': 1, 'can\x12t': 1, 'ooky': 1, 'submission-the': 1, '\\nfragile': 1, 'disorders': 1, "\\nmarrow\\'s": 1, 'ancestral': 1, "manor\\'s": 1, '\\ntaylor': 1, 'fun-house': 1, 'unloving': 1, 'supernaturally': 1, 'wiggy': 1, "\\ntheo\\'s": 1, 'stairwell': 1, "nottinghamshire\\'s": 1, 'harlaxton': 1, 'goblins': 1, '\\neighty': 1, 'there-done': 1, 'ghoul': 1, 'plagiarist': 1, 'punch-drunk': 1, '\\ncontaining': 1, 'boudreau': 1, 'dominguez': 1, "vince\\'s": 1, 'undercard': 1, 'grassy': 1, 'non-charismatic': 1, 'masur': 1, 'well-edited': 1, 'well-performed': 1, "bone\\'": 1, 'receiveth': 1, 'persevere': 1, 'objectives': 1, 'adamantly': 1, 'super-famous': 1, 'big-budget/hollywood/action': 1, 'run-time': 1, 'semantic': 1, 'edge-of-your': 1, 'laser-beams': 1, 'obstructed': 1, 'ninja-like': 1, "'jean-claude": 1, 'introspection': 1, 'thirty--too': 1, 'fans--and': 1, 'damme/dennis': 1, '\\nfaster': 1, 'rickshaw': 1, 'four-foot': 1, 'eel': 1, 'enthusing': 1, 'flourishes--inventive': 1, 'silencers': 1, 'cut-ins': 1, 'frame--but': 1, 'bluejeans': 1, 'nanobombs': 1, 'cabbage': 1, 'knock-offs': 1, 'synth': 1, 'kimono': 1, 'pumma': 1, 'ex-alcoholic': 1, 'ex-private-eye': 1, 'laureates': 1, 'ladd': 1, 'tropes': 1, 'confounds': 1, 'doorways': 1, 'dogging': 1, 'co-authors': 1, 'hard-none': 1, 'carefully-maintained': 1, 'squanders': 1, 'margo': 1, 'martindale': 1, 'taggert': 1, 'aikido-versed': 1, '\\ntaggert': 1, 'perpetrators': 1, 'dumb-as-nails': 1, 'discreetly': 1, 'long-length': 1, 'outmaneuver': 1, 'outgun': 1, 'bullyness': 1, '\\ntownsfolk': 1, 'beseeches': 1, 'moralistically': 1, '\\nkristopherson': 1, 'gallantly': 1, 'righteousness': 1, 'vanguard': 1, 'filmplace': 1, 'enviro-thriller': 1, "'tom": 1, '\\nsahara': 1, 'illusive': 1, "sahara\\'s": 1, "\\nkeener\\'s": 1, 'capades': 1, 'window-dresser': 1, 'decorating': 1, 'stalls': 1, 'codpieces': 1, '\\nlaboring': 1, 's/he': 1, 'eco-psychotic': 1, "fetishist\\'s": 1, '90-minute-long': 1, 'piglet': 1, 'garms': 1, 'macallister': 1, '\\njinnie': 1, 'roescher': 1, 'nah': 1, 'inflatable': 1, 'donadio': 1, 'sipes': 1, 'z-': 1, '4/21/96': 1, 'fantasy/comedy': 1, 'senseful': 1, 'him--yes--senseless': 1, 'erb': 1, 'mazin': 1, 'senselessness': 1, '\\nsenseless': 1, 'cash-strapped': 1, "fizzles--darryl\\'s": 1, 'comeback--on': 1, 'floor-walking': 1, 'corso': 1, 'outgrows': 1, 'sagged': 1, 'published--which': 1, "mamma\\'s": 1, 'revitalize': 1, 'pizzas': 1, 'soon-to-become-beleaguered': 1, 'skelton': 1, 'connolly': 1, 'optional': 1, 'insipidness': 1, '\\nhuge': 1, '\\noooh': 1, 'military-style': 1, 'pt': 1, 'flippancy': 1, 'tough-looking': 1, 'scare-fests': 1, '\\nmonsters': 1, 'speed2': 1, 'femke': 1, 'jannsen': 1, 'hankering': 1, 'crashlands': 1, "scientists\\'": 1, 'terminate': 1, 'twenty-first-century': 1, "'deceiver": 1, '\\nkennesaw': 1, 'overcrafted': 1, 'substories': 1, 'gogh': 1, 'prefabricated': 1, '\\nwriter-directors': 1, 'live-': 1, 'propagated': 1, 're-tell': 1, 'graystoke': 1, 'land-owning': 1, 'shaman': 1, 'unearthing': 1, 'opal': 1, 'pecs': 1, 'schenkel': 1, "annaud\\'s": 1, 'career-killing': 1, 'defiency': 1, '\\nmarch': 1, 'weismuller': 1, 'essayed': 1, '\\nweismuller': 1, 'unthankfully': 1, 'once-cool': 1, 'not-cool': 1, "execution\\'s": 1, '\\nsan': 1, 'remission': 1, "matt\\'s": 1, 'ballistics': 1, 'hoot-inducing': 1, 'lip-smacking': 1, 'lechter': 1, 'dullsville': 1, "garicia\\'s": 1, 'chugs': 1, 'genus': 1, 'straitjacket': 1, '\\nrecycling': 1, 'tardiness': 1, 'jello': 1, 'magnify': 1, 'slighted': 1, 'flubber-enhanced': 1, "macmurray\\'s": 1, 'gloop': 1, 'gloopettes': 1, 'badger': 1, 'mcdonalds': 1, '\\nco-writer': 1, 'light-weight': 1, 'digits': 1, 'verplanck': 1, 'differentiating': 1, 'sublimeness': 1, 'skittering': 1, 'flatness': 1, 'lynchpin': 1, "chief\\'s": 1, 'aspiration': 1, 'jeckle': 1, 'hydes': 1, 'shirking': 1, 'letch': 1, "elle\\'s": 1, 'betrothed': 1, "steinfeld\\'s": 1, 'ambitionless': 1, 'skit-show': 1, 'self-styled': 1, 'mammal': 1, 'superbowl': 1, 'porpoises': 1, 'snoops': 1, 'craning': 1, 'title--jim': 1, '\\nexport': 1, 'high-points': 1, 'slink': 1, 'butt-jokes': 1, 'double-takes': 1, 'cojones': 1, 'hurtle': 1, '\\nkinda': 1, 're-programmed': 1, 'horrifically': 1, '\\nchabert': 1, 'tablet': 1, 'rogers-would-be-proud': 1, 'smithereens': 1, '\\ndanger': 1, "\\noscar\\'s": 1, 'play/movie': 1, 'mexicans': 1, 'roommate-as-spouse': 1, 'lemmon/matthau': 1, "1966\\'s": 1, 'yonkers': 1, "'except": 1, '\\nbette': 1, 'lilly': 1, '\\nlilly': 1, "lilly\\'s": 1, 'paparazzo': 1, 'rowena': 1, 'quayle': 1, '\\nreiner': 1, "\\nlilly\\'s": 1, "\\ndan\\'s": 1, "\\nmolly\\'s": 1, 'career-conscious': 1, 'character-actor': 1, 'xerox': 1, 'soul-dead': 1, '\\nnasa': 1, 'astronaut-gone-rasta': 1, 'sandworm': 1, 'eyecandy': 1, '\\nmaneuvering': 1, "'mulholland": 1, 'kesher': 1, 'cammie': 1, '\\nmulholland': 1, 'multi-thread': 1, 'self-contradictory': 1, '\\nmad': 1, 'poiuyt': 1, 'tri-': 1, 'pronged': 1, 'estimation': 1, 'tri-pronged': 1, '\\ndolls': 1, 'stow': 1, 'eloped': 1, 'harping': 1, "tilly\\'s": 1, "'watching": 1, 'manna': 1, 'thingamajigs': 1, 'lowliest': 1, 'ensign': 1, 'reprograms': 1, "\\'evil": 1, 'keepers': 1, '2056': 1, 'ergonomics': 1, 'sampled': 1, 'half-faces': 1, 'deepti': 1, "bhatnagar\\'s": 1, 'jagdish': 1, 'aatish': 1, 'sanjay': 1, 'dutt': 1, '\\naditya': 1, 'panscholi': 1, 'loosened': 1, "'starship": 1, 'naziesque': 1, 'pledging': 1, 'sargeant': 1, 'fractures': 1, 'milky': 1, '\\nsonic': 1, '\\nphasers': 1, '\\nphoton': 1, 'cannons': 1, 'r&d': 1, 'genocide': 1, 'non-existence': 1, 'pro-nazi': 1, 'jandt': 1, 'brain-damaged': 1, 'xenophobic': 1, 'computer-parts': 1, 'lifespan': 1, 'pseudo-safety': 1, 'yoshio': 1, 'harada': 1, 'yoko': 1, 'shimada': 1, 'toda': 1, 'buntaro': 1, 'zero-dimensional': 1, 'bad-guy': 1, 'cabdriver': 1, 'pachinko': 1, 'unsalveageably': 1, 'kodo': 1, 'smothers': 1, 're-couple': 1, 'wield': 1, "'hello": 1, '_everybody_': 1, '_survives_': 1, 'charcoal': 1, '\\nsnorkle': 1, '_genius_': 1, '\\nknee-slap': 1, 'crackers': 1, '\\ngurgle': 1, 'awwwww': 1, '_original_': 1, 'thriller--we': 1, 'prostrate': 1, 'up--in': 1, 'fashion--to': 1, '\\nplanet': 1, "indie-films\\'": 1, 'hundred-million': 1, 'cheap-o': 1, 'multi-picture': 1, 'terseness': 1, 'men_': 1, '\\n_armageddon_': 1, '\\n_itcom_': 1, 'self-love': 1, '@$&\\%': 1, "employee\\'s": 1, 'nuked-out': 1, 'hippy-dippy': 1, 're-inventing': 1, 'jingoistic': 1, 'trust-no-one': 1, 'clawing': 1, 'braggarts': 1, 'chainsmokes': 1, 'mystified': 1, '$5000/week': 1, 'torres': 1, '\\ninsert': 1, 'fastfood': 1, 'attractive-worse': 1, "post-there\\'s": 1, 'punk-junkies': 1, 'smack-fueled': 1, "bello\\'s": 1, 'hollywood-types': 1, 'schmooze': 1, 'lunkhead': 1, 'triumphed': 1, 'collaborating': 1, '\\ntemporary': 1, '\\n-bill': 1, 'emanate': 1, 'thrill-shots': 1, '\\nrelationships': 1, 'letter-writer': 1, 'double-indemnity': 1, '\\ndegeneres': 1, 'wig--as': 1, 'be--or': 1, 'jogger': 1, "\\ndegeneres\\'": 1, '\\nrita': 1, 'pompano': 1, '\\nsultry': 1, 'sexpot/real': 1, 'dunmore': 1, 'suave-as-ever': 1, 'petite': 1, 'mary-louise': 1, 'gumcracking': 1, 'gumshoe': 1, 'stiletto-heeled': 1, 'motorbiking': 1, 'snare': 1, 'strip-club': 1, '\\ncultivating': 1, 'coyotes': 1, "coyotes\\'": 1, 'twenty-three': 1, '\\nmoxon': 1, 'headsets': 1, 'manually': 1, "'nicolas": 1, 'wink-and-a-concussive-nudge': 1, 'bombast-o-rama': 1, 'bar-room': 1, "arizona\\'s": 1, 'mcdonnough': 1, 'parolee': 1, 'hijacked': 1, 'swear-grunt-blast': 1, 'dissuaded': 1, "schwab\\'s": 1, 'adrenaline/testosterone': 1, 'endocrinology': 1, "air\\'s": 1, 'plane-load': 1, 'tete-a-tete': 1, 'huggies': 1, 'recidivist': 1, '\\noffender': 1, 'mustache-see': 1, '\\nbrother': 1, 'morice': 1, 'creaks': 1, 'moans': 1, 'prerecorded': 1, "5\\'8": 1, 'pleaded': 1, 'aggravated': 1, 'harassment': 1, 'gatekeeper': 1, 'dutchman': 1, 'hideousness': 1, 'wal-marts': 1, 'vil': 1, 'pavlov': 1, 'rejoins': 1, 'envying': 1, 'minutely': 1, 'rottweiler': 1, 'stalling': 1, 'accelerate': 1, 'loser-itis': 1, '\\ndogs': 1, 'yankovic': 1, 'poodles': 1, 'subdue': 1, 'animalistic': 1, '\\ngoats': 1, 'ostrich': 1, 'recurrence': 1, 'owl': 1, 'haskell': 1, '13-week': 1, "marvin\\'s": 1, 'yuck': 1, "'romeo": 1, 'grimaldi': 1, 'tangled-up': 1, 'mobsterette': 1, '\\ndemarkov': 1, 'schwarznegger': 1, "olin\\'s": 1, '\\nanabella': 1, '\\npoorly': 1, 'logistical': 1, 'scope-out': 1, 'proceeded': 1, 'good-fitting': 1, 'prosthesis': 1, "'54": 1, 'arangements': 1, 'shimmer': 1, 'plagiarize': 1, 'perceptiveness': 1, 'going-nowhere': 1, 'brecklin': 1, 'envelop': 1, "whalberg\\'s": 1, '\\nhayek': 1, 'wading-pool': 1, 'revolved': 1, 'carpenters': 1, 'desktop': 1, '\\nkinder': 1, 'diapers': 1, "`cute\\'": 1, 'macnicol': 1, "sylvester\\'s": 1, 'deluise': 1, 'hahaha': 1, 'snorkeling': 1, 'shark-infested': 1, "nuts\\'": 1, '\\nsequel': 1, 'half-crazed': 1, 'ripp-offs': 1, 'sandstorms': 1, '254': 1, "'gun": 1, 'religious-type': 1, '\\nill-conceived': 1, 'pyrotechnical': 1, '\\nbig-budget': 1, "byrne\\'s": 1, 'roma': 1, 'tomaso': 1, "\\'eye": 1, '\\ntomaso': 1, "\\'logical\\'": 1, 'turd': 1, 'renograde': 1, 'aquinas': 1, "\\nsatan\\'s": 1, 'numeral': 1, '\\naccordingly': 1, "1\\'\\'": 1, 'febrile': 1, 'vapidly': 1, '\\nstart': 1, 'warmers': 1, '\\nmeant': 1, '\\ninfluential': 1, 'unicorns': 1, 'rainbows': 1, "mariah\\'s": 1, '\\nmariah': 1, 'deer-in-the-headlights': 1, 'playset': 1, "'poster": 1, 'patching': 1, '\\nmediocrity': 1, 'prevailing': 1, '\\nchecking': 1, 'devoting': 1, 'gesundheit': 1, 'squirrels': 1, '\\nshaved-headed': 1, '\\nmode': 1, 'full-of-life': 1, 'stodgy': 1, '\\nscary-looking': 1, 'oedekerk': 1, '\\nshadyac': 1, '\\noedekerk': 1, "'young": 1, 'inxs': 1, 'barby': 1, "einstein\\'s": 1, 'deriving': 1, 'relativity': 1, 'unrefined': 1, 'hick--a': 1, "yahoo\\'s": 1, 'e=mc2': 1, '1812': 1, 'overture': 1, 'swansong': 1, '\\ndick': 1, 'harriett/harry': 1, 'scholl': 1, 'confided': 1, 'rector': 1, 'dimwits': 1, 'dithering': 1, "\\'sid": 1, '\\nbarbara': 1, "jacques\\'": 1, "rector\\'s": 1, 'milder': 1, "bresslaw\\'s": 1, "\\'birds": 1, "paradise\\'": 1, 'repititive': 1, "wb\\'s": 1, 'cannan': 1, 'eliel': 1, '\\nvoight': 1, '\\nlarter': 1, 'columbia/sony': 1, 'orchestrate': 1, 'megabuck': 1, 'once-married-but-now-estranged': 1, 'critic/david': 1, 'manning': 1, 'assistant/sister': 1, 'far-between': 1, 'flack': 1, 'depak': 1, 'chopra-like': 1, "\\nzeta-jones\\'s": 1, 'much-macho': 1, 'telegraphic': 1, 'wrapped-up': 1, '\\nphilips': 1, 'jagged-stitched': 1, 'incision': 1, 'stitched': 1, 'breck': 1, '\\neileen': 1, 'belcher': 1, 'jezelle': 1, 'videotaped': 1, 'bross': 1, 'videocam': 1, 'mind-set': 1, 'luckless': 1, 'wise-guy': 1, 'loyality': 1, 'bloomfield': 1, 'sr': 1, 'home-repair': 1, 'sybil': 1, 'newman-10b': 1, 'freehold': 1, 'raceway': 1, 'undependable': 1, 'girlfriend--who': 1, 'butchie': 1, 'gillan': 1, 'love/hate': 1, "'come": 1, 'willed': 1, 'imprisoning': 1, 'harem': 1, "psycho\\'s": 1, 'no-bullshit': 1, '\\ncomplacency': 1, 're-adaptation': 1, '\\npierre': 1, "swift\\'s": 1, 'houyhnhnms': 1, 'serling-ish': 1, 'non-ape-speaking': 1, '\\nserling': 1, '\\njustifying': 1, '\\npartial': 1, 'usefulness': 1, 'wizard-of-oz-fashion': 1, 'earth-': 1, 'human-animal': 1, 'master-slave': 1, 'sudan': 1, 'hil-ari': 1, 'stifles': 1, 'jaw-dropper': 1, 'wire-': 1, 'physics-': 1, '\\napes': 1, 'ape-trader': 1, 'over-emotes': 1, "'jessica": 1, "delaurentiis\\'": 1, "schaech\\'s": 1, 'poorly-developed': 1, 'oedipus': 1, 'hard-to-swallow': 1, '\\ncheating': 1, 'unpardonable': 1, 'worm-eaten': 1, 'consenting': 1, 'palpitation': 1, '\\nself': 1, "classmate\\'s": 1, 'kindergartner': 1, 'unsupervised': 1, 'raucously': 1, "'certainly": 1, 'terrible-occasionally': 1, '\\nwood': 1, 'non-sequiturs': 1, 'frankenstein-style': 1, 'quasi-ominously': 1, 'horror-movie': 1, '\\npull': 1, '\\nannounces': 1, '\\nbeware': 1, "dogs\\'": 1, 'tree-in': 1, 'scene-and': 1, 'completely-is': 1, '\\nreturns': 1, 'baby-sitter': 1, 'suit-': 1, "someone\\'s-in-the-house": 1, 'emery': 1, "lawman\\'s": 1, 'hitch-': 1, 'hiker': 1, 'writer/first-time': 1, 'hairpin': 1, 'sea-': 1, 'out--': 1, "pharoah\\'s": 1, 'man-ethnicity': 1, 'man-god': 1, 'brother-brother': 1, "rameses\\'": 1, 'overseer': 1, 'i-wanna-please-dada': 1, 'new-improved': 1, 'ever-antsy': 1, 'commercialize': 1, 'homogenize': 1, 'chop-chopped': 1, 'patronize': 1, 'woolrich': 1, 'turn-of-the-century': 1, '\\nwary': 1, 'vargas': 1, "banderas\\'": 1, 'corresponded': 1, 'vamping': 1, 'cagey': 1, 'accelerates': 1, 'snidely': 1, 'ply': 1, 'tubing': 1, '\\nsmalltime': 1, 'cutlery': 1, '\\nblossom': 1, "\\nsand\\'s": 1, "gangster\\'s": 1, 'womanfriend': 1, 'disproves': 1, 'sweats': 1, '\\noscar-winner': 1, "hutton\\'s": 1, "massee\\'s": 1, 'revs': 1, "blossom\\'s": 1, 'two-gunned': 1, 'kwouk': 1, 'nahon': 1, 'martial-arts-star': 1, 'fight-scenes': 1, 'perfuctory': 1, 'redirecting': 1, 'bloodflow': 1, 'humanize': 1, 'tinkling': 1, "\\nbogie\\'s": 1, 'bicycle': 1, 'houser': 1, 'ibenez': 1, 'barcalow': 1, 'anglo': 1, 'dew': 1, 'alpha': 1, 'centuri': 1, 'love-smitten': 1, 'lecturing': 1, 'civic': 1, "houser\\'s": 1, 'snags': 1, 'swap': 1, 'spores': 1, 'plasma': 1, '\\nsweeping': 1, 'origami': 1, 'mottled': 1, 'faux-jingoistic': 1, 'kegger': 1, 'dixie': 1, 'plexiglas': 1, 'gasps': 1, "doogie\\'s": 1, 'retro-future': 1, '50s/early': 1, 'jetsons-like': 1, 'funicello': 1, "\\'ghetto\\'": 1, 'midly': 1, 'workman': 1, '\\nlawerence': 1, 'enojyed': 1, "\\'threatening": 1, "approach\\'": 1, 'lawerences': 1, 'lawerence': 1, "shopkeeper\\'s": 1, 'himselfs': 1, 'infurating': 1, "\\'perfect\\'": 1, "\\'bad\\'": 1, 'odereick': 1, "lawerence\\'s": 1, '\\nbeautifully': 1, 'gymnasts': 1, '\\napparantly': 1, 'occaisional': 1, 'sfx': 1, 'blue-screening': 1, 'apparantly': 1, 'pixie-hairdo': 1, 'screendom': 1, "\\ntheron\\'s": 1, 'resonating': 1, 'ravich': 1, 'daviau': 1, 'bodes': 1, 'hyper-erratic': 1, 'eagerly-awaited': 1, '\\nundeserving': 1, "tomorrow\\'": 1, "policeman\\'s": 1, 'threatned': 1, 'shoot-': 1, '\\ntut': 1, 'forger': 1, 'affay': 1, 'arqua': 1, 'capabilties': 1, "\\nchow\\'s": 1, "killer\\'": 1, "'libby": 1, 'lams': 1, 'sleep-walking': 1, 'nail-biters': 1, 'chained': 1, "\\ntravis\\'": 1, 'double-jeopardy': 1, 'everywoman': 1, "\\'breaker\\'": 1, 'morant': 1, 'kinka': 1, 'heavily-sponsored': 1, 'cutlery-flinging': 1, 'rhetoric-spouting': 1, 'cowled': 1, "burden\\'s": 1, 'overbaked': 1, "--it\\'s": 1, "liotta\\'s": 1, "\\'three\\'s": 1, "company\\'": 1, 'predated': 1, 'out-of-body': 1, 'way-back': 1, 'mid-1960s': 1, 'leered': 1, 'nehru': 1, 'purred': 1, 'vah-vah-voom': 1, 'schemers': 1, 'sex-obsessed': 1, 'sniggering': 1, 'con-team': 1, 'feigns': 1, 'unpaid': 1, 'replay': 1, 'tensy': 1, 'repelled': 1, '\\ncomplications': 1, '123': 1, 'rhapsodic': 1, '\\nbear': 1, 'specials': 1, 'alums': 1, 'couple-ness': 1, 'heroin-chic': 1, 'hick-boy': 1, 'fish-out-water': 1, 'meet-cute': 1, 'raver': 1, 'non-existant': 1, 'plotholes': 1, 'commericials': 1, "'last": 1, 'unanimous': 1, 'summertime': 1, 'self-assurance': 1, 'contentment': 1, '\\nloveless': 1, 'superweapons': 1, 'shear': 1, 'out-terrorize': 1, 'jobson': 1, 'jackman': 1, 'smoker': 1, "stanley\\'s": 1, 'near-crazy': 1, '\\njackman': 1, 'decorative': 1, 'upmost': 1, 'soaks': 1, 'suspends': 1, 'subkoff': 1, 'ornate': 1, '\\nsingh': 1, "rem\\'s": 1, 'governed': 1, 'merging': 1, '\\nplain': 1, 'leeringly': 1, 'computer-animation': 1, 'indistinct': 1, 'applicants': 1, 'burlier': 1, 'snaggleteeth': 1, 'puppet-style': 1, 'hyperreal': 1, 'humanoids': 1, 'expression-challenged': 1, 'hard-as-nails': 1, 'peri': 1, 'gilpin': 1, '\\nthrowing': 1, 'save-the-earth': 1, 'shoot-em-ups': 1, 'brunet': 1, '\\ndrab': 1, 'futurama': 1, 'oj': 1, 'lead-faced': 1, "dga\\'s": 1, 'producer/writer': 1, '\\neszterhas': 1, 'cassettes': 1, 'unsigned': 1, 'mail-order': 1, '\\nsin': 1, '\\nwhoopee': 1, 'beeyatch': 1, 'bedpost': 1, 'boobies': 1, "antonio\\'s": 1, 'hairless': 1, '\\nick': 1, '\\nyipes': 1, '\\nbeauty': 1, 'ever-versatile': 1, '\\nuhhhm': 1, 'ball-picking': 1, 'rigs': 1, 'sluttier': 1, '\\nforemost': 1, 'ne': 1, 'sais': 1, 'quoi': 1, 'fetishistic': 1, 'titillatingly': 1, 'huggers': 1, 'orgasmic': 1, 'maleness': 1, 'thick-headed': 1, 'autos': 1, '\\nfifty': 1, 'bossman': 1, 'casket': 1, '\\nshadowing': 1, '\\nshortsighted': 1, 'reconnect': 1, '\\nraines': 1, 'go-carts': 1, '\\nbruckheimer': 1, '\\nmonumentally': 1, 'trots': 1, 'ornery': 1, 'codger': 1, 'gussies': 1, 'pleasingly': 1, 'fingerprint': 1, 'semi-subplot': 1, '\\nhopeful': 1, 'enervation': 1, 'semi-robed': 1, '\\nbutterfly': 1, 'snipped': 1, "\\nheaven\\'s": 1, 'ex-alchoholic': 1, 'ontop': 1, 'pixie-faced': 1, 'salvadoran': 1, "plane\\'s": 1, "\\'poking": 1, "belong\\'": 1, 'unlovable': 1, 'svelte': 1, 'roof-top': 1, 'segal-like': 1, '\\nthree-quarters': 1, 'bubba': 1, 'rocque': 1, 'well-publicised': 1, "rocque\\'s": 1, 'au': 1, 'beckons': 1, "adam\\'s": 1, 'boucher': 1, 'fairuza': 1, 'loftier': 1, '\\nrely': 1, 'craters': 1, 'sayinig': 1, 'barked': 1, 'unitentionally': 1, 'sodium': 1, 'pentathol': 1, 'impeachment': 1, 'boyfriend/soon-to-be': 1, 'execept': 1, 'intaking': 1, 'film-goers': 1, 'optioned': 1, 'first-': 1, 'top-line': 1, 'levinson/dustin': 1, '\\nscience': 1, '\\nintelligent': 1, 'inexcusably': 1, 'welcoming': 1, 'man-meets-alien': 1, "whatever\\'s": 1, 'well-formed': 1, 'occasionally-witty': 1, 'automatons': 1, 'inflate': 1, 'levinson-directed': 1, 'participant': 1, 'ninth-consecutive': 1, 'revere': 1, 'damed': 1, 'recitals': 1, 'becomming': 1, 'perkuny': 1, 'mcconaughay': 1, '\\nmcconaughay': 1, 'overexaggerant': 1, 'step-father': 1, 'close-to-death': 1, 'egg-headed': 1, '\\nedtv': 1, '\\nextracting': 1, 'seven-foot': 1, '\\nwhip': 1, 'double-chin': 1, 'ferland': 1, '\\nerotica': 1, "babysitter\\'s": 1, 'iago-like': 1, 'binge-drinking': 1, '\\nincredible': 1, '79': 1, "'working": 1, 'front-line': 1, '\\nmayer': 1, "davidson\\'s": 1, 'testosterone-overdosed': 1, 'drug-dealer': 1, 'beeper': 1, 'transvestite/medium': 1, 'celestrial': 1, 'girlina': 1, 'neatness': 1, 'corvette': 1, 'pore': 1, 'poland': 1, 'scavenge': 1, 'withdrawing': 1, 'excising': 1, "commandant\\'s": 1, 'turned-on': 1, 'improvises': 1, 'churchill': 1, "\\njakob\\'s": 1, 'jurek': 1, "becker\\'s": 1, 'once-revered': 1, 'romanctic': 1, 'prizefighter': 1, 'incongrous': 1, 'fumbled': 1, 'randi': 1, 'ingerman': 1, 'paget': 1, '\\njazz': 1, 'un-led-up': 1, 'ajax': 1, 'beachwalkers': 1, 'bistro': 1, 'tile': 1, '\\ndazed': 1, 'unobserved': 1, "\\'30s-style": 1, 'dewy': 1, 'poolman': 1, 'pellegrino': 1, 'coco': 1, 'wad': 1, '\\nelena': 1, '\\ndancer': 1, "'georges": 1, 'polti': 1, 'asserted': 1, 'restatement': 1, 'ecclesiastes': 1, 'measureable': 1, 'day-style': 1, '\\nparasitic': 1, 'craven-directed': 1, 'recognizeable': 1, 'clarification': 1, 'perfects': 1, 'filmore': 1, 'stritch': 1, 'overhears': 1, "crock\\'s": 1, "losers\\'": 1, '\\nmacdonald': 1, 'near-sequel': 1, 'streetwalkers': 1, 'extentions': 1, 'mockingly': 1, 'cliche-spewing': 1, 'mckenney': 1, 'envoke': 1, 'pretended': 1, 'unproven': 1, 'squelch': 1, '\\nincongruously': 1, 'dejectedly': 1, 'profitably': 1, 'liane': 1, '$12': 1, "\\nwigand\\'s": 1, "wigand\\'s": 1, 'sandefur': 1, '157': 1, 'pieter': 1, 'bourke': 1, 'gerrard': 1, 'codename': 1, 'business-oriented': 1, 'electro-green': 1, 'through-the-sight': 1, 'low-quality': 1, 'rifle/camera': 1, 'ke-': 1, 'friggin-nobi': 1, "organization\\'s": 1, '\\nnational': 1, 'teleconferencing': 1, 'expensive-': 1, 'half-formed': 1, '\\nwhoo': 1, 'sixth-grade': 1, 'prison-matron': 1, "priestley\\'s": 1, 'vagrant': 1, 'cop-who-sees-ashley-fleeing-an-accident-scene-and-': 1, 'then-wants-to-pay-for-sex-': 1, 'but-is-shot': 1, '\\nbewilderingly': 1, 'cognac': 1, 'deafened': 1, 'whispered': 1, 'cell-phone-guy': 1, 'seizure': 1, '\\nhong': 1, '\\nfrench': 1, 'sluizer': 1, 'mariachi': 1, "'darren": 1, 'amigos': 1, 'bribery': 1, 'perkus': 1, 'cupid': 1, 'big-guy': 1, '\\ntune-meister': 1, 'non-involving': 1, 'perfs': 1, '\\nkick': 1, 'c-': 1, '_reach_the_rock_': 1, 'saw--at': 1, '\\nalessandro': 1, 'directionless': 1, '21-year-old': 1, 'storefront': 1, 'sneak-outs': 1, 'sneak-ins': 1, 'clandestine': 1, 'sillas': 1, '_home_alone_': 1, 'lise': 1, 'langton': 1, "hughes\\'s": 1, 'skill--thus': 1, "'vampire\\'s": 1, 'readied': 1, "action\\'": 1, "dracula\\'": 1, 'spilt': 1, "newspaper\\'s": 1, 'psychobabble': 1, 'mpd': 1, '\\n86': 1, '\\nrotting': 1, 'writeup': 1, '\\noftentimes': 1, "mornay\\'s": 1, '\\ncomedian': 1, 'spices': 1, 'aromas': 1, 'sensually': 1, 'waft': 1, '\\npen': 1, 'bahia': 1, 'elevators': 1, 'murilo': 1, 'cio': 1, 'loafer': 1, 'feurerstein': 1, 'vanna': 1, '\\ncliff': 1, 'big-shots': 1, 'reforms': 1, 'interferred': 1, 'neandrathal': 1, 'spy-girl-for-the-bad-guy': 1, 're-occurring': 1, '\\nbehind': 1, '\\npowerless': 1, '\\ndull': 1, 'gassed': 1, '_looks_': 1, 'ape-like': 1, "mandell\\'s": 1, 'sewed': 1, "'hey": 1, 'ewwwww': 1, 'kirstie': 1, '114': 1, 'jana': 1, 'howington': 1, 'lukanic': 1, 'chuckle-out-loud': 1, 'regurgitating': 1, '\\nalley': 1, 'tycoons': 1, 'curtailed': 1, 'emsemble': 1, 'delapidated': 1, 'mop': 1, 'electrician': 1, 'pantry': 1, 'expired': 1, '\\ngrammer': 1, 'holley': 1, 'prevue': 1, 'silly-sounding': 1, 'mouthful': 1, 'oversight': 1, '_before_': 1, '_this_': 1, '_still_': 1, 'preferable': 1, '_long_': 1, 'still-alive': 1, 'hook-hand': 1, 'evaporating': 1, "callaway\\'s": 1, 'twist-ties': 1, 'uv': 1, 'neat-o': 1, 'rastafarian': 1, 'cabana': 1, 'shriek': 1, 'hedgetrimmers': 1, 'roasting': 1, 'super-adorable': 1, 'bigfoot-sized': 1, 'ape-creature': 1, 'rogaine-nightmare': 1, 'sequel-crazy': 1, 'detonator': 1, 'rawls': 1, 'whatever-the-f': 1, "k-she\\'s-supposed-to-be": 1, 'half-convincing': 1, 'outacts': 1, '\\ncheesy': 1, 'bot': 1, 'exclaimed': 1, 'urinal': 1, 'fastened': 1, 'rejoin': 1, 'wheezing': 1, 'borscht-belt': 1, 'branson': 1, 'lessened': 1, '\\nmatthau': 1, 'pastier': 1, 'ever-': 1, 'allergic': 1, 'phnah': 1, '\\nphnah': 1, 'lathered': 1, 'open-mike': 1, '\\nburger': 1, 'pollo': 1, 'loco': 1, 'rent-a-': 1, 'god-damns': 1, 'shitheads': 1, 'free-associating': 1, 'variants': 1, 'maxims': 1, 'young-whippersnapper': 1, 'biloxi': 1, '\\nyear': 1, 'head-shaving': 1, 'marching/singing': 1, 'barely-funny': 1, 'venkman': 1, '\\nstripes': 1, '\\nonto': 1, 'i-know-what-you-like': 1, 'jemima': 1, 'spatula': 1, 'supersecret': 1, 'programmers': 1, 'drawls': 1, 'carted': 1, 'wiretaps': 1, 'mean-looking': 1, 'crew-cut': 1, 'compartment': 1, '\\njeffries': 1, 'hard-to-believe': 1, "stacey\\'s": 1, 'forgo': 1, 'six-hundred-years-old': 1, '103-minute': 1, 'piller': 1, 'bewilder': 1, 'cessation': 1, 'disburse': 1, 'moment--': 1, 'indigestible': 1, 'agent/assassin': 1, "jason\\'s": 1, 'master-mind': 1, 'commencing': 1, 'cog': 1, 'nicol': 1, "evil\\'": 1, "leguizamo\\'s": 1, 'injurious': 1, 'pitying': 1, 'selections': 1, 'ogling': 1, 'dippe': 1, 'fatigued': 1, 'penny-dreadful': 1, "runner\\'s": 1, 'engrossment': 1, 'captivation': 1, 'rodmilla': 1, 'firelight': 1, '\\ndanielle': 1, "\\ndanielle\\'s": 1, '\\nhuston': 1, "lehmann\\'s": 1, '`biggest': 1, "time\\'": 1, "et\\'": 1, '\\ngreeting': 1, '\\nwish': 1, 'plot-twist': 1, 'skittery': 1, 'hi-jinks': 1, 'card-flipping': 1, 'kit-kat': 1, 'crotch-biting': 1, 'taboo-smashing': 1, 'down-and-dirty': 1, '\\nhype': 1, 'studio-imposed': 1, "myers\\'s": 1, 'typos': 1, 'reason--somehow': 1, 'hedonism': 1, '\\n_54_': 1, 'tight-knit': 1, 'girl/aspiring': 1, 'fresh-from-jersey': 1, 'always-woozy': 1, 'well-modulated': 1, "workers\\'": 1, 'doormen': 1, "dow\\'s": 1, 'disco-': 1, 'drug-crazed': 1, '_dancing_': 1, 'film--especially': 1, 'movement--without': 1, '_the_last_days_of_disco_': 1, 'hip-to-only-themselves': 1, 'preppies': 1, '\\ndancing': 1, '_54_--so': 1, 'pansexual': 1, 'defanged': 1, 'straightened': 1, 'dalliance': 1, 'abbreviated': 1, 'bedhopping': 1, 'f-u-n': 1, 'onstage': 1, 'there--two': 1, 'fact--but': 1, 'winless': 1, 'institutionalize': 1, '\\nivey': 1, '\\nnielson': 1, 'mid-1970s': 1, 'super-agents': 1, 'oh-so-fabulous': 1, 'buzzwords': 1, 'gps': 1, 'mainframe': 1, 'round-robin': 1, 'sliced-off': 1, 'bosley': 1, 'manservant': 1, 'carbon-copy': 1, "rourke\\'s": 1, 'burrito': 1, 'knucklehead': 1, '\\nliu': 1, 'copier': 1, 'mcg': 1, 'eomann': 1, 'sinead': 1, 'deadeningly': 1, 'uninvolivng': 1, 'tarveling': 1, 'choosen': 1, "\\ncrichton\\'s": 1, 'arguement': 1, 'shay': 1, "bunk-you\\'re": 1, '\\nadmit': 1, '\\nmarley': 1, 'vanzant': 1, 'evers': 1, 'penalosa': 1, 'sotomejor': 1, 'kissy-faces': 1, '\\npost-production': 1, "can\\'": 1, 're-writes': 1, 'limping': 1, 'constipation': 1, 'forehead-slapper': 1, "\\nhe\\'": 1, '\\ncruz': 1, "haven\\'": 1, 'sitters': 1, 'plump': 1, 'mumps': 1, '\\nopinions': 1, "employer\\'s": 1, 'cash-milking': 1, 'neo-slasher': 1, 'falling-out': 1, 'station-giveaway': 1, 'peachy': 1, 'regularity': 1, 'thrillerism': 1, 'string-based': 1, 'belittled': 1, 'lessening': 1, 'hurry-up-and-wait': 1, 'draggy': 1, 'perfecting': 1, "\\nmirren\\'s": 1, 'distressingly': 1, '\\nmaterial': 1, 'photo-copied': 1, 'hag': 1, 'tussle': 1, "sanders\\'": 1, 'disposes': 1, '\\nmirren': 1, "`disappointing\\'": 1, 'belabored': 1, 'nonreligious': 1, 'chaja': 1, 'gebrecht': 1, 'busying': 1, 'mementos': 1, 'apfelschnitt': 1, 'topol': 1, 'hasidics': 1, '\\nchaja': 1, '4-year-old': 1, 'concierge': 1, 'inconvenient': 1, 'ham-fisted': 1, "friedman\\'s": 1, 'loom': 1, 'jewess': 1, 'ponderously': 1, "\\ntopol\\'s": 1, 'jabbering': 1, "\\'quack": 1, "quack\\'": 1, 'passover': 1, 'seder': 1, 'wets': 1, 'unnecessarily--the': 1, "'porter": 1, 'racking': 1, 'prepped': 1, 'unstructured': 1, '\\nstoddard': 1, 'bedded': 1, 'overeacting': 1, 'manse': 1, 'dallied': 1, 'bedmates': 1, 'out-of-nowhere': 1, "\\nporter\\'s": 1, 'adulterer': 1, 'initiate': 1, '\\nhawn': 1, 'towners': 1, "wives\\'": 1, '\\nkinski': 1, 'salesgirl': 1, 'nominatored': 1, 'blackly': 1, 'canister': 1, "gandolfini\\'s": 1, "\\'mr": 1, "\\nmagoo\\'": 1, "\\'blue": 1, "face\\'": 1, "\\'baby": 1, "genuises\\'": 1, "\\'i": 1, '\\nloaded': 1, 'country-wide': 1, "\\'long-lost\\'": 1, 'tippi': 1, 'hendren': 1, "\\n\\'i": 1, 'rudiments': 1, 'ofa': 1, 'masterless': 1, 'gunfighter': 1, 'montmartre': 1, '\\ndierdre': 1, 'tight-lipped': 1, 'professional/leon': 1, 'spence': 1, 'sharpe': 1, 'skipp': 1, 'suddeth': 1, 'radicals': 1, 'lonsdale': 1, 'moonraker': 1, '\\nnon-spoiler': 1, 'chushingura': 1, 'mallet': 1, '\\ndarnell': 1, 'whitfield': 1, 'childdhood': 1, 'mba': 1, 'initally': 1, '\\nwhitfield': 1, 'lazily': 1, 'whitfeld': 1, 'reverential': 1, '\\npotentially': 1, '\\nmeans': 1, 'spontenaity': 1, 'dmv': 1, 'women-only': 1, 'wrights': 1, 'microscopic': 1, 'beat-a-dead-horse-into-glue': 1, 'sockful': 1, 'reflectively': 1, 'unwatchably': 1, 'lianna': 1, 'fright-free': 1, 'digit': 1, 'super-hyped': 1, 'desensitized': 1, 'off-shoot': 1, 'estimate': 1, 'mics': 1, "legend\\'s": 1, 'percolating': 1, 'coeds': 1, 'purses': 1, 'running-like-the-wind-prey': 1, 'reverberates': 1, 'loud-noise-jump-scare': 1, 'sonic': 1, 'infiltrated': 1, 'dices': 1, 'gerbil': 1, 'resilient': 1, 'vexatiousness': 1, 'noxima': 1, 'hipsters': 1, '\\nturbulence': 1, 'commerical': 1, 'passangers': 1, 'attendent': 1, 'bluesman': 1, 'pseudo-father': 1, 'inklings': 1, 'mini-elwood': 1, 'obstructing': 1, "cab\\'s": 1, 'next-to-next-of-kin': 1, '10-year-': 1, '\\nappearances': 1, '\\nblues': 1, 'blues/rock': 1, "aykroyd\\'s": 1, 'three-piece': 1, 'used-up': 1, 'ravine': 1, 'overestimated': 1, "power\\'s": 1, "hurley\\'s": 1, 're-claim': 1, '\\npetite': 1, "\\ntroyer\\'s": 1, 'nibble': 1, 'mini-mr': 1, '\\nbigglesworth': 1, "2\\'8\\'\\'": 1, '\\nunconventional': 1, 'videoshelves': 1, 'co-production': 1, 'bloc': 1, 'anabelle': 1, 'pathologically': 1, 'pseudoerotic': 1, "treill\\'s": 1, "so-generic-and-predictable-it\\'s-beyond-ridiculous": 1, 'criticising': 1, 'unthrilling': 1, 'uhh': 1, '\\nanyways': 1, "mainstream\\'s": 1, 'plausability': 1, 'sup-plots': 1, "\\nchad\\'z": 1, 'renovation': 1, 'poll': 1, 'guestbook': 1, "'tv\\'s": 1, 'never-ceasing': 1, 'down-on-her-luck': 1, '\\ntaste': 1, "\\ngellar\\'s": 1, 'harried': 1, 'bendel': 1, 'mystically': 1, 'tribeca': 1, 'easy-bake': 1, '\\namateurishly': 1, 'vanilla': 1, 'salty': 1, 'made-for-disney': 1, 'resistibility': 1, 'eclairs': 1, 'vets': 1, '_somewhere_': 1, 'big-': 1, 'souffle': 1, 'oldham-designed': 1, "canine\\'s": 1, '\\nibn': 1, '\\nfahdlan': 1, "chase\\'s": 1, '\\n90': 1, 'vilmos': 1, 'zsigmond': 1, 'boo-fest': 1, 'ham-on-wry': 1, '\\ngheorghe': 1, 'cotton-mouthed': 1, 'glutton': 1, 'es': 1, 'algae': 1, 'cyberdog': 1, 'antony': 1, 'mis-steps': 1, '_offscreen_': 1, '\\nweslely': 1, 'possum': 1, 'chain-snatchers': 1, 'headful': 1, '\\nblam': 1, 'ta': 1, 'holdups': 1, "horse\\'s": 1, 'flunked': 1, '\\nbullcrap': 1, 'freeze-dried': 1, 'off-the-rack': 1, 'screenwriterese': 1, 'analect': 1, 'conjunctions': 1, 'weasted': 1, "'alexander": 1, 'often-adapted': 1, 'reimagines': 1, 'unforgivably': 1, 'mish-mash': 1, 'old-as-time': 1, 'embroils': 1, 'swashbuckers': 1, 'portos': 1, 'figureheads': 1, 'tongue-lashing': 1, 'holler': 1, "hyams\\'s": 1, 'unreasonably': 1, 'expunged': 1, 'joylessness': 1, 'trashes': 1, 'several-hundred': 1, "pitillo\\'s": 1, 'choderlos': 1, 'laclos': 1, 'dangereuses': 1, 'sex-talk': 1, 'hand-jobs': 1, 'sanguine': 1, 'vapors': 1, 'stepsister': 1, 'bitch-queen': 1, 'de-virginize': 1, 'cecile': 1, 'caldwell': 1, 'dork-chick': 1, 'invulnerable': 1, 'defeating': 1, 'hand-job': 1, '\\ntitillation': 1, '[spoiler': 1, "animals\\'": 1, "\\'judas\\'": 1, "\\n\\'three": 1, "later\\'": 1, "\\'predator\\'": 1, 'embarrsingly': 1, 'disoreitating': 1, 'peformances': 1, "\\'old": 1, "timer\\'": 1, '\\nmimic': 1, 'boy-friend': 1, '70ies': 1, 'defusing': 1, 'defusal': 1, 'sea-sickness': 1, 'untidy': 1, 'phantastic': 1, 'numero': 1, 'uno': 1, 'hogs': 1, 'endorsement': 1, 'slugfest': 1, 'sphinx': 1, "fugees\\'": 1, 'prakazrel': 1, 'disco-themed': 1, 'lasser': 1, "raja\\'s": 1, 'actor/magician': 1, "can\\'t-miss": 1, 'toff': 1, "\\'snuff": 1, "\\'snuff\\'": 1, 'sicker': 1, "fargo\\'s": 1, '\\nlacking': 1, "belly\\'": 1, "\\'snuffed\\'": 1, "\\'controversial\\'": 1, 'christmas-themed': 1, '\\nassuring': 1, 'santas': 1, "nice-guys-who-don\\'t-deserve-to-be-in-prison": 1, '\\nkidnap': 1, 'action-crime': 1, '\\nshut': 1, 'viability': 1, 'potty-mouthed': 1, '\\n[on': 1, 'not-so-stunning': 1, 'wc': 1, 'bidets': 1, 'coote': 1, 'hulke': 1, 'myrtle': 1, 'jacki': 1, "wc\\'s": 1, "coote\\'s": 1, "spanner\\'s": 1, "\\nsims\\'": 1, "\\'usual\\'": 1, "\\'bluer\\'": 1, "\\'innocent\\'": 1, "\\'minor-regulars\\'": 1, '\\nbont': 1, "\\'anywhere": 1, '\\nalvin': 1, "sargent\\'s": 1, 'claustral': 1, '\\npushy': 1, 'adele': 1, 'burg': 1, 'daqughter': 1, 'lala': 1, "\\nadele\\'s": 1, '\\ndaughter': 1, 'ticketed': 1, 'milhoan': 1, 'admirer--': 1, '\\neliot': 1, 'allred': 1, 'dream-boat': 1, "'tomb": 1, '\\nchallenging': 1, 'uber-buff': 1, "packin\\'": 1, '\\ntombs': 1, '45-minute': 1, 'unintelligently': 1, 'alignments': 1, 'neo-realism': 1, 'defenders/video': 1, 'hails': 1, 'inflated': 1, 'encompass': 1, "lara\\'s": 1, 'thin-looking': 1, "'walt": 1, 'corpse-rotting': 1, 'disconcertingly': 1, 'rivalling': 1, 'saturday-morning': 1, 'romanovs': 1, '1916': 1, 'candleshoe': 1, '60\\%': 1, 'cheesy-looking': 1, 'fully-': 1, 'spraypaints': 1, 'liquefied': 1, 'grafted': 1, 'aliens/titanic': 1, 'lunatics': 1, 'illegally-acquired': 1, 'titanic-like': 1, 'celeste': 1, 'has-beens': 1, 'probably-never-will-bes': 1, "amistad\\'s": 1, 'xenia': 1, 'onatopp': 1, 'blackboard': 1, 'well-incorporated': 1, 'slithering': 1, 'vents': 1, 'side-effect': 1, 'megalomania': 1, 'superpowers': 1, 'immolation': 1, 'thrower': 1, 'nitroglycerine': 1, 'alien-rip-off': 1, 'spooking': 1, "\\'hollow": 1, '\\nlaughable': 1, 'voyeuristically': 1, 'modernization': 1, 'inflating': 1, 'newly-pumped': 1, "lot\\'s": 1, '\\nverhoven': 1, 'redd': 1, 'demeans': 1, '\\nlovely': 1, '\\naiello': 1, "\\naiello\\'s": 1, 'zesty': 1, 'arsenio': 1, 'cry-baby': 1, 'neckties': 1, 'spectacular--almost': 1, 'sibling-like': 1, 'hot-and-bothered': 1, '\\ncarroll': 1, "megan\\'s": 1, '\\nmarried': 1, 'idea--a': 1, 'legends--is': 1, '[car': 1, 'crash]': 1, 'acerbity': 1, '3/4': 1, 'cruises': 1, 'redoing': 1, 'deconstructed': 1, 'self-reflexivity': 1, 'noxzeema': 1, 'killer-taunting-his-victim-on-the-phone': 1, '\\nvillain': 1, 'waaaayyyyyy': 1, "'drew": 1, 'do-it-yourselfer': 1, 'gutenberg': 1, 'printing': 1, "\\nbarrymore\\'s": 1, 'sun-times': 1, 'kohn': 1, 'silverstein': 1, 'capriciously': 1, 'blubbering': 1, 'woman-child': 1, 'provocation': 1, 'airheads': 1, 'schooler': 1, 'foundering': 1, 'sub-road': 1, 'oh-so-ironic': 1, 'animal-rights': 1, 'thiefs': 1, 'angels-style': 1, 'undiscerning': 1, 'mind-bogglingly': 1, 'trampoline': 1, 'populist': 1, 'pre-credits': 1, 'rule-the-world': 1, 'mismash': 1, 'scaramanga': 1, 'ekland': 1, '\\nmaud': 1, 'octopussy': 1, "\\nscaramanga\\'s": 1, 'nik-nak': 1, '\\npepper': 1, 'dub': 1, 'anticlimatic': 1, "scaramanga\\'s": 1, 'funhouse': 1, 'emotionally-charged': 1, 'poorly-done': 1, 'woburn': 1, "foods\\'": 1, '$20-million': 1, 'uncommercial': 1, "holm\\'s": 1, 'thing__not': 1, 'thing__about': 1, 'one-dimensionally': 1, '\\nabruptly': 1, 'malebolgia': 1, 'necroplasmic': 1, '\\nsullen': 1, 'cogliostro': 1, 'vy': 1, 'penciller': 1, 'newly-formed': 1, 'creator-owned': 1, '\\nmcfarlane': 1, 'topheavy': 1, 'numbed': 1, 'blow-out': 1, "\\nspawn\\'s": 1, 'supervirus': 1, 'heat-16': 1, 'enslave': 1, 'hammiest': 1, '\\nmtv-style': 1, '\\nflames': 1, '\\ncogliostro': 1, "[spawn\\'s]": 1, '\\nloud': 1, "manson\\'s": 1, "method\\'s": 1, 'clubbed': 1, "\\nred\\'s": 1, 'bookkeeper': 1, '\\nunited': 1, "jjaks\\'": 1, "replacements\\'": 1, 'valentines': 1, 'competitiveness': 1, "baigelman\\'s": 1, 'violates': 1, "'wolfgang": 1, "petersen\\'s": 1, 'pineapple': 1, 'crewmate': 1, "cast\\'s": 1, 'fishermen': 1, 'thunderously': 1, 'negate': 1, 'hooky': 1, 'frann': 1, 'perfomances': 1, "charm\\'s": 1, 'belabors': 1, 'newsreporter': 1, "poem\\'s": 1, "virus\\'": 1, 'subsist': 1, 'chimpanzees': 1, 'video-game': 1, 'cartoons-': 1, 'enviromentally': 1, 'un-safe': 1, "luigi\\'s": 1, 'runner-esque': 1, 'koopa': 1, 'mega-city': 1, 'jumbles': 1, 'yoshi': 1, '\\nstreet': 1, 'hodge-podge': 1, 'shadowloo': 1, 'bison': 1, '\\nguile': 1, "bison\\'s": 1, 'fire-ball': 1, 'ryu': 1, 'manero': 1, 'co-protagonist': 1, "\\'cept": 1, 'denizens': 1, 'randanzo': 1, 'auster': 1, 'strongpoint': 1, 'necesary': 1, 'personage': 1, 'gazed': 1, 'pureed': 1, 'uppedity': 1, 'traumatized': 1, 'flick-': 1, '\\nappreciate': 1, 'spoon-feeding': 1, 'soul-searching': 1, '\\ntaplitz': 1, 'vitarelli': 1, 'woodwinds': 1, '\\ncorporate': 1, '\\ncommandments': 1, "clique\\'s": 1, 'once-in-a-lifetime': 1, 'dead-weight': 1, 'poised': 1, 'murder-and-cover-up': 1, '-2': 1, 'meng-hua': 1, 'evelyne': 1, 'chi-chi': 1, 'mysore': 1, 'matted': 1, '\\nincompetent': 1, '\\nwading': 1, '\\nawaiting': 1, 'proposals': 1, "deer-in-the-headlights\\'": 1, '\\nustinov': 1, 'sinyor': 1, 'thoughtlessly': 1, '\\npotential': 1, "sinyor\\'s": 1, "`colorful\\'": 1, 'homing': 1, '`what': 1, "'topless": 1, 'oversleeps': 1, 'prue': 1, 'guileless': 1, 'cormack': 1, "'beware": 1, 'superglued': 1, 'bypassed': 1, 'starman': 1, 'gussied': 1, 'outposts': 1, 'terra-forming': 1, '\\nterra-forming': 1, "'august": 1, "keeble\\'s": 1, 'kayla': 1, 'ment': 1, 'gassing': 1, 'minivan': 1, 'beckham': 1, 'chriqui': 1, 'boner': 1, 'clarinet-playing': 1, 'cutie': 1, "catch\\'s": 1, 'zena': 1, 'red-hot': 1, 'valletta': 1, 'polar-opposite': 1, 'grownup': 1, 'klebold-harris': 1, 'tampon': 1, 'stylewise': 1, "lil\\'": 1, 'traversing': 1, 'glanced': 1, 'd-grade': 1, 'film-writing': 1, 'sicken': 1, "fishburne\\'s": 1, 'revving': 1, "witness\\'s": 1, "lomax\\'s": 1, 'unblemished': 1, 'firms': 1, 'newly-created': 1, '\\nlomax': 1, 'grisham-like': 1, 'tinker': 1, '\\nfreaky': 1, 'elasped': 1, "milton\\'s": 1, 'big-city': 1, 'handsome-looking': 1, 'mural': 1, 'fleshy': 1, 'self-vanity': 1, "\\npacino\\'s": 1, '\\ntossed': 1, 'reformers': 1, 'elucidate': 1, 'apace': 1, 'mystical--perhaps': 1, 'demonic--power': 1, 'merest': 1, 'mistreats': 1, 'spurning': 1, 'themselves--they': 1, 'good--but': 1, 'dopy': 1, 'nicholson-blown-down-the-street': 1, 'stunts/special': 1, "\\nf\\'gawds": 1, 'demonically': 1, 'bearings': 1, 'what--': 1, 'comparitive': 1, 'regurgitate': 1, 'logjams': 1, 'bio-mechanical': 1, 'life-forms': 1, 'immobile': 1, 'inappropriately': 1, '\\nserafine': 1, 'classless': 1, 'lhermitte': 1, '\\nrepeated': 1, 'grunge': 1, 'howl': 1, 'antionio': 1, 'swindles': 1, 'whore-chasing': 1, 'virgin/whore': 1, 'reforming': 1, 'con-girl': 1, 'sacrilege': 1, "'wizards": 1, 'fairies': 1, 'precedence': 1, 'goofy-looking': 1, '>honk': 1, 'boing': 1, 'dispirited': 1, 'adolf': 1, 'wehrmacht': 1, '\\nprojected': 1, 'avatar': 1, 'sideline': 1, 'nazi-charged': 1, 'detracting': 1, '\\nwizards': 1, 'nationalist': 1, "'inspired": 1, "millionaire\\'s": 1, 'academy-award': 1, '\\nrising': 1, '\\nappears': 1, "\\nkattan\\'s": 1, 'second-run': 1, 'liebes': 1, 'imparts': 1, 'attendants': 1, 's/m': 1, 'elodie': 1, 'bouchez': 1, "teresa\\'s": 1, 'worshippers': 1, 'bobo': 1, 'shelter/satanist': 1, 'horn-dogs': 1, '\\nuuuhmm': 1, 'inscribe': 1, 'validating': 1, '-based': 1, '\\ndrink': 1, 'mostel': 1, '\\nkoufax': 1, 'layla': 1, 'brattish': 1, "\\'all": 1, "american\\'": 1, 'crotchety20': 1, 'protoplasmic': 1, 'rocketman': 1, 'absent-minded': 1, 'macmurray': 1, 'sprightly': 1, 'newly-founded': 1, 'conked': 1, 'teamwork': 1, 'counfound': 1, 'dictators': 1, 'republics': 1, '\\nteamwork': 1, 'kubrickesque': 1, 'disbelieved': 1, 'emannuelle': 1, 'embarrased': 1, 'heenan': 1, 'bafflingly': 1, 'terrrible': 1, 'red/blue': 1, "most\\'": 1, 'ulimate': 1, '\\nmk2': 1, 'victoriously': 1, "\\noutworld\\'s": 1, 'mintoro': 1, 'centaur': 1, 'four-armed': 1, 'conceptualization': 1, 'mk2': 1, "drag-it\\'s": 1, "rustler\\'s": 1, '\\n1869': 1, 'quick-draw': 1, 'divvy': 1, '\\nbosomy': 1, 'escobar': 1, 'gadget-filled': 1, '\\nracial': 1, 'dress-up': 1, 'bashfully': 1, 'bumcheeks': 1, 'peek-a-boo': 1, 'pyjamas': 1, 'bel-air': 1, 'black-he': 1, 'poorly-paced': 1, 'gramophone': 1, "lambs-he\\'s": 1, 'bluescreening': 1, 'amateurish-foregrounds': 1, 'proportionate': 1, "ling\\'s": 1, 'glider': 1, "\\ndierdre\\'s": 1, 'traitor': 1, 'lasso': 1, 'western/sci-fi': 1, 'difference-': 1, 'steam-controlled': 1, 'smidgeon': 1, 'train-': 1, 'peephole': 1, 'magnet': 1, 'neckbraces': 1, 'polarity': 1, "'old": 1, '\\njungian': 1, "jung\\'s": 1, '\\nwarriors': 1, 'societies': 1, '3465': 1, '\\nchosen': 1, '234': 1, 'shipwrecked': 1, 'peace-loving': 1, 'ultra-right': 1, '2036': 1, 'conquering': 1, 'tote': 1, "\\ntodd\\'s": 1, "connie\\'s": 1, '\\ndastardly': 1, 'mekum': 1, 'pencil-thin': 1, '\\nresponsible': 1, '\\nuttering': 1, '\\nsharp-eyed': 1, 'sidequel': 1, 'replicants': 1, 'cupcake': 1, 'slug-like': 1, "slugs\\'": 1, 'unfreeze': 1, 'co-eds': 1, 'rerun': 1, 'tit-shot': 1, 'hap': 1, 'heisting': 1, 'pastiche': 1, 'veruca': 1, "salt\\'s": 1, 'alt-rock': 1, '\\nmanson': 1, 'woulda': 1, 'thunk': 1, 'pithy': 1, 'sound-bite': 1, 'pronto': 1, '\\nprozac': 1, 'kava': 1, 'ritalin': 1, "\\'99": 1, 'farrow': 1, 'not-so-innocent': 1, 'cassavettes': 1, "\\nall\\'s": 1, "neighbors\\'": 1, 'mousse': 1, 'vitamin': 1, 'good-luck': 1, 'cranberries': 1, "health\\'s": 1, 'rispoli': 1, 'berkowitz': 1, 'citywide': 1, 'adultrous': 1, '\\nritchie': 1, "\\nleguizamo\\'s": 1, '\\nadrian': 1, 'true-to-heart': 1, 'ebonics': 1, '\\ngrumpy': 1, 'repackaging': 1, 'cropduster': 1, 'geezers': 1, 'super-mushy': 1, 'amrriage': 1, 'gester': 1, "00\\'": 1, 'cinephiles': 1, 'commencement': 1, 'battery-charging': 1, 'moseys': 1, 'overpraised': 1, '[stick': 1, 'movie]': 1, 'ravell': 1, 'schlubby': 1, 'zelllweger': 1, 'widest': 1, 'soft-boiled': 1, 'tarantino-esque': 1, 'sub-theme': 1, "\\nbetty\\'s": 1, 'concurrence': 1, "don\\'tcha": 1, 'kennif': 1, "\\'00s": 1, '\\nfalling': 1, 'belittling': 1, 'swiped': 1, 'increasingly-': 1, 'spatter': 1, 'curvaceous': 1, 'shyster': 1, 'one-piece': 1, '\\ncolumbia': 1, "kimball\\'s": 1, 'fatalities': 1, 'lip-reading': 1, 'book-skimming': 1, '\\nrapaport': 1, 'abraded': 1, '\\nwincott': 1, 'welcomes': 1, 'jillion': 1, '\\nbasic': 1, 'authoress': 1, 'tramell': 1, 'stopwatch': 1, 'mattress': 1, 'shill': 1, "\\ndouglas\\'s": 1, 'foulmouthed': 1, 'iron-on': 1, 'hefnerism': 1, '50s-ish': 1, 'bubblegum-blond': 1, 'fanatically': 1, 'obssessed': 1, 'mtv-land': 1, 'ankh': 1, 'obssessive': 1, "dawn\\'t": 1, 'mah': 1, 'obssess': 1, "iliff\\'s": 1, 'miffed': 1, '\\nalcohol': 1, "edison\\'s": 1, '1903': 1, '1923': 1, 'charasmatic': 1, 'comanche': 1, 'arcand': 1, 'rebs': 1, 'avaricious': 1, 'ty': 1, 'james-younger': 1, 'sabotaging': 1, 'mimms': 1, '-drenched': 1, 'mayfield': 1, "boyd\\'s": 1, "reichle\\'s": 1, "rabin\\'s": 1, 're-visited': 1, "'dear": 1, 'excusing': 1, 'name-brand': 1, '\\nlela': 1, 'irrefutable': 1, "'welcome": 1, '\\nlooked': 1, 'cameramen': 1, 'ut': 1, "sandra\\'s": 1, 'scantly': 1, '\\nwooden': 1, 'ahh': 1, "there\\'d": 1, 'eye-popper': 1, 'disable': 1, 'lack-of-speed': 1, '\\npassing': 1, 'scriptiing': 1, "\\'dog-in-danger\\'": 1, 'orignal': 1, 'back-to-back': 1, 'scrawled': 1, "videotape\\'s": 1, 'sticker': 1, '\\ntracks': 1, '\\nwolf': 1, "\\nbrolin\\'s": 1, "brolin\\'s": 1, "successor\\'s": 1, 'skiing': 1, 'closets': 1, "\\nlarson\\'s": 1, "gerald\\'s": 1, '\\nlarson': 1, 'tramps': 1, 'pulse-emitting': 1, 'danger/more': 1, 'danger/attempted': 1, 'breach': 1, "\\'psychologically": 1, "inadequate\\'": 1, '\\nsample': 1, '\\nfourth-graders': 1, '\\ncheadle': 1, '\\narmin': 1, 'stolen-from-no-less-than-three-movies': 1, 'slow-going': 1, '\\nleisurely': 1, 'one-character-decides-not-to-return': 1, 'alternated': 1, "'underwater": 1, '\\npsychologist': 1, 'blow-off': 1, 'then-colleagues': 1, '\\nlead': 1, 'undersea': 1, 'still-operational': 1, '\\nbarnes': 1, '\\ndeadly': 1, '\\nlethal': 1, 'speed-reading': 1, "halperin\\'s": 1, 'truism': 1, 'mini-sub': 1, '\\nchapter': 1, 'muddies': 1, 'internally': 1, 'throw-away': 1, 'clarified': 1, '1709': 1, "'renowned": 1, 'timekiller': 1, "desouza\\'s": 1, 'outre': 1, "_double_team_\\'s": 1, 'tank/prison': 1, 'kong-based': 1, 'microchip-sized': 1, 'exports': 1, '--dolls': 1, 'is--and': 1, 'not--graphics': 1, 'hat-wearing': 1, '_the_quest_': 1, 'entrepreneurship': 1, 'babycakes': 1, "_knock_off_\\'s": 1, '_require_': 1, "marcus\\'s": 1, 'still-heavily-accented': 1, 'haplessly': 1, 'snarl': 1, "rochon\\'s": 1, 'bosoms': 1, 'juicing': 1, 'rectangle': 1, 'tiger/land': 1, 'roundish': 1, 'friedberg': 1, 'close-to-awful': 1, 'money-wise': 1, 'sometimes-funny': 1, 'lags': 1, '89': 1, "orion\\'s": 1, 'ridulous': 1, 'unncessary': 1, "d\\'onofrio\\'s": 1, 'wise-cracks': 1, 'grabbag': 1, 'altmanesque': 1, '\\nhitmen': 1, 'dosmo': 1, 'pricked': 1, 'understandeably': 1, 'prostitues': 1, 'mazursky': 1, '\\nstuffy': 1, 'cruttwell': 1, "secretary\\'s": 1, 'chcaracters': 1, 'tie-up': 1, 'linkage': 1, 'schwarzeneggar': 1, '\\nwhala': 1, 'schwarzneggar': 1, '30m': 1, '70m': 1, '\\noverblown': 1, 'self-described': 1, "\\'financial": 1, "adjuster\\'": 1, 'weathered': 1, 'hassle': 1, "\\'taken": 1, 'dweebish': 1, 'cycling': 1, '\\nflustered': 1, 'starves': 1, 'slab': 1, 'downcast': 1, 'overcast': 1, 'americanizing': 1, 'chaps': 1, '\\ngrab': 1, "whistler\\'s": 1, '\\nproblems': 1, 'murmur': 1, '\\nmultiply': 1, 'gaul': 1, 'rework': 1, 'suffuse': 1, '\\noverwhelmingly': 1, 'generically': 1, 'high-ranking': 1, 'heil': 1, "jakob\\'s": 1, '\\nliberation': 1, 'abreast': 1, 'stragely': 1, 'impostor': 1, "'say": 1, '\\nairport': 1, 'cockpit': 1, 'fewest': 1, 'evil-doer': 1, "folk\\'s": 1, '\\nfart': 1, 'congratulates': 1, 'overexcited': 1, 'postulated': 1, '\\nsmelling': 1, 'dempsey': 1, 'mortimer': 1, 'moment-for-moment': 1, 'referencing': 1, 'puddy': 1, 'scream3': 1, "\\'stab": 1, "3\\'": 1, 'galeweathers': 1, 'sunrisesucks': 1, 'hope-horror': 1, 'h2k': 1, 'wayne/batman': 1, "nobody\\'ll": 1, "macpherson\\'s": 1, "1400\\'s": 1, 'dismally': 1, '\\nmorale': 1, 'astride': 1, 'stridently': 1, "dauphin\\'s": 1, 'dunois': 1, 'spake': 1, "\\njoan\\'s": 1, "'possibly": 1, '\\nimgen': 1, 'reccover': 1, 'diago': 1, 'quiclky': 1, "\\'what\\'s": 1, "\\'should": 1, '\\ndinosaurs': 1, "rex\\'s": 1, "loggia\\'s": 1, 'nomadic': 1, 'home-shopping': 1, 'enraging': 1, 'mcbainbridge': 1, 'all-business': 1, '\\nstructurally': 1, 'unsound': 1, 'unaddressed': 1, 'cushions': 1, "letter\\'s": 1, "\\ncapshaw\\'s": 1, 'ho-sun': 1, "'surrounded": 1, 'mccole': 1, 'bartusiak': 1, 'aggie': 1, "fleder\\'s": 1, 'crutch': 1, "nathan\\'s": 1, 'ex-cons': 1, '\\namericans': 1, 'woolworth': 1, '\\nangus': 1, 'genuineness': 1, 'non-cartoon': 1, 'squinting': 1, "'breakdown": 1, 'linn': 1, "\\'exciting\\'": 1, "'ugh": 1, 'enviable': 1, '\\ndignity': 1, "\\'whatever\\'": 1, "\\'geniuses\\'": 1, 'independece': 1, '\\nsumming': 1, 'dog-walking': 1, 'improvized': 1, 'rehearsel': 1, "m\\'kay": 1, '\\nroll': 1, 'cinemtography': 1, "'ripe": 1, "hark\\'s": 1, 'movie-bedpost': 1, "neither\\'s": 1, 'exuberantly': 1, 'ex-cia': 1, 'counter-terrorist': 1, 'beefy': 1, "stavros\\'": 1, 'natacha': 1, 'lindinger': 1, "rodman\\'s": 1, 'lite': 1, 'brite': 1, 'exhilarated': 1, 'net-surfing': 1, 'killathon': 1, 'recreates': 1, 'cheaply-made': 1, 'ab': 1, 'unenergetically': 1, 'genzel': 1, 'ami': 1, 'dolenz': 1, '\\nmeschach': 1, "'yeah": 1, "trooper\\'s": 1, 'high-class': 1, '\\nguidance': 1, 'locally': 1, 'fund-raiser': 1, 'opportune': 1, "counselor\\'s": 1, 'precautions': 1, 'unsubstantial': 1, 'low-class': 1, '\\npitting': 1, 'authoritarians': 1, 'pretzel': 1, "eye-full\\'s": 1, 'scrumptiously': 1, 'less-than-subtle': 1, 'gere\x12s': 1, 'invulnerability': 1, 'barracking': 1, 'moore\x12s': 1, '\x13they': 1, 'but-you-knew-along': 1, 'shrewdly': 1, 'spoils': 1, 'innovate': 1, 'shielding': 1, 'wasn\x12t': 1, 'corner\x12s': 1, '\\nshen': 1, 'isn\x12t': 1, 'vail\x05where': 1, '\\noutlaws': 1, '\\ndelayed': 1, 'militiamen': 1, 'rollin': 1, "o\\'quinn": 1, 'railroads': 1, 'jameses': 1, 'youngers': 1, 'dusters': 1, 'bonanza': 1, 'homogenized': 1, '5-cent': 1, "'actually": 1, "double-d\\'s": 1, "jeweler\\'s": 1, 'trapeze': 1, 'sprayed': 1, 'ha-ha': 1, 'wearer': 1, "directorate\\'s": 1, 'retina': 1, '\\nreminds': 1, 'transformers': 1, 'big-busted': 1, 'kickboxer': 1, 'tamuera': 1, 'rowell': 1, '\\npamela': 1, 'armful': 1, 'semi-automatic': 1, 'ammunitions': 1, "hbo\\'s": 1, 'non-titillating': 1, 'wazzoo': 1, 'wookie': 1, 'automatic-pilot': 1, '\\nelton': 1, 'slinking': 1, 'langer': 1, '\\nyellowstone': 1, 'run-shrieking-from-the-theater': 1, 'inundates': 1, 'thirty-something': 1, '\\nclose-ups': 1, 'oh-so-carefully': 1, 'bazooms': 1, 'beefcake': 1, 'smoggy': 1, '\\nintended': 1, 'multi-armed': 1, 'shiva': 1, 'menaces': 1, 'reassembled': 1, "\\nlara\\'s": 1, 'long-missing': 1, 'poppa': 1, 'perusing': 1, 'quirkyness': 1, 'excitment': 1, 'mid-way': 1, 'migraine': 1, 'imbedded': 1, 'once-ever-5000-years': 1, "fightin\\'": 1, 'direct-to-cable': 1, 'archeologist': 1, 'large-scale': 1, 'savory': 1, 'rimmer': 1, 'barrie': 1, 'messias': 1, 'possesion': 1, 'self-irony': 1, 'synopses': 1, 'alba': 1, 'rool': 1, 'sundowns': 1, 'kibbe': 1, 'stepford': 1, '\\nsuck-ups': 1, '\\npreppies': 1, 'penmen': 1, 'plumets': 1, 'kiss-ups': 1, 'hang-ups': 1, 'angstdom': 1, 'super-rich': 1, 'punts': 1, 'palatial': 1, 'beauteous': 1, 'squished': 1, 'drawing-room': 1, 'dundee': 1, 'inconsistently': 1, 'halting': 1, 'patois': 1, 'moguls': 1, "hopkins\\'s": 1, 'edmonds': 1, '_dead_': 1, 'francisco_': 1, 'mccall': 1, '\\nmetro': 1, "korda\\'s": 1, 'fast-talker': 1, 'doctored': 1, 'stand-by': 1, '_twice_': 1, 'gatlin': 1, 'nebraska': 1, 'cornfields': 1, 'vicinity': 1, 'skogland': 1, "'arnold": 1, 'reckoned': 1, '\\nfairuza': 1, 'leather-wearing': 1, 'biker-chick': 1, '\\nwinkler': 1, '-style': 1, 'ranked': 1, "'gordie": 1, 'southerner': 1, 'lunkheads': 1, '\\nbischoff': 1, "sinclair\\'s": 1, 'insistance': 1, 'film--the': 1, 'series--was': 1, 'lavatory': 1, 'isaak': 1, 'washington--one': 1, "badalamenti\\'s": 1, 'others--mostly': 1, 'ontkean': 1, 'beymer': 1, 'moira': 1, 'reconstructed': 1, 'super-light': 1, 'decrement-life-by-90-minutes': 1, '\\njalla': 1, 'torkel': 1, 'petersson': 1, 'knit': 1, 'swede': 1, 'laleh': 1, 'pourkarim': 1, 'tuva': 1, 'novotny': 1, '\\nyasmin': 1, 'impotence': 1, '\\nlebanese-born': 1, '\\ncharacterization': 1, 'bartenders': 1, 'tyra': 1, 'lynskey': 1, 'izabella': 1, 'absolut': 1, 'jiggling': 1, 'perrier': 1, 'gyrating': 1, 'shimmying': 1, '\\nviolet': 1, 'amboy': 1, 'welder': 1, 'fobbed': 1, 'receptionists': 1, 'scorn-ful': 1, 'babe-a-licious': 1, 'barkeeps': 1, 'thumbing': 1, '$20s': 1, '\\nlil': 1, "\\'ugly\\'s": 1, 'flambeeing': 1, 'sprite--this': 1, "blondie\\'s": 1, 'cured': 1, 'food-eating': 1, 'laundry-impaired': 1, "'confucius": 1, 'governing': 1, 'iffiness': 1, 'deflated': 1, 'on-key': 1, 'cubicled': 1, 'gibbons': 1, 'consultants': 1, 'willson': 1, 'aniston-as-love-interest': 1, 'semi-intriguing': 1, 'errupts': 1, "denzel\\'s": 1, 'eruting': 1, 'schweppervescent': 1, 'yet-to-be-released': 1, 'menstruation': 1, 'immaturity': 1, 'petitions': 1, 'lindner': 1, '\\nhungry': 1, 'mostly-misfired': 1, 'broughton': 1, 'reek': 1, 'moldy': 1, 'cheddar': 1, 'cheesefest': 1, 'leapfrog': 1, '`2001': 1, "odyssey\\'": 1, "`armageddon\\'": 1, '`apollo': 1, "13\\'": 1, "untouchables\\'": 1, "impossible\\'": 1, "vanities\\'": 1, '10-foot': 1, 'vomit-inducing': 1, 'award-winner': 1, 'measurements': 1, 'calculations': 1, '`sand': 1, "tornado\\'": 1, 'suction': 1, "`secret\\'": 1, "`m2m\\'": 1, 'time-frame': 1, "\\ndepalma\\'s": 1, 'optimists': 1, 'disaster-movie': 1, "end\\'": 1, '`jeez': 1, 'funnyman': 1, "`mission\\'": 1, 'crevasse': 1, 'abort': 1, 'strap': 1, "'despite": 1, 'species--a': 1, 'alien/human': 1, 'sil--is': 1, 'iii--though': 1, 'three-person': 1, "cbs\\'s": 1, 'west/cpw': 1, 'hyperdrive': 1, 'uninfected': 1, 'shipmate': 1, 'in-heat': 1, 'goddammit': 1, '\\nexclaims': 1, 'dilate': 1, "x-files\\'s": 1, 'douse': 1, 'flamethrowers': 1, 'xfx': 1, 'holed': 1, 'innocent-at-heart': 1, '\\nhelgenberger': 1, 'once-linked': 1, "ii\\'s": 1, 'at--unaccountably': 1, "helgenberger\\'s": 1, "madsen\\'s": 1, "maybury\\'s": 1, "jacobi\\'s": 1, 'brushstrokes': 1, 'colored-glass': 1, 'counterargument': 1, 'aperitif': 1, "fighter\\'s": 1, 'orgasmically': 1, '\\nmistaking': 1, 'idea---a': 1, 'villains---and': 1, 'villain/hero': 1, '$140': 1, 'however---not': 1, 'shot---as': 1, 'rehabilitates': 1, 'prositute': 1, 'alexis': 1, 'dominatrix': 1, 'brightens': 1, '\\nunger': 1, 'purproses': 1, 'good-buy': 1, "months\\'": 1, 'gbn': 1, '\\npathetic': 1, 'marino': 1, 'medic-alert': 1, 'siberian': 1, 'steppes': 1, '\\ncontinental': 1, '@#\\%': 1, 'non-horror': 1, '82-minutes': 1, 'take-off--': 1, 'f-ing': 1, 'chop-job': 1, '\\npooh': 1, 'allotting': 1, 'skanky': 1, "chompin\\'": 1, 'perdy': 1, 'match-ups': 1, "perdy\\'s": 1, 'dog-napping': 1, 'pelts': 1, 'pooches': 1, '\\nhughes': 1, 'draping': 1, 'aww': 1, "canines\\'": 1, 'thrill-seeker': 1, 'two-tone': 1, "pongo\\'s": 1, 'raccoons': 1, 'high-fiving': 1, 'rentals': 1, 'cassette': 1, 'lobotomizing': 1, 'play-by-': 1, 'canary': 1, 'hashbrown': 1, 'commentator': 1, 'earmarks': 1, 'sadsacks': 1, 'play-by-play': 1, "batter\\'s": 1, 'leaguers': 1, 'bruskotter': 1, 'isuro': 1, 'enmity': 1, "gus\\'": 1, 'overachieving': 1, "huff\\'s": 1, 'last-place': 1, 'mock-ups': 1, 'fastball': 1, "uecker\\'s": 1, 'once-sharp': 1, '1-1': 1, '\\nlooooooong': 1, 'best-ever': 1, 'player-turned-owner': 1, "berenger\\'s": 1, 'three-pitch': 1, 'oddly-timed': 1, 'waster': 1, '2-2': 1, '\\nfouled': 1, 'deflecting': 1, 'sulfuric': 1, '\\nflaming': 1, '\\nsymbolism': 1, 'seismic': 1, 'detected': 1, 'pledged': 1, 'stirrings': 1, 'skinny-dip': 1, 'fissure': 1, 'doff': 1, '\\nunfortunate': 1, 'hallahan': 1, 'likens': 1, 'rough-yet-debonair': 1, 'crater': 1, 'eruption/fire/earthquake/explosion/tsunami/tornado/meteorite': 1, 'councilmembers': 1, "mayor\\'s": 1, 'positing': 1, 'pompeii': 1, 'pyroclastic': 1, 'over/underwritten': 1, 'rancorously': 1, 'tangling': 1, 'dead-set': 1, 'stacking': 1, 'courtoom': 1, 'deploy': 1, 'artifically': 1, 'cross-burners': 1, 'tidied': 1, 'attention-getter': 1, 'immolates': 1, 'self-admittedly': 1, 'arraigned': 1, 'coutroom': 1, 'slipup': 1, 'screenwriterly': 1, 'geared-down': 1, 'handwaving': 1, 'squid-like': 1, 'stinkiest': 1, 'uh-oh': 1, 'trilian': 1, '\\nmeasure': 1, 'screechy': 1, 'honsou': 1, "december\\'s": 1, 'on-ship': 1, 'saboteur': 1, 'food-fate': 1, 'niger': 1, 'mandingos': 1, 'pleasured': 1, '\\nblanche': 1, 'half-black': 1, 'poisons': 1, 'miscegenation': 1, 'revise': 1, "mandingo\\'s": 1, 'quickly-made': 1, 'studio-financed': 1, 'laurentiis': 1, 'fleischer': 1, '1952': 1, 'ostott': 1, 'wexler': 1, "\\nwexler\\'s": 1, 'slave-talk': 1, 'yessuh': 1, 'massuh': 1, 'fer': 1, "whut\\'re": 1, "gittin\\'": 1, "\\nfleischer\\'s": 1, 'reassessed': 1, 'plantations': 1, "wexler\\'s": 1, 'unexploitive': 1, 'jazzed': 1, "i\\'m-having-a-mid-life-crisis": 1, 'fiftieth': 1, 'humping': 1, 'remix': 1, '\\ngregg': 1, 'quick-e': 1, 'mart': 1, "clerk\\'s": 1, 'fryer': 1, '\\naraki': 1, 'dismemberments': 1, 'controled': 1, 'camoes': 1, 'farrel': 1, 'heidi': 1, 'fleiss': 1, 'mcknight': 1, 'bearse': 1, 'cho': 1, '\\ngimme': 1, 'nirvana': 1, "\\neverything\\'s": 1, "nail\\'s": 1, 'dead/and': 1, 'cares/if': 1, "hell/i\\'ll": 1, 'champs': 1, '91-minute': 1, '\\nrodney': 1, 'volunteering': 1, 'jackee': 1, "\\nchester\\'s": 1, 'brandis': 1, 'falsies': 1, '\\nbrandis': 1, '\\ndangerfield': 1, '\\nshift': 1, 'mccracken': 1, '\\nforward': 1, 'torn-up': 1, 'ugly-ass': 1, 'horseshoes': 1, 'helper-': 1, 'grater': 1, 'it-': 1, 'wackier': 1, 'irked': 1, '\\nadorn': 1, 'tabbed': 1, 'frills': 1, 'agent/pop': 1, 'yuor': 1, 'unmet': 1, 'sciora': 1, "\\'penalty\\'": 1, "\\nsciora\\'s": 1, '_some_': 1, 'heartwarmers': 1, 'record-breaking': 1, 'overbeck': 1, '\\noverbeck': 1, "stupids\\'": 1, 'lundy': 1, 'antagonizing': 1, 'laxatives': 1, 'stupidness': 1, 'dunces': 1, 'laurel': 1, 'trouble-making': 1, 'clouseau': 1, 'anti-glory': 1, 'graziano': 1, 'marcelli': 1, 'transposes': 1, "\\nconrad\\'s": 1, 'religiously': 1, "peploe\\'s": 1, '\\nalma': 1, 'fair-skinned': 1, 'show-and-tell': 1, 'yanne': 1, "neil\\'s": 1, 'gentleman-at-large': 1, 'nullifies': 1, 'insolent': 1, 'spectre': 1, 'ruffian': 1, 'masterminding': 1, 'foolhardiness': 1, 'keyzer': 1, 'savour': 1, '\\nsourabaya': 1, 'inter-woven': 1, 'conning': 1, 'outshining': 1, "'chill": 1, "`elvis\\'": 1, 'shockwave': 1, 'goo-iffy': 1, 'defoliates': 1, 'snatching': 1, '\\nprotecting': 1, "brynner\\'s": 1, 'tree-covered': 1, 'lifelessly': 1, 'profusely': 1, 'frankfurters': 1, '`oh': 1, "`darlene\\'s": 1, "diner\\'": 1, '\\n`yeah': 1, '\\n`they': 1, 'teed': 1, 'jody': 1, 'timoney': 1, 'neilsen': 1, 'sequence/flashback': 1, "m&m\\'s": 1, '\\nclich': 1, "u\\'tinni": 1, 'jawa': 1, 'trinket': 1, '\\nennio': 1, 'spacewalk': 1, 'grappling': 1, 'helmet': 1, 'twinge': 1, 'translucent': 1, 'conehead': 1, 'kitty-faced': 1, "'retrospective": 1, 'salvati': 1, 'cadavers': 1, '\\nmccoll': 1, "fulci\\'": 1, '\\nlong-time': 1, 'electro-pop': 1, 'completists': 1, '500k': 1, 'sweat-literally': 1, 'course-a': 1, '\\nshue': 1, 'tex': 1, "avery\\'s": 1, 'dimwit-with-a-shady-past': 1, '2am': 1, 'schl': 1, 'plot-by-numbers': 1, '\\nschl': 1, 'hard-he': 1, 'bugs-but': 1, 'freshen': 1, 'detects': 1, 'globel': 1, 'out-perform': 1, "'years": 1, '_jumanji_': 1, '_what': 1, 'weepie-wannabe': 1, '\\n_brazil_': 1, 'children_': 1, '_2001_': 1, '_last': 1, 'marienbad_': 1, '\\n_what': 1, 'electronica': 1, "_mind\\'s": 1, 'eye_': 1, 'prematurely--not': 1, "_it\\'s": 1, 'life_': 1, '\\ni+ll': 1, '_loathe_': 1, '\\nyou+ve': 1, 'imo': 1, 'what+s': 1, 'chris+': 1, '\\n_gag': 1, 'spoon_': 1, 'sciorra+s': 1, '_all_': 1, 'petra': 1, 'annie/she+s': 1, 'good/there+s': 1, 'her/and': 1, 'could/but': 1, '\\nmelancholic': 1, '\\ndepressing': 1, '\\nsuicide--bad': 1, '\\n_don+t': 1, 'it_': 1, '--you': 1, '\\nshouldn+t': 1, 'schmaltzfest': 1, '\\nplush': 1, 'vending': 1, "predecessors\\'": 1, 'accelerator': 1, "_scream_\\'s": 1, 'baa-ram-ewe': 1, '000--paltry': 1, '_andre_': 1, '_but': 1, 'limited_': 1, 'smirk--regardless': 1, '\\nseason': 1, 'screenwriting-is-hell': 1, '_home': 1, 'alone_': 1, 'bears_': 1, 'fairy-tale': 1, 'fantasyland': 1, '_remains': 1, 'hotel_': 1, '\\ns-t-r-e-t-c-h': 1, 'actress-type': 1, 'grimm': 1, '\\n_babe_': 1, 'left-field': 1, 'pig-pig-pig-pig-pig': 1, '_scarface_': 1, 'gnaw': 1, 'fudd': 1, '\\nsplice': 1, "headley\\'s": 1, 'schmoozy': 1, 'doubly-cast': 1, 'hacked-up': 1, 'partitions': 1, 'animals--': 1, 'autographs': 1, 'disgraceful': 1, '\\ntimes': 1, 'infinity': 1, 'monosyllabic': 1, 'panel-sized': 1, 'skimps': 1, 'superdemon': 1, 'prehensile': 1, "'phaedra": 1, 'never-heard-of': 1, 'sneaked': 1, 'holidaygoers': 1, 'dusted': 1, 're-issued': 1, 'z-movies': 1, 'ramshackle': 1, 'nob': 1, 'scotch-induced': 1, "\\nfahey\\'s": 1, 'kraftwerk': 1, 'bavarian': 1, '\\nsylvie': 1, 'jah': 1, 'turrets': 1, 'mentorship': 1, 'beret-wearing': 1, 'bauchau': 1, '-inspired': 1, "\\nbauchau\\'s": 1, 'gargoyles--perhaps': 1, 'incubus': 1, 'clippings': 1, 'macbeth': 1, 'courted': 1, 'renounces': 1, 'bedtimes': 1, 'racket': 1, 'merrick': 1, 'kong-recipe': 1, 'life-and-death': 1, 'sunglass-wearing': 1, 'hip-hop-talking': 1, '\\nobserve': 1, '\\ncisco': 1, 'god-daughter': 1, "\\'investigation\\'": 1, "\\ncisco\\'s": 1, 'tracing': 1, 'not-so-engrossing': 1, "financee\\'s": 1, 'pimple-faced': 1, 'fims': 1, "regan\\'s": 1, 'hilariosly': 1, 'pumpkins': 1, '\\nim': 1, 'well-publicized': 1, 'in-place': 1, 'glorifies': 1, 'brooklyn-bound': 1, "\\nshane\\'s": 1, 'stater': 1, 'penzance': 1, "pbs\\'": 1, 'diablo': 1, 'multi-multi-plex': 1, 'english/drama': 1, '\\nbrackett': 1, 'laserdiscs': 1, 'hilarous': 1, 'senstivie': 1, 'occaisionally': 1, 'sustainably': 1, 'reconciles': 1, 'preist': 1, 'consumated': 1, 'vorld': 1, 'film--topping': 1, 'overlit': 1, 'fearest': 1, 'movie-induced': 1, '\\nchalk': 1, 'farm/estate': 1, 'red-handed': 1, 'husband-to-be': 1, 'deviously': 1, 'psycho-playing': 1, 'confessional': 1, 'foch': 1, '\\nidiotic': 1, 'shoddier': 1, 'blank-from-hell': 1, 'labor-inducing': 1, 'knits': 1, 'medically': 1, 'caviar': 1, 'hendra': 1, 'reginald': 1, 'rock-concert': 1, 'rappers': 1, "bunz\\'s": 1, '\\nrushon': 1, 'lambskin': 1, 'dams': 1, "there\\'ll": 1, '\\nnikki': 1, 'interruptus': 1, 'retreats': 1, 'takashi': 1, 'bufford': 1, 'bootsie': 1, 'unexploited': 1, 'ludicrousness': 1, 'prevalence': 1, "'retelling": 1, 'top-rated': 1, 'prevails': 1, "element\\'": 1, "\\njovivich\\'s": 1, 'uncrowned': 1, 'two-hours': 1, "conscience\\'": 1, "`braveheart\\'": 1, '\\nsprinkled': 1, 'homeys': 1, 'erric': 1, 'hopefulness': 1, "'violence": 1, 'kikujiro': 1, 'sonatine': 1, 'self-mutilation': 1, "kitano\\'s": 1, 'ten-plus': 1, 'involuntarily': 1, 'yamamoto': 1, "\\nshirase\\'s": 1, 'masaya': 1, 'kato': 1, "yamamoto\\'s": 1, 'afterword': 1, '\\nvampire': 1, 'xxx': 1, 'animes': 1, 'strom': 1, 'thurmand': 1, 'trespassing': 1, 'brooder': 1, '\\nheroes': 1, 'skateboard-related': 1, 'fave': 1, 'mysogny': 1, 'neccesity': 1, "'lauded": 1, 'near-flawless': 1, 'copybook': 1, 'much-publicized': 1, 'tease-a-thon': 1, 'marrieds': 1, "schnitzler\\'s": 1, '1926': 1, 'novella': 1, 'intellectualism': 1, 'stints': 1, '\\nunhappily': 1, 'lavishly-decorated': 1, 'torpor': 1, 'ziegler': 1, 'irons-like': 1, 'overdoser': 1, 'eyeballed': 1, 'hurtful': 1, 'tailspin': 1, 'midshipman': 1, 'cult-ish': 1, 'bacchanal': 1, 'chanting': 1, 'strategically-placed': 1, 'partygoers': 1, 'hefner': 1, 'lusted': 1, '\\nwhoop-dee-doo': 1, 'pace--was': 1, 'hourly': 1, 'buoyant': 1, 'craftiness': 1, 'ill-composed': 1, 'pricey': 1, 'jimmies': 1, 'hot-wires': 1, 'felony-studded': 1, "niece\\'s": 1, 'role-reversal': 1, 'tummy': 1, 'grrrl': 1, '\\nmotivations': 1, '\\nscant': 1, 'mustered': 1, 'multiply': 1, 'cdc': 1, 'jacott': 1, "gunton\\'s": 1, 'omnivorous': 1, 'disperses': 1, "shelia\\'s": 1, "bats\\'": 1, 'cavern': 1, 'phosphorus': 1, 'rubbery': 1, "puppeteer\\'s": 1, "headmaster\\'s": 1, "adjani\\'s": 1, '`homage': 1, "to\\'": 1, '[read': 1, '\\nadjani': 1, '\\ncostumed': 1, 'enticingly': 1, "hitch\\'s": 1, 'broeck': 1, 'two-hours-and-then-some': 1, '\\nkay': 1, 'often-times': 1, "\\nkay\\'s": 1, 'semi-interesting': 1, "hearts\\'": 1, 'shies': 1, 'up-and-comer': 1, '\\n`alex': 1, "`surprise\\'": 1, 'perking': 1, 'anti-depressant': 1, 'derailing': 1, '`double': 1, 'wards': 1, '`parole': 1, "officer\\'": 1, 'mentally-disturbed': 1, 'spurned-psycho-lover-who-wants-revenge': 1, "i\\'m-going-to-stare-you-down": 1, 'screeches': 1, 'f--k': 1, 'b-----d': 1, 'turkies': 1, 'mandoki': 1, 'captivates': 1, '\\ncaleb': 1, "deschanel\\'s": 1, 'best-': 1, 'accentuated': 1, 'ryan/andy': 1, "'disconnect": 1, '`sleepless': 1, "seattle\\'": 1, '`unsung': 1, 'teeming': 1, 'fakery': 1, '\\n`hanging': 1, 'tele-marketer': 1, '\\ncell-phones': 1, 'unrealized': 1, "\\n`georgia\\'": 1, 'airhead': 1, "`friends\\'": 1, 'distressing': 1, '\\npin': 1, '\\nuh-uh': 1, "'running": 1, '1hr': 1, '40mins': 1, 'choo': 1, 'se7en-ish': 1, 'virtual-reality': 1, 'legal-drug': 1, 'game-experience': 1, '\\nplayers': 1, 'bio-ports': 1, 'game-pod': 1, 'beta-testing-cum-teaser': 1, 'realists': 1, 'cronenberg-gore': 1, 'no-where': 1, 'over-indulgence': 1, 'miss-directed': 1, 'tight-budget': 1, 'dumfounded': 1, 'mothers-in-law': 1, "debbie\\'s": 1, 'one-down': 1, 'familiar--one': 1, 'hamburg': 1, 'fascistic': 1, 'judgmental': 1, 'overdress': 1, 'compacts': 1, "stein\\'s": 1, "\\nliz\\'s": 1, 'seminude': 1, '555': 1, 'nosed': 1, 'coked-up': 1, 'excavating': 1, 'bad-enough-to-be-good': 1, 'hoodoo': 1, 'ladles': 1, '\\ncane': 1, 'despondence': 1, 'deciphering': 1, 'kreskin': 1, "cane\\'s": 1, "\\nhyams\\'": 1, 'beelzebub': 1, 'gander': 1, "robertson\\'s": 1, 'maw': 1, 'on-par': 1, '20s': 1, 'policewomen': 1, "\\nribisi\\'s": 1, 'dumbass': 1, "epps\\'": 1, "squad\\'s": 1, 'superviser': 1, 'dirtied': 1, "\\nepps\\'": 1, 'drug-op': 1, 'escape-as-quickly-as-you-can': 1, 'here-to-there': 1, 'futz': 1, 'droney': 1, 'stereoscopic': 1, '2654': 1, 'kissy-face': 1, 'coordinates': 1, 'medic': 1, 'siamese': 1, 'techno-babble': 1, 'later-in-the-year': 1, 'much-ballyhooed': 1, 'granting': 1, 'refunds': 1, '21-year': 1, 'gen-y': 1, "\\nblanchett\\'s": 1, '\\nimportant': 1, 'scatter': 1, "suzie\\'s": 1, 'epic-sized': 1, 'instability': 1, 'sigh-inducing': 1, '\\ncontrastingly': 1, "vierny\\'s": 1, 'lindy': 1, "hemming\\'s": 1, 'ninety-seven': 1, 'dominio': 1, '\\npotter': 1, "'sandra": 1, 'squader': 1, 'self-treatment': 1, 'poison-': 1, 'electro-': 1, 'edell': 1, 'col-': 1, 'lision': 1, 'electing': 1, 'return--': 1, 'mcclane': 1, 'sleepers': 1, "drivin\\'": 1, 'caribbean': 1, 'raptor': 1, 'shipboard': 1, '\\nbullock': 1, 'bikini-': 1, 'tank-': 1, 'bevery': 1, 'sweat-inducing': 1, 'cross-cut': 1, 'plows': 1, 'locomotive': 1, 'minutes--': 1, 'fiber': 1, 'optic': 1, 'converter': 1, 'whole-sentence': 1, "ships\\'": 1, 'canna': 1, 'arm-mounted': 1, 'disconnect': 1, 'grenade': 1, 'intercom': 1, '\\npontoon': 1, '\\nmemories': 1, "bernie\\'s": 1, 'claptrap': 1, "speilberg\\'s": 1, '\\nmouse': 1, 'verbinski': 1, '\\ndeciding': 1, 'unspeakably': 1, 'snuggles': 1, 'speilberg': 1, "'miramax": 1, 'disinvited': 1, 'spoiler-filled': 1, 'date-unsound': 1, "\\'net": 1, 'professionals-miramax': 1, 'ofcs': 1, 'fanboy': 1, "major\\'": 1, '\\nthrilling': 1, "cotton\\'s": 1, 'rutheford': 1, 'gossipy': 1, 'screenplay-and': 1, 'he/she/they': 1, 'entailing': 1, '\\nironic': 1, 'self-reflection': 1, 'ever-mutating': 1, '\\nconceptually': 1, "trilogy\\'s": 1, 'reined': 1, "\\ncraven\\'s": 1, 'persnickety': 1, 'b-actress': 1, 'well-the': 1, '3-why': 1, 'sanctimony': 1, "beltrami\\'s": 1, 'blatantly-do': 1, '\\nsting': 1, 'nerve-jangling': 1, 'iii-woefully': 1, 'mothballs': 1, "disappoint\\'": 1, 'aquanet': 1, '40-plus': 1, 'retro-comedy': 1, 'shoulda-been-nominated': 1, 'inheriting': 1, 'festively': 1, 'cyndi': 1, 'lauper': 1, '_many_': 1, 'frazzled': 1, 'cokehead': 1, "rubick\\'s": 1, 'ronkonkoma': 1, 'consonants': 1, '\\ninfamously': 1, 'comedienne': 1, 'several-scene': 1, '\\nhudson': 1, 'pretty-in-pink': 1, 'devirginized': 1, 'pukes': 1, 'overtaking': 1, '\\ngame': 1, 'clever-way': 1, 'slasher-flick': 1, 'heavy-rotation': 1, 'strong-worded': 1, "shadyac\\'s": 1, 'undefeatable': 1, 'indefatigable': 1, 'potters': 1, 'anti-male': 1, 'character-based': 1, '\\nsentimentality': 1, 'baggy': 1, 'prima': 1, 'donnas': 1, 'turnarounds': 1, "_don\\'t_": 1, 'ostertag': 1, 'schintzius': 1, 'malik': 1, 'sealy': 1, 'sacramento': 1, 'polynice': 1, 'notables': 1, 'giulianni': 1, 'rahman': 1, 'espn': 1, 'marv': 1, 'athlete-actors': 1, 'examiner': 1, 'ikea': 1, 'self-referencing': 1, 'blips': 1, 'signifiers': 1, 'coarsely': 1, '\\nadvertisements': 1, "'staring": 1, "\\'star\\'": 1, "forever\\'": 1, "robin\\'": 1, 'buton': 1, "returns\\'": 1, 'awsome': 1, "\\'con": 1, "air\\'": 1, 'theres': 1, 'prefered': 1, 'truely': 1, 'parador': 1, 'bounderby': 1, 'herculean': 1, 'linder': 1, 'misappropriating': 1, 'fabricates': 1, 'putzes': 1, 'ogden': 1, 'ill-marketed': 1, 'wedged': 1, "'way": 1, 'bellyaching': 1, 'procured': 1, 'cagney': 1, '\\nusual': 1, '\\nnowadays': 1, 'hippo': 1, '\\ncaan': 1, '\\nbenicio': 1, 'pitt-esque': 1, 'shrillness': 1, 'waddling': 1, '\\ntaye': 1, "hippo\\'s": 1, 'tarantino-ish': 1, 'faggots': 1, 'grunt-like': 1, 'emanated': 1, 'fetishized': 1, '\\ntend': 1, '[fill': 1, 'with]': 1, '\\nthusly': 1, 'unpleasantly': 1, 'singed': 1, 'gooder': 1, 'weasely': 1, 'propositions': 1, 'knifed': 1, "mohr\\'s": 1, 'sleazeball': 1, 'angie': 1, "dickinson\\'s": 1, 'casseus': 1, '\\nhurray': 1, 'nigga': 1, 'minstrel': 1, "spike\\'s": 1, 'contemptuously': 1, '[her': 1, 'mama]': 1, 'natty': 1, 'convulsing': 1, 'heaving': 1, 'scurries': 1, 'blow-ups': 1, 'affirms': 1, 'expressionists': 1, 'osemt': 1, "munchkin\\'s": 1, 'only-in-the-movies': 1, 'martyr-figure': 1, 'miller-ey': 1, 'nudnik': 1, 'trap-ish': 1, 'self-sacrificing': 1, 'bootstraps': 1, 'hoisted': 1, 'squander': 1, 'diffusing': 1, 'goner': 1, 'dollops': 1, 'rebuttal': 1, "'where": 1, 'easy-to-': 1, '-with-a-passion': 1, 'rectangles': 1, 'hexagons': 1, 'strut': 1, 'pavement': 1, '\\ngut-wrenchingly': 1, 'three-year-olds': 1, 'gross-wise': 1, '\\ntroopers': 1, 'dialouge/short': 1, '\\ncommercials': 1, '59': 1, "\\nrobbie\\'s": 1, 'heaping': 1, 'spoonfuls': 1, "rubik\\'s": 1, 'cubes': 1, "executives\\'": 1, 'vols': 1, "\\nbuscemi\\'s": 1, 'plot-related': 1, "'arriving": 1, '\\ndonahue': 1, 'woozy': 1, "\\'script\\'": 1, "\\'amateur\\'": 1, "heather\\'s": 1, 'boggingly': 1, 'blairwitch': 1, 'manuals': 1, 'stipulate': 1, 'fm': 1, '22-5': 1, 'sub-section': 1, 'highest-ranking': 1, 'motorcade': 1, 'bayouesque': 1, 'corniest': 1, 'emotion-charged': 1, '\\nsunhill': 1, 'beasly': 1, 'ariyan': 1, "\\nwould\\'ve": 1, 'cid': 1, 'on-the-sidelines': 1, 'emitted': 1, 'duked': 1, 'actionless': 1, 'stiff-as-a-board': 1, '\\nmadeleine': 1, 'tunneled': 1, 'malarkey': 1, 'analyzes': 1, 'typcast': 1, 'beastiality': 1, 'to-the-point': 1, 'admiting': 1, '\\nproduce': 1, 'cruder': 1, 'grosser': 1, 'pelvis': 1, 'five-hundred-pound': 1, 'chalderns': 1, 'literacy': 1, "\\'in": 1, 'action-verb': 1, '+blah': 1, 'faulkner': 1, "o\\'shae": 1, 'rubbell': 1, 'co-owner': 1, 'semi-clothed': 1, 'warhol': 1, 'capote': 1, 'ambivlaent': 1, 'implausable': 1, 'amphetimenes': 1, "\\nhayek\\'s": 1, "o\\'shae\\'s": 1, 'obserable': 1, 'veil': 1, 'eighies': 1, 'well-explored': 1, 'overhaul': 1, 'turtletaub': 1, '\\nturtletaub': 1, 'reused': 1, "\\nashton\\'s": 1, "\\nhopkins\\'": 1, 'takers': 1, 'oppressing': 1, 'thirty-minute': 1, '15-foot': 1, '2000-pound': 1, "\\n1949\\'s": 1, 'merian': 1, "\\'kong": 1, '49': 1, 'only--and': 1, 'only--reason': 1, 'wowing': 1, 'baker-enhanced': 1, "brilliance--baker\\'s": 1, "--there\\'s": 1, 'jubilantly': 1, 'extols': 1, 'stutter': 1, 'paraded': 1, 'spaghetti-strapped': 1, 'anthro-zoologists': 1, 'lithuanian': 1, 'charlize--surprise': 1, "\\'twas": 1, 'non-monkey': 1, 'ex-newspaper': 1, 'stingy': 1, '\\npalmetto': 1, 'curvier': 1, 'thick-headedness': 1, 'ex-journalist': 1, '\\nelisabeth': 1, '\\nchloe': 1, 'mick': 1, 'antihero': 1, 'aussies': 1, 'b/w': 1, '3-year': 1, 'reacquaint': 1, 'waylon': 1, 'jennings': 1, 'shel': 1, "silverstein\\'s": 1, '\\nned': 1, 'class-divided': 1, 'landowners': 1, 'clarissa': 1, '\\nrampaging': 1, 'saloon': 1, 'decoys': 1, '\\njagger': 1, '76': 1, 'it--and': 1, 'moments--prologues': 1, 'epilogues': 1, 'terrible--mr': 1, 'once--and': 1, '\\ngrinding': 1, 'unstoppably': 1, 'melodramatic--but': 1, 'suspensful': 1, 'level--it': 1, 'jokes--otherwise': 1, '\\nstark': 1, 'reccemond': 1, "proyas\\'s": 1, 'automats': 1, 'oh-so-promising': 1, 'sinister-sounding': 1, 'gilligan': 1, 'lewinsky': 1, 'pasty-faced': 1, 'twitchy': 1, "sewell\\'s": 1, 'sexiest': 1, 'performace': 1, 'tangiential': 1, 'snap-brim': 1, 'exceptionlly': 1, 'flotsam': 1, '\\nhowie': 1, 'unreachable': 1, 'woodland': 1, 'laxity': 1, 'now-escaped': 1, 'birdwatcher': 1, 'pounders': 1, '\\nforsythe': 1, 'scenery-chewing': 1, '\\nsuzy': 1, 'bio-dome': 1, 'easily-angered': 1, 'vacillating': 1, 'spurned-psycho-lover-gets-her-revenge': 1, "ex\\'s": 1, "it\\'s-so-bad-it\\'s-good": 1, 'yancy': 1, "diedre\\'s": 1, 'recommitted': 1, "her\\'s": 1, '\\ntherapists': 1, 'snuffed': 1, "\\n\\'i\\'m": 1, "mancuso\\'s": 1, 'nervous-wreck': 1, "butler\\'s": 1, 'cuckoo-bird': 1, 'hazards': 1, 'not-so-brilliantly': 1, "elwood\\'s": 1, '\\ncabel': 1, '\\naykroyd': 1, 'mergers': 1, 'rawhide/stand': 1, 'tritt': 1, 'erykah': 1, 'badu': 1, 'diddley': 1, 'winwood': 1, '133': 1, '1700s': 1, "norman\\'s": 1, 'gold-toned': 1, "\\nhoffman\\'s": 1, '\\nfresh': 1, 'recipients': 1, 'over-active': 1, 'humiliations': 1, 'glue-like': 1, "finch\\'s": 1, 'trying-to-be-hip': 1, 'herz': 1, 'comedown': 1, 'anthropologists': 1, 'stolz': 1, 'poacher': 1, 'hitchhikers': 1, '\\ncale': 1, 'chokes': 1, "sarone\\'s": 1, 'feline': 1, "panther\\'s": 1, '\\neeeewwwww': 1, "'midway": 1, 'crank': 1, '\\nanimatronic': 1, 'cringe-': 1, 'jaw-': 1, 'dropper': 1, '\\nheroic': 1, 'boondocks': 1, '\\nstoltz': 1, 'tributary': 1, 'structural': 1, 'narrate': 1, 'twinkle': 1, 'high-camp': 1, 'tediously-and': 1, 'obviously-inserted': 1, "didn\\'t-we-dress-funny-back-then": 1, 'skirt-chasing': 1, 'speculator': 1, 'ups-and-downs': 1, "up-i\\'ve": 1, 'herman-make': 1, '\\nidol': 1, 'post-break-up': 1, 'susanne': 1, '\\nsusanne': 1, '\\nbrace': 1, 'home-cooked': 1, '\\nalyssa': 1, 'guest-starred': 1, 'made-for-the-sci-fi-channel': 1, 'postmodernism': 1, "milano\\'s": 1, 'pos': 1, '\\nannoying': 1, '\\nminute': 1, '4/29/00': 1, 'com/moviefan983/moviereviewcentral': 1, "'14": 1, 'mini-plots': 1, "griswold\\'s": 1, "d\\'lyn": 1, "\\nd\\'angelo": 1, '\\nwowzers': 1, '\\nsunday': 1, "kessler\\'s": 1, 'jejune': 1, 'tv-movie-ish': 1, '\\nkessler': 1, 'carte': 1, 'suspensor': 1, '\\nhot': 1, 'irritable': 1, 'rochester': 1, '\\nken': 1, "this\\'": 1, "\\'stand": 1, 'cking': 1, "deliver\\'": 1, '\\nsloppy': 1, 'puttingly': 1, '\\nkeanur': 1, 'gigabytes': 1, 'neater': 1, 'ethnicities': 1, 'weirdos': 1, '\\nhandled': 1, 'phoned': 1, 'videophones': 1, '\\nsnore': 1, 'feedback': 1, 'un-technical': 1, 'command-line': 1, 'twiddling': 1, 'holograms': 1, 'convulses': 1, '\\nrenting': 1, 'surley': 1, 'snipe': 1, 'kills--he': 1, 'hitmen--cisco': 1, 'sabbato': 1, '\\ngoddaughter': 1, 'woo-type': 1, 'breakdancing': 1, 'genre-shifting': 1, 'quirky-but-realistic': 1, '\\nkeiko': 1, 'grammatical': 1, '\\ngrenades': 1, 'fractions': 1, 'launchers': 1, 'though--wahlberg': 1, 'reiterate': 1, "gio\\'s": 1, 'zamora': 1, 'tannen': 1, '\\nlocally': 1, 'wannabe-zany': 1, 'crabby': 1, 'krubavitch': 1, 'estelle': 1, "constanza\\'s": 1, '\\nsharing': 1, "inventor\\'s": 1, "armand\\'s": 1, 'acquires': 1, 'turi': 1, 'zamm': 1, '\\npulled': 1, 'synonyms': 1, 'ren': 1, 'magritte': 1, '\\nsurrealist': 1, 'pseudo-legendary': 1, '>from': 1, 'unfortunatly': 1, 'overpowers': 1, 'hard-unearned': 1, 'aris': 1, 'iliopulos': 1, 'overstays': 1, 'onlooker': 1, 'side-show': 1, 'no-budget': 1, 'partyers': 1, '\\n`have': 1, 'roosevelt': 1, "`what-ever-happened-to\\'": 1, 'mintues': 1, 'europop': 1, 'agitate': 1, 'forebearing': 1, "'terrence": 1, '3-hour': 1, 'pseudo-epic': 1, "\\nnolte\\'s": 1, 'telegraph': 1, 'actress-turned-comedy': 1, 'urbanite': 1, 'sitcom-airiness': 1, 'cast-member': 1, 'schandling': 1, 'leguizimo': 1, 'godfried': 1, 'one-line-at-a-time': 1, 'laughfests': 1, "\\'how": 1, "smarter-than-you\\'d": 1, '\\nbutt': 1, '_lot_': 1, "'saw": 1, 'hot-shot-young-no-experience-never-killed-a-man': 1, 'drug-kingpins': 1, 'pig-headed': 1, 'scriptwriting': 1, 'camo': 1, 'high-power': 1, 'inches-from-death': 1, 'joes': 1, 'stand-ins': 1, 'bullet-cam': 1, 'projectile': 1, 'thisclosefromdeath': 1, '18-foot-high': 1, '43-foot-long': 1, 'strictly-by-the-numbers': 1, 'well-deserving': 1, 'computer-aided': 1, "dragonheart\\'s": 1, 'near-total': 1, 'glumly': 1, "thewlis\\'": 1, 'hf': 1, 'olde': 1, '\\ndragonheart': 1, 'lanced': 1, "'1989\\'s": 1, 'headliner': 1, 'voodoo-inspired': 1, 'uecker': 1, 'walton': 1, 'ex-ballet': 1, 'outfielders': 1, 'difilippo': 1, 'triplets': 1, "\\ngus\\'": 1, 'egotist': 1, 'hensley': 1, 'dionysius': 1, 'burbano': 1, 'vomity': 1, 'balinski': 1, 'ex-fiance': 1, 'arkansas': 1, 'cleaner/slave': 1, '\\napril': 1, 'sigmoid': 1, 'rambo-style': 1, 'leveling': 1, 'subsided': 1, "\\napril\\'s": 1, 'writer/director/co-star': 1, 'jaunty': 1, 'straights': 1, 'spiritedly': 1, 'non-acceptance': 1, 'scornful': 1, 'tactfully': 1, 'anti-nukes': 1, 'indie-underground': 1, 'indicator': 1, 'post-twin': 1, 'sued': 1, '\\ncavanaugh': 1, '\\njulian': 1, "helena\\'s": 1, '\\nsherilyn': 1, 'quasi-artistic': 1, "basinger\\'s": 1, 'merienbad': 1, 'beaudine': 1, '\\ndracula': 1, 'atoll': 1, 'iguanas': 1, 'nuzzling': 1, 'canning': 1, 'supervised': 1, 'netting': 1, 'earthworm': 1, 'korea': 1, 'totopoulos': 1, 'hermaphrodite': 1, 'nesting': 1, 'populous': 1, "hour\\'s": 1, "tatopoulos\\'": 1, 'humanities': 1, 'inhospitable': 1, 'clutch': 1, 'iguana': 1, 'blooded': 1, 'cables': 1, 'mutations': 1, 'taxis': 1, 'galapagos': 1, '\\n14': 1, 'belays': 1, 'mind--': 1, 'redirection': 1, "\\'jurassic": 1, "'woody": 1, 'artist-directors': 1, '\\nzelig': 1, 'disjointedness': 1, 'dramatizes': 1, '\\nblock': 1, 'hilly': 1, "hilly\\'s": 1, 'different--black': 1, "sorvino\\'s": 1, 'orpheus': 1, 'linchpin': 1, '\\nfifth': 1, 'faiths': 1, 'instant-gratification': 1, 'heartening': 1, 'kidvid': 1, 'jocularly': 1, '\\nbrasco': 1, 'chumming-up': 1, 'exacerbates': 1, 'fluoro': 1, 'coloured': 1, "scorces\\'": 1, '\\nlefty': 1, "lefty\\'s": 1, 'alger': 1, 'hyper-capitalism': 1, 'breaching': 1, 'sanitises': 1, "pipstone\\'s": 1, 'obstructive': 1, 'insubordination': 1, 'mcbain': 1, 'springfield': 1, 'good-work': 1, "breadwinner\\'s": 1, 'scrupulous': 1, 'emulating': 1, 'namesakes': 1, '\\nsequels': 1, 'instalment': 1, 'carhart': 1, 'rheinhold': 1, 'sillyness': 1, 'alberto': 1, "caesella\\'s": 1, 'phenomenas': 1, '\\nhandling': 1, 'ravishingly': 1, 'bicker-': 1, 'ex-presidents': 1, 'clude': 1, 'bacall': 1, 'quayle-ish': 1, 'now-ritual': 1, 'non-discriminating': 1, 'political-': 1, 'road-comedy': 1, 'wit--': 1, 'trainload': 1, 'tarheels': 1, "'keep": 1, 'semi-accomplished': 1, 'yimou': 1, 'kickoff': 1, 'anticipants': 1, 'queued': 1, "cool\\'s": 1, 'regaled': 1, "assistant\\'s": 1, '\\nqu': 1, '\\nheadache': 1, 'jiang': 1, 'qu': 1, 'lamppost': 1, 'baotian': 1, 'equitably': 1, "bookseller\\'s": 1, 'confucius': 1, 'pebble': 1, 'premature': 1, '\\ndill': 1, 'hardee-har-har': 1, '3-7': 1, 'valuables': 1, '\\nlady': 1, 'businesslike': 1, 'fluidity': 1, 'attention-deficit-disorder': 1, 'defiant': 1, 'seesaws': 1, 'starkness': 1, 'reset': 1, 'soured': 1, '\\nattired': 1, 'thrift': 1, 'bangy': 1, 'girlish': 1, 'everclear': 1, 'six-pack-wielding': 1, 'fratboy': 1, 'introvert-boy-falls-for-extrovert-girl': 1, 'non-specificity': 1, '\\nsmall-town': 1, 'woolly': 1, "hunter\\'s": 1, 'flaps': 1, 'moptop': 1, 'shemp': 1, 'smug-looking': 1, 'equating': 1, 'flamboyance': 1, 'dormies': 1, 'evict': 1, 'molest': 1, 'ignorantly': 1, 'altruistic': 1, 'recuperate': 1, 'non-friendly': 1, "alcott\\'s": 1, 'hommage': 1, 'berkeley--er': 1, 'thyme': 1, 'trod': 1, 'will--mere': 1, 'cheerily': 1, 'redecorating': 1, 'laissez-faire': 1, '\\ngoth': 1, 'erratically': 1, 'arcs': 1, 'seriously--god': 1, 'books-about-movies': 1, 'contests': 1, "\\'film": 1, '@': 1, "'fantastically": 1, 'godzila': 1, '\\ngulp': 1, "\\'summer": 1, "blockbuster\\'": 1, "\\'tough": 1, '\\nshame': 1, "\\'animal\\'": 1, "\\'that\\'s": 1, 'croissant': 1, "\\'hilarious\\'": 1, '\\nvelicorapters': 1, "\\'evolution": 1, "\\'ghostbusters\\'": 1, "\\'men": 1, "black\\'": 1, "\\'tremors": 1, 'alienbusting': 1, '\\ncommunity': 1, 'profs': 1, 'one-celled': 1, "ira\\'s": 1, 'poolboy': 1, 'adlib': 1, 'dragon-like': 1, '\\neraser': 1, 'sonja': 1, 'anytown': 1, '@#$^\\%': 1, 'c+': 1, '$@^@': 1, '^': 1, 'even-': 1, 'ill-defined': 1, '\\ngenerations': 1, '23rd': 1, 'christening': 1, 'ribbon': 1, '\\nseventy-eight': 1, "\\nsoran\\'s": 1, '230': 1, 'captains': 1, 'deferrential': 1, "\\nstewart\\'s": 1, 'doohan': 1, 'chekhov': 1, 'monomanical': 1, "generations\\'": 1, "'they": 1, 'house-ghost': 1, 'overabundant': 1, 'pre-credit': 1, 'sendup': 1, 'nike': 1, 'faired': 1, 'blender': 1, 'panting': 1, "'vikings": 1, 'etch': 1, 'bandaras': 1, '\\naccompanied': 1, 'shariff': 1, 'halted': 1, '\\nhelp': 1, 'fortune-telling': 1, 'incantation': 1, 'oracles': 1, 'haggardly': 1, 'materializes': 1, "banderas\\'s": 1, 'downpours': 1, 'thor': 1, 'go-around': 1, 'ass-cracks': 1, 'al-l-l-l-l-l-l-l-l-l-lrighty': 1, 'pre-school': 1, 'appreciates': 1, "rhino\\'s": 1, 'hee-haw': 1, 'nonmembers': 1, 'stranglers': 1, 'dried': 1, "edwards\\'": 1, "mistress\\'": 1, "ritter\\'s": 1, 'tripper': 1, 'squirt': 1, 'freshener': 1, 'remarrying': 1, "gardenia\\'s": 1, 'many--alyson': 1, 'sitcomish': 1, 'sight-gag': 1, 'bails': 1, 'not-so-happily': 1, 'seedier': 1, 'georgie': 1, 'mazar': 1, 'lashes': 1, 'cadillac': 1, "daniels\\'": 1, 'cambridge': 1, 'benoni': 1, 'separated-at-births': 1, 'boomer': 1, 'thriftily': 1, 'plot-driving': 1, 'fritter': 1, 'demure': 1, 'club-singer': 1, 'chan-film': 1, 'bride-hopeful': 1, 'brouhaha': 1, "so-corny-it\\'s-funny": 1, "chan\\'": 1, 'crash-testing': 1, 'loews': 1, 'cleverest': 1, 'knuckleheaded': 1, 'punched-up': 1, 'strangulation': 1, 'vice-presidential': 1, '\\nteamed': 1, 'sordidness': 1, 'degredation': 1, 'filtered-light': 1, 'moron-proof': 1, 'cutaway': 1, 'overdirecting': 1, 'slow-fade': 1, '\\nbubbling': 1, 'night-sticking': 1, "sunhill\\'s": 1, "\\ngoldman\\'s": 1, 'psycho-in-the-rain': 1, "'cradle": 1, 'director/actor': 1, 'overconfident': 1, 'blitzstein': 1, 'ventriloquist': 1, 'rockefeller': 1, "'disillusioned": 1, 'tienne': 1, 'guillaume': 1, 'canet': 1, 'virginie': 1, 'ledoyen': 1, 'abouts': 1, 'un-watchable': 1, "\\'video": 1, 'philosopher': 1, "'kate": 1, 'videographer': 1, 'prying': 1, "\\'well": 1, '\\ndunn': 1, '\\ndukakis': 1, '\\nwww': 1, 'xtdl': 1, 'com/~canran': 1, 'souk': 1, 'gizzards': 1, 'floorboard': 1, 'nympho': 1, 'ground--all': 1, 'meat-hooks': 1, 'crucifies': 1, 'carves': 1, "nympho\\'s": 1, "bimbo\\'s": 1, 'single-digit': 1, 'meathooks': 1, '\\ncontinuity': 1, '\\nhorrible': 1, '\\nunrealistic': 1, 'red-dyed': 1, 'allergy': 1, 'godforsaken': 1, '\\nime': 1, 'trysha': 1, 'bakker': 1, 'marie-sylvie': 1, 'deveu': 1, 'scream-mask': 1, 'ping-ying': 1, 'liao': 1, 'peng-jung': 1, '\\ntaiwan': 1, '24/12/99': 1, '\\nsectors': 1, 'fours': 1, 'damp': 1, '\\nresidents': 1, 'asap': 1, 'premise--kafka': 1, 'cronenberg--is': 1, 'possiblities': 1, 'lives--for': 1, 'word--of': 1, 'taks': 1, 'post-industrial': 1, 'gurgle': 1, 'hole--symbol': 1, 'compartmented': 1, 'lives--allows': 1, 'assume--everything': 1, '\\noffered': 1, 'counterpoint--or': 1, 'relief--to': 1, 'lip-synchs': 1, "1950s\\'": 1, 'stairwells': 1, 'incronguously': 1, 'spotlights': 1, '\\nastaire': 1, "\\'collection": 1, "2000\\'": 1, 'sept': 1, 'arte': 1, "canada\\'s": 1, "brazil\\'s": 1, '\\nforeign': 1, 'self-evidently': 1, 'lawrence/fat': 1, "'blatantly": 1, 'bushel': 1, 'vansihes': 1, 'foreclosure': 1, 'rejuvenate': 1, 'jubilation': 1, 'bologna': 1, 'joke---that': 1, 'ways---and': 1, 'deprophesized': 1, 'hindsight': 1, 'won\x12t': 1, 'impartial': 1, 'day\x12s': 1, 'didn\x12t': 1, 'who\x12s': 1, '\x13ripley': 1, 'scientists\x12': 1, 'withhold': 1, '\\ni\x12m': 1, 'we\x12ll': 1, 'advancements': 1, 'un-flossed': 1, '\\nthere\x12s': 1, '\x13if': 1, 'wandering-but-not-going-anywhere': 1, 'i\x12m': 1, 'kamikaze': 1, '\x13earth': 1, 'hole\x14': 1, 'movie\x05': 1, '\\nrafe': 1, "rafe\\'s": 1, 'crassly-calculated': 1, 'inciting': 1, 'assembly-line': 1, 'placate': 1, 'intones': 1, 'grade-school': 1, 'inveigles': 1, '\\nmorse': 1, "screen--arkin\\'s": 1, 'motorists': 1, 'story--it': 1, 'minimalistic': 1, 'it--she': 1, "\\'zoot\\'": 1, 'spacesuit': 1, 'firstly': 1, 'presenter': 1, "tim\\'s": 1, "\\'uncle": 1, "\\n\\'laughter\\'": 1, "\\'comical\\'": 1, "\\'staple": 1, 'paperthin': 1, 'erm': 1, "\\'acting\\'": 1, "\\'shouting": 1, "twit\\'": 1, "\\'most": 1, "\\'he": 1, "\\'comedy": 1, "\\'neck\\'": 1, '\\ncitizen': 1, 'crapped': 1, "\\'amusing": 1, '\\nyowza': 1, 'depresses': 1, 'nation-wide': 1, 'skyjacked': 1, 'soylent': 1, 'man/bag': 1, 'non-acting': 1, "bujold\\'s": 1, 'mutha': 1, 'character-setups': 1, 'theatre-shaking': 1, 'heston/gardner/bujold': 1, 'flip-of-the-coin': 1, '\\ntrap': 1, 'binding': 1, 'squads': 1, '\\nancient': 1, 'trillian': 1, 'clarion': 1, "hounsou\\'s": 1, 'pantucci': 1, 'engine-boy': 1, 'over-written': 1, 'nerve-addled': 1, 'tentacle': 1, 'maddeningly-long': 1, 'co-penned': 1, 'rusnak': 1, '`princess': 1, 'fairy-tale-in-the-': 1, 'max-sized': 1, 'jere': 1, '`something': 1, "right\\'": 1, 'do-whatever-it-takes': 1, 'quotations': 1, "`we\\'re": 1, 'normal-sized': 1, '`ends': 1, "means\\'": 1, 'coddle': 1, 'shortens': 1, '\\n`my': 1, 'persuasions': 1, '\\nsentiment': 1, 'gruel': 1, "'alexandre": 1, 'oft-played': 1, "d\\'artagnon": 1, 'enamor': 1, 'brothers-style': 1, '\\nalexandre': 1, '\\nsuvari': 1, '\\nstronger': 1, 'denueve': 1, 'planchet': 1, 'castaldi': 1, 'usurper': 1, 'legree': 1, 'thesps': 1, 'bests': 1, 'single-handed': 1, "febre\\'s": 1, 'stick-handles': 1, 'airplane-style': 1, 'superhero/action': 1, 'obeying': 1, 'semi-excusable': 1, 'bull-headed': 1, '\\nstrip': 1, "reviewer\\'s": 1, 'college-bound': 1, '\\nparty': 1, 'annabel': 1, 'crestfallen': 1, '\\nannabel': 1, "cass\\'s": 1, 'bay-style': 1, '\\ndushku': 1, 'fetale': 1, 'gawking': 1, "wilson\\'s": 1, "'reading": 1, '\\nmiddle-aged': 1, 'psychoanalyst': 1, "sobel\\'s": 1, 'sabihy': 1, 'tiresomely': 1, '106-minute': 1, 'primo': 1, 'dead-zone': 1, 'oppertunity': 1, 'lifetimes': 1, 'colonels': 1, "hodges\\'": 1, '\\nhodges': 1, 'much-decorated': 1, 'sould': 1, 'demonstrators': 1, 'mowed': 1, 'violate': 1, 'authorized': 1, "\\'rules": 1, "engagement\\'": 1, 'unobjective': 1, '\\ncorruption': 1, 'definable': 1, 'kingsly': 1, 'inconclusive': 1, 'gaghan': 1, 'bad-guys': 1, 'director/editor': 1, 'tarantino/robert': 1, 'kurtzman': 1, 'savini': 1, 'guard/chet': 1, 'pussy/carlos': 1, 'hillhouse': 1, 'tongue-and-cheek': 1, 'killer/horror': 1, 'blood-and-gore': 1, 'flop-house': 1, 'bar/whorehouse': 1, 'artsy-fartsy': 1, 'pretension': 1, 'incongruent': 1, 'ingrains': 1, '\\nmoulin': 1, 'reliability': 1, '`real': 1, 'repelling': 1, "\\nwelles\\'": 1, 'hardest-hitting': 1, 'killer-like': 1, 'drought': 1, 'slumming': 1, 'amounting': 1, 'hundred-million-dollar': 1, 'overextended': 1, 'trolley': 1, 'phoned-in': 1, 'instinctive': 1, 'accommodate': 1, 'ascended': 1, 'oseransky': 1, '\\ntrapped': 1, 'next-door': 1, 'twenty-minute': 1, 'inauspiciously': 1, 'kapner': 1, 'hitwoman': 1, 'innocuously': 1, 'sitcom-style': 1, 'unanticipated': 1, 'strived': 1, 'brightening': 1, 'figs': 1, 'psychiatrists': 1, 'gainfully': 1, 'meteorological': 1, 'amphibian-based': 1, 'acres': 1, '\\nbedridden': 1, 'estranging': 1, 'whiz-quiz-kid': 1, 'souring': 1, '\\ngrabbing': 1, 'softhearted': 1, 'deus-ex-machina': 1, 'faze': 1, 'rapped': 1, 'unintelligble': 1, 'blotteth': 1, 'unrighteous': 1, 'lowest-common-denominator': 1, 'nitwits': 1, 'ikwydls': 1, 'screenplay---or': 1, "'around": 1, '$31': 1, 'lugia': 1, 'kethcum': 1, 'pikachu': 1, 'squirtle': 1, 'charizard': 1, '1-dimensional': 1, 'broth': 1, 'extremel': 1, "cgi\\'s": 1, "'its": 1, 'yak-fest': 1, '[1996]': 1, 'ant-eaters': 1, '``insectopia': 1, 'aquatic': 1, '17\\%': 1, 'explitives': 1, 'unbelieveable': 1, 'talent-challenged': 1, '\\nbelive': 1, '\\nworries': 1, '\\nmanhattan': 1, 'evactuate': 1, 'grouper': 1, '57th': 1, '\\nalphabet': 1, 'ex-flame': 1, 'attackers': 1, 'pelted': 1, 'missles': 1, 'sorrier': 1, 'debacles': 1, 'threated': 1, '\\nbanished': 1, 'reinforcement': 1, 'moth': 1, 'time-filler': 1, 'bursted': 1, '\\nmarcus': 1, 'babe-magnet': 1, 'weasel': 1, 'sprinter': 1, '1997--the': 1, 'chiller': 1, 'uberhack': 1, 'hypothalamuses': 1, 'hypothalamii': 1, 'four--yes': 1, 'four--credited': 1, 'raffo': 1, 'jaffa': 1, 'cockamamie': 1, 'molecular': 1, 'evolutionary': 1, 'glycerine': 1, "penelope--it\\'s": 1, '_monster_movie_': 1, 'lampooned': 1, 'beeline': 1, 'not--she': 1, 'outrunning': 1, 'humanity--is': 1, 'girl-friends': 1, "mo\\'nique": 1, 'racquel': 1, 'yuh': 1, 'gots': 1, '10-day': 1, 'title-card': 1, "chestnut\\'s": 1, 'pseudo-hip': 1, 'singer/alcoholic': 1, 'pettiford': 1, 'svengali-like': 1, 'producer/lover': 1, '\\nexploit': 1, "lanier\\'s": 1, 'curtis-hall': 1, "whispery-voice\\'d": 1, 'pursing': 1, 'averting': 1, 'highly-publicized': 1, 'rascally': 1, 'mozell': 1, 'now-estranged': 1, 'bullet-shaped': 1, 'keynote': 1, 'lear': 1, 'bitches': 1, '\\nsister': 1, "delia\\'s": 1, "anorexic\\'s": 1, 'barest': 1, 'layout': 1, 'put-upon': 1, "\\'vanity": 1, 'medicore': 1, 'retake': 1, 'isley': 1, 'sub-snl': 1, 'bungled': 1, 'impart': 1, '\\nfrustrating': 1, 'kirsebom': 1, 'batarangs': 1, 'batarang': 1, 'moisture': 1, 'by-standers': 1, 'pheromones': 1, "inspector\\'s": 1, 'biggie': 1, '4am': 1, 're-runs': 1, 'rekindling': 1, 'duplicates': 1, '\\ncreating': 1, 'replicas': 1, 'scolex': 1, 'law-enforcement': 1, 'drumroll': 1, 'swiping': 1, 'dentures': 1, 'post-credit': 1, '\\nsputtering': 1, 'two-day': 1, "senator\\'s": 1, 'mirror-imaged': 1, 'engenders': 1, 'stewards': 1, 'unending': 1, 'staterooms': 1, 'prevert': 1, 'concorde': 1, 'ardour': 1, "emile\\'s": 1, 'spire': 1, "england\\'": 1, '\\nnewcomers': 1, 'beryl': 1, 'dangle': 1, 'amourous': 1, 'permissive': 1, 'cross-section': 1, 'else--and': 1, 'people--would': 1, 'excrutiatingly': 1, "hoover\\'s": 1, 'happy--yet': 1, 'pill-induced': 1, 'breakdown--that': 1, 'believe--in': 1, 'hoobler': 1, 'lesabre': 1, 'blunted': 1, 'bludgeoning': 1, 'all--but': 1, '_american_beauty_': 1, '_breakfast_': 1, 'palpably': 1, "\\nvonnegut\\'s": 1, 'unfilmable--the': 1, '_fear_and_loathing_in_las_vegas_': 1, "'suicide": 1, '\\npointless': 1, 'sprinklers': 1, 'lux': 1, '\\ndunst': 1, 'entitle': 1, 'tomes': 1, "childhood\\'s": 1, 'rocketship': 1, 'galileo': 1, "\\'sci-fi\\'": 1, 'woos': 1, 'cydonia': 1, "\\nluc\\'s": 1, '\\nmeteorite': 1, 'pabulum': 1, 'quatermass': 1, "bava\\'s": 1, "\\'terrore": 1, "spazio\\'": 1, 'un-involving': 1, 'depravation': 1, 'breaches': 1, 'un-interrupted': 1, "homage\\'": 1, 'centrifuge': 1, 'denouncement': 1, 'alarms--the': 1, 'peddle': 1, 'lost--literally--on': 1, 'with--which': 1, 'family--father': 1, 'still-lively': 1, 'along--and': 1, 'ace-in-the-hole': 1, '\\ndigital': 1, 'monkey-like': 1, "penny\\'s": 1, '\\nentirely': 1, 'playstation': 1, "blawp\\'s": 1, 'crystal-clear': 1, '15-week': 1, 'titanics': 1, 'depress': 1, '\\npeeks': 1, 'bumming': 1, 'potentially-interesting': 1, '\\nblythe': 1, 'housebound': 1, 'branching': 1, "\\nburns\\'": 1, 'bahns': 1, 'mcmullen': 1, 'back-': 1, 'to-back': 1, 'seagal/mickey': 1, 'rourke/jean-claude': 1, 'damme/wesley': 1, 'action/crime': 1, 'potboilers': 1, 'dwi': 1, 'lowlives': 1, 'rambo-on-testosterone-therapy': 1, "\\nstallone\\'s": 1, 'convicting': 1, 'comprehendible': 1, 'spoliers': 1, 'dumber--and': 1, 'funny--it': 1, 'telemovies': 1, 'else--perfect': 1, 'stupider': 1, 'guy--a': 1, 'souped': 1, 'magyuver': 1, 'flashily': 1, 'digresses': 1, 'semi-stall': 1, 'jettisons': 1, 'splices': 1, 'commercial-like': 1, 'crackerjack': 1, 'cloony': 1, 'flirtatiously': 1, 'dynamo': 1, 'impersonated': 1, 'blustered': 1, '\\ncharm': 1, 'merhi': 1, 'fetishizes': 1, 'facemask': 1, 'mano-e-mano': 1, "mi2\\'s": 1, 'scooping': 1, 'cancerogenic': 1, "d\\'": 1, 'tre': 1, 'hepburn': 1, '\\nshyer': 1, '\\ncompounding': 1, 're-recorded': 1, "'silly": 1, 'jurgen': 1, "sterling\\'s": 1, '$19': 1, 'christianson': 1, 'amateurism': 1, '\\nwonder': 1, 'man-animals': 1, 'dreadlocks': 1, 'scraggly': 1, '127': 1, 'projectioner': 1, 'rock-opera-turned-major': 1, 'peron': 1, '\\neva': 1, 'drama-packed': 1, 'drums': 1, 'strums': 1, 'oscar-contender': 1, 'stubbornness': 1, 'shelve': 1, '$115': 1, 'jeez': 1, '\\nphantom': 1, '\\nsw': 1, 'e1': 1, 'tpm': 1, '\\npm': 1, "breeder\\'s": 1, 'warchus': 1, 'horseracing': 1, 'simpatico': 1, 'fullyloaded': 1, 'post-psychedelia': 1, 'journalism': 1, 'doonesbury': 1, 'tripped-out': 1, 'thomspons': 1, 'aloofness': 1, 'journalistic': 1, 'characers': 1, 'mint': 1, "'filmmakers": 1, '\\ndoug': 1, 'ultra-hip': 1, 'drug-infested': 1, 'anthology-style': 1, '\\nconsistent': 1, 'laces': 1, 'mistimed': 1, 'angeles/las': 1, 'alterior': 1, '$172': 1, 'man/half': 1, 'explorer/mariner': 1, 'meaner': 1, 'ski-doos': 1, 'mojorino': 1, 'encountering': 1, '`mystery': 1, "man-animals\\'": 1, 'plundering': 1, '\\nsurvivors': 1, 'nine-feet': 1, '\\ndimwitted': 1, 'extortion': 1, 'leverage-using': 1, "terl\\'s": 1, 'know-how': 1, 'euclidean': 1, 'geometry': 1, "\\n`we\\'re": 1, '\\n`but': 1, 'loincloth': 1, 'stemming': 1, 'hubris': 1, "avengers\\'": 1, "religion\\'s": 1, 'huevelman': 1, 'vivona': 1, 'enlistees': 1, 'nether-realm': 1, 'downtime': 1, '\\nabraham': 1, "amblyn\\'s": 1, 'quests': 1, 'begotten': 1, 'stalk-and-slash': 1, 'mtv2': 1, 'palms': 1, 'stalkings': 1, 'over-alled': 1, 'cretin': 1, 'gravedigging': 1, 'dwight': 1, 'spurgin': 1, 'kettler': 1, 'poirrier-wallace': 1, 'dog-half': 1, 'dragging/salting': 1, 'zimmely': 1, 'leashes': 1, 'glop': 1, 'ruptured': 1, 'discretion': 1, '\\ncontains': 1, 'semi-graphic': 1, 'self-surgery': 1, 'spraying': 1, 'full-frame': 1, 'stanze': 1, '80-year': 1, "`pump-bitch\\'": 1, 'septic': 1, 'laxative-induced': 1, '`dumb': 1, "dumber\\'": 1, '\\n`ready': 1, 'handcuff': 1, '`bio': 1, "dome\\'": 1, "nitro\\'": 1, '\\nsinclair': 1, 'tarp': 1, 'dethroning': 1, 'pay-per': 1, 'sh--': 1, "rasslin\\'": 1, "\\n`rumble\\'": 1, 'retardation': 1, "hart\\'s": 1, 'lewd': 1, "scattershot\\'": 1, "brill\\'s": 1, "`diddly\\'": 1, "`boob\\'": 1, '\\ncasting-wise': 1, 'chunky': 1, "`fatty\\'": 1, 'dampens': 1, 'nirto-est': 1, '`macho': 1, '\\nahhh': 1, "\\n`praise\\'": 1, "`at&t\\'": 1, 'bio-genetics': 1, 'bio-lab': 1, 'intruding': 1, 'shepherd': 1, 'recombination': 1, 'hormonally': 1, 'biohazard': 1, 'jowls': 1, 'non-presence': 1, 'chasms': 1, '\\nhenrikson': 1, 'paw': 1, 'cujo': 1, "'joe": 1, '\\nquit': 1, 'hippyish': 1, 'plently': 1, 'rebuts': 1, 'caliber--and': 1, 'tries--then': 1, 'niro/james': 1, 'caan/bruce': 1, 'crystal/hugh': 1, 'grant/matthew': 1, '\\noffensive': 1, 'none-too-successful': 1, 'outfits--and': 1, 'situations--into': 1, "finder\\'s": 1, 'yanni': 1, 'gogolack': 1, 'transposing': 1, 'ws': 1, 'objectified': 1, 'sexually-ripe': 1, "\\npeet\\'s": 1, 'highpoint': 1, "\\nperry\\'s": 1, 'pratfalling': 1, '\\nhypothetically': 1, 'mcmurray': 1, 'brainerd': 1, 'tycoon/villain': 1, 'wheaton': 1, "hoenicker\\'s": 1, 'suave-yet-unsuave': 1, 'day-timer': 1, 'one-and-only': 1, '\\nyuckity-yuck': 1, 'half-assedly': 1, 're-mixing': 1, 'non-classics': 1, 'professory': 1, 'thrice': 1, 'tow-truck': 1, 'meathook': 1, 'swoops': 1, 'explantion': 1, '\\nzellwegger': 1, 'maniacs': 1, 'chainsaws': 1, 'zellwegger': 1, 'home-made': 1, 'boston-based': 1, 'hazmat': 1, 'guilifoyle': 1, 'fibers': 1, '\\nerected': 1, 'decomposing': 1, 'rubble-strewn': 1, 'pre-frontal': 1, 'lobotomies': 1, 'salvaged': 1, 'reel-to-reel': 1, 'audio-recorded': 1, 'chainsaw-massacre-type': 1, 'manderley': 1, 'hotly-contested': 1, '\\nlane': 1, "lacrosse\\'s": 1, 'intruder': 1, 'intonation': 1, 'tight-jawed': 1, 'sourpuss': 1, 'pucker': 1, 'eastwood-esque': 1, '_his_': 1, 'bran': 1, 'far-too-common': 1, 'freight': 1, 'signaled': 1, "'gregg": 1, "araki\\'s": 1, 'shannen': 1, 'doherty': 1, "arraki\\'s": 1, 'dwindled': 1, 'one-stardom': 1, 'home-video': 1, 'dope-smoking': 1, 'ribboners': 1, 'toucher-uppers': 1, "\\nrosenberg\\'s": 1, 'superviolent': 1, 'caldicott': 1, 'poorly-shown': 1, 'regression': 1, 'schow': 1, "o\\'barr": 1, 'zigged': 1, 'translations': 1, 'tricky--': 1, 'double-bill': 1, '\\nwilmington-as-detroit': 1, 'rock-musician-turned-pavement-artist': 1, 'six-stories': 1, 'administering': 1, 'perps': 1, '\\nescape': 1, 'reheal': 1, 'presumable': 1, 'plopped': 1, 'underlit': 1, 'red-lit': 1, 'set-pieces--': 1, 'board-room': 1, 'butchery': 1, 'church-': 1, 'fight--': 1, 'dov': 1, 'hoenig': 1, '\\nblame': 1, 'good-idea-turned-bad': 1, "draven\\'s": 1, 'succulent': 1, 'ancient-swords': 1, 'rising-star': 1, 'name--': 1, 'toyko': 1, 'fire--': 1, 'rainslickered': 1, 'illiteracy': 1, 'half-paid': 1, 'tube': 1, 'paradoxical': 1, 'girl-type': 1, 'exploitatively': 1, 'parentless': 1, 'blue-lighted': 1, 'chain-weed-smoking': 1, 'bloodline': 1, 'lightning-lit': 1, 'ellicited': 1, 'tightfitting': 1, 'post-shower': 1, 'bathrobe': 1, 'one-star': 1, 'screech': 1, 'extra-strength': 1, '\\nadmission': 1, 'wednesdays': 1, 'underscoring': 1, "actresses\\'": 1, 'teenagers--though': 1, 'insinuates': 1, 'swindling': 1, "louise\\'s": 1, 'ex-beau': 1, 'opportunists': 1, "buddy\\'s": 1, '\\nserenely': 1, "casino\\'s": 1, 'sadsack': 1, 'swindlers': 1, "riss\\'": 1, 'acknowledgement': 1, 'walkouts': 1, 'pornography--ie': 1, 'cast--all': 1, 'thing--if': 1, '\\nfamily-man': 1, 'pornos': 1, 'twist--people': 1, 'hard-to-find': 1, 'bile': 1, 'bribing': 1, 'star-torturer': 1, 'do--become': 1, 'hypnotically': 1, "\\'95s": 1, "joel\\'s": 1, 'tactful': 1, '\\ncraft': 1, 'fellowship': 1, '\\ndrives': 1, 'veranda': 1, 'movie--a': 1, '\\nvillainous': 1, '\\nbaby': 1, 'blue-toned': 1, 'washed-out': 1, 'half-second': 1, 'chance--unless': 1, 'someting': 1, 'trivia--joel': 1, 'brunettes': 1, 'redheads': 1, "\\nbond\\'s": 1, 'wafer': 1, 'nth': 1, '\\ndicillo': 1, '-kilter': 1, 'always-likable': 1, 'hunks': 1, 'babbles--she': 1, '\\nmaxwell': 1, 'actor/waiter': 1, "caulfield\\'s": 1, '--stiff': 1, '\\nhannah': 1, '\\nmarlo': 1, '\\nbuck': 1, 'movie-plot-ridiculity': 1, 'gradient': 1, 'bay/jerry': 1, '2hr': 1, 'action-music-video': 1, 'flocked': 1, '\\ncon-air': 1, 'ridiculousy': 1, 'spurs': 1, 'macho-misfits': 1, '`there': 1, '\\nworks': 1, "slow-mo\\'s": 1, 'gold-tinted': 1, 'potrayed': 1, "`what\\'s": 1, 'transpose': 1, 'stock-aitken-waterman': 1, 'art-form': 1, 'ridiculity': 1, 'shroud': 1, "rock\\'": 1, 'long-long': 1, 'ear-plugs': 1, 'aspirins': 1, "ld\\'s": 1, 's$19': 1, 'carrefour': 1, '\\nexecutives': 1, '\\nmommie': 1, 'moviestar': 1, 'lonliness': 1, 'egomania': 1, 'hysterics': 1, "christina\\'s": 1, 'campery': 1, 'trembling': 1, '\\nfetch': 1, 'dismember': 1, 'sapling': 1, 'cola': 1, 'divest': 1, 'directorship': 1, 'etiquette': 1, 'mildred': 1, "'phil": 1, 'radmar': 1, 'jao': 1, 'lycanthropy': 1, 'sadomasochists': 1, 'pittance': 1, 'loud-mouthed': 1, 'orangey': 1, 'knifepoint': 1, 'ad-libbing': 1, '\\nshopping': 1, "'writer/director": 1, 'penning': 1, 'open-armed': 1, '\\nmissed': 1, 'puff-piece': 1, 'titshots': 1, 'phoniest': 1, 'joann': 1, 'mumford': 1, 'bathgate': 1, 'skateboarder': 1, 'ballooning': 1, 'pruit': 1, '\\nkasdan': 1, 'lowenstein': 1, 'equalizer': 1, 'mishears': 1, '$130': 1, 'one-named': 1, 'cretins': 1, 'fairfax': 1, 'brown-haired': 1, 'thief-the': 1, "\\nhelgeland\\'s": 1, 'coifs': 1, "one-he\\'s": 1, 'playback': 1, 'psychodramas': 1, 'ericson': 1, 'va-va-va-voom': 1, 'permanant': 1, 'allman': 1, 'antagonists-as-protagonists': 1, 'tarantino-look': 1, 'hero-less': 1, 'botched-robbery': 1, 'dogs-could': 1, 'soto': 1, 'musetta': 1, 'vander': 1, "katana\\'s": 1, 'tennille': 1, 'saber': 1, "facility\\'s": 1, 'perimeter': 1, '\\nremar': 1, 'demi-god': 1, '\\njekyll': 1, 'right--': 1, 'most-powerful': 1, 'potion': 1, 'collap-': 1, 'ses': 1, 'roberts--': 1, 'roles--': 1, 'cast--': 1, 'cole--': 1, 'and--': 1, 'bonus--': 1, 'dalmantions': 1, 'second-half': 1, 'half-hokey': 1, '\\nblucher': 1, "'guilt": 1, '-my': 1, 'himbos': 1, 'bombastically': 1, 'punishments': 1, 'newsreels': 1, '\\nhysterically': 1, 'libidos': 1, 'pg-movie': 1, "then-he\\'s": 1, '\\npredictability': 1, 'anti-gravity': 1, "away\\'s": 1, 'fedex': 1, 'blatancy': 1, 'pacify': 1, 'non-story': 1, 'relieves': 1, 'folktale': 1, 'jumping-off': 1, 'hang-dog': 1, 'libraries': 1, 'perches': 1, "angel\\'s": 1, 'pears': 1, 'marlboro': 1, 'yank': 1, 'hankie': 1, 'type-casting': 1, 'well-filmed': 1, '2024': 1, 'ozone': 1, 'zeit--get': 1, 'glencoe': 1, 'quickening': 1, 'immobilise': 1, 'luke-skywalker-like': 1, 'deflection': 1, 'kurgan': 1, 'juke': 1, "'200": 1, '\\nfeatherstone': 1, "stephie\\'s": 1, "hawn\\'s": 1, "rudd\\'s": 1, 'eleven-o-clock': 1, 'wistfully': 1, 'powerhouses': 1, 'arrows': 1, 'wyatts': 1, '\\ntombstone': 1, 'movie-you': 1, "waterworld\\'s": 1, "cup\\'s": 1, 'made-people': 1, 'hands-why': 1, 'horesback': 1, 'mailheart': 1, 'brown-it': 1, 'eggo': 1, 'rebuilding': 1, 'drifter-cum-postman': 1, 'heroize': 1, 'phrasing-too': 1, '\\nsettle': 1, 'allyson': 1, 'studying-abroad': 1, 'sequelitis': 1, 'coarser': 1, 'worthier': 1, 'undoings': 1, 'this-could-be-you': 1, '\\nstifler': 1, 'self-discoveries': 1, 'soon-to-be-notorious': 1, 'superglues': 1, 'ailments': 1, "rodgers\\'": 1, 'gross-fest': 1, 'onw': 1, 'torturously': 1, 'magwitch': 1, 'spoonful': 1, 'cady': 1, "houdini\\'s": 1, 'motorboat': 1, '\\nabandoned': 1, 'behest': 1, 'reacquaints': 1, 'alfonso': 1, 'cuarsn': 1, 'clemente': 1, '\\nmodernizing': 1, 'romeo+juliet': 1, 'adornments': 1, 'romanceless': 1, 'inadvertenty': 1, 'over-the-': 1, "\\nheston\\'s": 1, 'vegetables': 1, 'apon': 1, 'darwin': 1, '[to': 1, 'ape]': 1, '\\nugly': 1, 'creationism': 1, "'new": 1, '\\nabrams': 1, 'twirling': 1, "a-ha\\'s": 1, 'miata': 1, '\\ncorky': 1, 'tv-star-to-film': 1, 'rickety': 1, 'lowest-brow': 1, '\\nkattan': 1, 'sunshiny': 1, 'bungling': 1, 'lughead': 1, "\\ncorky\\'s": 1, 'pissant': 1, 'pees-ahn': 1, 'magoo-style': 1, 'dachshund': 1, 'mouth-to-mouth': 1, 'shephard': 1, 'kilo': 1, "'kids": 1, 'voiceovers': 1, 'also-rans': 1, 'dropouts': 1, 'chatham': 1, 'thong': 1, 'abortive': 1, 'non-baseball': 1, 'wilmer': 1, 'valderrama': 1, 'robinson-like': 1, 'substory': 1, 'arli$$': 1, 'curmudgeonly': 1, "go-get-\\'em-tiger-we\\'re-behind-you": 1, 'heartwarming-nuzzly-follow-your-dreams': 1, "biel\\'s": 1, 'rebelling-against-daddy': 1, 'venereal': 1, 'hex': 1, 'invokes': 1, 'brooms': 1, 'incantations': 1, 'diversionary': 1, 'grab-bag': 1, 're-appear': 1, '\\nco-screenwriter': 1, "'tri-star": 1, 'polaroid': 1, 'rape/murder': 1, "\\ncourtney\\'s": 1, "\\nfern\\'s": 1, 'brinkford': 1, 'vicent': 1, 'lensed': 1, 'actress/singer': 1, "teen\\'s": 1, 'yoo': 1, 'lieh': 1, 'hsueh-wei': 1, 'wu': 1, 'nien-chen': 1, 'hui-kung': 1, 'nouvelle': 1, 'novo': 1, 'balm': 1, "\\ntaiwan\\'s": 1, 'hou': 1, 'hsiao-hsien': 1, "beach--yang\\'s": 1, 'feature--is': 1, 'anatomizes': 1, 'elaborating': 1, 'roles--dedicated': 1, 'housewives--that': 1, 'compass--her': 1, 'days--as': 1, 'discontents': 1, 'belaboured': 1, 'choices--married': 1, 'all--and': 1, 'undisciplined': 1, 'new--other': 1, 'locale--to': 1, 'for--in': 1, 'mistress--but': 1, 'scenes--grocery': 1, 'flower-arranging--in': 1, 'insinuating': 1, 'redundantly': 1, 'exorbitantly': 1, 'indulgently': 1, 'unexpressed': 1, 'doyle--at': 1, 'credits--who': 1, 'kaige': 1, 'kar-wai': 1, 'fashioning': 1, "yang\\'s": 1, 'scrutinizing': 1, '\\ngreater': 1, 'seals': 1, 're-animator': 1, 'hacky': 1, '\\ncliffhanger': 1, 're-invent': 1, '\\ndoors': 1, '\\nglass': 1, 'snell': 1, '\\nsue': 1, "\\nsue\\'s": 1, 'shea': 1, 'moreu': 1, "carrie\\'s": 1, 'menstruating': 1, '\\nmack': 1, 'tailed': 1, 'tailing': 1, 'audiotape': 1, 'awakener': 1, '2\\%': 1, 'rood': 1, '\\nleads': 1, '\\npre': 1, 'jojo': 1, '\\ncinematographers': 1, 'gilfedder': 1, 'zakharov': 1, 'tropic': 1, "parson\\'s": 1, 'tatoulis': 1, 'retribution/fight': 1, '`dead': 1, '`captain': 1, 'uninsured': 1, 'pectorals': 1, 'brief-clad': 1, 'formless': 1, 'coherently': 1, 'waiter/struggling': 1, 'unspools': 1, 'cul-de-sac': 1, 'fyfe': 1, '\\nunhappy': 1, "berkley\\'s": 1, 'months--due': 1, 'title--it': 1, 'concoctions': 1, 'frosty': 1, 'oversentimental': 1, 'snowdad': 1, 'featherbrained': 1, 'prancer': 1, 'molasses-slow': 1, 'complicity': 1, 'barker': 1, 'gailard': 1, 'sartain': 1, '\\ncontrivances': 1, 'mains': 1, "\\nkaren\\'s": 1, 'hold-up': 1, 'blundered': 1, 'keystone': 1, 'kops': 1, 'mulcahy': 1, '\\ntempted': 1, 'microwaves': 1, 'additive': 1, '\\nupstanding': 1, 'limited-circulation': 1, 'coroner': 1, 'chlorine': 1, 'nada': 1, '\\nleaving': 1, 'cylk': 1, 'cozart': 1, 'proclivity': 1, 'disagreed': 1, 'brusque': 1, 'nescafe': 1, 'cesarean': 1, 'scalp': 1, '`as': 1, "gets\\'": 1, 'jailer': 1, '\\njustin': 1, 'heldenberger': 1, 'dzunza': 1, "'wesley": 1, 'b-list': 1, "snipes\\'": 1, 'viciousness': 1, 'gargling': 1, 'sickens': 1, 'monstrosity': 1, 'russkies': 1, 'conspiracy/martial-arts': 1, '\\nmarlon': 1, 'thorpe': 1, 'sponsorship': 1, 'fraternity': 1, 'wheedon': 1, 'tenfold': 1, 'disadvantageous': 1, 'carrey-ish': 1, 'single-elimination': 1, 'laflour': 1, 'faddish': 1, 'amor': 1, 'super-senses': 1, 'innocuous-enough-on-the-surface': 1, 'marshmallow': 1, 'dewy-eyed': 1, 'inhereit': 1, 'millions-esque': 1, 'altruist': 1, 'draconian': 1, 'billiard': 1, 'hudreds': 1, "bachelor\\'s": 1, 'selfless': 1, 'gutlessness': 1, "zellweger\\'s": 1, 'procreation': 1, 'full-to-bursting': 1, 'corks': 1, 'shudder-inducing': 1, 'fortune-hunter': 1, 'pudding': 1, "consumer\\'s": 1, 'digestions': 1, 'proxies': 1, 'cellulars': 1, "ratt\\'s": 1, 'self-importance': 1, '\\naaaaaaaahhhh': 1, 'movie/tv': 1, 'hugged': 1, 'flour': 1, 'karan': 1, 'husbands/boyfriends': 1, 'junkie-i': 1, "movies-i\\'ve": 1, 'ni-sen': 1, 'mireniamu': 1, '2000-the': 1, '50-year': 1, 'snoozer': 1, 'rorschach': 1, '\\nhiroshi': 1, 'kashiwabara': 1, 'waturu': 1, "mimura\\'s": 1, 'logy': 1, "prudential\\'s": 1, 'life-saving': 1, 'takehiro': 1, 'hiroshi': 1, 'again-except': 1, "job-it\\'s": 1, 'summarizes': 1, 'horror/crime': 1, 'hath': 1, 'spurred': 1, 'genre--_i_know_what_you_did_last_summer_': 1, '_halloween': 1, '_h20_': 1, '_scream_2_': 1, '--it': 1, 'williamson-less': 1, 'post-_scream_': 1, '_wishmaster_': 1, '_disturbing_behavior_': 1, 'right--frighteningly': 1, '_bad_': 1, 'mancini': 1, 'williamson-esque': 1, '_fisherman': 1, '\\nsans': 1, 'legends--those': 1, 'afer': 1, 'fakeouts': 1, 'damsels': 1, 'should--and': 1, 'could--run': 1, 'way-too-convenient': 1, '\\nbanks': 1, "horta\\'s": 1, 'in-jokey': 1, '\\nstarlet': 1, 'talke': 1, 'ove': 1, 'pefect': 1, 'pesence-challenged': 1, "\\n_dawson\\'s_creek_": 1, 'thorugh': 1, 'noxzema': 1, 'spokeswoman': 1, '\\nloretta': 1, '_waiting_to_exhale_': 1, 'grier-worshiping': 1, 'resuscitated': 1, 'man--namely': 1, 'williamson--to': 1, "slashers\\'": 1, '\\ntrailers': 1, 'bundled': 1, 'ever-wise': 1, '$11': 1, 'marketwise': 1, 'rubber-faced': 1, 'uncontrolled': 1, 'best--an': 1, 'not-so-darkest': 1, 'slathering': 1, 'oderkerk': 1, 'buck-naked': 1, 'snooze': 1, '\\ntribal': 1, 'callow': 1, 'landowner': 1, 'harbours': 1, 'absconded': 1, 'absurdism': 1, 'brightly-lit': 1, 'superstitions': 1, 'dismemberment': 1, 'circa-10th': 1, 'cannibalistic': 1, 'foils': 1, 'demises': 1, 'facepaint': 1, 'animal-skin': 1, 'shwarzenegger': 1, '-helmer': 1, '-creator': 1, '\\nheard': 1, '300-plus-years': 1, 'violin-maker': 1, 'nicolo': 1, 'bussotti': 1, "maker\\'s": 1, "mao\\'s": 1, 'morritz': 1, "morritz\\'s": 1, '\\nmorritz': 1, '\\ngirard': 1, 'merchant-ivory': 1, 'baby-boomers': 1, 'botulism': 1, 'contradicting': 1, 'delinquents': 1, 'cop-corruption': 1, 'mysterious-boyfriend': 1, 'wild-and-crazy': 1, 'short-changed': 1, 'levis': 1, 'gabfest': 1, 'small-to-big-screen': 1, "'ready": 1, 'twenty-something': 1, '\\ngordy': 1, "titus\\'": 1, 'port-o-potties': 1, 'ahmet': 1, "\\'macho": 1, 'port-o-potty': 1, 'excrements': 1, 'benoit': 1, '1-800-call-att': 1, 'bawitdaba': 1, 'dumfounding': 1, 'potty-humor': 1, '1865': 1, 'woman-bashes': 1, 'male-ego-stroking': 1, '\\nmare': 1, 'winningham': 1, '\\nannabeth': 1, 'pallbearer': 1, 'half-speed': 1, '\\nco-writer/director': 1, 'sleepy-eyed': 1, 'mcnugent': 1, 'topnotch': 1, "nelkan\\'s": 1, "dugan\\'s": 1, "halicki\\'s": 1, 'car-chase': 1, '\\nrandall': 1, 'go-cart': 1, '\\nkip': 1, '\\ncalitri': 1, "kip\\'s": 1, '\\ncross': 1, "calitri\\'s": 1, 'forty-nine': 1, 'eleanor': 1, 'gto': 1, "sena\\'s": 1, 'hair-brained': 1, 'beat-up': 1, 'sleaziness': 1, 'semi-bright': 1, 'psychological-romance-thriller': 1, 'sobs': 1, '`little': 1, "bluebirds\\'": 1, 'anguishes': 1, 'spectral': 1, 'energies': 1, 'abnormally': 1, '\\npeculiar': 1, '`review': 1, "source\\'": 1, 'litmus': 1, 'full-page': 1, "`flaunt\\'": 1, '`mirabella': 1, 'catwalks': 1, "beholder\\'": 1, 'entranced': 1, "`6\\'": 1, 'tachometer': 1, 'traction': 1, 'anatomical': 1, 'class-a': 1, 'all-girl': 1, 'above-mentioned': 1, 'knockers': 1, 'helpings': 1, '\\nebert': 1, 'emanating': 1, 'gurian': 1, 'goofiest': 1, "\\nmeyer\\'s": 1, '\\ndolly': 1, 'downloading': 1, '\\nproceed': 1, "'by-the-numbers": 1, 'hush-hushes': 1, 'curling': 1, "t\\'was": 1, 'allotted': 1, 'half-open': 1, 'rainfall': 1, 'dickie': 1, 'sats': 1, '779': 1, 'jett': 1, '\\nyippee': 1, 'sonnenberg': 1, '_48_hrs': 1, '\\ncuddly': 1, '_doctor_dolittle_': 1, 'earnest-to-a-fault': 1, '\\nsales': 1, 'reinvigorated': 1, 'goodhearted': 1, 'schulman': 1, 'infomercials': 1, 'sluggishly': 1, '_holy_man_': 1, 'cleansed': 1, '$45': 1, 'overpower': 1, 'meowth': 1, "'1": 1, 'hard-to-decipher': 1, 'impassive': 1, 'he-': 1, 'campers': 1, 'howlingly': 1, 'inebriation': 1, 'broiled': 1, '\\nflash-forward': 1, 'business-as-usual': 1, 'alight': 1, "\\nfirestorm\\'s": 1, "firestorm\\'s": 1, 'nintendo': 1, 'loitered': 1, 'sdds': 1, 'loosest': 1, 'stank': 1, 'defences': 1, 'neo-fascist': 1, '\\nharris': 1, 'mind-meld': 1, 'wwii-era': 1, 'movietone': 1, 'blunts': 1, 'continous': 1, "'often": 1, 'toque': 1, 'claudio': 1, 'processions': 1, 'betti': 1, 'leticia': 1, 'vota': 1, "fiance\\'s": 1, 're-unification': 1, 'actor-turned-directors': 1, 'whisperer_': 1, '_hope': 1, '\\n_hope': 1, 'countryish': 1, 'bumpkin': 1, "\\nbirdy\\'s": 1, '_leave': 1, "beaver_\\'s": 1, 'finley': 1, 'furred': 1, 'lip-synch': 1, 'bus--but': 1, 'worse--stick': 1, '\\ngena': 1, "cassavettes\\'": 1, 'ten-minutes': 1, 'fotomat': 1, 'ironing': 1, 'nearly-': 1, 'mover-and-shaker': 1, 'half-a-million': 1, 'gekko': 1, 'poirot': 1, 'sarita': 1, 'choudhury': 1, 'kama': 1, 'sutra': 1, "emily\\'s": 1, '\\nfails': 1, 'old-sitcoms-to-movie': 1, 'tv-conversion-movies': 1, 'followings': 1, 'funnymen': 1, 'unskilled': 1, '4-d': 1, "`enriched\\'": 1, 'inborn': 1, "`blissfully-confused\\'": 1, "\\nbilko\\'s": 1, 'ascent': 1, 'under-fire': 1, 'hovertank': 1, 'retalliation': 1, "`sabo\\'": 1, 'best-supporting': 1, 'laughter-packed-moments': 1, 'tv-conversions': 1, 'tv-idea': 1, 'bringer': 1, 'refilmed': 1, 'cowboy/hick': 1, 'stream-of-consciousness': 1, "herrmann\\'s": 1, '\\nwerewolf': 1, 'agutter': 1, 'buddy/cop/drug/sexy-witness': 1, '\\npresence': 1, 'hot-shots': 1, 'diametric': 1, 'rubs': 1, 'unneccesary': 1, 'by-play': 1, 'prescient': 1, 'scanner': 1, 'mused': 1, 'mcdonaldburger': 1, 'lenz': 1, "\\nkersey\\'s": 1, 'well-connected': 1, 'drug-related': 1, 'nozaki': 1, 'teck-oh': 1, 'crackdown': 1, "lenz\\'s": 1, 'predates': 1, 'assassinates': 1, 'mith': 1, 'pilleggi': 1, 'cannery': 1, '\\nmon': 1, '04': 1, 'edt': 1, '\\npath': 1, 'not-for-mail': 1, '\\nsubject': 1, 'followup-to': 1, '\\ndate': 1, 'gmt': 1, '\\nmessage-id': 1, 'reply-to': 1, 'nntp-posting-host': 1, 'mtcts2': 1, 'mt': 1, 'lucent': 1, '\\n#05425': 1, 'keywords': 1, 'author=hicks': 1, 'ecl@mtcts2': 1, 'xref': 1, '710': 1, '\\nstatus': 1, 'ro': 1, '\\npowder': 1, 'fatboy': 1, 'singlehandedly': 1, '\\nireland': 1, 'handfuls': 1, 'technology-': 1, 'consummating': 1, 'pantyhose': 1, '_hard_ware': 1, "\\ncrawford\\'s": 1, 'gif': 1, "lords\\'": 1, '1/50th': 1, "'attention": 1, 'meaning-free': 1, '\\nchronicling': 1, 'wilt': 1, 'shana': 1, 'hoffmann': 1, 'kellner': 1, 'bramon': 1, 'flits': 1, "\\nmonica\\'s": 1, 'noho': 1, 'carton': 1, 'post-party': 1, '\\n200': 1, 'repectively': 1, "\\nbaldwin\\'s": 1, 'jonah': 1, '\\njonah': 1, 'allergy-prone': 1, '\\nsleepless': 1, 'ninety-five': 1, 'disintigrated': 1, 'barter': 1, 'evilo': 1, "isn\\'\\'t": 1, 'fidget': 1, "'house": 1, 'perlich': 1, 'marsters': 1, 'beebe': 1, 'initializes': 1, 'rammed': 1, 'mobs': 1, 'womanized': 1, 'strenuously': 1, "'fit": 1, "ghoul\\'s": 1, 'unequipped': 1, 'pseudo-feminist': 1, 'highness': 1, 'bedfellows': 1, 'solondz': 1, 'sultans': 1, 'misanthropy': 1, 'hauteurs': 1, '\\ngender': 1, '\\nbraced': 1, 'mortified': 1, 'philosophically': 1, 'hyperviolent': 1, '\\ntwelve': 1, 'reboux': 1, 'slurping': 1, 'roxane': 1, 'mesquida': 1, "elena\\'s": 1, 'libero': 1, 'rienzo': 1, 'blowjob': 1, '\\nana': 1, 'girth': 1, 'paramour': 1, '\\nreboux': 1, 'nastiest': 1, 'swerve': 1, 'deadlier': 1, 'pounce': 1, 'purveyor': 1, 'soeur': 1, 'atms': 1, '\\nbenny': 1, "\\nroberts\\'s": 1, 'mosey': 1, 'speech-impaired': 1, '\\ntricking': 1, 'hairball': 1, "debney\\'s": 1, 'cymbals': 1, 'raged': 1, 'herrier': 1, "id\\'s": 1, 'sex-romp': 1, 'preschool': 1, 'inaudacious': 1, 'overwight': 1, 'comaprison': 1, 'disney-made': 1, 'farces': 1, 'drive-ins': 1, 'limburgher': 1, 'carribean': 1, 'remarry': 1, 'over-done': 1, 'davidovitch': 1, 'boatman': 1, 'seku': 1, 'mitsubishi': 1, 'pirhanna': 1, 'structurally': 1, 'touts': 1, 'angst-ridden': 1, 'bangkok': 1, "\\nrichard\\'s": 1, 'reinvigorate': 1, 'carlisle': 1, '\\ncaptivated': 1, '\\netienne': 1, 'patrolled': 1, 'utopia-gone-awry': 1, 'movie-make': 1, 'bides': 1, 'conservationist': 1, 't-rex-i': 1, 'joe-wreaking': 1, 'scaling': 1, 'pallisades': 1, 'thrillseekers': 1, 'show-unrelated': 1, '\\nunderwood': 1, 'demoliton': 1, 'black-tie': 1, 'show-yet': 1, 'flawlessness': 1, 'wailing': 1, "children-it\\'s": 1, 'kids-intense': 1, 'unheralded': 1, 'moribund': 1, 'movies--this': 1, 'trucksploitation': 1, 'obstacles--such': 1, 'uzi-firing': 1, 'motorcyclists': 1, "red\\'s": 1, 'painted--you': 1, 'it--red': 1, 'trucking': 1, 'fbi/atf': 1, 'mickelberry': 1, 'vining': 1, 'bedrock': 1, 'flinstone': 1, 'vandercave': 1, 'skinnier': 1, '\\nresult': 1, 'nostalgics': 1, 'allegorically': 1, 'combing': 1, "capote\\'s": 1, 'true-crime': 1, "change-i\\'ll": 1, 'yourself-but': 1, "movie-he\\'s": 1, 'chandler/ross': 1, 'genre-last': 1, 'example-': 1, 'angst-horror': 1, 'crowned': 1, "five\\'s": 1, 'forfeited': 1, '\\nbrunette': 1, 'trendily': 1, '23-year-old': 1, 'hitchhiked': 1, 'negligence': 1, 'prurient': 1, "\\'basic": 1, "\\'total": 1, 'irrationalities': 1, "\\'showgirls\\'": 1, '\\nbare': 1, 'frontals': 1, 'porn-film': 1, "90s\\'": 1, '___': 1, 'relationships-from-hell': 1, 'secretaries': 1, 'wises': 1, "martha\\'": 1, 'witted': 1, 'semi-developed': 1, 'groan-worthy': 1, '____': 1, 'color-by-numbers': 1, "'mugshot": 1, 'director/writer/cinematographer/editor': 1, 'joe/chris': 1, 'lassic': 1, 'joiner': 1, "rumor\\'s": 1, 'inflames': 1, 'mugger': 1, '/cinematographer/editor': 1, 'mugged': 1, 'mugshots': 1, 'greenwich': 1, 'tvs': 1, 'anthropological': 1, 'mecilli': 1, 'darken': 1, 'faulty': 1, 'windup': 1, 'whiffleball': 1, '\\nfiercely': 1, 'cobbles': 1, 'redolent': 1, 'pre-launch': 1, 'barbeque': 1, 'scans': 1, 'revisted': 1, 'contentiousness': 1, 'comraderie': 1, 'embers': 1, "nasa\\'s": 1, '\\nobstacles': 1, 'matter-of-': 1, 'factly': 1, 'aggressivelly': 1, '\\nrepeatedly': 1, 'momumentally': 1, 'unsatisying': 1, 'eensy': 1, 'teensy': 1, 'squish': 1, 'unflushed': 1, '\\nharsh': 1, '\\njustified': 1, 'kool': 1, 'oooh': 1, '\\nslooooow': 1, '\\nsurvival': 1, '\\nsolution': 1, '\\nboom': 1, "duchovny\\'s": 1, 'dt': 1, "'preposterous": 1, 'deciphered': 1, '\\noooooo': 1, 'goodtimes': 1, 'tbn': 1, '\\ndoomsday': 1, 'co-script': 1, 'co-hosting': 1, 'paragons': 1, 'dissipating': 1, 'lisp': 1, 'withholding': 1, 'lemons': 1, '\\npress': 1, '\\nstudios': 1, 'bussed': 1, 'ferreted': 1, 'suites': 1, 'roundtable': 1, 'cordial': 1, '\\nrepresentatives': 1, 'softball': 1, 'de-clawed': 1, '\\ngwen': 1, 'barely-in-control': 1, 'gonzales': 1, 'toadie': 1, 'nausea': 1, '80-minute': 1, 'raspy-voiced': 1, 'arm-chair': 1, 'stroking': 1, 'unrightfully': 1, "madonna\\'": 1, 'clamp': 1, 'electronics': 1, 'rampaging': 1, "\\ngadget\\'s": 1, 'functioned': 1, 'dabney': 1, 'fancy-schmancy': 1, 'plunked': 1, 'frappacino': 1, 'can-can': 1, 'shoot-first-then-shoot-some-more': 1, 'two-man': 1, 'vaudevillian': 1, 'endear': 1, 'pulleys': 1, 'levers': 1, "\\'thing": 1, '\\nseduced': 1, "\\'kidnapped\\'": 1, 'kidnapper/murderer': 1, '\\nhero': 1, 'bungler': 1, 'overestimates': 1, 'dilema': 1, 're-focuses': 1, "criminals\\'": 1, "\\'shemp\\'": 1, "\\'lingerie": 1, "suspense\\'": 1, 'inseminates': 1, 'miscarrying': 1, 'imbalances': 1, 'blunderheaded': 1, 'moonlighting': 1, 'sab': 1, 'shimono': 1, 'goddaughter': 1, 'hara-kiri': 1, 'pimply': 1, 'che-kirk': 1, "rock\\'n\\'roll": 1, 'vexatious': 1, 'mamet-style': 1, 'black-wannabe': 1, 'craftors': 1, 'exonerated': 1, 'bigtime': 1, 'vocabularies': 1, 'vests': 1, 'tersely': 1, 'expirating': 1, 'hasta': 1, 'proverbs': 1, 'this-obviously-cost-a-lot-so-you-know-': 1, "everyone\\'s-going-to-go": 1, 'boy-meets-fish-and-saves-environment': 1, 'save-the-world-from-aliens-or-environment-': 1, 'batmans': 1, 'terminators': 1, 'real-looking': 1, 'mega-advertising': 1, "\\'60s/\\'70s": 1, 'relocates': 1, 'testimonies': 1, 're-situating': 1, 'scumbags': 1, 'pastorelli': 1, 'high-technology': 1, 'mentor-turned-evil': 1, 'deguerin': 1, "programme\\'s": 1, 'torpedo-ed': 1, 'high-security': 1, 'electro-magnetic': 1, 'aluminium': 1, 'two-foot': 1, 'outruns': 1, 'eery': 1, 'voluntarily': 1, 'tussles': 1, 'over-18s': 1, 'therapeutic': 1, "\\nreview\\'s": 1, 'ezio': 1, "gregio\\'s": 1, 'spy-': 1, 'rancor': 1, "nun\\'s": 1, "butthead\\'s": 1, 'yankovich': 1, 'nostril': 1, "boulle\\'s": 1, 'time-space': 1, 'backlot': 1, 'ball-peen': 1, 'anti-gun': 1, 'badham': 1, 'scissorshands': 1, 'pedagogical': 1, 'sluts': 1, 'ice-pick': 1, 'wielders': 1, '\\nupright': 1, 'ghostbuster': 1, 'bazookas': 1, 'explosives': 1, 'busses': 1, 'bikinis': 1, "'chris": 1, 'prancing': 1, 'prince-like': 1, 'carwash': 1, 'villard': 1, 'ismael': 1, "villard\\'s": 1, 'roadster': 1, 'expo': 1, 'stickiest': 1, 'locklear': 1, 'uber-rich': 1, 'spars': 1, 'lankier': 1, 'buddy-buddy': 1, 'coincidental': 1, 'chortled': 1, "damone\\'s": 1, 'toasts': 1, 'gook': 1, 'toenails': 1, 'opning': 1, "russel\\'s": 1, '\\nbrutality': 1, 'soldier-type': 1, '_whole_': 1, 'unimaginatve': 1, 'shoot-em': 1, 'ricochet': 1, 'codenamed': 1, 'tasked': 1, "nazi\\'s": 1, 'saharan': 1, '\\ncondor': 1, 'insulators': 1, 'improperly': 1, 'cobo': 1, 'computer-masked': 1, "'cashing": 1, 'reteamed': 1, "subway\\'s": 1, 'takings--and': 1, 'woman--another': 1, "brother\\'": 1, 'hours--or': 1, 'trivialised': 1, 'else--i': 1, "'girl": 1, "randle\\'s": 1, 'isiah': 1, 'mediating': 1, 'transpiring': 1, 'tafkap': 1, 'always-broke': 1, 'floundering': 1, "shoot\\'em": 1, "beat\\'em": 1, "chuck\\'s": 1, '\\nchuck': 1, '\\nsurviving': 1, 'iranians': 1, "norris\\'": 1, 'quashed': 1, 'golfballs': 1, 'assail': 1, 'unqualified': 1, 'innovations': 1, "brainard\\'s": 1, 'graded': 1, "spice\\'s": 1, 'hectic-but-overall-uneventful': 1, 'cutherton-smyth': 1, 'barnfield': 1, 'self-parodizing': 1, 'drector': 1, 'self-indulged': 1, '\\nspiceworld': 1, "pfieffer\\'s": 1, '\\nmountains': 1, 'westerner-in-peril': 1, '\\ndemonstrates': 1, 'character--a': 1, 'son--is': 1, 'story--or': 1, 'heroine--gets': 1, 'half-stated': 1, '\\nempty': 1, 'exoticism': 1, 'blue-screen': 1, '\\ndoo': 1, '\\n[': 1, 'robinson-blackmore': 1, 'mikel': 1, 'koven': 1, 'foregin': 1, 'aboslutely': 1, 'gazon': 1, 'maudit': 1, '\\nloli': 1, 'co-writer/director': 1, 'josiane': 1, 'soons': 1, 'kristel': 1, 'cesars': 1, '\\njosiane': 1, 'not-very-good': 1, 'snail': 1, 'damn-near': 1, 'rock-em': 1, 'sock-em': 1, 'gobbledy-gook': 1, '\\naging': 1, 'third-string': 1, 'qb': 1, 'in-game': 1, 'horks': 1, '\\nnerves': 1, 'ancy': 1, 'endorsements': 1, 'fumbles': 1, '\\nfootball': 1, 'kaleidoscope': 1, "`ultra-stylish\\'": 1, 'pagniacci': 1, 'ann-margret': 1, 'well-conceived': 1, '\\nloggia': 1, 'needling': 1, 'well-run': 1, '\\njoshua': 1, 'philly': 1, 'clean-up': 1, 'sic': 1, 'goody-goody': 1, 'pared': 1, 'relevent': 1, 'radiation-rich': 1, 'klingon-looking': 1, '\\npressed': 1, '\\nterl': 1, 'makeup-laden': 1, 'luthor': 1, '\\nfwahahahahahahahaha': 1, 'supervillain': 1, "psychlos\\'": 1, 'apparatuses': 1, 'scorecard': 1, 'tilting': 1, 'sideways': 1, 'tilt': 1, 'drains': 1, "\\'one": 1, "love\\'": 1, "\\'hit": 1, "director\\'": 1, 'donors': 1, 'trawls': 1, '\\npeet': 1, "dino\\'s": 1, 'deflate': 1, 'funari': 1, 'suarez': 1, "vicky\\'s": 1, '\\ngrainy': 1, '\\nconfusingly': 1, 'jarringly': 1, 'repulse': 1, 'fondled': 1, 'sinner': 1, 'aztec': 1, 'priestess': 1, '_entertainment_weekly_': 1, 'writing-directing': 1, 'pzoniaks': 1, 'facelessness': 1, '\\njadzia': 1, '\\nhala': 1, "_polish_wedding_\\'s": 1, 'schuster': 1, 'trese': 1, '\\nho-hum': 1, 'un-virginal': 1, 'climax--which': 1, 'jadzia-bolek': 1, 'hala-russell': 1, 'material--a': 1, "'several": 1, 'laughs-to-jokes': 1, "makers\\'": 1, 'bartholomew': 1, 'early-19th': 1, 'fontenot': 1, 'eagles': 1, 'conquistador': 1, 'hildago': 1, "explorers\\'": 1, 'nearly-inconsequential': 1, 'epitaph': 1, 'mekanek': 1, 'stinkor': 1, 'filmation': 1, 'she-ra': 1, 'trillions': 1, 'tolkan': 1, 'skif': 1, 'stormtrooper': 1, 'mcneill': 1, '\\nskeletor': 1, '10th': 1, '\\nstrut': 1, 'gehrig': 1, '\\ngia': 1, 'modelling': 1, 'genuinely-funny': 1, 'exhibited': 1, 'exhumed': 1, 'edging': 1, 'olek': 1, 'krupa': 1, 'kilner': 1, 'haviland': 1, 'eight-': 1, 'goldberg-type': 1, 'counterfeit-looking': 1, 'near-blizzard': 1, 'wyle': 1, 'flattened': 1, 'smacked': 1, 'barbell': 1, 'thumb-sucking': 1, "'conventional": 1, 'collectibles': 1, 'retailers': 1, 're-visit': 1, 'yogi': 1, '\\nboomers': 1, 'work-a-day': 1, 're-capture': 1, 'yore': 1, 'zealous': 1, 'messing': 1, 'then-patrick': 1, 'then-diana': 1, '\\nsurrealistic': 1, '\\nsteed': 1, 'now-ralph': 1, 'now-uma': 1, '\\nleast': 1, '\\nmacnee': 1, 'pastel-colored': 1, 'teddies': 1, 'waddle': 1, 'escher': 1, "\\nmacnee\\'s": 1, "\\nfiennes\\'": 1, "peel\\'s": 1, 'antiquated': 1, '137': 1, 'splendour': 1, '189': 1, 'throw-together': 1, 'out-of-print': 1, 'submitted': 1, 'emperors': 1, 'navigators': 1, 'excises': 1, 'retaining': 1, "universal\\'s": 1, 'oh-so-wise': 1, 'dune-esque': 1, 'gobbledegook': 1, 'serous': 1, 'self-talk': 1, "harkonnen\\'s": 1, "lucus\\'": 1, 'carlo': 1, "rambaldi\\'s": 1, 'ringwood': 1, 'toto': 1, "francis\\'": 1, '\\nsian': 1, 'gaius': 1, 'mohiam': 1, 'gesserit': 1, 'shakily': 1, 'attests': 1, 'unauthorised': 1, 'airing': 1, '\\nstung': 1, 'petitioned': 1, "mca\\'s": 1, 'handiwork': 1, "version\\'s": 1, 'skulduggery': 1, 'gesserits': 1, '\\nships': 1, 'out-of-context': 1, 'objected': 1, 'lynch-esque': 1, 'amsterdam': 1, '\\nsalon': 1, 'losely': 1, 'nordern': 1, 'schellenberg': 1, 'diplomats': 1, 'simplifies': 1, '\\nschellenberg': 1, 'helmut': 1, 'reiter': 1, 'bekim': 1, 'fehmiu': 1, 'defeatist': 1, 'multidimensional': 1, 'symbolised': 1, 'cinematical': 1, 'luchino': 1, "visconti\\'s": 1, "thulin\\'s": 1, "minelli\\'s": 1, "\\'exorcised\\'": 1, 'bonk': 1, "\\'lucky\\'": 1, '\\njoke': 1, 'hensons': 1, '7-13': 1, 'pseudo-depth': 1, 'ex-spouse': 1, 'bertolini': 1, 'adapters': 1, 'constructs': 1, 'force-feeding': 1, 'boy-and-his-dog': 1, '\\nk9': 1, 'clown-for-hire': 1, 'fernwell': 1, 'new-kid-on-the-block': 1, 'zegers': 1, 'yeller-style': 1, 'faux-cute': 1, 'splish': 1, '\\npaint': 1, "letterman\\'s": 1, "\\nblair\\'s": 1, 'pilgrims': 1, 'mish-mashed': 1, 'video-esque': 1, 'addictions': 1, 'buckaroo': 1, 'porsche': 1, 'reprisal': 1, 'cannell': 1, 'grieco-esque': 1, 'brothels': 1, 'eaton': 1, 'alevey': 1, 'shon': 1, 'greenblatt': 1, 'super-encrypted': 1, 'beeps': 1, '\\nlt': 1, 'implementing': 1, 'bodhi': 1, 'mercury-encrypted': 1, 'terminator-like': 1, '\\nginter': 1, 'super-cypher': 1, 'buddy-cop': 1, 'cop/fbi': 1, 'trickle': 1, 'supercode': 1, 'dejection': 1, 'props-strategically-positioned-between-naked-actors-and-camera': 1, 'hep': 1, 'disservice': 1, 'forze': 1, '\\npowers': 1, 'rubrics': 1, 'skewering': 1, 'hi-def': 1, 'zillion': 1, 'crawled': 1, 'shrubs': 1, 'weeds': 1, 'installations': 1, 'foreheads': 1, '\\nooooo': 1, 'xxv': 1, "\\n[editor\\'s": 1, "'jet": 1, 'mega-producer': 1, 'action-hero': 1, 'coke-head': 1, 'slickster': 1, 'acting/english': 1, 'glossed': 1, 'cracklings': 1, 'evacuates': 1, '\\npopulating': 1, 'handsomely': 1, 'paddling': 1, "yost\\'s": 1, 'mumble': 1, "salomon\\'s": 1, '\\nonboard': 1, 'crucifix-weapon': 1, "young\\'s": 1, 'ear-shattering': 1, 'uprooting': 1, '\\ncounting': 1, 'bossy': 1, 'hen-pecked': 1, 'hairpiece': 1, 'bruise': 1, 'non-satirical': 1, 'shit-terpiece': 1, 'stupid-ass': 1, 'ex-brooklynite': 1, 'noooo': 1, "forsythe\\'s": 1, 'over-acts': 1, 'orbach': 1, 'b-rated': 1, 'erotic-thriller-cinemax-style': 1, 'athena': 1, 'massey': 1, 'julliana': 1, 'margiulles': 1, 'fun-yet-dumb': 1, "'vampires": 1, 'vampire$': 1, 'nests': 1, 'spears': 1, 'crossbows': 1, 'substitutions': 1, '\\nfundamental': 1, 'mexico--what': 1, 'misuses': 1, 'sergio-leone-': 1, 'fixedly': 1, 'widening': 1, 'narrowing': 1, 'innovatively': 1, 'humors': 1, 'suspense-thriller': 1, '\\nthought': 1, "aim\\'s": 1, 'anothergreat': 1, "manipulations\\'": 1, "'weighed": 1, 'trivializes': 1, '\\n_saving': 1, 'paratrooper': 1, 'unendurably': 1, 'foul-ups': 1, 'peerless': 1, 'mite': 1, 'paratroop': 1, 'permeate': 1, 'mechanized': 1, 'charred': 1, 'indentity': 1, 'soft-pedaled': 1, 'hollywoodization': 1, "fussell\\'s": 1, '_wartime': 1, 'war_': 1, 'letup': 1, 'infantrymen': 1, '\\nrendered': 1, 'demotic': 1, '\\nconversations': 1, 'spielbergization': 1, 'cede': 1, 'reminscent': 1, "_schindler\\'s": 1, 'tiepin': 1, 'nigh': 1, 'resolute': 1, 'meaninglessness': 1, 'shallows': 1, 'peons': 1, 'journalist-turned-screenwriter': 1, 'shacks': 1, 'continuum': 1, 'recaptured': 1, 'celebrity-type': 1, 'slater/johnny': 1, 'depp-type': 1, 'disengaging': 1, 'super-orgasmic': 1, 'karnstein': 1, "damsel\\'s": 1, 'scuzzy-looking': 1, 'spiked-haired': 1, 'harridans': 1, 'exclusivity': 1, 'after-hours': 1, 'sprinkler': 1, 'dry-cleaned': 1, 'bloodstains': 1, 'repetitiously': 1, 'tell-tale': 1, 'films-run': 1, '-the': 1, 'indigestion': 1, "bloodsuckers\\'": 1, 'sharpening': 1, "'hav": 1, 'gooden': 1, 'tammi': 1, 'chenoa': 1, 'reshoot': 1, 'hollywoodized': 1, "\\npayback\\'s": 1, 'gunshots': 1, '\\n$70': 1, 'old-time': 1, '38th': 1, 'posting': 1, 'anti-shark': 1, 'repellant': 1, 'pathetic-looking': 1, 'returing': 1, 'ice-cold': 1, 'homefront': 1, 'pennyworth': 1, 'by-the-number': 1, 'multimillion': 1, 'emblems': 1, 'utterly-pointless': 1, 'grunted': 1, 'observatory': 1, 'afred': 1, 'graveness': 1, 'near-unintelligble': 1, 'permutation': 1, 'lackadasically': 1, '\\nundoubtably': 1, 'half-bad': 1, 'utterance': 1, 'corman-grade': 1, "piller\\'s": 1, 'not-quite-half-baked': 1, 'workhorse': 1, 'visor': 1, 'ringed-planet': 1, 'metaphasic': 1, 'radition': 1, 'replenish': 1, 'violation': 1, 'evolve-they': 1, 'grievously': 1, 'searchers': 1, 'excuse-someone': 1, '\\nmuddy': 1, 'beamed': 1, 'plotholia': 1, 'curiosities': 1, "\\npicard\\'s": 1, '-her': 1, 're-experiencing': 1, 'time-defying': 1, 'eyesight': 1, "android\\'s": 1, 'power-mad': 1, 'superfreak': 1, '\\ntreks': 1, 'watchability': 1, 'comaraderie': 1, "franchise\\'s": 1, 'styrofoam': 1, "`showgirls\\'": 1, '`basic': 1, '`total': 1, '\\ncasserole': 1, 'miasma': 1, 'bushy': 1, "`total\\'": 1, '`beverly': 1, "90210\\'": 1, '10-year-olds': 1, 'worse-than-stereotyped': 1, 'insecticide': 1, 'half-win': 1, 'a-quarter': 1, 'co-sex': 1, "`zulu\\'": 1, 'sucking-out': 1, "'phew": 1, 'rich-': 1, 'ard': 1, 'i-iii': 1, 'conjectures': 1, 'dis': 1, "cabbie\\'s": 1, 'wider-open': 1, 'wattage': 1, 'container': 1, 'con-': 1, 'tainer': 1, 'convention-breakers': 1, 'cold-cocks': 1, 'eludes': 1, 'ladyhawke': 1, 'worth-paying-to-see': 1, 'slogging': 1, 'overburdened': 1, 'ducts': 1, 'wabbit': 1, '\\nwebster': 1, 'hadley': 1, "handmaid\\'s": 1, "state\\'s": 1, '\\nbitter': 1, 'bilk': 1, '\\nodette': 1, '\\noffice': 1, "odette\\'s": 1, 'muddling': 1, 'crusading': 1, 'dishonest': 1, 'slurpy': 1, "schlondorff\\'s": 1, 'foundered': 1, 'neo-': 1, 'illuminata': 1, '5000': 1, 'hummana-hummana-hummana': 1, '\\nuhhhhhm': 1, 'yoda-esque': 1, 'sprouted': 1, 'hehehe': 1, "croft\\'s": 1, 'one-dimension': 1, 'bull-crap': 1, '\\nraiders': 1, 'romancing': 1, 'warmer': 1, 'heeere': 1, 'turner-owned': 1, 'classier': 1, 'bueller': 1, 'fondle': 1, 'dispels': 1, 'anamoly': 1, 'abberation': 1, 'syllables': 1, 'anchorman': 1, "apple\\'s": 1, 'prowls': 1, 'sweets': 1, 'mispronouncing': 1, "reno\\'s": 1, 'reproduces': 1, 'asexually': 1, "patillo\\'s": 1, 'swatch': 1, 'sprint': 1, 'ex-army': 1, 'laps': 1, 'fahrenheit': 1, 'ice-cream': 1, 'one-tone': 1, 'tension-filled': 1, '1-2-': 1, 'nighshift': 1, 'one-week-old-blue-cheese-smelling': 1, 'telecommunicative': 1, 'party-pooper': 1, 'obliterating': 1, '\\nshow': 1, "\\nskeet\\'s": 1, 'nicknames': 1, 'skeeter': 1, "6\\'1": 1, 'sex-kitten': 1, '\\ngeorgina': 1, '\\nskeet': 1, 'ventricle': 1, 'break-danced': 1, "5\\'10": 1, 'leick': 1, 'guys/girls': 1, 'callisto': 1, 'squall': 1, '\\nmcdowall': 1, 'bloodsucking': 1, 'staked': 1, '\\nragsdale': 1, '\\nroddy': 1, 'fine-looking': 1, "dudley\\'s": 1, 'in-your-ear': 1, 'tightly-edited': 1, 'instructional': 1, "passenger\\'s": 1, '\\nhip': 1, 'auctioneer': 1, 'flyboy': 1, "falzone\\'s": 1, 'finite': 1, '747s': 1, 'whisker': 1, 'wanna-see-how-fast-i-can-drives': 1, 'guardia': 1, 'good-and': 1, 'funny-movies': 1, "\\'enough": 1, "fleming\\'s": 1, 'martinis--and': 1, 'nemeses--shaken': 1, 'sub-inspired': 1, 'previously-used': 1, 'skinheaded': 1, "1977\\'s": 1, 'entire--and': 1, 'dull--': 1, "miner\\'s": 1, '28up': 1, 'device--you': 1, '128': 1, 'thames': 1, 'ppk': 1, 'them--': 1, '--made': 1, 'grown-worthy': 1, 'vision-impaired': 1, 'near-blind': 1, 'roster': 1, 'backus': 1, 'take-the-money-and-': 1, 'arts-type': 1, 'chinlund': 1, "\\nmagoo\\'s": 1, 'sledgehammers': 1, 'precipices': 1, '\\ntong': 1, 'under-10': 1, 'snide': 1, "comedian\\'s": 1, 'terrier': 1, 'drier': 1, 'bruel': 1, "'9": 1, '\\n10=a': 1, '9=borderline': 1, '8=excellent': 1, '7=good': 1, '6=better': 1, '5=average': 1, '4=disappointing': 1, '3=poor': 1, '2=awful': 1, '1=a': 1, 'restores': 1, 'nausuem': 1, 'yam': 1, 'chingmy': 1, 'yau': 1, 'svenwara': 1, 'madoka': 1, 'killlers': 1, 'woo-like': 1, 'fun--oh': 1, '\\nmindless': 1, 'gq': 1, "faltermeyer\\'s": 1, 'synthesized': 1, 'amoeba': 1, 'intelligent--and': 1, 'and--again--you': 1, "\\nfeldman\\'s": 1, 'workable': 1, 'weaponesque': 1, '\\nmachine': 1, 'meanies': 1, '\\nteri': 1, 'cash--so': 1, 'baghdad': 1, 'soothsayer': 1, "vikings\\'": 1, 'fireside': 1, '\\nahmed': 1, 'herger': 1, 'storh': 1, 'buliwyf': 1, 'kulich': 1, '\\nhereafter': 1, 'chittering': 1, '\\ncrichton': 1, 'blackface': 1, '\\nmctiernan': 1, 'beautifully-rendered': 1, 'schuemacher': 1, 'erasing': 1, 'good-heartedfrom': 1, 'meanspirited': 1, 'bathe': 1, 'moxin': 1, "badgers\\'": 1, 'second-to-last': 1, 'overstaying': 1, 'typecasted': 1, 'badgers': 1, "1983\\'s": 1, '104-minute': 1, 'well-shot': 1, 'low-caliber': 1, 'cut-and-paste': 1, '\\nfreshly': 1, 'dourdan': 1, 'outward': 1, 'menage-': 1, 'a-trois': 1, 'consummated': 1, 'sympathetically': 1, 'imposes': 1, 'undoubtly': 1, 'dime-a-dozen': 1, 'cardboard-cutout': 1, '\\nglances': 1, 'glorification': 1, 'penetration': 1, 'beastuality': 1, 'urinary': 1, 'tracts': 1, 'overdramaticized': 1, 'dlose': 1, 'depite': 1, 'ascends': 1, "guccione\\'s": 1, 'sloppiest': 1, 'innacurate': 1, 'prokofiev': 1, 'khachaturian': 1, 'adagio': 1, 'phrygia': 1, 'aneeka': 1, 'dilorenzo': 1, 'embrassment': 1, '\\nguccione': 1, 'prig': 1, '\\nuh': 1, "disgusting-for-disgustingness\\'-sake": 1, 'magnifcent': 1, 'heartstopping': 1, 'actualy': 1, 'comprehendable': 1, '\\ncomplexity': 1, 'drifters': 1, 'phillipie': 1, 'benecio': 1, 'vitro': 1, 'fertilization': 1, 'launderer': 1, "exec\\'s": 1, "caan\\'s": 1, 'ripped-off': 1, 'brand-new': 1, "'_dirty_work_": 1, 'at--revenge': 1, 'getting-even': 1, 'compulsively': 1, 'is--gasp': 1, '\\nheart': 1, 'display--there': 1, '_full_house_': 1, "_america\\'s_funniest_home_videos_": 1, 'sebastiano': 1, 'far--arguably': 1, 'humor--as': 1, 'smartass': 1, 'buildings--a': 1, '\\nsaget': 1, "'america\\'s": 1, 'sick-and-twisted': 1, 'hot-enough-to-melt-rubber': 1, 'singe': 1, 'anatomically': 1, '\\nchucky': 1, 'buddy-type': 1, 'heh': 1, 'shin-high': 1, 'figurine': 1, 'lovebirds': 1, 'chuckster': 1, 'conjugal': 1, 'soul-transferring': 1, 'amulet': 1, 'post-marriage': 1, 'newlyweds': 1, 'kewpies': 1, 'punt': 1, 'dim-bulb': 1, '_pick_chucky_up_': 1, '89-minutes': 1, "mancini\\'s": 1, 'slathers': 1, 'genre-parody': 1, 'goalie-mask-wearing': 1, 'handedly': 1, 'thirsty': 1, 'he/she/it': 1, 'afore': 1, "halloween\\'s": 1, '\\nfriday': 1, 'movies--a': 1, 'mtv-': 1, 'theatrics-': 1, 'everyone--you': 1, '\\nslater': 1, 'alway': 1, 'kilt': 1, 'collided': 1, 'big-breasted': 1, 'britt': 1, 'thought-transference': 1, '\\nelderly': 1, "britt\\'s": 1, 'plaster': 1, 'grapple': 1, "atkinson\\'s": 1, 'ulcers': 1, '\\nbean': 1, 'narrowed': 1, "'wonderland": 1, '29-year-old': 1, 'mini-wonderland': 1, 'unmade': 1, 'provocatively': 1, "hope\\'s": 1, 'hollan': 1, 'protester': 1, 'attractively': 1, '35-year-old': 1, "\\nalan\\'s": 1, 'snake-oil': 1, "'be": 1, '\\nbrit': 1, '\\neffeminate': 1, 'beatng': 1, 'bathes': 1, 'barring': 1, 'punk-in-the-making': 1, 'yeas': 1, 'bull-heaed': 1, 'lether': 1, '\\nchance': 1, 'post-operative': 1, 'confusions': 1, 'sensitivities': 1, 'soft-': 1, "prentice\\'s": 1, 'relation-': 1, 'hiself': 1, 'fight-picking': 1, 'beer-drinking': 1, 'victimisation': 1, 'lobotomise': 1, '\\nlightweight': 1, 'requisitive': 1, "mackintosh\\'s": 1, 'foyle': 1, '\\nprentice': 1, 'bafta': 1, "buzzcocks\\'": 1, '\\nsnide': 1, '\\nmisogynistic': 1, 'disagreeable': 1, "\\nkim\\'s": 1, 'sarge-type': 1, 'pilion': 1, '\\nawwww': 1, '\\nterrific': 1, 'differnt': 1, "spain\\'s": 1, 'mountainous': 1, 'chastising': 1, 'stutters': 1, 'rehearses': 1, 'fished': 1, 'jailbird': 1, 'pantomine': 1, 'henpecked': 1, 'nothiiiiiinggggggggggg': 1, 'pansy': 1, '97\\%': 1, 'pisspoor': 1, 'tinkertoy': 1, 'backpacks': 1, 'chase/goldie': 1, 'shakycam': 1, "when\\'s": 1, 'recreational': 1, 'trainman': 1, 'cadaver': 1, 'shalit': 1, 'dorks': 1, 'regails': 1, 'amtrak': 1, 'motels': 1, 'establishments': 1, 'travellers': 1, 'german-': 1, 'yuri': 1, '\\nyuri': 1, 'lindenlaub': 1, 'profiler': 1, 'engelman': 1, 'danny--here': 1, 'gravitates': 1, 'dog-loving': 1, 'tardio': 1, 'perfect--you': 1, 'swishes': 1, 'nuzzles': 1, 'coiffed': 1, 'personal--but': 1, "fitchner\\'s": 1, '\\nmoviegoing': 1, '\\nsolely': 1, 'down--way': 1, 'down--to': 1, 'vanquished': 1, 'mismatched-buddy': 1, 'binoculars': 1, 'half-drunk': 1, 'bankroll': 1, 'inversion': 1, 'repessed': 1, 'joie': 1, 'vivre': 1, 'ppreciate': 1, 'movie/road': 1, 'thorougly': 1, 'urn': 1, 'unfortunatetely': 1, 'crept': 1, 'sapping': 1, 'tricking': 1, "huang\\'s": 1, 'adeptness': 1, 'timidity': 1, "fishes\\'s": 1, 'unempathetic': 1, 'audience-unfriendly': 1, 'girlie': 1, 'creed-miles': 1, 'downturn': 1, 'laila': 1, "raymond\\'s": 1, 'torments': 1, "nancy\\'s": 1, 'spurned': 1, 'uplift': 1, 'escadapes': 1, 'sawyer': 1, 'huckleberry': 1, 'epectations': 1, 'slither': 1, 'religiously-oriented': 1, 'impregnation': 1, '\\nrecognizing': 1, 'contradicts': 1, 'out-performs': 1, "\\nbyrne\\'s": 1, 'refuting': 1, "\\'tis": 1, '\\nvariety': 1, 'gregorian': 1, 'quick-cut': 1, "i\\'ll-convince-people-to-kill-each-other": 1, '\\nreasons': 1, "'stephen": 1, 'laff-o-meter': 1, 'chortle': 1, '\\nchronicles': 1, "cortino\\'s": 1, '\\nseparated': 1, 'samba': 1, "'die": 1, 'dulles': 1, 'predator--all': 1, '\\njingle': 1, 'dredges': 1, 'distrusts': 1, 'breadwinner': 1, '\\nwatches': 1, 'exonerating': 1, 'stampeding': 1, 'mull': 1, '\\ncapitalism': 1, 'chia': 1, '\\ndern': 1, "dern\\'s": 1, 'idiotically': 1, '\\nlili': 1, 'factored': 1, '\\nzeta-jones': 1, 'uploaded': 1, 'seeps': 1, 'one-act': 1, 'uploading': 1, 'hilarities': 1, 'cyber-doctor': 1, 'hobo': 1, 'ghost-lady': 1, 'cyber-travelling': 1, 'longo': 1, 'full-feature': 1, 'immigrated': 1, 'neuromancer': 1, 'mufti': 1, 'splenetik': 1, 'crunchable': 1, 'limb-twisting': 1, 'co-lead': 1, 'model-wife': 1, 'all-round': 1, 'implacable': 1, 'leather-face': 1, 'nico': 1, 'nimble': 1, 'accessorize': 1, 'pounced': 1, 'whiney': 1, 'straightman': 1, 'bead-adorned': 1, 'brocade-draped': 1, 'allergies': 1, 'crunchily': 1, 'deathblows': 1, 'like-minded': 1, 'streamed': 1, '\\nmufti': 1, 'spelenetik': 1, 'beowolf': 1, "nichols\\'": 1, 'gazing': 1, 'daggers': 1, 'teleprompted': 1, 'less-than-lackluster': 1, '\\npurports': 1, 'pop-psychology': 1, 'mars/venus': 1, 'nodding': 1, 'fitted': 1, 'disuse': 1, 'shrunk': 1, "\\nkinnear\\'s": 1, 'scumbagginess': 1, "presidents\\'": 1, 'pratfall': 1, 'slimeballs': 1, 'uncommunicative': 1, 'workaholics': 1, "\\nshandling\\'s": 1, '\\ncuz': 1, "\\nbening\\'s": 1, 'vibrating': 1, 'withers': 1, '\\ncongratuations': 1, 'cheeseball': 1, 'again-the': 1, 'james-who': 1, 'fisherman-victim': 1, '\\nparanoid': 1, '\\nbikini-ready': 1, 'who-and': 1, 'mystery-turns': 1, 'hell-liner': 1, '\\nunaware': 1, 'boy-next-door': 1, 'short-i': 1, 'sequel-the': 1, "frighteners\\'": 1, 'vacationers': 1, 'reprogramming': 1, "gaynor\\'s": 1, 'lost-ray': 1, 'me-he': 1, 'languid-how': 1, 'one-if': 1, 'energize': 1, 'series-someone': 1, 'blandy': 1, '[sic]': 1, "'we\\'re": 1, "longo\\'s": 1, 'gibson-inspired': 1, '\\nfront': 1, 'cyber-courier': 1, 'wet-wired': 1, "lundgren\\'s": 1, 'fx--such': 1, 'mattes--leave': 1, 'blue-screens': 1, 'de-': 1, 'partment': 1, 'wet-': 1, 'processors': 1, 'yatf': 1, 'it--i': 1, '007-esque': 1, 'quintet--': 1, '--are': 1, 'naoki': 1, 'mori': 1, 'shutterbug': 1, '\\ncapped': 1, 'there--during': 1, 'bootcamp': 1, 'far/strength': 1, '--much': 1, 'metaphor-heavy': 1, "_can\\'t_": 1, 'four-minute': 1, '\\nposh': 1, '_exactly_': 1, 'stemmed': 1, "screenwriters\\'": 1, 'hurrah': 1, "'sylvester": 1, 'specliast': 1, '#19': 1, 'girlfriend/moll': 1, 'cuban/miami': 1, 'ballisitic': 1, 'must-be-improvised': 1, 'snake-eyes': 1, 'unrealistic-looking': 1, 'mispaired': 1, "keitel\\'s": 1, 'woken': 1, "sly\\'s": 1, 'teen-orientated': 1, "firm\\'": 1, 'blazingly': 1, 'herniated': 1, 'rowing': 1, 'surfaced': 1, "secret\\'": 1, 'rulebook': 1, "agree\\'": 1, "disagree\\'": 1, '\\nfacing': 1, 'ping-pong': 1, 'pinch': 1, 'fuses': 1, '\\naccomplished': 1, 'litten': 1, 'levritt': 1, "\\nmcdonald\\'s": 1, 'hat-trick': 1, "`snatch-the-paycheck-and-run\\'": 1, 'preserves': 1, '`dad': 1, 'bibb': 1, 'cages': 1, 'indefinitely': 1, "`dragonheart\\'": 1, "`daylight\\'": 1, 'afi': 1, 'humoring': 1, 'sheepishly': 1, 'overlooks': 1, 'barnacles': 1, "boneheaded\\'": 1, "hayes\\'s": 1, 'gyllenhall': 1, 'immuno-deficient': 1, 'reagan-loving': 1, "\\ngyllenhall\\'s": 1, 'home-schools': 1, 'anti-sexual': 1, 'hijinks-addled': 1, 'professing': 1, 'hindi': 1, 'vetter': 1, "'bats": 1, 'saddens': 1, 'horror/schlock': 1, 'guamo': 1, 'ocmic': 1, "batologist\\'s": 1, 'sputter': 1, 'leitch': 1, 'goldin': 1, "\\'80\\'s": 1, 'friendliest': 1, 'stunk': 1, "'toward": 1, '\\nweathers': 1, '\\nfaux': 1, 'motown': 1, 'awa': 1, 'saunters': 1, 'horndogs': 1, 'lugging': 1, 'gums': 1, 'forsee': 1, 'gottfried': 1, 'facetiousness': 1, 'third-billing': 1, 'flashdancer': 1, 'roz': 1, 'cadets': 1, 'jive': 1, 'barnett': 1, 'honkey': 1, 'mohawk': 1, 'cabbies': 1, 'grisoni': 1, 'strychnine-laced': 1, '\\nmushrooms': 1, 'assent': 1, '\\nacid': 1, 'daredevils': 1, 'seekers': 1, 'pharmacological': 1, 'world-view': 1, 'actosta': 1, "attorney\\'s": 1, 'pseudonyms': 1, '\\ngonzo': 1, 'careen': 1, 'amyl': 1, 'nitrite': 1, 'terrifies': 1, 'thick-bladed': 1, "\\nthompson\\'s": 1, '\\npontificate': 1, 'ingest': 1, 'tilts': 1, 'spungen': 1, '\\ngilliam': 1, 'over-directing': 1, 'fish-and-game': 1, 'pulman': 1, 'millionaire/crocodile': 1, 'full-of-tension': 1, '\\nimplausible': 1, '\\nloose': 1, 'amendments': 1, 'something-or-the-other': 1, 'scariness': 1, 'spooks': 1, 'precedent': 1, '\\nhohh': 1, '\\nriiiiight': 1, "\\ny\\'know": 1, '\\nooooooo': 1, '\\nsooner': 1, 'sp': 1, "geoffrey\\'s": 1, 'wimmin': 1, 'puked': 1, 'reworks': 1, 'little--': 1, 'vaporized': 1, 'mushroom-cloud': 1, 'knock-out': 1, 'implicates': 1, 'drawbridges': 1, 'excellent-but-so-': 1, '\\nunfunny': 1, '\\nheed': 1, 'often-acclaimed': 1, 'seven-year-old': 1, '\\njean-luke': 1, 'figeroa': 1, '\\nsony': 1, "'pre-review": 1, 'forbes': 1, 'mathew': 1, 'mconaughy': 1, 'bongos': 1, 'simplicities': 1, 'workweek': 1, 'coition': 1, 'uglies': 1, 'registering': 1, 'sexed': 1, 'twentysomethings': 1, 'confiding': 1, 'other--': 1, 'creamy': 1, 'rowe': 1, 'twentysometyhings': 1, 'k-obsessed': 1, 'buggery': 1, 'unsexy': 1, 'fornication': 1, 'dirtier': 1, 'nookie': 1, 'consensual': 1, 'enticed': 1, 'fall-out': 1, '\\ncristoffer': 1, "hittin\\'": 1, 'power-mongering': 1, 'well-documented': 1, 're-cuts': 1, 'guild-mandated': 1, 'edmunds': 1, 'jeni': 1, 'goldberg/ted': 1, 'stock-in-trade': 1, 'reduncancy': 1, 'badder': 1, 'rapier': 1, 'slimes': 1, 'newsleak': 1, 'penile': 1, 'feign': 1, 'moustaches': 1, 'stomach-churning': 1, '\\npity': 1, 'smithees': 1, 'misadvertised': 1, 'mozzell': 1, "down\\'s": 1, 'self-titled': 1, '92-minute': 1, 'pat-on-the-back': 1, 'star-power': 1, '\\nissues': 1, 'metamorphosizes': 1, 'consanguinity': 1, 'repulsively': 1, 'food-fight': 1, 'sever': 1, 'writer/director/hack': 1, '\\ncloris': 1, 'rosy-cheeked': 1, 'brats': 1, "'under": 1, 'intruded': 1, 'bludgeoned': 1, 'bamboozled': 1, 'negates': 1, 'munchausen': 1, 'dateline': 1, 'chalk-full': 1, '\\nryuichi': 1, "sakamoto\\'s": 1, '\\nspouting': 1, 'apropos': 1, '1940s-style': 1, 'agnieszka': 1, 'obsenities': 1, 'mismatch': 1, "\\nleonardo\\'s": 1, 'post-revolutionary': 1, 'symbolist': 1, 'charleville': 1, 'romane': 1, "mathilde\\'s": 1, 'tenseness': 1, 'skim': 1, 'afro': 1, 'chieftain': 1, 'afro-americans': 1, 'deformation': 1, "\\'modernization\\'": 1, 'brannagh': 1, "\\'rome": 1, "aalyah\\'s": 1, "\\'ghetto": 1, "feel\\'": 1, "\\'production\\'": 1, "'isn\\'t": 1, 'one-word': 1, "c\\'est": 1, "\\nhill\\'s": 1, "mgm\\'s": 1, 'hyperjump': 1, 'jellylike': 1, 'pushups': 1, '\\nevidently': 1, 'egg-shaped': 1, 'all-of-a-sudden-superhuman': 1, "\\nsupernova\\'s": 1, 'littleton': 1, 'colo': 1, "this\\'s": 1, "atrocity\\'s": 1, 'milbauer': 1, 'pastry': 1, 'shoud': 1, 'hand-wringing': 1, 'inveterate': 1, 'foul-humored': 1, "vic\\'s": 1, "donny\\'s": 1, 'crouse': 1, 'over-played': 1, 'mailed-in': 1, "\\ncarolco\\'s": 1, 'resting': 1, "modine\\'s": 1, 'bankability': 1, "flanders\\'": 1, 'parent-child': 1, 'break-ups': 1, "dads\\'": 1, 'fumblings': 1, 'probide': 1, 'ever-contrary': 1, 'bastion': 1, 'tackyana': 1, 'dishing': 1, 'digest/gumpian': 1, 'scoopfuls': 1, 'delectably': 1, 'ern': 1, 'mcracken': 1, '\\nmccracken': 1, 'dupes': 1, 'laxative': 1, 'slaparound': 1, 'distended': 1, 'city-boy': 1, 'suaku': 1, 'straitlaced': 1, 'unchristian': 1, 'neighbour-socking': 1, 'lavatorial': 1, 'amish-mocking': 1, 'road-trip': 1, 'broadside': 1, 'half-thought-through': 1, 'gaffer': 1, 'favours': 1, 'plausibly': 1, 'computer-creation': 1, 'no-hoper': 1, 'kickstarting': 1, 'reinspired': 1, 'delinquent': 1, "cover\\'s": 1, "granny\\'s": 1, '\\nkeifer': 1, 'hollywoods': 1, "witherspoon\\'s": 1, 'ex-gangbanger': 1, 'insubordinate': 1, 'crimefighting': 1, 'jet-powered': 1, 'half-interested': 1, 'insipidly': 1, "knockin\\'": 1, "\\ncharacters\\'": 1, '\\nfoul': 1, 'censored': 1, 'muffle': 1, "comics\\'": 1, '2099': 1, 'honking': 1, 'initials': 1, "doens\\'t": 1, "hurlyburly\\'s": 1, 'playthings': 1, 'textbooks': 1, 'anti-gay': 1, 'fecal': 1, 'pastiches': 1, '\\npenis': 1, 'equivalents': 1, 'naunton': 1, 'radford': 1, 'pimlico': 1, '\\nsilent': 1, 'abbott': 1, 'before--sometimes': 1, 'theological': 1, "\\nmystery\\'s": 1, 'nhl': 1, '\\nbiebe': 1, 'compensating': 1, 'befouled': 1, 'collegiate': 1, "\\nbiebe\\'s": 1, 'verbalized': 1, '\\nmysterty': 1, "o\\'byrne": 1, 'cadence': 1, 'ivins': 1, 'mysterty': 1, '\\ncomplaining': 1, 'paste': 1, '\\naware': 1, "mccoy\\'s": 1, '18+': 1, '\\nbasinger': 1, 'emotional-radiance': 1, '\\nbarker': 1, 'niagra': 1, "'ironically": 1, 'mccardie': 1, 'terminating': 1, 'sub-standard': 1, 'dateless': 1, 'deflowered': 1, 'weekened': 1, "'1990s": 1, 'binary': 1, 'eggert': 1, 'emigrating': 1, '\\ngaerity': 1, '\\ndove': 1, 'bateer': 1, 'justifiably': 1, 'l-u-v': 1, 'close-cropped': 1, 'supermodel-level': 1, 'fortresses': 1, 'dramatize': 1, 'blue-eyed': 1, 'sublimated': 1, 'bloodthirstiness': 1, 'madwoman': 1, 'browbeats': 1, 'blithe': 1, 'put-on': 1, "dreyer\\'s": 1, 'france/usa': 1, "'delicatessen": 1, 'adrien/marc': 1, 'herve': 1, 'schneid': 1, 'clapet-the': 1, 'plusse': 1, 'ticky': 1, 'marcel': 1, 'anne-marie': 1, 'pisani': 1, 'ker': 1, 'aurore': 1, 'interligator': 1, 'miramax/constellation/ugc/hatchette': 1, '1991-france': 1, 'shortages': 1, 'valued': 1, 'co-directors': 1, 'projections': 1, 'ex-circus': 1, 'too-good-to-be-true': 1, 'near-sighted': 1, 'malcontents': 1, 'cow-moo': 1, 'bedsprings': 1, 'squeak': 1, 'veggie': 1, 'trogolodistes': 1, '\\ndelicatessen': 1, 'scatology': 1, 'grungiest': 1, 'consternation': 1, 'painkiller': 1, 'cop-buddy': 1, 'snitch': 1, 'flu': 1, 'fluish': 1, 'sired': 1, 'bascially': 1, 'inlists': 1, 'out-smarted': 1, 'badies': 1, 'outgrossed': 1, 'baffels': 1, "'vegas": 1, '\\nrusty': 1, '\\nchristie': 1, 'brinkley': 1, 'ferrari': 1, "'burnt": 1, "2001\\'s": 1, '\\nbilled': 1, '`bonnie': 1, "clyde\\'": 1, "prostitute\\'s": 1, '\\nclarity': 1, 'figueras': 1, 'piglia': 1, 'snort': 1, '\\nburnt': 1, "'claire": 1, 'slates': 1, "silver\\'s": 1, 'illustrations': 1, '"': 1, 'name"': 1, 'rename': 1, 'fatigues': 1, 'completes': 1, 'great-': 1, '\\nhaunted': 1, 'boring/confusing': 1, '\\nnell': 1, '\\ninvestigating': 1, "caprenter\\'s": 1, 'actors---washington': 1, 'shalhoub---but': 1, '\\nbening': 1, '10-minute': 1, 'blowout': 1, 'dismantling': 1, "doer\\'": 1, 'sometimes-sick': 1, 'sways': 1, 'wedding-needing': 1, 'on-edge': 1, 'dimming': 1, "spade\\'s": 1, 'wagon-train': 1, 'longshot': 1, '\\nguys': 1, 'disruptions': 1, 'intently': 1, 'sheep-pig': 1, 'bed-ridden': 1, 'one-tenth': 1, 'flash-backs': 1, "hogget\\'s": 1, 'cavity': 1, 'elastic': 1, 'overalls': 1, 'co-writed': 1, 'eqypt': 1, 'decipherer': 1, 'slightly-neurotic': 1, 'wyat': 1, 'flat-top': 1, 'fetal': 1, 'cilvilization': 1, 'androginous': 1, 'modifier': 1, 'pesudo-pseudo-pseudo-character': 1, 'criterion': 1, 'titilation': 1, 'potted': 1, '9mm': 1, 'perfume-drenched': 1, "\\nferrara\\'s": 1, 'durable': 1, '8-minute': 1, 'michelangelo': 1, "antonioni\\'s": 1, "\\nmatty\\'s": 1, 'atrice': 1, 'dalle': 1, '\\nrequiem': 1, '\\nmatty': 1, 'consulting': 1, 'tooling': 1, '\\nwider': 1, 'downing': 1, 'kelsch': 1, 'painterly': 1, 'docu-style': 1, '\\narrrghhh': 1, '\\nsays': 1, '\\ndirty': 1, 'sod': 1, 'yer': 1, 'bloodstream': 1, "\\nfriggin\\'": 1, 'time-bomb': 1, '\\n[he': 1, 'stubble': 1, 'kowalski': 1, '\\nassemble': 1, "nyc\\'s": 1, "gedrick\\'s": 1, 'moronic-looking': 1, "moresco\\'s": 1, '\\nbruno': 1, '\\nassante': 1, 'toning': 1, "countries\\'": 1, 'coinciding': 1, '500th': 1, '1885': 1, 'sieber': 1, '\\ngeronimo': 1, 'minorities': 1, "millius\\'": 1, "geronimo\\'s": 1, 'magua': 1, 'ry': 1, 'cooder': 1, "'aspiring": 1, '10s': 1, "marc\\'s": 1, 'hetero': 1, 'hobel': 1, "mignatti\\'s": 1, 'sitcom-level': 1, 'bugs--how': 1, 'zaftig': 1, 'lipsynching': 1, 'easely': 1, 'burne': 1, 'lucifer': 1, "swartzenegger\\'s": 1, 'predators': 1, 'cyberkillers': 1, "schwartzenegger\\'s": 1, 'swartzenegger': 1, '\\n1970s': 1, 'symbolise': 1, 'colt': 1, 'burn-out': 1, 'luger': 1, "luger\\'s": 1, 'mortars': 1, 'undertook': 1, 'lameness': 1, "'paul": 1, 'b-monster': 1, '45\\%': 1, 'spetters': 1, 'punk-noir': 1, 'slays': 1, 'impales': 1, 'blare': 1, 'sunnybrook': 1, "bush\\'s": 1, '\\nbush': 1, '\\nahh': 1, "experimentation\\'s": 1, 'fx-heavy': 1, '\\nbegins': 1, 'thrill-a-minute': 1, 'greenway': 1, 'thrillingly': 1, 'caressing': 1, 'faux-psycho': 1, 'infer-red': 1, 'undresses': 1, 'chit': 1, 'queries': 1, "\\ntis\\'": 1, "'fact": 1, 'menahem': 1, 'golan': 1, 'yoram': 1, 'globus': 1, 'mentors': 1, 'lowering': 1, 'gavan': 1, '\\nkersey': 1, 'shriker': 1, 'lauter': 1, '\\nbronson': 1, 'defender': 1, 'raffin': 1, 'law-abiding': 1, 'sarajevo-like': 1, 'portorican': 1, "'overblown": 1, 'hackles': 1, 'tryst': 1, 'un-produced': 1, 'ranged': 1, "1981\\'s": 1, 'ex-olympic': 1, 'cutsie': 1, 'mis-guided': 1, 'sexualize': 1, 'bayard': 1, 'weissmuller': 1, '1913': 1, 'archeologist/grave-robber': 1, 'assuring': 1, 'ape-man': 1, 'goonies': 1, 'greenpeace-friendly': 1, 'tusks': 1, 'semi-experienced': 1, 'backpacker': 1, 'tourniquet': 1, 'resource-strapped': 1, '\\nstrictly': 1, "dien\\'s": 1, 'well-groomed': 1, 'circa-1983': 1, '\\nwaddington': 1, '\\nwincer': 1, '\\nkristy': 1, 'youre': 1, 'basic--and': 1, 'ordinary--premise': 1, 'naville': 1, "naville\\'s": 1, 'victim--her': 1, 'revenge--and': 1, "hodge\\'s": 1, 'contextual': 1, 'displeased': 1, 'robert--or': 1, '\\nceline': 1, 'two--then': 1, '\\nboyle': 1, 'razzmatazz': 1, 'that--energy': 1, 'angelic--in': 1, 'stockpiling': 1, 'womantic': 1, "cabot\\'s": 1, 'borrr-ring': 1, 'wendkos': 1, 'braintree': 1, 'pre-pubescent': 1, 'movies--': 1, 'abyssinian': 1, 'thermopolis': 1, 'franciscan': 1, 'serbia': 1, 'genovia': 1, 'headphones/tiara': 1, 'clarisse': 1, 'renaldi': 1, '\\nconsuming': 1, 'dorky-looking': 1, 'mechanic/musician': 1, 'elizondo': 1, 'imparting': 1, 'chauffeur-driven': 1, 'exorcised': 1, 'eight-and-a-half': 1, 'powers-that-be': 1, 'ric': 1, "pucci\\'s": 1, 'straightens': 1, "\\nfoley\\'s": 1, 'overly-familiar': 1, 'closed-down': 1, 'crippen': 1, 'identital': 1, 'winnebago': 1, 'froehlich': 1, 'suspeneful': 1, 'sook-yin': 1, 'resistible': 1, 'adulation': 1, 'crowchild': 1, "alessa\\'s": 1, 'flint': 1, 'double-zero': 1, '\\nneighbor': 1, '\\nallegory': 1, '\\nwallpaper': 1, '\\nplumbing': 1, 'glenwood': 1, 'movieplex': 1, 'oneida': 1, 'japanimation': 1, 'clinched': 1, "\\nphillip\\'s": 1, "alzhiemer\\'s": 1, 'flubber-powered': 1, 'scene-by-scene': 1, '\\nooooooooh': 1, 'model-friends': 1, 'high-heaven': 1, 'romantic-comedy-action': 1, 'knowles': 1, 'fluff-piece': 1, 'uuuhhmmm': 1, 'naaaaah': 1, 'snuggly': 1, 'headfirst': 1, '\\nanyhoo': 1, 'nuff': 1, 'didja': 1, 'ps': 1, 'pizazz': 1, 'firefight': 1, 'creativeness': 1, 'unmistakeable': 1, "ellin\\'s": 1, 'overlay': 1, 'frey': 1, 'come-on': 1, "chicago\\'s": 1, 'mili': 1, 'personality-challenged': 1, 'mind-boggeling': 1, 'borderlines': 1, 'oppisites': 1, 'pacifistic': 1, 'methodologies': 1, '1869': 1, 'scientests': 1, 'uprorously': 1, 'kevil': 1, 'cinematogrophy': 1, 'ballhaus': 1, 'bookish': 1, 'terribly-plotted': 1, 'ex-new': 1, 'ensnared': 1, 'murder-': 1, 'light-plane': 1, 'salvadorian': 1, 'lagpacan': 1, 'soused': 1, 'faa': 1, 'drug-abuser': 1, "'spoiled": 1, "\\njasper\\'s": 1, 'sulk': 1, '\\nawwwww': 1, "jasper\\'s": 1, 'jerkish': 1, "kelley\\'s": 1, 'provocations': 1, "simpson\\'s": 1, 'audio/video': 1, 'insistent': 1, '\\nacclaimed': 1, 'prizefighted': 1, 'relentlessy': 1, 'confirming': 1, 'seeked': 1, 'watered-': 1, 'rammed-down-your-throat': 1, 'pseudo-saintliness': 1, 'meditations': 1, "unger\\'s": 1, 'theresas': 1, 'do-gooders': 1, '\\ncourtroom': 1, 'abating': 1, 'twenty-cuts-per-minute': 1, 'poet/songwriter/': 1, 'madio': 1, 'neutron': 1, 'mcgaw': 1, 'inhalants': 1, "\\njim\\'s": 1, 'goluboff': 1, "carroll\\'s": 1, 'pseudo-sensitive': 1, 'strung-out': 1, 'ex-junkie': 1, "leone\\'s": 1, 'dashiell': 1, '_red': 1, 'harvest_': 1, 'bootlegging': 1, 'chicago-connected': 1, 'strozzi': 1, 'remakes-cum-bastardizations': 1, 'karina': 1, 'lombard': 1, 'barkeep': 1, 'sanderson': 1, 'imperioli': 1, 'chattering': 1, '_no': 1, 'one_': 1, 'sunburned': 1, 'counter-productive': 1, '\\ncause': 1, 'emitting': 1, "tupac\\'s": 1, 'cued': 1, '2/6/99': 1, '\\nbusiness': 1, "counterpart\\'s": 1, 'mother-': 1, "gellar\\'s": 1, 'burkittsville': 1, 'influx': 1, 'witch-related': 1, 'cigarette-smoking': 1, 'luridly': 1, 'psychomagically': 1, 'susses': 1, 'goth-style': 1, 'rustin': 1, 'huffs': 1, "tristen\\'s": 1, 'fluttering': 1, '\\nspooky': 1, 'war-era': 1, '\\nwacky': 1, 'rune-like': 1, 'handbasket': 1, '\\nnevermind': 1, 'broadly-drawn': 1, '\\nerica': 1, 'niceties': 1, '\\nknives': 1, '\\nhm': 1, 'bandies': 1, "governor\\'s": 1, "korman\\'s": 1, 'hedley': 1, 'lamarr': 1, '\\nlamarr': 1, '\\nhold': 1, 'gales': 1, '\\nracism': 1, 'cleavon': 1, "'2": 1, 'interacted': 1, '\\ncomedically': 1, "dollah\\'": 1, 'club/act': 1, 'bro': 1, 'jewelry-sporting': 1, '\\n‰': 1, 'exerts': 1, 'sivero': 1, "novelist\\'s": 1, 'not-so-talented': 1, 'scrolled': 1, 'assistsant': 1, '\\nplayboy': 1, '\\nhowewer': 1, "segal\\'s": 1, 'unexistent': 1, 'unmenacing': 1, 'ex-special': 1, '\\nstare': 1, '\\ns': 1, 'yucked': 1, 'belch': 1, 'second-class': 1, 'maids': 1, 'tuckers': 1, 'gun-crazy': 1, "\\nlife\\'s": 1, 'sneaky-smart': 1, 'big-underground-worm': 1, 'giggled': 1, 'critically-savaged': 1, 'big-underwater-snake': 1, 'ghidrah': 1, 'big-undersea-serpent': 1, 'multi-ethnic/multi-national': 1, 'cgi-enhanced': 1, 'gross-outs': 1, 'too-cheesy-to-be-accidental': 1, 'fraidy-cat': 1, 'action-horror': 1, 'over-populated': 1, 'gore-drenched': 1, '\\nwinks': 1, 'a-flailing': 1, "'renee": 1, "all-in-a-day\\'s-work": 1, 'wife--and': 1, 'brokering': 1, 'still-burning': 1, 'ramon': 1, 'fire-taming': 1, 'ever-smoldering': 1, 'boaz': 1, "yakin\\'s": 1, 'margulies': 1, 'non-kosher': 1, '\\nyakin': 1, 'realism--in': 1, 'ghost--make': 1, "'there\\'re": 1, '\\nrecommendation': 1, "assignment\\'": 1, 'connotes': 1, 'good-film-making': 1, "\\nleoni\\'s": 1, 'undervalued': 1, 'perish': 1, 'mountain/hill': 1, 'head-start': 1, 'radioactivity': 1, 'leaked': 1, 'metres': 1, 'noirs': 1, "glamorise\\'": 1, 'expound': 1, 'fantasise': 1, 'play-write': 1, 'twelfth': 1, 'romanticising': 1, "beautiful\\'": 1, 'accolade': 1, 'hospitalised': 1, 'kale': 1, '31st': 1, 're-generating': 1, 'dredge': 1, "\\'his\\'": 1, 'pericles': 1, 'usaf': 1, 'oberon': 1, 'electromagnetic': 1, "pericles\\'": 1, 'broyles': 1, '\\ndavidson': 1, 'swarmed': 1, 'duets': 1, 'sandar': 1, "\\'unusual": 1, 'ballyhooed': 1, "\\'surprise\\'": 1, 'daena': 1, "\\'back": 1, "off\\'": 1, 'nado': 1, 'shadix': 1, '\\nguffaws': 1, 'firearm': 1, 'whiteness': 1, 'makeovers': 1, '\\ngiamatti': 1, 'humanized': 1, "even\\'s": 1, '\\nbonham': 1, 'goodly': 1, "ape\\'s": 1, 'tents': 1, 'eiko': 1, "ishioka\\'s": 1, 'percussive': 1, "'writing": 1, '\\nthrillers': 1, 'kull': 1, 'conqueror': 1, 'starpower': 1, 'divines': 1, 'stupids': 1, 'matalin': 1, 'twosome': 1, "matalin\\'s": 1, 'senatorial': 1, 'vallick': 1, "candidate\\'s": 1, 'plent': 1, 'stud-reporter': 1, 'subverts': 1, '\\ninconsistency': 1, "speechless\\'s": 1, 'high-': 1, 'partisanship': 1, 'flute-and-wind': 1, 'grocers': 1, "'teenagers": 1, 'it92s': 1, 'films=92': 1, 'elation': 1, 'smothering': 1, 'enrolling': 1, 'impossibilities': 1, 'won92t': 1, '\\ninterwoven': 1, 'cherry-on-the-sundae': 1, "'walken": 1, 'kidnapped--she': 1, 'snots': 1, '\\nsuicide': 1, 'unironic': 1, "tee--it\\'s": 1, 'whence': 1, "leary\\'s": 1, 'revelation/twist': 1, "o\\'fallon": 1, 'genxers': 1, 'envies': 1, 'seventeenth': 1, 'concur': 1, "\\nmcgowan\\'s": 1, '\\nfaring': 1, '\\ngayheart': 1, 'mianders': 1, 'candies': 1, "code\\'": 1, 'straight-out': 1, 'un-funny': 1, '\\nrene': 1, 'zelweggar': 1, 'big-headed': 1, 'typicalness': 1, 'dispite': 1, '\\nartie': 1, 'un-nerving': 1, "\\'seven": 1, "chances\\'": 1, 'wayyyy': 1, 'half-mast': 1, 'ultra-serious': 1, 'anti-fans': 1, 'long-': 1, "\\nwebb\\'s": 1, "owens\\'": 1, 'reprint': 1, 'reprintable': 1, 'unwinds': 1, 'typically-stimulating': 1, '\\nbogart': 1, 'non-webb': 1, 'negligees': 1, '_here_': 1, 'estrogen': 1, '\\nowens': 1, 'iwo': 1, 'jima': 1, 'raeeyain': 1, 'nine-year-': 1, "'frank": 1, "detorri\\'s": 1, 'sanitation': 1, "\\'10": 1, "rule\\'": 1, "chimp\\'s": 1, 'vote-pandering': 1, 'phlegmming': 1, 'municipality': 1, 'quarrelling': 1, 'sprinklings': 1, 'hoisting': 1, 'ingrown': 1, 'toenail': 1, 'flatlining': 1, 'enchilada': 1, "'woof": 1, 'winger': 1, 'as--of': 1, 'things--a': 1, 'kick--willis': 1, 'colorblind': 1, 'cut-from-nc17': 1, 'rattlesnakes': 1, "\\nwhy\\'d": 1, 'cuckoos': 1, 'solvable': 1, '\\nunfazed': 1, 'nincompoop': 1, 'cuckoo': 1, 'overfills': 1, 'vertiginous': 1, 'across-the-board': 1, "mystery-girl-who\\'s-no-real-mystery": 1, '\\nshudder': 1, 'ex-government': 1, 'cooperate': 1, "\\nsnipes\\'": 1, 'always-': 1, 'bordello': 1, 'break-into-the-building': 1, "'ah": 1, 'geekiest': 1, 'propell': 1, '\\ncook': 1, '\\nkieren': 1, 'indiscernable': 1, 'passer': 1, 'hair-removal': 1, 'bubble-headed': 1, 'guam': 1, 'stipend': 1, 'drowsy-voiced': 1, "coyle\\'s": 1, 'dewayne': 1, 'charisma-free': 1, "\\nrobbins\\'": 1, 'smothered': 1, 'pap': 1, 'scolds': 1, 'whobilation': 1, 'shamed': 1, 'thurl': 1, 'ravenscroft': 1, 'antler': 1, 'priorities': 1, 'whovier': 1, 'once-simple': 1, 'supple': 1, 'slurry': 1, 'ventura-style': 1, 'seuss': 1, 'mid-1980s': 1, 'gorefests': 1, 'reanimator': 1, '2018': 1, 'gismos': 1, 'regulate': 1, "inmates\\'": 1, 'planing': 1, 'kurtwood': 1, 'bucketloads': 1, 'ultra-expensive': 1, '\\nlori': 1, 'sequoia': 1, '\\nkurtwood': 1, 'gascogne': 1, "xiii\\'s": 1, 'speirs': 1, '\\nscripter': 1, 'director-cinematographer': 1, "xiong\\'s": 1, 'stagecoach': 1, 'ladder-fight': 1, "mtv\\'ish": 1, 'swashing': 1, '\\nmena': 1, 'interloper': 1, 'scrapped': 1, 'highly-anticipated': 1, 'slotted': 1, 'demotion': 1, '\\nremarkable': 1, 'much-loathed': 1, 'catsuit-clad': 1, 'imbuing': 1, 'sassiness': 1, 'crippling': 1, 'volley': 1, 'fizzling': 1, 'usually-splendid': 1, 'inroad': 1, 'commendably': 1, 'regrettably-neglected': 1, 'kathyrn': 1, 'cheekily': 1, 'caper-esque': 1, 'veritably': 1, 'twiggish': 1, 'ever-bemused': 1, 'climate-controlling': 1, '\\noverlooking': 1, "protagonists\\'": 1, 'crisply': 1, 'slugging': 1, 'quickest': 1, 'savoured': 1, "'stallone": 1, "\\'act\\'": 1, '\\nkeital': 1, '\\ntheres': 1, '\\ncop': 1, '\\nhugely': 1, 'moderately-successful': 1, 'model-turned-actress': 1, '-rated': 1, '\\nross': 1, 'half-human/half-alien': 1, 'indomitable': 1, 'damping': 1, 'ardor': 1, 'angry-but-inept': 1, "lazard\\'s": 1, 'scintilla': 1, 'sound-alike': 1, 'freakiest': 1, 'non-believers': 1, '\\ninoffensive': 1, 'baseball-related': 1, 'honey-bunny': 1, 'character-heavy': 1, 'center-fielder': 1, 'demon-fighting': 1, 'hind-ends': 1, 'stunt-butts': 1, 'semi-nude': 1, '\\nblucas': 1, 'amply-sized': 1, 'objectifying': 1, '\\ntrivial': 1, 'tidbit': 1, 'summit': 1, "'everybody": 1, 'well-plotted': 1, 'kosher': 1, '\\nsomethine': 1, 'threeway': 1, 'mastabatory': 1, 'non-nude': 1, 'mccallum': 1, '131': 1, 'atcheson': 1, 'obey': 1, 'calibrated': 1, 'nine-film': 1, 'screenshots': 1, 'year-long': 1, 'multitudes': 1, 'kfc': 1, 'anti-hype': 1, 'machine-gun': 1, 'rapidity': 1, 'maddened': 1, 'funneled': 1, '\\nnaboo': 1, '\\nobi-wan': 1, 'speeder': 1, 'relatively-brief': 1, 'futures': 1, '\\ncombining': 1, 'three-time': 1, '\\nkramer': 1, '\\nover-70': 1, 'cop-turned-private': 1, 'eye-turned': 1, 'under-age': 1, 'manila': 1, '\\nrubin': 1, '\\nsarandon': 1, 'half-heartedly': 1, "'martial": 1, 'egotisitical': 1, 'indestructable': 1, '20-30': 1, 'entrepeneurs': 1, 'inuits': 1, "caine\\'s": 1, 'cheif': 1, 'wounding': 1, 'alfie': 1, 'coure': 1, 'sergeants': 1, "ermey\\'s": 1, 'assasins': 1, 'excrucitating': 1, "'arye": 1, 'bostonians': 1, '\\narye': 1, 'female-fearing': 1, '\\ncouteney': 1, "'_soldier_": 1, 'liken': 1, 'product-of-choice': 1, 'not-too-distant': 1, 'ultra-conservative': 1, 'desensitization': 1, 'indifferently': 1, 'wrinkle': 1, "_dragon_\\'s": 1, 'ice-cube': 1, 'half-expect': 1, 'strolling': 1, 'brain-child': 1, 'mind-twisting': 1, 'double-spaced': 1, '_mortal': 1, "kombat_\\'s": 1, '\\n_soldier_': 1, 'mayersberg': 1, 'alludes': 1, 'fujioka': 1, 'ancestor': 1, 'down-at-the-heels': 1, 'redoubtable': 1, 'holzbog': 1, 'arms-merchant-cum-safari-host-': 1, 'cum-islamic-missionary': 1, 'eilbacher': 1, 'witch-doctor': 1, 'pre-arranged': 1, "endo\\'s": 1, "ancestor\\'s": 1, '_there_': 1, 'subtexts': 1, 'elaborated': 1, 'scene-chewing': 1, 'clavell': 1, 'kurusawa': 1, "'birthdays": 1, '\\nselling': 1, 'overly-long': 1, 'shaved-headed': 1, 'caftan': 1, '\\npreston': 1, "'m": 1, 'spy/romance': 1, 'doves': 1, 'converts': 1, '\\nm': 1, 'mega-buck': 1, 'midair': 1, 'action-film': 1, 'out-of-water': 1, 'nekhorvich': 1, 'cia-like': 1, 'launcher': 1, 'polson': 1, 'stickell': 1, 'high-gadget': 1, 'self-destructed': 1, 'audi': 1, 'tracer': 1, 'hide-out': 1, 'infect': 1, 'insuring': 1, 'vaccine': 1, 'kick-boxing': 1, "kick\\'s": 1, 'slam-dunks': 1, 'telecast': 1, 'demographics': 1, "'ex-universal": 1, 'newer-model': 1, 'legionnaire': 1, 'artist/action': 1, '\\nuniversal': 1, "\\nsoldier\\'s": 1, 'super-soldier': 1, 'trainer/consultant': 1, 'cotner': 1, 'fiercer': 1, 'axed': 1, 'hillary': 1, 'near-indestructible': 1, '\\nerin': 1, 'pathetically-written': 1, 'fuelled': 1, 'co-ordinator': 1, "fasano\\'s": 1, 'uhm': 1, '\\neh': 1, 'unheard-of': 1, '90-plus': 1, 'vesco': 1, 'presumed-but-never-proved': 1, 'jascha': 1, 'bloodlines': 1, 'traceable': 1, 'cannom': 1, 'elses': 1, 'malcolm-as-momma': 1, 'schooling': 1, 'prostheses': 1, 'midwife': 1, 'independently': 1, 'lascivious': 1, 'cleverly-constructed': 1, 'presumption': 1, 'berkoff': 1, 'woud': 1, 'kilpatric': 1, 'carol+ghostbusters=scrooged': 1, 'scrooged': 1, 'toghether': 1, "v\\'s": 1, "cross\\'s": 1, "\\'partner\\'": 1, "\\'home": 1, "alone\\'": 1, 'remeber': 1, "o\\'donaghue": 1, 'microphage': 1, '2007': 1, 'interred': 1, 'policed': 1, 'policia': 1, '\\n76': 1, 'corridor/tunnel/airduct': 1, "'post-chasing": 1, 'twenty-four': 1, "samantha\\'s": 1, 'triangular': 1, 'tale--the': 1, 'nuptials--to': 1, 'repress': 1, 'pepto': 1, 'bismol': 1, 'joke-machine': 1, "'yet": 1, 'watchabe': 1, 'sooo': 1, 'schulz': 1, "queens\\'": 1, 'ellsworth': 1, "\\nbumpy\\'s": 1, '\\nbloody': 1, '\\nbumpy': 1, '\\ncrooked': 1, '\\ngang': 1, '\\nwife': 1, "partners\\'": 1, '\\nblood': 1, '\\nhigh-ranking': 1, 'sprinting': 1, '30-40': 1, '\\nellsworth': 1, 'schultz': 1, '\\ngarcia': 1, '\\nmcbride': 1, 'desiring': 1, "talon\\'s": 1, 'triple-bladed': 1, '\\neleven': 1, 'mercaneries': 1, '\\ntalon': 1, 'bladed': 1, 'dagger': 1, 'boomy': 1, '$39': 1, 'at-a-glance': 1, 'bloodfilled': 1, '#$\\%': 1, 'dependant': 1, 'off-post': 1, 'winds-up': 1, '36-hour': 1, '_halloween_': 1, 'thing_': 1, 'darkness_': 1, '_they': 1, 'live_': 1, '_escape': 1, 'york_': 1, 'not-quite-kosher': 1, '_john': 1, 'slake': 1, 'a-team': 1, 'blood-suckers': 1, 'harpoons': 1, 'matchsticks': 1, 'commemorate': 1, 'ambushes': 1, 'manson-type': 1, 'cpl': 1, '\\nupham': 1, 'prison-turned': 1, 'oh-so-cool': 1, 'stylishness': 1, 'gossamer-thin': 1, 'woodies': 1, '\\n_john': 1, 'blurting': 1, 'semi-offensive': 1, 'crassness': 1, 'pubescent': 1, 'unpopped': 1, 'kernels': 1, 'less-than-honorable': 1, 'reneges': 1, "\\'broads\\'": 1, 'elongated': 1, 'not-so-glorious': 1, "'summer": 1, 'positives': 1, 'cheque': 1, "\\'humour\\'": 1, 'ineptness': 1, 'ungainly': 1, 'sonnenfelds': 1, '_four_': 1, 'sweetie': 1, 'junk-bonds': 1, '\\nreferences': 1, 'deloreans': 1, 'accelerating': 1, 'nostalgically': 1, 'mightiest': 1, '\\ndisjointed': 1, '1600s': 1, '\\nflashbacks': 1, 'max-like': 1, 'sword-play': 1, 'kell': 1, '\\noveracting': 1, '\\nnuff': 1, "'`bats\\'": 1, "`tremors\\'": 1, "birds\\'": 1, 'guano': 1, 'super-duper': 1, 'pre-schoolers': 1, 'ventured': 1, 'emmett': 1, 'kimsey': 1, 'chomps': 1, "field\\'": 1, 'oceanographic': 1, "hooper\\'s": 1, "`jaws\\'": 1, 'spruce': 1, "casper\\'s": 1, 'bat-loathing': 1, '\\nmccabe': 1, "`accidentally\\'": 1, 'gallup': 1, 'serpents': 1, 'mocks': 1, 'misteps': 1, 'shread': 1, 'low-down': 1, 'indoor': 1, "i\\'m-whining-because-i-can\\'t-get-a-girl-i-want": 1, 'homcoming': 1, 'multi-week': 1, 'noxema': 1, 'spokesperson': 1, 'publically': 1, 'too-over-the-top': 1, 'way-too-glossy': 1, 'obscurities': 1, 'altman-esque': 1, 'desintegration': 1, "eflman\\'s": 1, 'poorly-motivated': 1, 'semi-thorough': 1, 'accord': 1, 'to-swallow': 1, 'heavy-handedly': 1, '9-year': 1, 'intuitive': 1, "nerds\\'": 1, 'crouched': 1, "langenkamp\\'s": 1, "\\'deep": 1, "yourself\\'": 1, "\\n\\'28": 1, "\\'meaningful\\'": 1, 'aa-meetings': 1, '\\ngwennie': 1, 'court-ordered': 1, "nest\\'": 1, "\\'trainspotting\\'": 1, 'drama/comedy': 1, '\\njokes': 1, 'delude': 1, "thomas\\'": 1, "\\'lost": 1, "space\\'": 1, "\\'speed\\'": 1, "gwenie\\'s": 1, "perkins\\'": 1, "\\n\\'clean": 1, "sober\\'": 1, "\\'only": 1, "laugh\\'": 1, "\\'when": 1, "woman\\'": 1, "\\'leaving": 1, "vegas\\'": 1, 'teaspoons': 1, 'gun-': 1, '\\nsimmer': 1, '\\nyields': 1, 'fifteen-minute': 1, 'cataloguing': 1, 'truck-chase': 1, 'wrenched': 1, 'slung': 1, 'rope-bridge': 1, '\\nsorcerer': 1, 'venality': 1, 'mst3ked': 1, "\\'bots": 1, 'sked': 1, 'not-too-bright': 1, '\\nkirsten': 1, "arlene\\'s": 1, 'walkers': 1, 'checkers': 1, 'king-type': 1, 'earshot': 1, '13-20': 1, 'thwarting': 1, "ferrell\\'s": 1, 'lollipops': 1, 'poopie': 1, "'words": 1, 'urban-legendary': 1, 'homicides': 1, 'scorned': 1, "continuity\\'s": 1, "devlin\\'s": 1, 'lizard-stomps-manhattan': 1, 'lobotomized': 1, 'monster-instigated': 1, 'not-too-precocious': 1, '51st': 1, 'yawn-provoking': 1, 'less-arrogant-than-usual': 1, 'incipient': 1, 'siskel/ebert': 1, 'upstaging': 1, '\\ntristar': 1, 'word-of-mouth-proof': 1, 'illusionists': 1, 'wands': 1, 'tumbled': 1, '\\nluhrmann': 1, 'deepak': 1, 'chopra': 1, 'clear-thinking': 1, 'highly-placed': 1, 'bilking': 1, 'best-forgotten': 1, 'uninterestingly': 1, 'waxen': 1, 'mohamed': 1, 'karaman': 1, '\\nsurprises': 1, '\\nsudddenly': 1, 'dead-in-the-water': 1, 'tetsuo-the': 1, 'under-appreciated': 1, '\\npaleontology': 1, 'ingen': 1, 'nubla': 1, 'flyover': 1, 'checkbook': 1, 'harelik': 1, 'paragliding': 1, 'dredging': 1, 'paraglider': 1, 'udesky': 1, 'spinosauraus': 1, 'pteranodons': 1, 'trifecta': 1, 'dalva': 1, "\\n\\'original\\'": 1, "'barb": 1, 'lustily': 1, 'retitle': 1, 'nazi-style': 1, 'government-controlled': 1, 'strapless': 1, 'stuntwoman': 1, "'humanities": 1, 'kahlberg': 1, 'westridge': 1, "d\\'oevre": 1, 'amazonas': 1, 'splashing': 1, 'unconcious': 1, 'devouring': 1, 'wiggles': 1, "'absolute": 1, 'underestimating': 1, '\\ndetails': 1, 'night-vision': 1, 'jewel-thief': 1, 'marshalls': 1, 'letter-opener': 1, '\\nclint': 1, 'type-cast': 1, 'thriller/suspense': 1, 'possessors': 1, '\\nparallel': 1, 'actor/director/producer': 1, 'excreting': 1, 'salwen': 1, 'handphones': 1, 'telefixated': 1, 'donated': 1, 'double-lines': 1, 'tigher': 1, 'profess': 1, 'glitch': 1, '\\nmousy': 1, 'metamorphoses': 1, "denise\\'s": 1, 'taling': 1, 'animatedly': 1, 'overly-chatty': 1, 'knicked': 1, 'telephone-touters': 1, 'flogging': 1, "terribly-\\'90s": 1, '\\npun': 1, 'earful': 1, '\\nbook': 1, '\\npoliticians': 1, 'whocares': 1, 'ebay': 1, "chelsom\\'s": 1, 'scions': 1, 'peccadilloes': 1, "t&c\\'s": 1, '\\nwarren': 1, '\\nnastassja': 1, 'ditz': 1, "perf\\'s": 1, "macdowell\\'s": 1, '\\nglib': 1, 'hanania': 1, 'maginnis': 1, "\\nposeidon\\'s": 1, 'straight-': 1, 'in-command': 1, 'non-thrilling': 1, "borgnine\\'s": 1, '\\nwinters': 1, 'not-so-': 1, 'fatass': 1, 'billowing': 1, 'hips': 1, 'cellulite': 1, 'shellulite': 1, '\\nridden': 1, 'spicoli': 1, 'adorableness': 1, 'tannek': 1, 'nyu': 1, 'diligence': 1, 'sadoski': 1, 'jimmi': 1, 'waterbeds': 1, 'coquette': 1, 'evil-blackmailing': 1, 'drugging': 1, 'rohypnol': 1, "\\ndora\\'s": 1, 'unthinking': 1, "cumming\\'s": 1, 'flatten': 1, 'fair/canticle': 1, 'wink-a': 1, 'overly-sensitive': 1, 'clich-heckerling': 1, "\\nclueless\\'s": 1, 'friskiness': 1, 'bowery': 1, 'huntz': 1, '\\nloser': 1, 'destabilize': 1, 'yucks': 1, 'pedicure': 1, '20-minute': 1, 'stick-to-what-you-do-best': 1, 'dalmations': 1, 'bradford': 1, 'half-man': 1, 'super-policeman': 1, 'indebted': 1, '[insert': 1, 'gizmo': 1, 'here]': 1, '\\nclaw': 1, '\\nstate': 1, 'kelogg': 1, 'goody-two-shoes': 1, 'tie-in': 1, '\\nslug': 1, '\\nyanking': 1, '\\nboyum': 1, 'tapeheads': 1, "geyser\\'s": 1, 'haystack': 1, 'truant': 1, 'surfboards': 1, 'skateboards': 1, 'armoire': 1, 'ex-ranger': 1, '\\nhopper': 1, 'odoriferous': 1, 'demonstrable': 1, 'ten-foot': 1, 'skateboard': 1, "phil\\'s": 1, 'moist': 1, '\\nnickolas': 1, 'dumbo': 1, "'\\'bicentennial": 1, 'positronic': 1, 'thurral': 1, '\\ncolumbus': 1, "asimov\\'s": 1, "verne\\'s": 1, '\\navika': 1, 'decease': 1, 'workman-like': 1, "\\nrobin\\'s": 1, 'scharzenegger': 1, 'payday': 1, 'rediculous': 1, '\\numu': 1, 'sextette': 1, 'retrograding': 1, 'pows': 1, "\\ngwaaaa\\'s": 1, "clang\\'s": 1, 'dozier': 1, 'extravagance': 1, 'fiberglass': 1, 'wroth': 1, '\\ncamera': 1, 'mated': 1, "warner\\'s": 1, '\\nkill': 1, '\\nhitting': 1, 'rusted-out': 1, 'gm': 1, 'bakersfield': 1, 'sipping': 1, "novalee\\'s": 1, '\\nnovalee': 1, 'stagelights': 1, 'stewart-esque': 1, 'prefontaine': 1, 'validates': 1, "'stars": 1, 'hendricks': 1, 'snider': 1, 'childs': 1, 'trans': 1, 'detests': 1, 'page-turner': 1, 'reviled': 1, '\\nhammer': 1, 'morphs': 1, 'renditions': 1, 'well-supported': 1, '\\nheffron': 1, "heffron\\'s": 1, 'detrimentally': 1, 'anti-establishment': 1, 'forgoes': 1, "assante\\'s": 1, 'brandon-like': 1, '\\nspillane': 1, "1963\\'s": 1, 'hammers': 1, 'un-noteworthy': 1, "'nostalgia": 1, "ne\\'er-do-well": 1, 'munchie': 1, 'keels': 1, 'swapping': 1, 'pot-obsessed': 1, 'smokealot': 1, 'scrape': 1, 'rooms-into': 1, '\\npossible': 1, "bellboy\\'s": 1, '\\nanders': 1, 'roomm': 1, 'rambunctous': 1, 'mentionable': 1, '\\nmarisa': 1, 'kritic': 1, 'korner': 1, "landon\\'s": 1, 'krikes': 1, "meerson\\'s": 1, 'leonowens': 1, '58': 1, 'imperialist': 1, 'stern-': 1, 'mother-who-loves-you': 1, 'diffuse': 1, 'composure': 1, "tennant\\'s": 1, 'fauna': 1, '\\nyun-fat': 1, 'sangfroid': 1, 'mel-brooks-produced': 1, 'shuffled': 1, 'loxley': 1, 'achoo': 1, 'rottingham': 1, '\\nelwes': 1, '\\nchuckles': 1, 'rent-a-wreck': 1, 'circumcision-giving': 1, 'ledges': 1, 'majorly': 1, 'jaunts': 1, '\\nlevison': 1, 'shining/event': 1, 'before---and': 1, 'better---so': 1, 'centerpieces': 1, 'storm-swept': 1, 'confidante': 1, 'hum-drum': 1, 'salivate': 1, 'dialogue-laden': 1, 'falseness': 1, 'ryan-nicolas': 1, 'filmakers': 1, '\\ncaddyshack': 1, "o\\'keefe": 1, 'gopher': 1, 'golfing': 1, 'oneness': 1, 'caddies': 1, '\\nolive': 1, "'tommy": 1, 'i-do-my-job-whether-they-are-innocent-or-guilty': 1, 'disobeying': 1, '\\nburglary': 1, 'slipups': 1, '_pecker_': 1, 'college-set': 1, '\\nstrait-laced': 1, 'blemish-free': 1, 'fs': 1, 'ever-partying': 1, 'booze-filled': 1, '\\neasy--look': 1, "students\\'": 1, 'traeger': 1, 'abrams': 1, 'broder': 1, '_saved_by_the_bell_': 1, "gosselaar\\'s": 1, 'sitcom-bred': 1, 'lochlyn': 1, 'munro': 1, 'pearlstein': 1, 'resurface': 1, 'evaporates': 1, '\\n_dead_man_': 1, 'slogs': 1, 'happy-for-all-parties': 1, '_dead_man_': 1, 'some--not': 1, "'boy": 1, '\\nol': 1, 'pollution': 1, "project\\'s": 1, 'city-devastation': 1, 'hi-tech': 1, 'hush-hush': 1, 'fugitive-like': 1, 'paucity': 1, 'empathise': 1, 'doesn9t': 1, 'tip-top': 1, 'one-legged': 1, 'smirky': 1, 'in-concert': 1, 'bare-chested': 1, 'tuxedo-clad': 1, 'mosh': 1, 'mentos': 1, 'almost-subliminal': 1, 'lunges': 1, 'bombarding': 1, 'on-target': 1, 'almost-halfway-there': 1, "'please": 1, 'windbag': 1, '$$$': 1, 'ophiophile': 1, 'constrictor': 1, "cube\\'s": 1, 'ego-withering': 1, 'knothole': 1, 'snarfed': 1, 'vipers': 1, 'faster-than-gravity': 1, 'acceleration': 1, 'snarf': 1, 'g-friend': 1, 'old-guy': 1, 'cruddy': 1, 'perpetuation': 1, '\\n-rydain': 1, '\\nuhhm': 1, 'bitchiest': 1, 'hardheaded': 1, '\\nzhivago': 1, "holmes\\'": 1, 'unprofessionalism': 1, 'winches': 1, 'unsupportive': 1, 'ilynea': 1, 'mironoff': 1, '\\ntingle': 1, 'guzzling': 1, "mandel\\'s": 1, "moreu\\'s": 1, '\\nsporadically': 1, 'lockers': 1, 'castrate': 1, 'timbers': 1, "\\nrachel\\'s": 1, 'spurns': 1, '\\nresponds': 1, 'nonplussed': 1, 'armrest': 1, "'man": 1, 'breached': 1, 'tuptim': 1, 'armi': 1, 'arabe': 1, 'rankin': 1, 'bakalian': 1, 'jacqeline': 1, 'seidler': 1, 'cringing-': 1, 'unmagical': 1, 'uneffective': 1, '\\nsing': 1, 'emotion-': 1, "minister\\'s": 1, '\\nhardy-har-har': 1, 'kidlets': 1, 'films-': 1, '1956': 1, 'butchers': 1, 'doggy-style': 1, 'pris': 1, 'lettering': 1, 'auel': 1, 'dog-eared': 1, 'blacked': 1, '\\ntramps': 1, 'ponytails': 1, "ayla\\'s": 1, '\\nleggings': 1, '\\ntearful': 1, 'recedes': 1, 'two-by-four': 1, 'face-painting': 1, 'faux-mysticism': 1, '1-900': 1, '\\ntypically': 1, "'salaries": 1, '\\nface': 1, "harding\\'s": 1, 'drug-dealing': 1, '\\nyessssss': 1, '\\nshucks': 1, 'vindicated': 1, 'mtv-influenced': 1, 'globe-trotting': 1, 'recently-deceased': 1, 'disproving': 1, "frankie\\'": 1, 'excommunicated': 1, 'whoaaaaaa': 1, 'ex-cellent': 1, 'dir-ect-or': 1, 'arquettes': 1, '\\narrrrrrrghhhh': 1, "wainwright\\'s": 1, 'wrists': 1, "page\\'s": 1, 'curled': 1, 'cackle': 1, 'suppressed': 1, "stigmata\\'s": 1, 'off-base': 1, 'sharkskin': 1, 'dulled': 1, 'quotation': 1, 'misconceived': 1, 'bumblings': 1, 'heretic': 1, 'over-conceived': 1, 'emerald': 1, 'grandest': 1, 'enigmatical': 1, '2293': 1, 'movie-ness': 1, 'old-style': 1, 'hemispheres': 1, 'quasi-utopian': 1, 'senility': 1, 'niall': 1, 'buggy': 1, 'squirmy': 1, 'exterminators': 1, 'laugh-inducting': 1, "zardoz\\'s": 1, 'erection': 1, 'diaper': 1, 'braided': 1, 'earp-style': 1, 'handlebar': 1, 'thigh-high': 1, 'unsworth': 1, 'treatise': 1, 'infallibility': 1, 'first--and': 1, 'only--attempt': 1, 'arent': 1, '\\nbrain': 1, 'sketch-comedy': 1, 'pharmaceuticals': 1, 'comedy--and': 1, 'exception--is': 1, 'risqueness--mostly': 1, 'characters--but': 1, 'battle--going': 1, "valek\\'s": 1, 'stylelessly': 1, 'pseudo': 1, '-clever': 1, 'faring': 1, 'vamires': 1, 'ex-fan': 1, "'two": 1, '_snl_': 1, 'lorne': 1, '_clueless_': 1, "institution\\'s": 1, '\\nemphasis': 1, '\\n_a_night_at_the_roxbury_': 1, 'already-thin': 1, 'point--and': 1, '\\nblaring': 1, 'pelvic': 1, 'however--these': 1, "butabis\\'": 1, 'fortenberry': 1, '_21_jump_street_': 1, 'uncredited--can': 1, "bros\\'": 1, 'obeys': 1, 'rift': 1, 'stonily': 1, 'joke--a': 1, '_jerry_maguire_--will': 1, '_have_': 1, '_jerry_maguire_': 1, "_roxbury_\\'s": 1, '_a_night_at_the_roxbury_': 1, "'films": 1, '12-part': 1, 'watchmen': 1, 'researched': 1, 'riddle': 1, 'sooty': 1, 'godley': 1, 'abberline': 1, '\\nabberline': 1, 'opium': 1, 'briefed': 1, 'cloaking': 1, 'whistling': 1, 'stonecutters': 1, 'car/who': 1, 'deming': 1, 'victorian-era': 1, "childs\\'": 1, 'prague': 1, '\\nians': 1, '\\nmtv': 1, '_election': 1, 'popular-but-slow': 1, '\\n_election': 1, '_ferris': 1, 'bueller_': 1, 'student/teacher': 1, 'tonal': 1, 'ryan/hanks': 1, 'family-run': 1, 'alien-like': 1, '\\ndah-dum': 1, 'relinquishes': 1, "shark\\'s": 1, 'amity': 1, 'beaches': 1, '\\nhooper': 1, 'relents': 1, 'dethroned': 1, 'apprenticeship': 1, 'duddy': 1, 'kravitz': 1, 'ahab': 1, '\\nbordering': 1, 'masochism': 1, '\\nquint': 1, '\\nindianapolis': 1, 'devoured': 1, 'sinch': 1, 'writihing': 1, 'chomped': 1, 'scare-thrillers': 1, "'moviemaking": 1, 'post-salary': 1, 'allocate': 1, 'free-agent': 1, 'linebackers': 1, 'safeties': 1, 'herb': 1, 'madrid': 1, 'carriages': 1, 'slapstick-fu': 1, 'sympathizers': 1, 'wind-tunnel': 1, 'kevlar': 1, 'smashed-up': 1, 'scorpions': 1, '\\noperation': 1, 'kazdan': 1, 'self-taught': 1, 'ousted': 1, 'aides': 1, '\\npatrice': 1, 'dismembering': 1, 'hatchets': 1, 'fast-emptying': 1, 'belgian-owned': 1, 'stanleyville': 1, 'chess-like': 1, 'tactically': 1, 'coalition': 1, 'exert': 1, 'mutinies': 1, 'tschombe': 1, 'sometimes-odious': 1, 'colonialists': 1, 'nigeria': 1, 'somalia': 1, 'colonized': 1, 'zimbabwe': 1, 'mozambique': 1, "yeoman\\'s": 1, 'stalwart': 1, "patrice\\'s": 1, 'lopsided': 1, 'politicos': 1, "kaye\\'s": 1, 'davin': 1, 'vandalizing': 1, 'present-time': 1, 'arbitrarily': 1, 'purging': 1, 'skims': 1, 'hand-fed': 1, 'slice-of-life': 1, "\\nalda\\'s": 1, 'elixir': 1, 'refreshing--and': 1, 'nonentity': 1, 'knob': 1, '\\nringwald': 1, 'short-cropped': 1, 'lip-stick': 1, "groom\\'s": 1, "\\nringwald\\'s": 1, "\\nwalsh\\'s": 1, 'mingle': 1, '\\nally': 1, 'stevie': 1, "\\nlapaglia\\'s": 1, 'ringer': 1, 'role-model': 1, 're-born': 1, "lapaglia\\'s": 1, 'financially-strapped': 1, 'belgians': 1, 'rudi': 1, 'delhem': 1, 'publique': 1, 'rebellions': 1, 'nationals': 1, 'unrest': 1, 'tshombe': 1, 'secession': 1, 'pacification': 1, '\\ntour': 1, "\\n\\'when": 1, 'illuminates': 1, 'bantu': 1, '\\nebouaney': 1, 'radiating': 1, "\\nlumumba\\'s": 1, "ebouaney\\'s": 1, 'schwartznager': 1, 'galoshes': 1, '\\nflying': 1, 'rongguang': 1, 'bellies': 1, 'sze-man': 1, 'tsang': 1, "monkey\\'s": 1, 'twinkle-toed': 1, 'siunin': 1, 'fei-hung': 1, 'tsi': 1, 'titmalau': 1, '112': 1, '\\nsaturday': 1, 'retro-style': 1, 'bounding': 1, 'venetian': 1, '\\ngathering': 1, 'holders': 1, 'erudite': 1, '\\nthrown': 1, 'narcoleptic': 1, '\\npollini': 1, 'hyper-tense': 1, 'najimy': 1, 'fun-filled': 1, '\\nbeverly': 1, '\\nbrothers': 1, '\\nblaine': 1, 'self-done': 1, 'lawyer-in-training': 1, 'faucet': 1, 'buzzes': 1, 'personality-impaired': 1, 'salesperson': 1, 'screamingly': 1, 'carping': 1, '\\npseudo-': 1, "\\nseth\\'s": 1, '60+': 1, 'non-cynics': 1, 'territories': 1, 'mirthless': 1, "\\nbobby\\'s": 1, 'spritely': 1, 'king-inspired': 1, '\\nyelchin': 1, 'outlawed': 1, '\\nlawyers': 1, 'anticlimax': 1, 'hostage-holding': 1, "gray\\'s": 1, 'embezzling': 1, 'conventionalism': 1, 'take-it-or-leave-it': 1, 'preconception': 1, '\\ngray': 1, 'breathers': 1, 'characterizes': 1, 'negotiators': 1, '\\nmetal': 1, 'crue': 1, 'anthrax': 1, 'geek/god': 1, '\\naniston': 1, 'zakk': 1, 'wylde': 1, 'ozzy': 1, 'osbourne': 1, 'pilson': 1, 'dokken': 1, 'cuddy': 1, 'girlfight': 1, 'contraceptive': 1, 'maternity': 1, 're-takes': 1, '\\nbernard': 1, "hospital\\'s": 1, "\\'matron\\'s\\'": 1, "windsor\\'s": 1, 'stabilize': 1, 'hippest': 1, 'adversaries': 1, '\\nmalone': 1, 'western-like': 1, "'having": 1, 'comedy/mystery': 1, '\\ncartoon': 1, 'tilvern': 1, "jessica\\'s": 1, 'unfaithfulness': 1, '\\nvaliant': 1, '`patty': 1, "cake\\'": 1, 'stubby': 1, 'judge-jury-and': 1, '`toon': 1, 'zemekis': 1, '`p-p-p-p-please': 1, 'sexually-frustrated': 1, 'jerri': 1, 'heroin-addicted': 1, 'drug-addiction': 1, 'brassed': 1, 'transatlantic': 1, 'junk-fest': 1, 'puncturing': 1, 'wobbles': 1, 'to--again': 1, 'words--': 1, 'hirings': 1, 'firings': 1, "norristown\\'s": 1, 'wasted--and': 1, 'miscast--as': 1, 'heavily-bespectacled': 1, 'doped-up': 1, 'wordsmith': 1, 'needle-jabbing': 1, 'wiring': 1, 'suspense-filled': 1, 'cop-gone-bad': 1, 'archenemies': 1, 're-introduce': 1, 'co-existed': 1, 'well-equipped': 1, 'critic-mode': 1, 'less-manic': 1, 'writer/director/star': 1, 'beckel': 1, "\\nbeatty\\'s": 1, 'lashing': 1, 'affiliations': 1, 'anti-rich': 1, '\\nberry': 1, 'tupac': 1, '\\nshakur': 1, 'ezekiel': 1, 'whitmore': 1, 'word/jazz': 1, "\\ngridlock\\'d": 1, "d-reper\\'s": 1, '_today_': 1, 'mistakenly-suspected': 1, '\\ntupac': 1, '\\nspoon': 1, "spoon\\'s": 1, "\\ngridlock\\'d\\'s": 1, "'hilarious": 1, 'ultra-low': 1, "o\\'halloran": 1, '\\nkilling': 1, '\\nremake': 1, "avary\\'s": 1, 'avary': 1, 'coraghessan': 1, '\\nbowels': 1, 'buck-toothed': 1, 'advocated': 1, 'vegetarianism': 1, 'defecation': 1, 'cornflake': 1, '\\nchecking-in': 1, "kellogg\\'s": 1, 'neville': 1, 'parkers': 1, 'darnedness': 1, '========': 1, 'sculpted': 1, 'headdresses': 1, 'egyptologist': 1, 'pyramids': 1, '\\ntrek': 1, '\\nmiracle': 1, 'mayfield-directed': 1, 'kriss': 1, 'kringle': 1, 'moisten': 1, 'schwarz': 1, 'affords': 1, 'precluded': 1, 'woodstock': 1, '\\npennebaker': 1, 'organizers': 1, 'dionne': 1, 'warwick': 1, 'dispelled': 1, 'nsync': 1, 'backstreet': 1, 'glamorising': 1, 'gentler': 1, 'italoamerican': 1, 'moviemaker': 1, '\\nseventeen': 1, 'pileggi': 1, 'irish-italian': 1, 'cicero': 1, '\\nwealth': 1, 'infidelities': 1, '\\nworld': 1, 'short-lasting': 1, "narrator\\'s": 1, 'lengthens': 1, 'easy-listening': 1, '\\nfragmentary': 1, "\\nliotta\\'s": 1, 'hollywoodised': 1, '\\nliotta': 1, '\\nlorraine': 1, 'cesspool': 1, 'burkettsville': 1, '\\nlocals': 1, 'twig-sculptures': 1, 'bullhorn': 1, 'witch-wannabe': 1, 'wicca': 1, 'threefold': 1, 'markings': 1, '\\ndocumentary': 1, 'paradice': 1, 'myrick': 1, 'sanches': 1, 'scenes--the': 1, 'anticlimaxic': 1, 'artistical': 1, 'bloody-red': 1, "burwell\\'s": 1, 'videocameras': 1, 'nfeatured': 1, 'entir': 1, '-films': 1, 'tristine': 1, 'skyler': 1, 'beautifully-constructed': 1, '`d': 1, 'ja': 1, 'neo-gothic': 1, '`batman': 1, '`blade': 1, 'caraciture': 1, 'gratuities': 1, '`last': 1, "`tuning\\'": 1, 'pasty': 1, "strangers\\'": 1, 'synthesize': 1, 'inferring': 1, "crow\\'": 1, '\\n`dark': 1, "'linda": 1, 'church-the': 1, 'double-duty': 1, 'minstrels': 1, 'undocumented': 1, 'respectively-this': 1, '\\nloki': 1, 'absolved': 1, '\\nwings': 1, 'link-between': 1, 'compositions': 1, 'writing-his': 1, 'issues-namely': 1, 'beliefs-eloquently': 1, 'articulately': 1, "loki\\'s": 1, 'video-age': 1, 'sample-mad': 1, 'science-a': 1, 'dexterous': 1, 'scatalogical': 1, '\\nproceedings': 1, 'protestors': 1, 'prerelease': 1, 'fletch': 1, 'picketers': 1, 'love-in': 1, 'roundabout': 1, 'bible-thumper': 1, 'donohue': 1, 'kiddie-friendly': 1, 'broad-stroked': 1, "\\nportman\\'s": 1, '\\namidala': 1, 'geisha': 1, "jinn\\'s": 1, 'manfully': 1, "guiness\\'": 1, 'preexisting': 1, 'brush-up': 1, 'pre-existing': 1, 'corpulent': 1, 'alderaan': 1, "leia\\'s": 1, 'gila': 1, 'rabbitish': 1, 'amphibious': 1, 'english-': 1, 'gnome': 1, 'scary-looking': 1, 'padawan': 1, 'knightdom': 1, 'jedi-size': 1, "tibbs\\'": 1, '\\npreceding': 1, '\\ntibbs': 1, 'stentorian': 1, 'mister': 1, 'reversing': 1, 'lived-in': 1, 'vehemence': 1, 'craggy': 1, 'bathrobes': 1, 'writerly': 1, 'mechanically': 1, 'toneless': 1, 'sweet-eerie': 1, 'chivalrously': 1, 'gaskell': 1, 'chivalrous': 1, 'downy': 1, '\\ndowny': 1, 'hanksian': 1, 'chuckle-worthy': 1, 'fringes': 1, 'toiled': 1, "losin\\'": 1, '\\nfind': 1, '\\nsnap': 1, '\\nhi-larious': 1, 'bulimia': 1, 'break-dance': 1, 'walk-off': 1, "zoolander\\'s": 1, 'merman': 1, '\\nmerman': 1, 'zipped': 1, "'unzipped": 1, 'cutting-and-pasting': 1, 'violating': 1, '\\nunzipped': 1, 'nanook': 1, 'evangelista': 1, 'artiness': 1, 'behind-the-': 1, "'dora": 1, 'fernanda': 1, 'rio+s': 1, '\\nshe+s': 1, 'lia': 1, 'nine-year': 1, 'predictament': 1, '+s': 1, 'outskirts': 1, 'unpaved': 1, 'poverty-stricken': 1, 'heart-wrenchingly': 1, 'scam-artist': 1, 'candle-lighting': 1, 'bumper-sticker': 1, 'evangelicals': 1, 'non-drinking': 1, 'evangelical': 1, '\\nfernanda': 1, 'vinicius': 1, 'mie': 1, 'renier': 1, '_la': 1, 'promesse_': 1, '\\nsend': 1, 'epsode': 1, 'qui-': 1, 'gon': 1, 'lightest': 1, 'exqueeze': 1, 'mesa': 1, 'okeday': 1, "\\'77": 1, 'elicitor': 1, 'generation-x': 1, 'karaoke-based': 1, '\\nmisguided': 1, '\\nloveable': 1, 'oh-so-nice': 1, 'girl-crazy': 1, 'galpal': 1, 'tunes--but': 1, 'grungers': 1, 'playacting': 1, 'basking': 1, 'marvelling': 1, 'all--except': 1, 'manager--and': 1, 'niceness': 1, '--quite': 1, 'tardis': 1, 'jee': 1, 'tso': 1, "mcgann\\'s": 1, '\\ndress': 1, '\\nexecutive': 1, 'whovians': 1, 'nonfans': 1, 'skaro': 1, 'gallifrey': 1, "'dreamworks": 1, 'jinks/': 1, 'co-producers': 1, 'wlodkowski': 1, 'tariq': 1, 'anway': 1, 'greenbury': 1, 'shohan': 1, 'jinks': 1, '\\nestranged': 1, 'mastubatory': 1, 'woman/': 1, 'homemaker': 1, 'anti-family': 1, "carolyn\\'s": 1, "burnham\\'s": 1, 'deprive': 1, 'spiraling': 1, '\\npraise': 1, "bentley\\'s": 1, "'will": 1, '\\noff-screen': 1, '\\non-screen': 1, 'romanticized-hemingway': 1, 'mandated': 1, '\\nshrink': 1, "\\nlambeau\\'s": 1, 'fussy': 1, 'singled': 1, 'uplifiting': 1, 'subsidiaries': 1, 'specialize': 1, 'independant': 1, 'searchlight': 1, 'no-thought': 1, 'segregation': 1, 'statement-making': 1, 'widescale': 1, 'pseudo-world': 1, 'father-knows-best': 1, 'owner-turned-painter': 1, 'close-minded': 1, '\\ndaniels': 1, 'closemindedness': 1, "hot-fudge-rockin\\'": 1, 'professor/archeologist': 1, '\\nadventures': 1, 'every-man': 1, 'jug': 1, 'truckloads': 1, 'salsa': 1, 'scoured': 1, 'hoses': 1, 'mine-cart': 1, "\\njock\\'s": 1, 'registration': 1, 'ob-cpo': 1, 'engravings': 1, 'sallah': 1, "'`we": 1, 'tings': 1, '\\ntings': 1, '\\n-sound': 1, 'squaddie': 1, '\\njamaican': 1, 'woo-styled': 1, 'kingston': 1, 'shipments': 1, 'browne': 1, '\\nshots': 1, 'patterned': 1, 'squib': 1, '`loose': 1, "cannon\\'": 1, 'grammy': 1, 'maxi': 1, 'hancock': 1, 'bootsy': 1, '`we': 1, "tings\\'": 1, 'ballentine': 1, 'deportee': 1, "`gangsta\\'": 1, 'ninjaman': 1, 'six-month': 1, '\\npalm': 1, 'six-string': 1, 'blackwell': 1, '8-year': 1, 'plain-cheese': 1, 'teasing': 1, 'already-chaotic': 1, 'delegate': 1, 'headcount': 1, 'grooms': 1, 'softener': 1, '\\nmacaulay': 1, "culkin\\'s": 1, 'faux-pas': 1, "'--": 1, 'hass': 1, 'woolsley': 1, '\\nlonger': 1, '[beware': 1, 'spoilers]': 1, '\\nmatinee': 1, '_star': 1, 'wars_': 1, 'space-ships': 1, '\\n_october': 1, 'image--that': 1, 'horizontally': 1, 'then-technological': 1, 'undeterring': 1, 'associating': 1, 'nerdiest': 1, '\\nhomer+s': 1, '_lone': 1, 'star_': 1, '_matewan_': 1, 'coal-miners': 1, 'unions': 1, 'we+ve': 1, 'father+s': 1, 'horizontal-moving': 1, 'night-sky': 1, 'panteliano': 1, 'coaxed': 1, "\\'matrix": 1, "skipping\\'": 1, 'decieving': 1, "\\'matrix\\'": 1, "'national": 1, 'gazillion': 1, 'daze': 1, '\\nanimal': 1, 'faber': 1, 'model-citizens': 1, 'assholes': 1, 'pepperidge': 1, 'jack-off': 1, '\\nneidermeyer': 1, 'supreme-bozo': 1, 'honey-mustard': 1, "frat\\'s": 1, 'otter': 1, 'riegert': 1, '\\notter': 1, 'steady-date': 1, 'katy': 1, 'second-fiddle': 1, 'pinto': 1, 'blimp': 1, 'stork': 1, 'brain-damage': 1, 'fifths': 1, 'cream-filled': 1, 'puffs': 1, 'zit': 1, 'toga': 1, 'fucnniest': 1, 'int': 1, 'crowns': 1, 'pegged': 1, '\\ninheriting': 1, 'release--john': 1, 'adaptation--in': 1, 'wet-behind-the-ears': 1, 'whitworth': 1, 'negligent': 1, 'placer': 1, 'notable--and': 1, 'effective--contribution': 1, 'unlicensed': 1, 'co-counsel': 1, 'naivete': 1, 'worker/janitor': 1, 'supergenius': 1, '_very_': 1, 'ever-appealing': 1, 'harvard-schooled': 1, 'prickly': 1, 'fluctuations': 1, "murderer\\'s": 1, 'inhibits': 1, 'mulling': 1, 'cerebrality': 1, "\\nnolan\\'s": 1, 'crispness': 1, "pantoliano\\'s": 1, "'earth": 1, 'unconsoling': 1, 'subcontinent': 1, 'lahore': 1, 'maaia': 1, 'sethna': 1, '\\nshanta': 1, 'rahul': 1, 'khanna': 1, 'aamir': 1, 'others--sikh': 1, 'muslim--are': 1, 'stirringly': 1, 'nandita': 1, 'fanaticism': 1, 'motherland--one': 1, 'peacably': 1, 'sundered': 1, 'persecuted': 1, 'breakage': 1, 'hindus': 1, '\\ndil': 1, 'conclusion--the': 1, 'transformation--is': 1, 'pakistan--they': 1, 'terminus': 1, 'directon': 1, "yimou\\'s": 1, 'tian': 1, "zhuangzhuang\\'s": 1, 'agonies': 1, 'pakistan': 1, "'up": 1, 'gibb': 1, 'straight-to-the-cutout-bin': 1, "gingrich\\'s": 1, 'chili': 1, "mafia\\'s": 1, 'odds-maker': 1, 'defecting': 1, 'toned-downed': 1, 'trophies': 1, 'uncountable': 1, "fletcher\\'s": 1, 'subscribers': 1, 'oswald': 1, '36th': 1, 'heroines--ariel': 1, 'mulan--get': 1, 'anthem': 1, 'montage-backed': 1, 'ga-ga': 1, 'grown-ups--this': 1, 'included--wishing': 1, 'without--shock': 1, '\\nsongs': 1, 'pepe': 1, 'trinidad': 1, 'slackness': 1, 'formula-wise': 1, 'mongolian': 1, '\\nattracted': 1, 'outmatches': 1, 'simpithize': 1, 'worrys': 1, 'geologist': 1, 'geologic': 1, '\\nhelecopters': 1, 'volcanos': 1, '35th': 1, 'feature--': 1, 'retooling': 1, 'story--': 1, 'colorfully': 1, 'satyrical': 1, 'menken/david': 1, 'particular-': 1, 'ly': 1, 'melodies': 1, 'herc': 1, 'anachronisms': 1, 'ix-i-i': 1, 'long-overdue': 1, "mouse\\'s": 1, 'depart-': 1, 'ments': 1, 'pocohontas': 1, 'clements': 1, 'musker': 1, 'eggar': 1, '\\npetty': 1, 'tyrant': 1, 'awk': 1, 'impolite': 1, 'dragon-protected': 1, 'moat-filled': 1, 'motor-mouthed': 1, 'public-domain': 1, 'domicile': 1, 'queue': 1, 'acrimony': 1, 'sandbox': 1, 'farquaads': 1, 'soupy': 1, 'caress': 1, "\\'see": 1, 'sobriety': 1, '\\nexperiencing': 1, '\\njuzo': 1, "itami\\'s": 1, 'tsutomu': 1, 'yamazaki': 1, 'hole-in-the-wall': 1, 'strongman': 1, 'pisken': 1, 'rikiya': 1, 'yasuoka': 1, 'gourmets': 1, 'sommeliers': 1, 'omelet': 1, '\\npreparing': 1, '\\ncrying': 1, 'triumphing': 1, 'apparition-like': 1, 'lando': 1, 'calrissian': 1, 'c3p0': 1, 'creepy-looking': 1, 'hog-nosed': 1, 'barge': 1, 'cryo-freeze': 1, "empire\\'s": 1, 'endor': 1, 'bear-like': 1, 'trilogies': 1, 'sculptures': 1, "hogarth\\'s": 1, 'lodger': 1, "doesn\\'": 1, 'beatnik': 1, 'outlast': 1, 'bonked': 1, 'auteil': 1, 'aumont': 1, 'mails': 1, 'laroque': 1, 'vandernoot': 1, 'stanislas': 1, 'crevillen': 1, 'lhermite': 1, 'grovel': 1, 'verber': 1, 'off-track': 1, 'saint-pierre': 1, 'blown-up': 1, "'roman": 1, "\\nreed\\'s": 1, 'recast': 1, 'dictator_': 1, 'mind--charlie': 1, 'gd': 1, 'dignitary': 1, 'aryans': 1, 'benigni+s': 1, 'giosu=e9': 1, 'vandalism': 1, 'dignities': 1, 'preposterousness': 1, 'aryan': 1, '_brazil_': 1, 'footnote': 1, 'horror--less': 1, 'guido+s': 1, 'we+re': 1, 'off-target': 1, '\\ncontroversy': 1, '\\nmiraculous': 1, "havisham\\'s": 1, 'complicating': 1, '\\nestella': 1, 'man-hating': 1, "\\'fear": 1, "daylight\\'": 1, 'rail-thin': 1, 'councils': 1, 'spine-tingling': 1, 'unforgiveably': 1, 'self-rearranging': 1, 'really-they': 1, 'gradeschooler': 1, 'bogeyman': 1, "lambs\\'": 1, 'tak': 1, 'fujimoto': 1, 'drama-its': 1, 'notice-rather': 1, 'feel-the': 1, 'engrossingly': 1, 'what-not': 1, 'shreck': 1, 'gustav': 1, 'wangenhein': 1, 'transylvanian': 1, "strocker\\'s": 1, "entertainment\\'s": 1, "maunau\\'s": 1, 'o-negative': 1, 'tinting': 1, "'stendhal\\'s": 1, '\\ngrim': 1, "italy\\'s": 1, 'soavi': 1, 'graziella': 1, 'magherini': 1, 'rapist-killer': 1, '\\nvisiting': 1, 'lumpy': 1, 'cop-hunting-killer': 1, 'candour': 1, 'stivaletti': 1, 'rotunno': 1, '\\nasia': 1, 'leonardi': 1, "syndrome\\'s": 1, '\\nactive': 1, '\\ndubs': 1, "'close": 1, 'gambols': 1, 'metered': 1, "burgess\\'": 1, 'carrot-colored': 1, 'ruddy': 1, 'trumpet-playing': 1, 'commie': 1, 'obliteration': 1, 'comicbook': 1, '\\nsquealing': 1, "nugent\\'s": 1, 'remand': 1, 'boney': 1, 'arsed': 1, 'bogmen': 1, 'imagination--and': 1, 'chicanery--runneth': 1, "'zero": 1, 'seemingly-harmless': 1, "chinatown\\'s": 1, 'exaggeratedly': 1, "\\npullman\\'s": 1, "\\no\\'neal": 1, "\\nkasdan\\'s": 1, 'dialogue-driven': 1, 'motionlessly': 1, 'clump': 1, 'well-bared': 1, 'hennessey': 1, 'remembers--and': 1, 'reclaims--her': 1, 'charly': 1, 'baltimore': 1, 'samantha/charly': 1, 'no-goodniks': 1, 'work--sometimes': 1, "harlin\\'s": 1, 'wife-husband': 1, 'more-than-welcome': 1, "'screen": 1, '1799': 1, '\\ntownspeople': 1, '\\ncute': 1, 'reworkings': 1, "international\\'s": 1, 'windmill': 1, 'occupations': 1, "youngest\\'s": 1, "'mpaa": 1, '--this': 1, '--slacker': 1, 'harsh-seeming': 1, 'practical-joking': 1, '_quite_': 1, "instructor\\'s": 1, 'roundly': 1, 'chagrinned': 1, '\\nkei-ying': 1, 'institutes': 1, 'regimen': 1, 'soundly': 1, 'su': 1, 'hua-chi': 1, 'walnuts': 1, 'again--these': 1, '_happen_': 1, 'environment--': 1, 'cups': 1, 'fruits': 1, 'vegetables--often': 1, 'unparallelled': 1, 'movie--jackie': 1, '\\nschticks': 1, '_great_': 1, '\\ngenuine': 1, 'mincemeat': 1, 'availability': 1, '_too_': 1, 'mostly-unrelated-storywise': 1, 'american-release': 1, '_highly_': 1, 'flammable': 1, 'incinerating': 1, 'chauffeuring': 1, 'non-matinee': 1, 'dimesional': 1, "'logical": 1, 'near-impossibility': 1, "skeptic\\'s": 1, '\\nfirefighter': 1, 'double-pronged': 1, 'aurora': 1, 'borealis': 1, "\\'69": 1, 'mets-orioles': 1, "amazin\\'": 1, 'mets': 1, 'leeway': 1, 'descendant': 1, '\\nbraugher': 1, "camera\\'s": 1, 'male-oriented': 1, "'blade": 1, 'serum': 1, 'quenches': 1, 'multinational': 1, "\\nblade\\'s": 1, 'mtv-style': 1, 'tuxedos': 1, 'inclosed': 1, 're-inforced': 1, 'ipkiss': 1, '\\nquiet': 1, "mcelhone\\'s": 1, "christoff\\'s": 1, 'unjustifyably': 1, 'aisling': 1, 'unforgettable--perhaps': 1, 'wink-wink': 1, '\\nanchoring': 1, 'flapping': 1, 'feverishly': 1, "riggs\\'": 1, 'soprana-like': 1, '\\ngunfire': 1, '\\nrusso': 1, 'realist': 1, 'tendancy': 1, '\\ndrafting': 1, '\\njohnston': 1, 'orginality': 1, 'evan': 1, 'pile-up': 1, "calloway\\'s": 1, 'rawhide': 1, 'com/hollywood/academy/8034/': 1, '\\nremove': 1, 'excercise': 1, 'old-hollywood': 1, 'sinatra': 1, 'venerated': 1, 'cinnamon': 1, "folks\\'": 1, 'ordinary--yet': 1, 'beautiful--in': 1, 'festive': 1, 'not-in-a-hurry': 1, 'watercolors': 1, '\\ndisappointingly': 1, 'flatly-written': 1, 'quickly--yes': 1, 'everything--it': 1, 'estates': 1, 'benefactors': 1, '\\nsuzie': 1, '\\nhats': 1, 'lv-426': 1, 'tubes': 1, '\\nfury': 1, 'ex-mining/maximum': 1, 'lifer': 1, "\\nripley\\'s": 1, 'lice': 1, 'ex-prison': 1, 'garnish': 1, '\\nnotably': 1, 'choral': 1, '\\nwafflemovies': 1, '\\neveryweek': 1, 'kosovo': 1, "nations\\'": 1, 'fourteenth': 1, 'profiling': 1, 'nuseric': 1, 'roadrunner': 1, 'yugoslavian': 1, 'depart': 1, 'yugoslavians': 1, 'amenities': 1, 'intersplices': 1, '\\nselection': 1, '\\ndillane': 1, 'leary-sandra': 1, '\\nbattles': 1, '\\ntelevised': 1, 'hiver': 1, 'passion-denying': 1, 'dussollier': 1, 'kessler': 1, 'maximes': 1, '\\nmaxime': 1, "camille\\'s": 1, "stepahne\\'s": 1, 'pitied': 1, "auteuil\\'s": 1, "stephane\\'s": 1, 'opera-type': 1, 'schubert': 1, 'synergism': 1, "ravel\\'s": 1, '\\nemmanuelle': 1, "beart\\'s": 1, 'juxtapose': 1, 'thinker': 1, 'self-hypnosis': 1, 'state-run': 1, 'calisthenics': 1, 'lapdance': 1, '20-foot': 1, 'self-trance': 1, 'invigorated': 1, 'refreshed': 1, '\\n`where': 1, 'compunction': 1, 'wheelchair-stricken': 1, 'verna': 1, "ames\\'": 1, '\\ngiancarlo': 1, 'protigi': 1, 'stargaze': 1, '\\ntwilight': 1, 'underdrawn': 1, 'cipher': 1, 'cramp': 1, 'mano-et-mano': 1, 'milius': 1, 'drug-running': 1, 'banditos': 1, 'shit-kicking': 1, 'ironsides': 1, 'shoot-ups': 1, "'accepting": 1, 'saul': 1, 'zaentz': 1, 'runneth': 1, 'acuity': 1, 'surfeit': 1, "binoche\\'s": 1, 'convalescence': 1, 'swimmers': 1, 'obliterate': 1, 'minghella': 1, '\\nbore': 1, 'higgins': 1, '51-year-old': 1, 'scalise': 1, "\\ncoyle\\'s": 1, 'stoolie': 1, 'treasury': 1, 'sentencing': 1, 'full-well': 1, 'keats': 1, 'gun-dealer': 1, 'informer': 1, '\\ncoyle': 1, 'orr': 1, 'mob-style': 1, 'fatalistic': 1, 'loggins': 1, 'viceversa': 1, 'etymology': 1, 'half-gods': 1, 'purer': 1, 'mystique': 1, 'balletic': 1, 'tours-de-force': 1, 'limp-wristed': 1, 'yon': 1, 'ziyi': 1, '\\ncheng': 1, 'schamus': 1, 'hui': 1, 'kuo': 1, 'wo-ping': 1, 'dun': 1, '\\nang': 1, 'damned-if-you-do': 1, "damned-if-you-don\\'t": 1, 'half-expected': 1, 'confiscate': 1, 'palisades': 1, 'calif': 1, 'securing': 1, 'self-destruction': 1, '\\ncarlos': 1, 'lower-case': 1, '\\ncute-as-a-button': 1, '\\nhunky': 1, "de\\'ath": 1, 'fogy': 1, 'nonplused': 1, '\\nbostock': 1, 'nearly-perfect': 1, 'fall-off': 1, 'kwietniowski': 1, 'adair': 1, "hurt\\'s": 1, 'relished': 1, 'ever-changing': 1, 'picture/love': 1, 'procrastination': 1, '\\nenglish': 1, '200-page': 1, '_their_': 1, 'six-foot': 1, 'panhood': 1, '\\nnon-traditional': 1, '\\nextra-marital': 1, 'professor-student': 1, 'disheveled': 1, "\\nmaguire\\'s": 1, 'livens': 1, '\\nconfidential': 1, '\\nfrances': 1, "\\ngrady\\'s": 1, 'mentoring': 1, 'centerpoint': 1, 'touch-up': 1, 'nov': 1, '27/98': 1, 'soul-collecting': 1, 'death-as-pitt': 1, 'enrages': 1, '3-4': 1, 'whiner': 1, 'prophesy': 1, 'philadephia': 1, 'cryptically': 1, "hobbes\\'": 1, 'jonesy': 1, 'sigel': 1, 'monoliths': 1, "geno\\'s": 1, 'steaks': 1, "\\nfallen\\'s": 1, 'creepily': 1, 'sidewalks': 1, 'checkmate': 1, 'acting-related': 1, 'gretta': 1, "davidtz\\'s": 1, '\\nnarratively': 1, 'game-like': 1, 'washington-supplied': 1, 'overexplain': 1, 'developers': 1, '\\nsitcom': 1, '\\nkinnear': 1, 'convience': 1, 'yeardly': 1, 'unbelivable': 1, 'seemingly-heartless': 1, 'ovulating': 1, 'couplings': 1, '\\njonny': 1, 'sickboy': 1, '\\nlara': 1, 'jumble': 1, 'rudolph-': 1, 'four-pronged': 1, 'non-romantic': 1, '\\nkimble': 1, "twohy\\'s": 1, "davis\\'s": 1, 'comradeship': 1, 'deputies': 1, 'renfo': 1, '10/31/96': 1, 'movie--any': 1, 'movie--could': 1, 'gasping': 1, 'disarray': 1, 'one--and': 1, 'high-priest': 1, 'osiris': 1, 'pharoah': 1, 'mummified': 1, 'entombed': 1, '\\nrecap': 1, 'brandan': 1, 'wiesz': 1, '\\nideally': 1, 'horror-action-comedy': 1, "imhotep\\'s": 1, 'entombment': 1, '\\nreplace': 1, 'emphasising': 1, 'densely': 1, 'benigness': 1, 'psychosexual': 1, 'jetset': 1, 'red/profondo': 1, 'rosso': 1, "tenebrae\\'s": 1, "soundtrack\\'s": 1, 'atmospheres': 1, 'muffs': 1, 'alibi': 1, 'self-inflicted': 1, '\\nhelpfully': 1, "franciosa\\'s": 1, 'ferrini': 1, 'sociologist': 1, 'attest': 1, 'dysfunctionality': 1, "\\n`affliction\\'": 1, 'whitehouse': 1, 'mean-tempered': 1, 'bearish': 1, 'townsgirl': 1, 'overbearingly': 1, 'churlishness': 1, "wade\\'s": 1, 'inescapable': 1, 'clamps': 1, 'whimpers': 1, 'saturday-night-friendly': 1, "coburn\\'s": 1, '\\n`well': 1, '\\n`five': 1, 'wart': 1, '\\n`come': 1, '\\n`no': 1, "\\n`it\\'s": 1, "ash\\'s": 1, 'showered': 1, 'zanier': 1, "ampbell\\'s": 1, 'celerity': 1, 'coaster-': 1, "dreamwork\\'s": 1, 'cutely': 1, "newsradio\\'s": 1, 'harvesting': 1, "\\nflik\\'s": 1, "`warriors\\'": 1, 'incendiary': 1, 'tiptoe': 1, 'irresponsibility': 1, 'distillation': 1, 'cubicle': 1, 'incurable': 1, 'testicular': 1, 'aday': 1, 'cancer-emasculated': 1, 'eunuch': 1, 'gynecomastia': 1, 'grudging': 1, 'ikea-': 1, 'condo': 1, 'ask--': 1, 'awright': 1, 'goaded': 1, '\\narmed': 1, 'anti-corporate': 1, 'mcemployees': 1, '\\nresentment': 1, 'noisily': 1, 'boffing': 1, '\\nfunded': 1, 'sedition': 1, 'uncorks': 1, 'contrived--': 1, 'witch-hunters': 1, 'dionysian': 1, 'gurus': 1, 'me-first': 1, 'self-actualization': 1, 'presley': 1, 'wheeling': 1, 'hunk-a-hunk-a': 1, "burnin\\'": 1, "shite-kickin\\'": 1, 'elvises': 1, "blazin\\'": 1, 'b-actors': 1, "kickin\\'": 1, 'show-down': 1, 'intermingle': 1, 'disperse': 1, 'mega-hot': 1, 'whoop-ass': 1, 'bossa': 1, 'jailhouse': 1, 'tonite': 1, 'hard-headed': 1, '\\njoblo': 1, '-reservoir': 1, 'simonesque': 1, 'condense': 1, "levinson\\'s": 1, 'all-too-true': 1, 'conread': 1, 'pointedly': 1, 'ex-military': 1, 'electoral': 1, "cia\\'s": 1, 'outlets': 1, 'correspondents': 1, '\\nschumann': 1, 'reinventions': 1, 'unethical': 1, 'decidely': 1, 'restlessness': 1, 'underachieves': 1, 'unpopularity': 1, 'shoah': 1, 'ancestry': 1, 'extermination': 1, "germany\\'s": 1, 'buchenwald': 1, 'draining': 1, 'testaments': 1, 'talking-heads': 1, "subjects\\'": 1, '\\nx-mozilla-status': 1, '0009f': 1, 'bloopers': 1, 'firestone': 1, 'nch': 1, '\\nfirestone': 1, 'evasive': 1, 'basch': 1, 'jerking': 1, 'choking': 1, 'drownings': 1, "people\\'": 1, 'learnt': 1, 'highly-strung': 1, "acres\\'": 1, 'temples': 1, 'bulge': 1, 'golberg': 1, 'that‘': 1, 'punchy': 1, 'braiding': 1, '\\njp2': 1, 'gunga': 1, 'din': 1, "solomon\\'s": 1, '\\njurassic': 1, 'parasailing': 1, 'rica': 1, 'defunct': 1, "island\\'s": 1, '\\ndoing': 1, 'altitude': 1, '\\njp3': 1, 'jp2': 1, '\\nsattler': 1, 'jp3': 1, 'spinosaurus': 1, 'popularly': 1, 'tyrannosaurus': 1, "crocodile\\'s": 1, 'dimetrodon': 1, "williams\\'s": 1, "hornby\\'s": 1, 'timorous': 1, 'egotistic': 1, 'deriding': 1, '\\ngrasp': 1, 'rejections': 1, 'informal': 1, 'slobbered': 1, '2-4': 1, '\\ncoulda': 1, 'inter-species': 1, 'reverted': 1, '\\ntype': 1, "'disaster": 1, 'arupting': 1, 'hesitating': 1, "\\nsmart\\'s": 1, 'duller': 1, "\\'happening\\'": 1, "\\'on": 1, 'nay-sayers': 1, 'conscience-deprived': 1, 'post-feminist': 1, 'uber-temptress': 1, 'unselfconsciously': 1, 'expounding': 1, 'gorbachev': 1, 'purplish': 1, "\\nkidman\\'s": 1, 'folland': 1, 'slackerhood': 1, 'not-quite-thriller': 1, 'proselytize': 1, 'rightness': 1, 'wrongness': 1, "\\'get": 1, 'diluting': 1, 'mini-classic': 1, 'trick-or-treat': 1, '\\nall-in-all': 1, 'joachin': 1, "14\\'s": 1, '-----': 1, 'grousing': 1, 'whooping': 1, 'southward': 1, 'top-to-bottom': 1, '\\nlively': 1, 'self-justification': 1, '_to': 1, 'him_': 1, "\\nlawrence\\'s": 1, 'feints': 1, 'sweetens': 1, 'bronwen': 1, 'over-directed': 1, 'why-not': 1, 'hyper-real': 1, 'enchant': 1, '\\nnutshell': 1, '\\n--------------------': 1, '111': 1, 'youngstein': 1, 'jamahl': 1, 'epsicokhan': 1, '--------------------': 1, 'world--assuming': 1, 'idea--and': 1, 'option--is': 1, 'directives': 1, 'recalled': 1, 'borders--at': 1, 'grimmest': 1, 'bogan': 1, 'overton': 1, 'powerless--the': 1, 'pre-programmed': 1, 'stoppable': 1, 'no-win': 1, 'winnable': 1, 'statistical': 1, 'contrary--according': 1, 'larger-theme': 1, 'pro-nuclear': 1, 'theoretical': 1, 'retaliate': 1, 'counter-measures': 1, 'soil--which': 1, 'revenge--as': 1, "union\\'s": 1, 'all-too-real': 1, "o\\'herlihy\\'s": 1, 'high-tension': 1, "burdick\\'s": 1, "wheeler\\'s": 1, 'unfolded': 1, 'automation': 1, 'initialize': 1, 'meltdown': 1, "'andrew": 1, 'lyricist': 1, 'gaity': 1, 'slapstickness': 1, 'argentinian': 1, 'un-entertaining': 1, 'unrewarding': 1, 'culiminating': 1, 'hater': 1, "eva\\'s": 1, 'giddily': 1, 'filling-in-the-gaps': 1, 'reconnassaince': 1, '\\njuan': 1, 'accessory': 1, 'mourned': 1, 'guevera': 1, 'committments': 1, 'becuase': 1, 'remaning': 1, '\\nlupone': 1, 'wonderully': 1, 'thread--each': 1, 'jocelyn': 1, 'moorhouse': 1, 'sorrows': 1, 'sewn': 1, '\\nmotion': 1, 'quilting': 1, 'marianna': 1, "hy\\'s": 1, 'generations--a': 1, 'smoldering': 1, 'irascible': 1, "marianna\\'s": 1, 'dally': 1, 'characters--their': 1, 'nicely-understated': 1, "'mimi": 1, 'tv-show': 1, '\\npeacemaker': 1, "rip-roarin\\'": 1, 'organ-grinder': 1, 'teen-ager': 1, '\\ntouches': 1, 'stamps': 1, 'hearken': 1, "simian\\'s": 1, 'righting': 1, 'expiring': 1, 'vestiges': 1, '\\nhers': 1, 'heinrichs': 1, 'outshock': 1, "'urban": 1, 'hee-hee': 1, 'refill': 1, '\\na-ha': 1, 'fame-hungry': 1, 'lodi': 1, "nair\\'s": 1, 'salaam': 1, 'masala': 1, 'dhawan': 1, 'delhi': 1, "members\\'": 1, '\\naditi': 1, 'hemant': 1, 'vikram': 1, '\\nlatit': 1, 'naseeruddin': 1, 'shah': 1, 'pk': 1, '\\ndubey': 1, 'marigolds': 1, '\\nwestern': 1, 'henna': 1, '\\nsabrina': 1, "dhawan\\'s": 1, 'fostered': 1, 'neo-classic': 1, 'relaxes': 1, "\\nbenigni\\'s": 1, 'two-part': 1, 'intially': 1, 'movie-watchers': 1, 'auditioned': 1, 'schwarztman': 1, '\\nschwartzman': 1, 'beekeepers': 1, "rushmore\\'s": 1, 'best-written': 1, 'loner-types': 1, '\\nrushmore': 1, 'definate': 1, 'retold': 1, 'frolicked': 1, 'hay': 1, 'welding': 1, 'mischevious': 1, 'non-wedlock': 1, 'inherits': 1, 'lodges': 1, 'cruelties': 1, 'posesses': 1, "'quaid": 1, 'proffesion': 1, 'dragonslayer': 1, 'droagon': 1, '\\npete': 1, 'posthlewaite': 1, 'ghreat': 1, "\\nconnery\\'s": 1, 'unambiguously': 1, '\\nterrence': 1, 'perplexes': 1, 'of-the-moment': 1, 'couldly': 1, 'fracturing': 1, 'sculpting': 1, 'discerned': 1, 'pro-nature': 1, 'tubthumping': 1, 'cusswords': 1, 'adjusts': 1, '\\nhesitating': 1, "stuart\\'s": 1, '1--the': 1, 'homeward': 1, 'blockheaded': 1, 'fibe': 1, 'co-hosts': 1, 'chase/fight/shootout': 1, 'late-film': 1, 'mixers': 1, 'buzzsaw': 1, "supercop\\'s": 1, 'helicopter-train': 1, "bronx\\'s": 1, 'dirty-tricks': 1, 'thyself': 1, 'c-span': 1, 'subsidies': 1, 'geography': 1, 'politcal': 1, 'near-greatness': 1, 'morally-deprived': 1, 'baby-boomer': 1, "schemers\\'": 1, '\\nbaseball': 1, 'gamesmanship': 1, '\\ninsiders': 1, 'powerful-but-anonymous': 1, 'lets-put-on-a-show': 1, 'wised-up': 1, 'dead-bang-on': 1, 'back-end': 1, 'merle': 1, 'berets': 1, 'overmedicated': 1, 'trivialization': 1, 'dumbing': 1, 'reduction': 1, 'soundbites': 1, 'drive-through': 1, 'milkshake': 1, 'lamaze': 1, 'jackal-based': 1, 'concordia': 1, 'impersonate': 1, "militant\\'s": 1, '\\nramirez': 1, 'double-personality': 1, 'cold-heartedness': 1, 'krishna': 1, 'banji': 1, 'restfulness': 1, 'holidaymakers': 1, "\\'caravan\\'": 1, '\\nprofessors': 1, 'vrooshka': 1, 'elke': 1, 'crump': 1, 'archaeology': 1, 'leep': 1, "\\'scrubbers": 1, "caravan\\'": 1, '\\narthur': 1, 'upmore': 1, '\\nmother-in-law': 1, 'adrienne': 1, 'posta': 1, 'ramsden': 1, 'disruption': 1, 'archaeological': 1, "ernie\\'s": 1, 'depleted': 1, 'unspooling': 1, 'moviehouses': 1, 'mu5t': 1, 'much-shrouded-in-secrecy': 1, 'do--create': 1, 'wraps--the': 1, 'storyline--is': 1, '2259': 1, 'elements--earth': 1, 'water--united': 1, 'southern-drawling': 1, 'underwhelming--and': 1, 'unsurprising--fashion': 1, 'stetson': 1, 'day-glo': 1, 'labyrinthian': 1, 'skyways': 1, 'bulky': 1, 'dog-like': 1, 'mangalores': 1, 'gaulthier': 1, 'bustier': 1, "\\ngaulthier\\'s": 1, 'otherworldliness': 1, 'jockey': 1, 'conservative--he': 1, 'blue-skinned': 1, 'maiwenn': 1, 'lebesco': 1, 'sings--and': 1, 'dances--an': 1, 'co-scripter': 1, 'snickers': 1, 'half--now': 1, 'shadow--is': 1, 'undiluted': 1, 'fervid': 1, 'wedding-obsessed': 1, 'unexpectantly': 1, 'nearer': 1, "berg\\'s": 1, 'dwindle': 1, 'recouped': 1, 'ignorable': 1, 'desserts': 1, 'hanger': 1, 'balls-to-the-wall': 1, 'kick-boxer': 1, 'wide-releases': 1, 'abortionist': 1, 'responsibly': 1, '\\nlarch': 1, 'marvels': 1, '\\nbefriending': 1, 'parlays': 1, 'picker': 1, 'instruction': 1, 'kendall': 1, 'screenwriter/novelist': 1, 'evenhanded': 1, '\\nproverbs': 1, "designer\\'s": 1, "'known": 1, '$175-million': 1, '\\nagreeing': 1, 'three-thousand': 1, 'get-togethers': 1, '\\nallegedly': 1, 'high-iq': 1, 'bertha': 1, 'less-than-gratifying': 1, 'mistic': 1, 'impressionistic': 1, 'lawton': 1, 'just-released': 1, 'maddens': 1, 'demean': 1, 'disaffirm': 1, "vivian\\'s": 1, 'sparkler': 1, 'and--oh': 1, 'yes--love': 1, "1975\\'s": 1, 'cousine': 1, 'not-so-happily-married': 1, '\\ncousins': 1, '\\nkeith': 1, 'coogan': 1, "cousins\\'": 1, 'moonstruck': 1, 'heart-tug': 1, 'straight-shooting': 1, 'grates': 1, 'personify': 1, 'swishing': 1, 'prigge': 1, '[missing]': 1, 'first-produced': 1, "back\\'": 1, '`return': 1, "jedi\\'": 1, "\\n[critic\\'s": 1, "\\ncritic\\'s": 1, 'autonomous': 1, "`ben\\'": 1, 'paperbacks': 1, "`empire\\'": 1, '`jedi': 1, '-3': 1, "`disclaiming\\'": 1, "federation\\'": 1, '\\nsidious': 1, 'communicates': 1, 'transmissions': 1, 'mini-plots-within-plots': 1, 'limiting': 1, 'limitlessness': 1, '\\njinn': 1, 'elaboration': 1, 'age-like': 1, 'cartoonist': 1, 'crossword': 1, 'zweibel': 1, 'year-': 1, 'spellbinding': 1, "heart\\'s": 1, 'shaiman': 1, 'country-': 1, 'craziest': 1, 'politic': 1, "\\'homeboy\\'": 1, 'bullworths': 1, 'pediatrician': 1, 'clean-shavenness': 1, 'hairiness': 1, 'tendancies': 1, "virginia\\'s": 1, 'personifies': 1, '_the_fugitive_': 1, '_air_force_one_': 1, "reitman\\'s": 1, 'comedy/adventure': 1, 'slobby': 1, 'salt-of-the-earth': 1, 'warmup': 1, 'sped': 1, '\\nreitman': 1, 'action-oriented': 1, 'ninny': 1, '\\nformulaic': 1, 'and--most': 1, 'importantly--fun': 1, 'colada': 1, 'balmy': 1, 'baronial': 1, 'fifty-one': 1, "\\ndreamworks\\'": 1, 'borderline-abysmal': 1, 'disney-cute': 1, 'rapidly-changing': 1, 'nimbly': 1, '2d/3d': 1, 'firstborn': 1, 'noteables': 1, 'breezily': 1, 'irected': 1, '\\nnoir': 1, 'post-wwii': 1, 'raven': 1, 'brio': 1, 'studebakers': 1, 'microphone': 1, "'jack": 1, 'you-know-where': 1, 'condominium': 1, 'convalesces': 1, 'incognita': 1, 'andrus': 1, 'respiratory': 1, "\\'you\\'re": 1, 'topiary': 1, 'mendonca': 1, 'privet-sculpted': 1, '\\nsnip': 1, 'snip': 1, 'nonfiction': 1, 'reportage': 1, '\\njournalism': 1, '\\ncross-cutting': 1, 'helix': 1, 'interrogative': 1, 'sleight': 1, 'always-striking': 1, '\\nweary': 1, 'double-camera': 1, 'half-jokingly': 1, 'teleprompters': 1, 'receptors': 1, 'vermin': 1, 'showman': 1, 'stratosphere': 1, 'excerpted': 1, 'intersections': 1, 'elegy': 1, 'precipice': 1, 'musty': 1, 'scurry': 1, 'divergence': 1, 'alloy': 1, 'cobbling': 1, 'earthbound': 1, 'cimino': 1, 'russian-american': 1, 'aspegren': 1, 'past-times': 1, 'separations': 1, 'cazale': 1, '\\ninitiates': 1, 'celebrations': 1, 'corroborated': 1, 'organised-crime': 1, "`story\\'": 1, "`unknowns\\'": 1, 'calculative': 1, "\\ncrowe\\'s": 1, 'climaxing': 1, '\\nabbe': 1, 'coulmier': 1, 'humours': 1, "sade\\'s": 1, 'propagate': 1, 'scribes': 1, "\\nkaufman\\'s": 1, 'acquaints': 1, 'aids-afflicted': 1, 'sighted': 1, 'rudin': 1, 'rudnick': 1, 'prerogative': 1, 'astronomical': 1, 'tacks': 1, 'calamitous': 1, 'wilford': 1, 'frisbees': 1, 'dominoes': 1, 'near-perfection': 1, "\\nrudnick\\'s": 1, 'top-': 1, 'sappily': 1, "rudnick\\'s": 1, 'dreamcatcher': 1, "\\nking\\'s": 1, 'tomboy': 1, 'gerber': 1, 'winnie': 1, "\\natlantis\\'": 1, 'piotr': 1, 'sobocinski': 1, "'corey": 1, "yuen\\'s": 1, 're-discovery': 1, 'qin': 1, '\\npoverty': 1, 'laborers': 1, '\\ntam': 1, "jing\\'s": 1, "foreigner\\'s": 1, 'bribed': 1, 'condors': 1, 'tam': 1, 'retaliates': 1, "bronx\\'": 1, "\\'first": 1, "strike\\'": 1, 'guanglan': 1, 'xiaoguang': 1, 'qinqin': 1, 'iwai': 1, 'college-aged': 1, 'kelvin': 1, "\\nfang\\'s": 1, "fang\\'s": 1, 'advocates': 1, "\\'work": 1, "\\'answer\\'": 1, 'year-end': 1, 'all-but-dead': 1, 'delighting': 1, 'shockwaves': 1, 'understate': 1, 'weekly-reading': 1, 'figure-watching': 1, 'renown': 1, 'drapes': 1, "screenwriter\\'s": 1, 'wga': 1, 'satirically': 1, 'splashy': 1, 'eye-grabbing': 1, 'nightmarishly': 1, 'gutting': 1, 'overly-noisy': 1, 'dizzyingly': 1, 'exhilaratingly': 1, 'campily': 1, 'reuniting': 1, 'ever-awkward': 1, 'protectively': 1, 'newly-assigned': 1, "sirens\\'": 1, 'increasingly-flimsy': 1, 'full-out': 1, 'head-and-shoulders': 1, 'post-prologue': 1, 'ambles': 1, 'defensively': 1, 'rebukes': 1, 'incompetency': 1, "neal\\'s": 1, 'zealousness': 1, 'decimating': 1, 'worriedly': 1, 'berth': 1, 'successively': 1, 'seemingly-impregnable': 1, 'stranglehold': 1, 'xmas': 1, 'resonant': 1, 'much-heralded': 1, 'henceforth': 1, 'name-recognition': 1, "balto\\'s": 1, "anastasia\\'s": 1, "mermaid\\'s": 1, '\\npat': 1, 'vampy': 1, 'sea-witch': 1, "ariel\\'s": 1, 'dotting': 1, 'carlotta': 1, 'auberjonois': 1, 'menken': 1, 'horse-drawn': 1, 'calypso-styled': 1, 'joyfully': 1, 'crooned': 1, 'lyricized': 1, 'aggressively-marketed': 1, 'siphoned': 1, 'protectionist': 1, 'cautioned': 1, 'conjuring': 1, '\\n`a': 1, "\\nralphie\\'s": 1, '\\nevoking': 1, '\\nshepard': 1, 'divulging': 1, 'sugarplums': 1, "billingsley\\'s": 1, 'mcgavin': 1, "scene\\'": 1, "shepard\\'s": 1, 'tangentially': 1, 'parma': 1, "\\npartridge\\'s": 1, 'unsuspected': 1, 'shit-heels': 1, '\\nmagnolia': 1, 'whirlwinds': 1, 'vacuumed': 1, 'portent': 1, 'uncleanness': 1, "\\ncontact\\'s": 1, 'frequencies': 1, 'pensacola': 1, 'fl': 1, 'acronym': 1, "\\nellie\\'s": 1, 'teleport': 1, 'depreciated': 1, "zemeckis\\'": 1, 'astronomically': 1, "'roberto": 1, 'tuscan': 1, 'arezzo': 1, 'almost-forgotten': 1, 'langdon': 1, '\\ngiosue': 1, 'amass': 1, 'barracks': 1, "guido\\'s": 1, 'blackest': 1, "'larry": 1, 'pedlar': 1, 'owner/publisher': 1, '\\nalthea': 1, 'wither': 1, '\\nisaacman': 1, 'anti-censorship': 1, 'morrissey': 1, "'virtual": 1, "rusnak\\'s": 1, '\\nmatrix': 1, 'selflearning': 1, 'conciseness': 1, 'computer-simulated': 1, 'petrucelli': 1, "klose\\'s": 1, "about\\'the": 1, 'amphibians': 1, "city\\'-fans": 1, '\\nlaughs': 1, 'christie-intense': 1, '\\nhonest': 1, 'laverne': 1, '+mary+': 1, 'brothers+': 1, 'funny--the': 1, 'equal-opportunity': 1, 'needn+t': 1, '\\n+mary+': 1, 'warmest': 1, 'laugh-and-grossfest': 1, '_animal': 1, 'house_': 1, 'isn+t': 1, '\\npuh-lease': 1, 'zippers': 1, 'drugged-up': 1, 'brown--miles': 1, '\\nmary+s': 1, 'sunniness': 1, 'here--it': 1, 'below-belt': 1, '_reality': 1, 'bites_': 1, '_flirting': 1, 'disaster_': 1, '\\nbraces': 1, 'ted+s': 1, 'troubador/greek': 1, 'lichman': 1, 'mary+s': 1, 'markie': 1, 'elliot+s': 1, '\\nthere+s': 1, 'eight-minute': 1, 'erupted': 1, '\\nbelly-aches': 1, 'didn+t': 1, '_porky+s_': 1, '_boogie': 1, 'nights_': 1, '_kingpin_': 1, '_a': 1, 'wanda_': 1, '\\napproach': 1, "diplomat\\'s": 1, 'bridge--upping': 1, 'tacitly': 1, 'retrieves': 1, 'lowers': 1, 'moves--in': 1, 'motion--to': 1, "assailant\\'s": 1, '\\nstorytelling': 1, 'carefully-constructed': 1, 'liberto': 1, 'rabal': 1, 'neri': 1, 'shakedown': 1, "\\nelena\\'s": 1, 'bardem': 1, 'inebriated': 1, 'jos': 1, 'molina--no': 1, 'childbearings': 1, 'rendell': 1, 'high-heeled': 1, 'intricately-woven': 1, 'bulgarian': 1, 'deuteronomy': 1, "\\nvictor\\'s": 1, 'reacquainted': 1, 'elena--redemption': 1, 'disrupt': 1, 'strong-within': 1, 'mother-surrogate': 1, 'initation': 1, 'confrontatory': 1, 'directness': 1, 'topo': 1, 'synapses': 1, 'simpleminded': 1, '\\nsweetback': 1, 'machine-gunning': 1, 'crowed': 1, 'campaigns': 1, 'unsettlingly': 1, 'frankness': 1, 'stylistics': 1, 'deafness': 1, 'ssbas': 1, 'anti-white': 1, 'anti-authority': 1, 'thirsting': 1, 'snl-related': 1, 'through-and-through': 1, 'public-access': 1, '12-step': 1, "\\nstuart\\'s": 1, 'self-denial': 1, 'revoked': 1, '\\nfranken': 1, 'sharply-drawn': 1, "smalley\\'s": 1, 'imbibed': 1, '\\ncry': 1, 'disgustedly': 1, 'certifiably': 1, 'wacko': 1, 'diabolically': 1, 'abnormal': 1, 'hairbrush': 1, 'macleod': 1, 'school-girl': 1, "jackie-o\\'s": 1, 'pseudo-sophistication': 1, 'all-america': 1, 'foible': 1, 'bedding': 1, 'discombobulated': 1, "twin\\'s": 1, '\\nperfect': 1, 'ripostes': 1, 'temperamentally': 1, 'rolfe': 1, 'fla': 1, 'domed': 1, 'interruptions': 1, '\\nrevenue': 1, 'blitzes': 1, 'synthesizer': 1, 'coordinate': 1, 'fcc': 1, 's-word': 1, 'deconstructs': 1, 'adjuster': 1, 'unstraightforward': 1, 'ambulance-chaser': 1, 'eek': 1, 'pre-accident': 1, 'heavy-': 1, 'handedness': 1, 'wanes': 1, 'half-right': 1, 'worth-seeing': 1, 'pevere': 1, 'harped': 1, 'weightiness': 1, 'tubby': 1, 'freak-show': 1, 'horror-monkey': 1, 'bore-a-thon': 1, 'subtlty': 1, 'coop': 1, 'continute': 1, 'slingblade': 1, 'chet': 1, 'advice-giving': 1, 'un-redeeming': 1, 'dwarfism': 1, 'pastor': 1, 'motherless': 1, "\\nkilmer\\'s": 1, '\\ntretiak': 1, 'dawns': 1, "mol\\'s": 1, '\\nthrills': 1, 'hepburn/tracy': 1, 'wishful': 1, 'cub': 1, 'face-whippings': 1, 'cop/bad': 1, 'slam-dunking': 1, '\\ntcheky': 1, "tcheky\\'s": 1, '\\nsay': 1, '\\nwire-work': 1, 'hip-hoppy': 1, '\\nthoroughly': 1, "rippin\\'": 1, "roarin\\'": 1, 'improvisationaly': 1, 'belly-laugh': 1, 'hillard': 1, '\\nunemployed': 1, '65-year-old': 1, 'englishwoman': 1, 'transformations': 1, 'berle': 1, "\\ndaniel\\'s": 1, 'resolutions': 1, "doubtfire\\'s": 1, "\\ndoubtfire\\'s": 1, "'weir": 1, 'well-respected': 1, 'subject-matter': 1, 'post-traumatic': 1, 'media-manipulation': 1, '24-7': 1, 'peep-show': 1, 'stimulants': 1, "\\n`seahaven\\'": 1, 'nothing-`we': 1, 'christof-but': 1, "`fiji\\'": 1, 'confidentiality': 1, 'highly-rated': 1, 'second-reality': 1, 'contextualize': 1, 'carrey-he': 1, 'biziou': 1, 'wojciech': 1, "kilar\\'s": 1, 'zycie': 1, 'za': 1, "zycie\\'": 1, "linney\\'s": 1, 'crocker': 1, "`father\\'": 1, 'stupendous': 1, '`how': 1, 'best-and': 1, 'complex-summer': 1, '\\ndisco': 1, 'flaring': 1, 'groupings': 1, "\\nvinny\\'s": 1, "\\nritchie\\'s": 1, 'mediajunkies': 1, '\\n[light': 1, 'read]': 1, '\\ntechnology': 1, '\\ngas': 1, '\\ncell': 1, 'allegra': 1, 'entrail-looking': 1, 'distortion': 1, 'appendaged': 1, 'organic-tech': 1, 'moo': 1, 'gai': 1, 'bioports': 1, 'porting': 1, 'weird-o-meter': 1, "matrix\\'s": 1, "'good": 1, "peckinpah\\'s": 1, "bowman\\'s": 1, 'kidnap/ransom': 1, 'gilroy': 1, '\\ndug': 1, 'gunslinger': 1, 'dizziness': 1, '\\ncharmed': 1, 'rink': 1, 'corbett': 1, 'time-lapse': 1, 'flipside': 1, 'inspirations': 1, 'unexpecting': 1, 'wenteworth': 1, 'goodrich': 1, "rebecca\\'s": 1, "\\'based": 1, "on\\'": 1, "\\'suggested": 1, 'unfitting': 1, 'gumpian': 1, '\\n--scenes': 1, '--graphic': 1, '--an': 1, '--dialogue': 1, 'racial/gender': 1, '--three': 1, 'cabot': 1, 'heist-gone-wrong': 1, 'koons': 1, 'thermo-nuclear': 1, 'premiss': 1, 'whiz-kid': 1, 'contended': 1, 'advertisment': 1, 'protovision': 1, 'frontgate': 1, 'wopr': 1, 'efficent': 1, 'beringer': 1, '56k': 1, 'bps': 1, 'sf-movie': 1, 'backdoors': 1, 'graphical': 1, 'litany': 1, 'byline': 1, 'hinge': 1, 'explainable': 1, 'afficianados': 1, '\\nfrankenheimer': 1, 'stoically': 1, 'explosiveness': 1, 'noteworthies': 1, 'ex-spy': 1, 'controller': 1, 'slowness': 1, 'mand': 1, 'tapers': 1, 'bible-toting': 1, '\\nguilty': 1, 'vulgarize': 1, 'profaner': 1, 'schwalbach': 1, 'chrissy': 1, 'lalaland': 1, 'clam-shaped': 1, '`thus': 1, 'silicon': 1, "'damn": 1, 'ozon': 1, 'cremer': 1, 'heberle': 1, '\\nrampling': 1, '`criminal': 1, 'rainer': 1, "consulate\\'s": 1, 'mouth-': 1, 'tito': 1, 'tao': 1, '\\ndelivers': 1, '10-story': 1, 'priviledge': 1, '\\npostponed': 1, 'excavation': 1, 'cammeron': 1, 'not-so-nice': 1, 'oversappy': 1, 'exceptionaly': 1, 'ac3': 1, '\\nriginally': 1, '===': 1, "attanasio\\'s": 1, "\\'58": 1, '\\ndeft': 1, 'dovetail': 1, 'overlight': 1, 'eisenhower': 1, 'coifed': 1, 'assimilation': 1, 'exclusion': 1, 'scion': 1, 'stemple': 1, "'whew": 1, 'no-': 1, 'holds-barred': 1, 'bremner': 1, 'mckidd': 1, 'procuring': 1, "welsh\\'s": 1, '\\ndistracted': 1, 'eye-level': 1, 'doped-out-eye-view': 1, '\\ntiptoeing': 1, 'daydream': 1, 'pants-wetting': 1, 'consciouness': 1, 'vomitted': 1, 'defecated': 1, 'regretted': 1, 'tangle': 1, '\\ntrainspotting': 1, '\\ndom': 1, 'radio/tv/film': 1, 'programme': 1, '26min': 1, 'co-directed': 1, 'charleston': 1, 'anti-slavery': 1, "traders\\'": 1, '\\nexposing': 1, 'hypocrites': 1, 'disapproved': 1, 'appealed': 1, 'displaced': 1, 'technicalities': 1, "\\'almost\\'": 1, 're-tried': 1, "'he": 1, 'monosyllables': 1, 'gasmask': 1, '35-years-old': 1, 'cotterill': 1, 'down-at-heels': 1, 'renewing': 1, 'crouches': 1, "\\nbubby\\'s": 1, 'ends--freud': 1, 'pleased--in': 1, 'intuits': 1, 'breathable': 1, 'hermetic': 1, 'suffocates': 1, 'cellophane': 1, 'terrifed': 1, 'tender--de': 1, 'grotesqe': 1, 'decayed': 1, 'adelaide': 1, 'half-wit': 1, 'large-breasted': 1, 'carmel': 1, 'uneasily': 1, 'foregrounded': 1, 'organ-playing': 1, 'unbelief': 1, 'stresses': 1, 'fragment': 1, 'accomodates': 1, "heer\\'s": 1, 'seemd': 1, 'frontman': 1, '\\ninnocence': 1, 'japanese-specific': 1, 'sugiyana': 1, 'nullified': 1, '\\nallie': 1, 'ultra-huge': 1, '`long-distance': 1, "communication\\'": 1, 'hobbyist': 1, 'late-father': 1, 'late-mother': 1, "\\nallie\\'s": 1, 'emissions': 1, 'galaxies': 1, "taxpayer\\'s": 1, 'unviable': 1, '\\nundaunted': 1, "`believers\\'": 1, 'contantly': 1, 'sound-wave': 1, 'cultist': 1, 'pictorial': 1, 'enrols': 1, 'pre-conceptions': 1, 'must-sees': 1, 'mecca': 1, 'horizontal': 1, '\\ndale': 1, 'mobilizes': 1, 'airplay': 1, "salonga\\'s": 1, '\\nartistically': 1, "shan-yu\\'s": 1, 'unsheathes': 1, 'pugilistic': 1, "shang\\'s": 1, 'relive': 1, "short\\'s": 1, "anything\\'s": 1, '\\njune': 1, '\\nmarni': 1, 'vocalist': 1, 'eurocentrism': 1, 'shigeta': 1, 'kusatsu': 1, 'for--cooking': 1, 'drop-offs': 1, 'pick-ups': 1, 'practice--margaret': 1, 'wesleyan': 1, 'lakeside': 1, 'superstructures': 1, '30-something': 1, 'crumpled': 1, 'ferries': 1, 'snagged': 1, "fisherman\\'s": 1, 'attractive-seeming': 1, 'cast--goran': 1, 'nashel': 1, '\\nswinton': 1, "jarman\\'s": 1, 'caravaggio': 1, 'oscillation': 1, "swinton\\'s": 1, 'comic-geeks': 1, 'honest-politician-rare': 1, 'high-grossing': 1, 'craftily': 1, 'innappropriate': 1, 'divison': 1, 'basically-big-roach-type-bug': 1, "farmer\\'s": 1, "shoudln\\'t": 1, 'sonnenfield': 1, 'physiology': 1, 'action/animation': 1, 'zookeeper': 1, 'gobbles': 1, 'pseudo-science': 1, 'drixenol': 1, 'coli': 1, 'mudslides': 1, 'cerebellum': 1, 'detritus': 1, 'booger': 1, 'runny': 1, 'hyman': 1, 'farrelly-funny': 1, 'uvula': 1, 'silkwood': 1, 'journeying': 1, "sluizer\\'s": 1, '\\nhanding': 1, 'pirahna': 1, 'face-lift': 1, 'suspense/science': 1, 'hero--or': 1, "weaver\\'s": 1, '\\nlieutenant': 1, 'jenette': 1, 'corporal': 1, '\\nburke': 1, 'cocoon-type': 1, 'jorden': 1, "newt\\'s": 1, 'motherload': 1, 'exhaustion': 1, 'cameron-regular': 1, '\\njenette': 1, 'redefining': 1, 'suspense/horror': 1, "\\nrudy\\'s": 1, '\\nrudy': 1, 'outgunned': 1, 'drummond': 1, "rainmaker\\'": 1, 'half-cynical': 1, "afi\\'s": 1, 'humphry': 1, 'ingred': 1, "bogart\\'s": 1, 'bullet-riddled': 1, "a-changin\\'": 1, 'wise-': 1, 'killers-with-hearts': 1, "wong\\'s": 1, '\\nadvertised': 1, 'slaver': 1, 'breakdances': 1, 'bookending': 1, 'onanism': 1, 'gut-wrenchingly': 1, 'rhetorically': 1, 'lulling': 1, 'oh-negg-in': 1, 'rapacious': 1, 'pushkin': 1, 'magnus': 1, 'underpopulated': 1, '\\nsmitten': 1, 'olga': 1, 'larina': 1, 'lensky': 1, 'romanticizing': 1, 'womanly': 1, 'miserly': 1, '\\noverwhelmed': 1, 'ebeneezer': 1, 'scrooge': 1, "now-there\\'s": 1, '\\npetula': 1, "\\nonegin\\'s": 1, 'about-face': 1, "\\ntatyana\\'s": 1, '\\n_onegin_': 1, 'thoroughbreds': 1, 'xtc': 1, 'lengths-no': 1, 'spasmodic': 1, '\\nabsent': 1, 'tableware': 1, 'expressionistically': 1, 'adafarasin': 1, 'yevgeny': 1, "pushkin\\'s": 1, "barth\\'s": 1, 'creation-': 1, 'tempest': 1, "ez\\'s": 1, '\\nnu': 1, 'ez': 1, 'pond-': 1, '\\npressure': 1, 'beekeeper': 1, "granddaughters\\'": 1, 'caught-': 1, 'war-': 1, 'closed-off': 1, 'beekeeping': 1, 'is-': 1, 'jour': 1, 'fete': 1, 'timberland': 1, 'matchmakers': 1, 'nan': 1, 'arye': 1, 'coe': 1, 're-appearance': 1, 'dekay': 1, 'schweig': 1, 'bezucha': 1, 'polo/ralph': 1, 'minding': 1, "achin\\'": 1, "breakin\\'": 1, 'allowances': 1, "sweeney\\'s": 1, '\\nhoblit': 1, '\\nsuffering': 1, 'reoccurring': 1, '\\nramis': 1, 'weakens': 1, 'bride-to-be': 1, "`closure\\'": 1, 'magnuson': 1, 'kasi': 1, '_shine_': 1, '_basquiat_': 1, '_angel': 1, 'heart_': 1, "mckean\\'s": 1, 'arkham': 1, 'madman-cum-detective': 1, "fitzgerald\\'s": 1, 'tree--a': 1, '\\nbelieving': 1, 'stuyvesant': 1, 'mapplethorpe': 1, 'mould': 1, 'leppenraub': 1, 'feore': 1, 'julliard-trained': 1, 'police-woman': 1, 'nut': 1, "romulus\\'s": 1, 'caveman': 1, 'long-vanished': 1, 'inscribed': 1, 'procedural': 1, 'literati': 1, "romulus\\'": 1, '\\nreaders': 1, "keith\\'s": 1, 'demesne': 1, '\\nluxuriantly': 1, 'brashly': 1, 'comic-panel': 1, '_death': 1, 'ca_': 1, "standefer\\'s": 1, '_practical': 1, 'magic_': 1, '\\nkasi': 1, "_eve\\'s": 1, 'bayou_': 1, 'seraphs': 1, 'piquant': 1, 'tilted': 1, 'redefinition': 1, 'urine-stained': 1, 'paladin': 1, "eliot\\'s": 1, "'expand": 1, 'out--an': 1, 'agreeably': 1, 'outwitted': 1, 'crooks-posed-as-photographers': 1, 'nine-month-old': 1, 'bennington': 1, 'cottwell': 1, 'bink': 1, 'old-money': 1, 'bobbitt': 1, 'emotions--awww': 1, 'ouch--and': 1, 'wincing': 1, 'pantolianto': 1, "mantegna\\'s": 1, 'moe': 1, 'warton': 1, "'waiting": 1, '`after': 1, 'baseness': 1, 'impulsiveness': 1, '\\nexpressing': 1, 'abhorrence': 1, 'nazism': 1, 'prefacing': 1, '\\ndeputy': 1, 'exalted': 1, 'renounced': 1, 'concurs': 1, 'delirium': 1, 'educes': 1, 'stillness': 1, 'equidistant': 1, 'stationary': 1, 'irrationality': 1, 'desertion': 1, 'objectively': 1, 'exaggerates': 1, 'epicenter': 1, 'contorted': 1, 'unjustifiable': 1, "\\nlang\\'s": 1, 'volatility': 1, "`impulse\\'": 1, 'inconceivable': 1, '\\nreprising': 1, 'primeval': 1, "issue\\'s": 1, 're-imagining': 1, 'whisking': 1, 'head-spinning': 1, 'ack-acking': 1, 'equal-rights': 1, 're-delivering': 1, 'driods': 1, 'jawas': 1, 'tropps': 1, '\\nhan': 1, 'consulted': 1, 'fi': 1, "guinness\\'s": 1, 'mean-spiritedness': 1, 'duffel': 1, 'breckman': 1, "merrill\\'s": 1, 'nutsy': 1, "owen\\'s": 1, 'commandeering': 1, 'lucille': 1, 'look-alikes': 1, 'hot-air': 1, 'stopover': 1, "breckman\\'s": 1, "braun\\'s": 1, '\\ncleese': 1, 'pepto-bismol': 1, 'negating': 1, '\\nhumor-wise': 1, 'heart-strings': 1, 'strenuous': 1, '\\ngladly': 1, 'encoding': 1, 'resurfacing': 1, 'child-genius': 1, "teacher\\'s": 1, 'mental-patient': 1, "\\nadult-helfgott\\'s": 1, 'adult-david': 1, 'cuddles': 1, "\\ntaylor\\'s": 1, "rachmaninov\\'s": 1, 'adult-helfgott': 1, 'wipers': 1, 'wiper': 1, 'clapped': 1, 'young-david': 1, "\\'miming\\'": 1, "\\nhelfgott\\'s": 1, 'accelerated': 1, "\\'help": 1, "'today": 1, 'priivate': 1, 'fledged': 1, "\\'70\\'s": 1, "\\'dante\\'s": 1, "\\'flood\\'": 1, 'extremly': 1, "\\'titanic\\'": 1, "\\'dantes": 1, "\\'cheezy\\'": 1, "\\'hokey\\'": 1, 'anthology': 1, '$16': 1, 'nicolette': 1, 'hermosa': 1, 'bong-hitting': 1, "authorities\\'": 1, 'nemeses': 1, 'adhered': 1, 'striding': 1, 'timeframe': 1, '\\ntenderness': 1, "there\\'ve": 1, 'madeiros': 1, 'unflagging': 1, 'typified': 1, 'prohibits': 1, 'heralds': 1, 'exceedingly-professional': 1, "forster\\'s": 1, 'blaxploitation-era': 1, 'then-sagging': 1, "cohen\\'s": 1, 'godsend': 1, "mckellar\\'s": 1, '\\nrennie': 1, 'likeablity': 1, 'behavious': 1, 'believabilty': 1, 'temerity': 1, 'orwellian': 1, 'good-not-great': 1, 'broadens': 1, 'slightly-less': 1, 'nicely-titled': 1, 'hard-to-get': 1, 'julia-louis': 1, 'fide': 1, 'time-conserving': 1, 'donation': 1, 'warrirors': 1, 'heimlich': 1, 'mantis': 1, 'hypsy': 1, 'madeliene': 1, 'fleas': 1, 'tuck': 1, 'undiscernable': 1, 'jibberish': 1, 'malleability': 1, '\\ngrasshoppers': 1, 'fireflies': 1, 'temping': 1, 'resuce': 1, 'thicket': 1, 'idisyncratic': 1, 'clever-ing': 1, 'faux-bloopers': 1, 'evne': 1, 'late-entry': 1, 'angel-related': 1, 'movies/tv': 1, 'wahlberg-former': 1, 'kid-in': 1, 'cole-his': 1, 'moved-and': 1, "shouldn\\'t-for": 1, '\\ndead': 1, 'emotionally-scarred': 1, '\\naccustomed': 1, 'supburb': 1, 'chap': 1, 'centenial': 1, 're-experienced': 1, 'peices': 1, 'crackling': 1, 'plumet': 1, 'pigeon-holed': 1, "'jerry": 1, 'bisexuality': 1, 'threesomes': 1, 'catfights': 1, 'gator-wrestling': 1, 'topicality': 1, 'campfest': 1, 'well-liked': 1, 'yachting': 1, "enclave\\'s": 1, '\\nhoping': 1, 'fundraiser': 1, 'trollop': 1, '\\nlombardo': 1, 'brace-sporting': 1, 'cross-examining': 1, '\\nduquette': 1, "broadway\\'s": 1, 'crate': 1, 'corkscrews': 1, 'stitch': 1, 'bombshells': 1, 'flexes': 1, 'sleepy-voiced': 1, 'chameleonic': 1, 'conspiring': 1, '\\nre-edited': 1, 'one-day-a-week': 1, '5-year': 1, 'preppy': 1, "coufax\\'s": 1, '56': 1, "heche\\'s": 1, 'supervise': 1, 'tahiti': 1, 'obradors': 1, 'quinn-robin': 1, 'castaways': 1, 'inconvenience': 1, '_arrrgh_': 1, '\\nheche': 1, '\\ndeal': 1, 'naysayers': 1, '\\n_fifty_': 1, 'stammers': 1, '_am_': 1, 'open-and-shut': 1, 'esquire': 1, 'parfitt': 1, 'tyrannic': 1, 'donovan--it': 1, '\\nchild': 1, 'muth': 1, 'beristain': 1, 'wonderful--i': 1, 'ice-blue': 1, 'hue': 1, 'scotia': 1, 'shots--and': 1, 'axe-wielding': 1, 'unstable]': 1, 'tradiational': 1, "\\nmike\\'s": 1, 'perfectly-groomed': 1, "guys\\'": 1, 'near-': 1, '\\npresently': 1, 'break-up/make-up': 1, 'rounder': 1, 'out-thinking': 1, "socialites\\'": 1, 'landou': 1, "\\nmatt\\'s": 1, 'gambled': 1, 'against-all-': 1, 'ushers': 1, 'all-grown-up': 1, 'fences': 1, 'voice-changer': 1, "\\'either": 1, '\\nclever': 1, "\\'or": 1, 'quintessentially': 1, 'stabbin-a-plenty': 1, 'scheduling': 1, "\\'maybe": 1, 'endeavored': 1, 'disapprobation': 1, 'lamented': 1, 'townsperson': 1, 'smart-alecky': 1, 'waylaid': 1, 'churchgoing': 1, 'manmade': 1, '\\nrelax': 1, 'sobol': 1, "\\'patient\\'": 1, "crystals\\'": 1, '\\nspoofs': 1, 'chequered': 1, 'egon': 1, 'petstore': 1, 'mlakovich': 1, 'displeasing': 1, 'portals': 1, 'bizzare': 1, 'eaisly': 1, 'kishikawa': 1, 'sensei': 1, 'hideko': 1, 'hara': 1, 'misunderstandings': 1, 'masayuki': 1, 'suo': 1, 'culture-specific': 1, '\\nplays': 1, "singles\\'": 1, 'mixer': 1, "\\nsugiyama\\'s": 1, 'hollywood-conventional': 1, 'blind-side': 1, '\\nconveys': 1, 'stiffest': 1, 'carr': 1, 'pendel': 1, 'panamanian': 1, 'saville': 1, 'torching': 1, 'waterway': 1, 'wooing': 1, 'self-confidence': 1, 'shoring': 1, 'leonor': 1, 'varela': 1, 'charades': 1, 'pulsates': 1, 'karenina': 1, 'superstars': 1, 'incompatible': 1, 'nearly-brain': 1, 'intelligently-constructed': 1, 'tape-worshipping': 1, 'forecaster': 1, 'mantra-like': 1, 'yankees': 1, 'homemade': 1, '\\nsullenly': 1, 'plauged': 1, 'migraines': 1, '216-digit': 1, 'perceptively': 1, 'mistrust': 1, 'reductionism': 1, 'numeric': 1, 'identifiers': 1, 'all-consuming': 1, 'penchent': 1, 'neighbours': 1, 'curtly': 1, 'neurotic-looking': 1, 'pleasantries': 1, '\\nteetering': 1, 'dementia': 1, 'fronted': 1, 'duplictious': 1, '\\npi': 1, 'cronenberg-esque': 1, 'bridging': 1, 'body-themed': 1, 'nosebleeding': 1, 'isolationism': 1, 'snorri': 1, "\\npi\\'s": 1, 'mansell': 1, 'contacting': 1, 'emptor': 1, 'atmostpheric': 1, 'mindstretching': 1, 'comic-book-gone-feature-film': 1, 'meloncholy': 1, 'entirly': 1, "'kadosh": 1, '\\namos': 1, "gitai\\'s": 1, "israeli\\'s": 1, "hasidic\\'s": 1, 'secular': 1, 'devarim/yom': 1, 'yom': 1, "male\\'s": 1, 'intolerant': 1, "jerusalem\\'s": 1, 'mea': 1, 'shearim': 1, 'sinewy': 1, 'meir': 1, 'rebelling': 1, 'conveniences': 1, '\\nmeir': 1, 'talmudic': 1, 'abu': 1, 'warda': 1, 'yeshiva': 1, 'progeny': 1, 'unpure': 1, 'baths': 1, 'cleanse': 1, 'dunks': 1, 'dunked': 1, '\\nrivka': 1, "meir\\'s": 1, "\\nrivka\\'s": 1, 'lebanon': 1, "\\nmalka\\'s": 1, 'yossef': 1, 'follower': 1, 'sound-truck': 1, 'bull-horn': 1, 'languidly': 1, "malka\\'s": 1, 'robotically': 1, 'rams': 1, 'thrusting': 1, 'petals': 1, 'director-writer': 1, 'erroneous': 1, 'givers': 1, 'recipes': 1, '\\ntwentieth': 1, 'antonia': 1, '143': 1, '1847': 1, 'gold-starved': 1, "\\nboyd\\'s": 1, 'mexican-american': 1, 'banishment': 1, 'waystation': 1, 'toffler': 1, 'spinella': 1, 'mcdonough': 1, 'over-medicated': 1, 'cleaves': 1, 'half-starved': 1, 'scot': 1, "d\\'oeuvre": 1, "colqhoun\\'s": 1, 'weendigo': 1, '\\nteen-age': 1, 'campell': 1, '\\nolder': 1, 'waved': 1, 'electrify': 1, 'gunpowder': 1, '\\ncannibalism': 1, 'nyman': 1, 'albarn': 1, 'nagged': 1, "\\'interview": 1, "vampire\\'": 1, 'upbeats': 1, '\\nunusually': 1, 'banalities': 1, 'affirming': 1, 'inadvertly': 1, 'deja-vu': 1, 'carelesness': 1, 'ingeniousness': 1, 'feasibility': 1, "'curdled": 1, 'obssessively': 1, 'preys': 1, '\\ngabriela': 1, 'pfcs': 1, 'post-forensic': 1, "\\ngabriela\\'s": 1, 'gorham': 1, 'perturbed': 1, 'messiest': 1, 'executive-produced': 1, 'villalobos': 1, 'death-obssessed': 1, 'curiousity': 1, '\\nreb': 1, "braddock\\'s": 1, 'toeing': 1, '\\ncurdled': 1, 'shooters': 1, 'bungee-jumping': 1, 'you-at': 1, '139': 1, 'creeps-and': 1, "e\\'": 1, 'garbageman': 1, "grim\\'s": 1, 'urbaniak': 1, 'writing-henry': 1, 'once-great': 1, 'marginalized': 1, 'councilmen': 1, 'rile': 1, 'teacher-student': 1, 'hartley-ian': 1, "udderley\\'s": 1, 'hang-out': 1, "garbageman\\'s": 1, 'elliptical': 1, "conclusion\\'s": 1, 'streetcorner': 1, 'doer': 1, 'tutee': 1, 'pens': 1, '\\nunrestrained': 1, 'upped': 1, 'competitions': 1, 'cheesily': 1, "kafka\\'s": 1, '\\nz': 1, '\\nbala': 1, 'mandible': 1, 'termites': 1, 'insectopia': 1, '\\nlooming': 1, 'bunching': 1, "ants\\'": 1, 'barbatus': 1, '\\nbarbatus': 1, 'dismembered': 1, '\\nvocal': 1, 'line-ups': 1, 'solidify': 1, 'gruff-talking': 1, 'curtin': 1, 'euro-trash': 1, 'bees--both': 1, "shaud\\'s": 1, '\\ntense': 1, 'speared': 1, "don\\'t-hate-me-for-being-a-simpleton": 1, 'light-heartedness': 1, 'coraci': 1, 'soundtrack--an': 1, 'film--is': 1, "smiths\\'": 1, 'seagulls': 1, "'jarvis": 1, 'cocker': 1, 'box-sets': 1, 'deprivation': 1, 'displacement': 1, "jarvis\\'": 1, 'acrylic': 1, 'fetishization': 1, "leigh\\'s": 1, 'optometrist': 1, '\\nhortense': 1, '\\ncynthia': 1, 'hosting': 1, 'evasions': 1, 'long-suppressed': 1, "\\nmaurice\\'s": 1, 'sad-looking': 1, 'untold': 1, 'contraception': 1, 'disconnected': 1, 'warmly': 1, 'improvisations': 1, 'caf=8a': 1, 'reticence': 1, 'ibsen-esque': 1, 'innit': 1, '$23': 1, 'college-town': 1, 'pervasiveness': 1, '\\nlinklater': 1, 'anarchist': 1, 'pseudo-intellectuals': 1, 'bribery-based': 1, 'scooby-doo': 1, 'warming': 1, 'rutger': 1, 'bird-loving': 1, 'feathered': 1, '\\nhauer': 1, 'holstering': 1, 'cross-bow': 1, 'million+': 1, 'finicial': 1, "\\'sunk\\'": 1, 'costners': 1, 'runied': 1, 'liverpool': 1, '16-17': 1, 'excitiable': 1, 'rebelous': 1, 'flicker': 1, 'lash': 1, "\\'great": 1, "things\\'": 1, "\\'smoothly\\'": 1, 'reinforced': 1, '\\nenjoyable': 1, 'primaries': 1, 'lobbyist': 1, 'gingrich': 1, 'malt-liquor': 1, 'classism': 1, "\\nbulworth\\'s": 1, 'candor': 1, 'regulation': 1, 'turntables': 1, 'fundraisers': 1, 'constituency': 1, '\\novertakes': 1, '\\nscreen': 1, 'obvious-looking': 1, 'masturbator': 1, 'deflower': 1, 'germphobe': 1, 'graduation-specifically': 1, 'whoopee': 1, "hannigan\\'s": 1, "nadia\\'s": 1, 'striptease-an': 1, '\\nklein': 1, "\\nlevy\\'s": 1, '_would_': 1, "minds\\'": 1, 'sex-even': 1, 'libidinous': 1, "pie\\'s": 1, 'diasappointing': 1, "biziou\\'s": 1, 'reacted': 1, 'extents': 1, 'oscar-less': 1, 'catagory': 1, 'whalberg': 1, "\\'gift\\'": 1, 'midriff': 1, 'slickly': 1, 'ambers': 1, 'rollergirls': 1, 'steadiocam': 1, 'directional': 1, 'tommorow': 1, 'resevoir': 1, "\\'off\\'": 1, 'niggles': 1, '\\nmathilda': 1, 'reawaken': 1, "mathilda\\'s": 1, 'margot': 1, 'croatian': 1, "forsyth\\'s": 1, "dealers\\'": 1, 'zangaro': 1, "kimba\\'s": 1, "d\\'etat": 1, "zinnemman\\'s": 1, 'malko': 1, 'vore': 1, 'romanticise': 1, 'world-': 1, 'shrinking': 1, "shannon\\'s": 1, "\\nirvin\\'s": 1, 'burgon': 1, 'near-death': 1, 'drive-by': 1, 'secondly': 1, 'consultation': 1, 'analyzation': 1, '\\nline': 1, 'infertility': 1, 'upwardly': 1, 'gaines': 1, 'fex': 1, 'healy-louie': 1, '\\nreceiving': 1, 'chemo-electric': 1, 'casualness': 1, 'illnesses': 1, 'ecologist': 1, 'thirty-': 1, 'scrutinized': 1, 'watchdog': 1, 'impatient': 1, 'protein': 1, 'siding': 1, 'electrically': 1, 'higher-ups': 1, 'polarizes': 1, 'poetical': 1, 'inspite': 1, "picasso\\'s": 1, 'guernica': 1, "frances\\'": 1, 'personalizes': 1, 'mis-': 1, 'begbee': 1, '\\npowered': 1, 'elastica': 1, 'definetly': 1, 'dennison': 1, 'orange@centuryinter': 1, 'bligh': 1, 'manhole': 1, 'beleives': 1, 'soulmate': 1, 'dreads': 1, 'embarassed': 1, '\\ncappie': 1, 'washer/dryer': 1, "cappie\\'s": 1, 'undertsanding': 1, '\\ndesperately': 1, "grusin\\'s": 1, '3-dimensional': 1, '\\nkerri': 1, 'beleivable': 1, 'ciro': 1, "popitti\\'s": 1, 'rina': 1, "hot\\'": 1, "leadership\\'": 1, 'ruination': 1, 'hermits': 1, "metoclorian\\'": 1, 'micro-organisms': 1, 'concentrations': 1, 'caprio': 1, "'felix": 1, 'pierre-loup': 1, 'rajot': 1, '\\nwriters/directors': 1, 'ducastel': 1, 'martineau': 1, 'ferry': 1, 'hitchhikes': 1, 'rouen': 1, 'patachou': 1, 'garziano': 1, 'ariane': 1, 'shags': 1, 'benichou': 1, '\\nbouajila': 1, 'new-found': 1, '\\npatachou': 1, '\\nariane': 1, 'matthieu': 1, "poirot-delpech\\'s": 1, "\\'blair": 1, 'often-incongruous': 1, 'skunk': 1, 'scurrying': 1, '\\naustralian': 1, '\\nsumptuous': 1, '1899': 1, 'red-haired': 1, 'impresario': 1, '\\nzidler': 1, 'monroth': 1, 'indicates': 1, 'teeter-totter': 1, 'loveliest': 1, 'safina': 1, 'georges': 1, 'everything-and-the-kitchen-sink': 1, 'bewitched': 1, "\\'more": 1, "u2\\'s": 1, "parton\\'s": 1, "taupin\\'s": 1, "\\nluhrmann\\'s": 1, 'love-struck': 1, "\\nmcgregor\\'s": 1, 'sizzling': 1, 'love-it-or-hate-it': 1, 'xeroxes': 1, 'seven-year-olds': 1, 'fortysomething': 1, "\\njudith\\'s": 1, 'free-thinking': 1, '\\ninstantly': 1, 'living-and-breathing': 1, '\\ntopping': 1, "'`oh": 1, '\\nfelicity': 1, 'fembots': 1, 'icecream': 1, 'nut-biting': 1, 'sausages': 1, '\\nweanies': 1, "puzo\\'s": 1, '\\ndepends': 1, 'unpublished': 1, 'grumbles': 1, 'chatters': 1, '\\ndriven': 1, 'kyzynski-style': 1, 'whacko': 1, "dixon\\'s": 1, 'lockup': 1, 'private-eye': 1, 'geraldo': 1, 'egotism': 1, '\\ncrucial': 1, 'polygram': 1, "'october": 1, '\\ncoalwood': 1, "coalwood\\'s": 1, 'rocketry': 1, 'canderday': 1, '\\nhomer': 1, 'lindberg': 1, 'pitfalls': 1, 'gauzy': 1, 'sugarry': 1, 'placeholders': 1, 'multihued': 1, 'navigating': 1, 'mediciney': 1, 'singer/guitar': 1, 'player/musician/composer': 1, 'rehearsing': 1, 'palladium': 1, 'bickford': 1, 'titties': 1, 'bozzio': 1, "bickford\\'s": 1, 'morphings': 1, 'illicitly': 1, '\\npaying': 1, 'all-male': 1, 'mid-west': 1, 'recruiter': 1, 'schwartzeneggar': 1, 'belgium': 1, 'defected': 1, 'suverov': 1, "mikhail\\'s": 1, 'funkiness': 1, '\\nmaximum': 1, 'overeager': 1, 'keeken': 1, 'compatriots': 1, 'carcasses': 1, 'cafes': 1, 'carts': 1, 'kong-hollywood': 1, "'trailing": 1, 'semi-dramatic': 1, 'sheffield': 1, '\\nsheffield': 1, 'semi-slum': 1, 'layoffs': 1, 'steel-factories': 1, "`plump\\'": 1, '`call': 1, "duty\\'": 1, 'child-support': 1, 'possiblity': 1, 'wild-idea': 1, "his`plump\\'": 1, "`work\\'": 1, 'not-so-practical': 1, 'blokes': 1, "gaz\\'s": 1, "`beautiful\\'": 1, "real-men\\'": 1, 'harsh-reality': 1, 'human-factor': 1, "\\ncarlyle\\'s": 1, 'just-another-striptease': 1, 'henricksen': 1, 'well-meant': 1, '\\ngrowing': 1, 'poombah': 1, 'teapot': 1, '\\nlasting': 1, '\\ndistracting': 1, 'purist': 1, 'mcflurry': 1, 'computer-driven': 1, 'confide': 1, 'at-odds': 1, 'winsomeness': 1, 'mistletoe': 1, "ephrons\\'": 1, 'date-night': 1, 'snuggling': 1, 'god-forsaken': 1, 'divides': 1, 'tonino': 1, 'guerra': 1, 'titta': 1, 'zanin': 1, 'gradisca': 1, 'magali': 1, 'armando': 1, 'brancia': 1, '\\namarcord': 1, '\\ndistortion': 1, "\\nfellini\\'s": 1, "titta\\'s": 1, 'fellinian': 1, '\\nvignettes': 1, 'bright-coloured': 1, 'rota': 1, 'brundage': 1, '\\nmighty': 1, 'safe-keeping': 1, 'mist-esque': 1, 'woman-of-the-wild': 1, 'un-creative': 1, 'vetern': 1, "'notting": 1, 'anti-phantom': 1, 'lovelorn': 1, 'roberts-whose': 1, 'me-had': 1, 'travel-bookstore': 1, 'impetuous': 1, 'surreptitious': 1, 'celebrity-or': 1, 'thereof-threatens': 1, 'wedge': 1, 'ordinaryness': 1, "ifans\\'": 1, 'flatmate': 1, 'mcinnerny': 1, 'brownie': 1, 'convolutedly': 1, 'changing-of-the-seasons': 1, 'surprisinly': 1, 'egregious': 1, 'lurch': 1, 'followups': 1, 'startrek': 1, '\\n-moderator]': 1, 'even-odd': 1, 'even-numbered': 1, 'odd-numbered': 1, 'not-so-good': 1, '24th-century': 1, 'enterprise--commander': 1, '\\ngeordi': 1, '--travel': 1, 'cybernetic': 1, 'krige': 1, 'race--starting': 1, 'earth-orbiting': 1, 'mesmerize': 1, 'braga': 1, 'title--first': 1, 'contact--refers': 1, 'zephram': 1, 'cast--most': 1, 'always-phenomenal': 1, 'stewart--makes': 1, 'upping': 1, '\\nst': 1, 'screen--the': 1, '\\nbraga': 1, '\\nparamount': 1, 'retires': 1, "'slavery": 1, '1830s': 1, '\\nfifty-three': 1, '\\nfreeing': 1, 'senge': 1, 'pieh': 1, '\\nsalvage': 1, 'defendants': 1, '\\nabolitionists': 1, '\\nsouth': 1, 'slave-owners': 1, "pickin\\'s": 1, "shindler\\'s": 1, '\\nnazis': 1, '_people_': 1, '\\ntappan': 1, "model\\'s": 1, 'doddering': 1, 'phases': 1, 'court-room': 1, "african\\'s": 1, "'reflecting": 1, 'pitchfork': 1, 'haute': 1, 'couture': 1, 'beelzu-babe': 1, 'unpolished': 1, "snowball\\'s": 1, 'piddling': 1, "\\'beep\\'": 1, 'three-digit': 1, 'short-circuits': 1, 'transitional': 1, 'bailing': 1, 'allegorical': 1, 'banjo': 1, '\\nbernie': 1, 'sleezo': 1, 'team-up': 1, 'rowlf': 1, 'lew': 1, 'sure-deal': 1, '\\nbeneath': 1, 'dweller': 1, 'hand-delivered': 1, '\\ndesigned': 1, 'yong': 1, 'flamed': 1, '$280': 1, 'partnerships': 1, 'ipo': 1, 'startup': 1, 'govworks': 1, 'e-dreams': 1, 'founders': 1, 'wonsuk': 1, 'juxtaposes': 1, 'on-the-spot': 1, 'messengers': 1, 'titanic-type': 1, 'dries': 1, 'dreamers': 1, 'gellies': 1, 'sobchak': 1, 'philanthropist': 1, 'side-plots': 1, 'coenesque': 1, 'diatribes': 1, 'pornographer': 1, 'kidnaper': 1, 'amalgam': 1, 'berkley-like': 1, 'pervaded': 1, '\\ndeakins': 1, "ball\\'s": 1, "\\'nam-inspired": 1, 'judaism': 1, 'center-stage': 1, "'lean": 1, 'expediency': 1, 'cumbersome': 1, 'flash-bang': 1, 'bread-and-butter': 1, 'surveilance': 1, "naturalist\\'s": 1, "reynolds\\'": 1, 'ex-spook': 1, 'ominpotence': 1, 'mysterioso': 1, 'authorties': 1, 'appellation': 1, 'uninvited': 1, '10-year': 1, 'time-consuming': 1, 'semi-tear': 1, "'1992\\'s": 1, 'itself--box': 1, 'rallied': 1, "1979\\'s": 1, 'savaged': 1, 'two-fold': 1, 'challenge--not': 1, 'once-profitable': 1, 'painless': 1, 'problem--clone': 1, 'itself--what': 1, 'toughened': 1, '\\nwhedon': 1, 'new--a': 1, 'human/alien': 1, "resurrection\\'s": 1, 'waif': 1, "whedon\\'s": 1, 'infusion': 1, 'dauntingly': 1, 're-hashing': 1, 'over-zealous': 1, "al\\'": 1, "\\npixar\\'s": 1, 'mclachlan-aided': 1, 're-doing': 1, 'carousel': 1, "'expectation": 1, '\\naffliction': 1, 'visualized': 1, 'over-familiarization': 1, 'mondays': 1, "edgecomb\\'s": 1, 'comers': 1, '\\nhutchinson': 1, '\\nrockwell': 1, 'wharton': 1, '\\nduncan': 1, '\\ngreene': 1, "maid\\'s": 1, "stevenson\\'s": 1, '\\njekyll/hyde': 1, 'anti-woman': 1, "fears\\'": 1, 'whorehouse': 1, "'aggressive": 1, 'elexa': 1, '\\nrandolph': 1, "kret\\'s": 1, "\\nkret\\'s": 1, 'kret': 1, 'accost': 1, "skinheads\\'": 1, "\\nwilson\\'s": 1, "pariah\\'s": 1, 'eradicate': 1, "'gothic": 1, 'backwater': 1, 'divulges': 1, 'horror-mystery': 1, 'unextraordinary': 1, 'often-criticized': 1, 'murawski': 1, 'epperson': 1, 'groundbreakingly': 1, '\\nbathroom': 1, 'all-ages': 1, 'clack': 1, 'clacks': 1, 'alexa': 1, 'fegan': 1, 'floop': 1, "juni\\'s": 1, 'inventors': 1, '\\npapa': 1, 'goldfish': 1, 'electroshock': 1, "floop\\'s": 1, 'holodeck': 1, '\\nalexa': 1, 'cloud-backed': 1, 'mc-ubiquitous': 1, '150th': 1, 'tad-too-long': 1, 'three-act': 1, 'cheap-laugh': 1, 'late-year': 1, 'pugnaciousness': 1, 'supplant': 1, 'tinder': 1, 'theorems': 1, 'blackboards': 1, 'impregnable': 1, "taster\\'s": 1, 'culls': 1, 'sean/will': 1, 'will/skylar': 1, 'companionability': 1, "chuckie\\'s": 1, '\\nadequate': 1, 'commensurate': 1, "'clue": 1, "1976\\'s": 1, '\\nchutes': 1, 'boddy': 1, 'whodunnit': 1, '\\nclue': 1, '\\nendings': 1, 'clipboard': 1, 'scribbles': 1, 'four-some': 1, 'divinely': 1, "\\nlloyd\\'s": 1, "'people": 1, 'labelling': 1, 'techno-thriller': 1, 'wolfe': 1, 'mach': 1, 'gordo': 1, 'grissom': 1, '\\nkaufman': 1, "pilots\\'": 1, '\\nroyal': 1, 'moffat': 1, 'dornacker': 1, 'murch': 1, '-yeager': 1, 'publicity-seeking': 1, 'braun': 1, 'tremble': 1, 'holst': 1, 'debussy': 1, 'amerocentric': 1, "astronauts\\'": 1, 'frontiers': 1, "alien\\'s": 1, 'summaries': 1, 'adjustments': 1, 'well-created': 1, 'nowak': 1, 'absorbant': 1, 'tuning-up': 1, 'henning': 1, 'aggravatingly': 1, 'helene': 1, 'paprika': 1, 'steen': 1, 'gbatokai': 1, 'dakinah': 1, 'family/friends': 1, 'detested': 1, 'renoir': 1, '\\ntwists': 1, 'nearly-farsical': 1, 'vinterberg': 1, 'dogme': 1, 'dramaturgical': 1, 'ironically-showmanship': 1, 'the-truth-at-all-costs': 1, 'thearapeutic': 1, 'grays': 1, 'far-off': 1, '\\ngrudgingly': 1, 'belted': 1, 'pixie': 1, 'scoffs': 1, "'matthew": 1, '\\nferris': 1, "buehler\\'s": 1, 'mcallister': 1, 'metzler': 1, 'jeanine': 1, '\\ntammy': 1, 'unopposed': 1, 'dictatorship': 1, 'specializing': 1, 'perversions': 1, "election\\'s": 1, '\\ncult': 1, "\\'hidden": 1, "jokes\\'": 1, 'enough-': 1, 'transexual': 1, 'actors-': 1, '\\nmeatloaf': 1, 'credits-': 1, "'confession": 1, 'vivien': 1, 'integrating': 1, "atlantic\\'s": 1, 'slaves/steerage': 1, "gwtw\\'s": 1, 'humongous': 1, 'well-spent': 1, 'writing/directing/': 1, 'corroding': 1, 'hammering': 1, 'minisub': 1, '101-year-old': 1, 'calvert': 1, 'daswon': 1, 'tuxedo': 1, 'winslet-dicaprio': 1, "\\nwinslet\\'s": 1, 'drop-dead': 1, "winslet\\'s": 1, 'spoiled-rich-girl': 1, 'there=92s': 1, 'howard=92s': 1, 'gazillionaire': 1, '\\nmullen': 1, 'rethinks': 1, 'sleezebag': 1, 'walkie': 1, 'talkie': 1, 'wells=92': 1, 'morlocks': 1, 'of=': 1, 'glitteratti': 1, 'cowboy=': 1, '\\ntactics': 1, 'weren=92t': 1, 'i=': 1, 'wouldn=92t': 1, 'payer': 1, 'break-down': 1, 'representations': 1, 'man=92s': 1, 'i=92ve': 1, 'upending': 1, 'we=92ve': 1, '\\nmullen=92s': 1, 'brawley': 1, 'you=92ll': 1, 'won=92t': 1, 'divergent---': 1, 'sakes': 1, 'wispy': 1, 'bicep': 1, 'flexing': 1, 'yanking': 1, 'one-syllable': 1, '\\ncu-sack': 1, 'cu-sack': 1, 'moneymakers': 1, 'semi-articulate': 1, 'blatherings': 1, 'schlumpy': 1, 'hi-lo': 1, 'non-committal': 1, 'talking-directly-into-the-camera-schtick': 1, 'shampoo-like': 1, 'tragi-comic': 1, 'tenacious': 1, 'blowhard': 1, 'hoist': 1, 'shucking': 1, 'jiving': 1, 'age-type': 1, 'iben': 1, 'hjejle': 1, 'mifune': 1, 'phonation': 1, "\\nfears\\'": 1, 'cusackian': 1, "'only": 1, 'parodic': 1, 'beaufoy': 1, "chippendale\\'s": 1, 'dwarfed': 1, '\\nprocreating': 1, '\\nnatural': 1, '\\nanton': 1, 'spawns': 1, 'solo-flight': 1, '\\nlabeled': 1, 'in-valid': 1, '\\ngerman': 1, 'paralized': 1, '\\njerome': 1, 'cassini': 1, 'sci-fi/thriller': 1, '\\njude': 1, '\\nloren': 1, 'coding': 1, 'gladnick': 1, 'show_': 1, 'rib-tickling': 1, "i-don\\'t-know-when": 1, 'sublte': 1, 'philisophical': 1, '\\none-upping': 1, 'candidate-director': 1, 'unimitible': 1, 'paradise/prison': 1, 'bystander-extras': 1, '_dog': 1, 'fancy_': 1, 'subverted': 1, 'hyper-silly': 1, 'megaglomaniac': 1, '_wag': 1, 'dog_': 1, 'svengalian': 1, '\\ndalloway': 1, 'sitcom-ish': 1, 'frankiln': 1, 'aquatica': 1, 'sea-bound': 1, 'macalaester': 1, 'remote-controlled': 1, '\\nso-so': 1, 'dark-side': 1, '\\nll': 1, "j\\'s": 1, '\x05': 1, '\\nrenny': 1, 'bennet': 1, 'unquestioning': 1, 'calder': 1, '\\ncalder': 1, "bennet\\'s": 1, "kingpin\\'s": 1, 'semi-darkness': 1, '\\nsorossy': 1, "'produced": 1, 'lantos': 1, 'medical-gross-outs': 1, 'chyron': 1, 'aram': 1, 'doppling': 1, 'rehabilitation--he': 1, 'forty-eight': 1, 'baboon': 1, 'rehabilitate': 1, 'shunted': 1, '\\nfingal': 1, 'apollonia': 1, 'datalink': 1, 'negin': 1, "\\njulia\\'s": 1, 'schweethaat': 1, '-spouting': 1, "\\nnegin\\'s": 1, 'greenstreet': 1, 'salutory': 1, 'golden-age': 1, 'dopple': 1, 'psychist': 1, 'computech': 1, 'reconst': 1, "past\\'s": 1, 'low-to-medium-budget': 1, 'electronic-synthesized': 1, "\\n\\'holocaust": 1, "ovation\\'": 1, 'deathcamps': 1, 'chaplin-inspired': 1, '\\nemploying': 1, 'upholds': 1, 'disrespecting': 1, 'interpreting': 1, 'fight/rocky': 1, 'trains/rocky': 1, "\\'tradition\\'": 1, 'thunderlips': 1, 'trash-talks': 1, 'pities': 1, 'meredith': 1, "\\'smocky\\'": 1, 'adrianne': 1, '`out': 1, "house\\'": 1, '\\nnello': 1, 'rubens': 1, 'rin-tin-tin': 1, "`lower-class\\'": 1, 'grande': 1, "aloise\\'s": 1, "`la-dee-dah\\'": 1, 'landord': 1, 'decreases': 1, 'permanetly': 1, "`sophisticated\\'": 1, 'ilk': 1, 'ende': 1, 'respectably': 1, 'friedman': 1, 'recaptures': 1, '`cheer': 1, "charlie\\'": 1, 'madyline': 1, 'sweeten': 1, 'farren': 1, 'monet': 1, 'character-oriented': 1, '\\neleanor': 1, "tribune\\'": 1, '`for': 1, 'well-traveled': 1, 'often-told': 1, 'chicago-sun': 1, "times\\'": 1, '`sea': 1, "bromides\\'": 1, '`hopelessly': 1, '`entertainment': 1, "weekly\\'": 1, 'slam-dunked': 1, "`family\\'": 1, 'family-style': 1, 'boy-and-dog': 1, 'bow-wow': 1, 'prejudge': 1, '\\nmight': 1, '44-year-old': 1, "fiction\\'s": 1, 'bondsmen': 1, "\\nmax\\'s": 1, 'unbrewed': 1, 'sun-': 1, 'tossable': 1, 'replaceable': 1, 'newly-jarred': 1, '\\njules': 1, 'bible-quoting': 1, 'irreplaceable': 1, 'slanted': 1, 'animus': 1, 'parched': 1, 'set-bound': 1, 'well-oiled': 1, 'blane': 1, 'pincus': 1, 'short-': 1, "\\nmamet\\'s": 1, "pidgeon\\'s": 1, "'\\'contact\\'": 1, '\\n--a': 1, 'cracraft': 1, 'powers-of-10': 1, 'zoom-out': 1, 'by-the-end': 1, 'out-of-balance': 1, 'elie': 1, 'multi-billionare': 1, 'radiance': 1, 'vegans': 1, 'arecibo': 1, 'ceti': 1, 'cabinet-level': 1, 'behoove': 1, 'dynamism': 1, 'far-away': 1, 'starsystem': 1, "varley\\'s": 1, '\\nfreed': 1, 'zemecki': 1, 'stephanopolus-style': 1, 'walk-ons': 1, 'near-final': 1, 'judiciary': 1, 'popularizer': 1, 'gadfly': 1, 'academe': 1, 'physicfirst': 1, 'vibrantly-acted': 1, 'masseur': 1, 'retinal': 1, 'maladjustment': 1, 'hanks/meg': 1, 'ryan-starrer': 1, 'glimpsed': 1, 'levitt': 1, 'mcmullen-style': 1, 'riled': 1, 'ignited': 1, 'hinterlands': 1, 'fairer': 1, 'plying': 1, '\\nflattered': 1, '\\nadult': 1, 'film-hannibal': 1, 'lector': 1, 'eater': 1, "viper\\'s": 1, 'back-stabs': 1, '\\npolitics': 1, 'cubicle-filled': 1, 'motiveless': 1, 'darwinism-': 1, 'chad-ness': 1, 'scruches': 1, '\\ntotal': 1, 'intresting': 1, 'colanised': 1, "\\'rekall\\'": 1, "\\'secret": 1, "\\'blabbed": 1, "\\'blew": 1, "mission\\'": 1, 'richter': 1, "\\'friend\\'": 1, "rebel\\'s": 1, 'rekall': 1, "make\\'s": 1, '\\narnie': 1, "act\\'s": 1, 'bloke': 1, '\\nticoton': 1, 'tranisition': 1, '\\nironside': 1, '\\nilm': 1, 'dreamquest': 1, 'quatto': 1, 'imaganitive': 1, "'jonathan": 1, 'evoking': 1, 'authorial': 1, 'omits': 1, 'newly-freed': 1, '\\noprah': 1, 'long-hampered': 1, '\\ninvisible': 1, "\\nsethe\\'s": 1, "\\ndemme\\'s": 1, "_beloved_\\'s": 1, 'leaned': 1, 'rasping': 1, 'urgently': 1, '\\nwinfrey': 1, "beloved\\'s": 1, 'wanderlusting': 1, 'sage-like': 1, 'suggs': 1, 'beah': 1, 'glassy-eyed': 1, '\\ndeparting': 1, 'lambs_': 1, '_melvin': 1, 'howard_': 1, 'overstatement': 1, '\\ntotemic': 1, 'color-saturated': 1, "\\n_beloved_\\'s": 1, 'yellow-greens': 1, 'neutrality': 1, 'frugal': 1, "\\nmorrison\\'s": 1, '_poltergeist_': 1, 'purple_': 1, 'letter_': 1, '_little': 1, 'women_': 1, 'abeyance': 1, 'stipulated': 1, 'slasher-movie': 1, 'entrails': 1, 'bemoans': 1, '\\nstab': 1, 'converges': 1, 'well-populated': 1, 'cece': 1, 'didya': 1, 'suspecting': 1, 'weights': 1, 'super-mom': 1, 'miscommunicated': 1, 'stendahl': 1, 'syndrome-like': 1, "40\\'s": 1, "wall\\'": 1, 'nagle': 1, 'cored': 1, "\\nvisnjic\\'s": 1, "\\n\\'you\\'re": 1, 'comprehending': 1, 'divined': 1, '\\nwater': 1, 'tandon': 1, "'leonardo": 1, 'in-cluding': 1, 'poslethwaite': 1, 'sus-pects': 1, '\\nsymbolizing': 1, 'rapier-9mm': 1, 'longsword-': 1, '\\nmercutio': 1, 'afri-can-american': 1, 'na-ture': 1, '\\nverona': 1, 'dynasties': 1, '\\nsub-titles': 1, 'prob-lem': 1, '\\nromeo': 1, "'voices": 1, 'politcally': 1, 'messageable': 1, '\\ncartman': 1, "kyle\\'s": 1, 'huiessan': 1, 'singers---they': 1, 'do--sing': 1, 'tunes--and': 1, 'semblence': 1, 'honest-to-goodness': 1, 'teriffic': 1, 'koans': 1, 'kilborn': 1, 'spicebus': 1, 'rushbrook': 1, '\\n----': 1, "'more": 1, 'sandals': 1, 'cinemascope': 1, 'ben-hur': 1, 'sparticus': 1, 'vadis': 1, 'pyre': 1, '\\nroman': 1, 'strangles': 1, 'reopens': 1, "commodus\\'": 1, 'lucilla': 1, '\\nlucilla': 1, 'romper': 1, 'stomper': 1, 'bleaches': 1, 'herky': 1, 'half-blurred': 1, 'enriched': 1, 'tarnished': 1, 'speculative': 1, '\\n2001': 1, 'metaphysics': 1, 'reconnaissance': 1, 'super-secret': 1, '712': 1, 'cauterize': 1, 'earth-like': 1, 'labs': 1, "lab\\'s": 1, 'readouts': 1, 'ratchets': 1, "gay\\'s": 1, 'reville': 1, '\\nharmon': 1, 'thunderstorms': 1, "neuwirth\\'s": 1, 'roadblock': 1, "garafolo\\'s": 1, 'burp': 1, 'prwhen': 1, "abby\\'s": 1, 'basset': 1, '\\nabby': 1, 'sex/masturbation': 1, 'comedy/romance': 1, "'alien": 1, "wrong--i\\'m": 1, 'clemens': 1, 'compartments': 1, 'containers': 1, 'fury-161': 1, 'cryo-tubes': 1, 'attachs': 1, 'acid-eaten': 1, "kane\\'s": 1, 'artillary': 1, 'thomson': 1, 'yellows': 1, 'oranges': 1, 'labrynthine': 1, 'risked': 1, "'ultra": 1, 'necronomicon': 1, "\\ncampbell\\'s": 1, 'unusable': 1, 'raimi/rob': 1, "'elmore": 1, 'slow-witted': 1, 'trickier': 1, 'ex-lawman': 1, 'affectation': 1, '\\ndevoid': 1, 'fisburne': 1, 'stop-motion': 1, 'motherlode': 1, "\\nlester\\'s": 1, 'unassertive': 1, 'commercialist': 1, 'dope-dealing': 1, 'scramble': 1, 'ruffle': 1, 'fasting': 1, 'deprivation/appreciation': 1, "'though": 1, '1554': 1, 'lordship': 1, 'nuptials': 1, '\\nkapur': 1, 'filmmkaing': 1, 'cellars': 1, 'blown-out': 1, 'inportant': 1, 'godfather-esque': 1, "'carolco": 1, 'mind-boggling': 1, 'slickness': 1, 'goth-girl': 1, 'someway': 1, 'disilusioned': 1, 'machette': 1, 'triva': 1, 'tommorrow': 1, "factory\\'s": 1, 'conscription': 1, 'self-reliance': 1, 'brain-over-brawn': 1, 'hip-talking': 1, 'oriential': 1, '\\noscar-hungry': 1, 'director/executive': 1, 'three-hour-tear-fest': 1, 'ninety-minute': 1, 'lifesaving': 1, 'lionized': 1, 'battlefields': 1, 'redcoat': 1, '\\nforming': 1, "cornwallis\\'": 1, 'formulates': 1, '\\nclearer': 1, 'glare': 1, '\\ntavington': 1, 'redcoats': 1, 'tusse': 1, 'silberg': 1, 'loftus': 1, 'reclaiming': 1, 'debased': 1, '\\ncrows': 1, "cinderella\\'s": 1, 'gorier': 1, '\\nhansel': 1, 'gretel': 1, 'bloodier': 1, 'carter--whose': 1, 'edge--had': 1, 'retell': 1, 'enlivening': 1, 'royces': 1, "\\'real\\'": 1, 'inset': 1, "dream-rosaleen\\'s": 1, "lansbury\\'s--she": 1, 'apple-cheeked': 1, 'synth-heavy': 1, 'shapechanging': 1, 'trickiest': 1, 'acting/music/effects': 1, 'otherness': 1, "\\'realism\\'": 1, 'ents': 1, 'hobbits': 1, 'balrogs': 1, 'ruritanian': 1, 'ur-reality': 1, "witches\\'": 1, 'mist-shrouded': 1, 'rites-of-passage': 1, 'night-journey': 1, "grandmother\\'s": 1, '\\nstaying': 1, "rosaleen\\'s": 1, 'literalized': 1, 'idea--but': 1, 'betwixt': 1, 'sub-leaders': 1, 'mcsorley': 1, 'buddie': 1, 're-open': 1, 'religios': 1, 'ex-love': 1, 're-drawn': 1, 'sportsmanship': 1, "/let\\'s-strip-down-the-sport-to-its-bones": 1, 'crunching': 1, 'unerving': 1, 'oscar-nominee': 1, "this\\'ll": 1, '\\nembarrassingly': 1, 'gab': 1, 'persistently': 1, 'honeys': 1, 'mot': 1, 'commiserate': 1, '\\nregretfully': 1, 'reactionary': 1, 're-unite': 1, '\\nultra-nationalist': 1, 'militants': 1, 'korshunov': 1, 'hold-your-breath': 1, 'korshonov': 1, '\\nrealistically': 1, '\\nindiana': 1, 'haig': 1, "jfk\\'s": 1, 'sunflowers': 1, 'fiascoes': 1, 'appalachian': 1, 'tumbleweeds': 1, 'penleric': 1, 'musicologist': 1, 'pre-feminist': 1, 'professorship': 1, 'treasure-trove': 1, 'scots-irish': 1, '\\nexcited': 1, 'vinie': 1, 'self-sustaining': 1, "greenwald\\'s": 1, 'ridge': 1, '1908': 1, '\\nornery': 1, 'statuesque': 1, 'vocalists': 1, 'emmylou': 1, 'dement': 1, 'taj': 1, 'rossum': 1, "mcteer\\'s": 1, 'childbirth': 1, "'elizabeth": 1, 'mid-1500s': 1, 'stately': 1, 'burnings': 1, '\\ninternally': 1, 'half-sister': 1, 'deathly': 1, 'pleas': 1, 'norfolk': 1, 'steely-eyed': 1, 'walsingham': 1, 'iron-fisted': 1, 'gawky': 1, 'coy': 1, 'fending': 1, "blanchett\\'s": 1, 'shekhar': 1, "kapur\\'s": 1, '\\nrolling': 1, 'galas': 1, 'cathedrals': 1, "hirst\\'s": 1, 'injections': 1, 'pulses': 1, 'nowheresville': 1, '5-5-1': 1, 'not-so-wise': 1, 'ruiz': 1, 'gotti': 1, 'constrast': 1, 'hound-dog': 1, 'slow-burn': 1, 'vaccinated': 1, 'aggravation': 1, 'agitation': 1, 'button-downed': 1, 'tightly-wound': 1, '-courtesy': 1, 'paus': 1, 'lackeys': 1, '\\ncombs': 1, 'cameraderie': 1, 'dodgy': 1, 'aggravate': 1, 'knutt': 1, "sheriff\\'s": 1, "rumpo\\'s": 1, 'revengeful': 1, "pertwee\\'s": 1, "\\'judge\\'": 1, 'golfer': 1, 'rebounding': 1, 'nope': 1, 'off-chance': 1, '\\nsparks': 1, 'centerfold': 1, 'dumpster': 1, 'repulsing': 1, 'jinx': 1, 'mj': 1, 'smart-aleck': 1, "mikey\\'s": 1, "\\nben\\'s": 1, 'hann-byrd': 1, 'anti-matter': 1, 'wrong-doings': 1, 'fonder': 1, "greene\\'s": 1, 'bendrix': 1, "mile\\'s": 1, 'descriptive': 1, 'years-gone-by': 1, 'titanic-buff': 1, 'unarguably': 1, 'renenged': 1, 'searcing': 1, 'dissapointly': 1, "\\nrose\\'s": 1, 'wrong-side-of-the-tracks': 1, 'realisticly': 1, 'aborbed': 1, 'ledge': 1, 'happiest': 1, 'venom8@hotmail': 1, 'attentiveness': 1, 'well-being': 1, 'foreknowledge': 1, 'capra-esque': 1, "eisner\\'s": 1, 'klieg': 1, "\\ntruman\\'s": 1, "seahaven\\'s": 1, 'endorsing': 1, 'fiji': 1, 'underplaying': 1, 'earpiece': 1, 'nc': 1, 'boning': 1, '\\nhmmmmm': 1, '\\nbravely': 1, 'gulped': 1, 'chirped': 1, 'non-sexual': 1, 're-evaluated': 1, "'118": 1, '\\nmamoru': 1, '\\noshii': 1, 'incarnations--graphic': 1, 'episodes--patlabor': 1, 'menace--labor': 1, 'interpersonal': 1, 'babylon': 1, 'seawall': 1, 'reclamation': 1, 'environmentalist': 1, '\\nshinohara': 1, "labors\\'": 1, '30\\%': 1, 'berzerk': 1, 'asuma': 1, 'labors--including': 1, "sv2\\'s": 1, 'own--fall': 1, '\\n_patlabor': 1, 'chrichton': 1, '_into_': 1, 'dialogueless': 1, 'symbolism--in': 1, "\\npatlabor\\'s": 1, "patlabor\\'s": 1, 'alternate-1999': 1, 'better-suited': 1, 'fish-eye': 1, 'well-suited': 1, 'hi-fi': 1, 'systems--it': 1, '_come_': 1, '\\ngiant': 1, 'sometimes-understated': 1, 'sometimes-blaring': 1, 'easily-readable': 1, '_anything_': 1, '_patlabor_': 1, 'recommened': 1, 'anly': 1, "'taking": 1, "qt\\'s": 1, '\\nliman': 1, 'night-club': 1, '\\nholmes': 1, '\\naskew': 1, "annoying\\'": 1, 'gen-xer': 1, '\\nerm': 1, "'garry": 1, 'propagating': 1, "harold\\'s": 1, 'detachable': 1, 'vibrates': 1, 'trudging': 1, 'pomegranate': 1, 'squeezing': 1, '\\nstarkly': 1, 'ony': 1, 'skilfull': 1, 'uplifts': 1, 'absoloute': 1, 'eqsuisite': 1, '\\nlaconic': 1, '\\n`american': 1, 'soooo': 1, 'schoolmates': 1, '\\noz': 1, '\\nfinch': 1, "`r\\'": 1, 'teen-accessible': 1, 'coarseness': 1, '\\nteens': 1, 'acne': 1, "'full": 1, 'bodied': 1, "\\'gomer": 1, "pyle\\'": 1, 'pyle': 1, 'soon-to-be-marines': 1, "pyle\\'s": 1, 'goof-ups': 1, 'filmming': 1, "'oliver": 1, 'gloating': 1, '37th': 1, 'statuette': 1, 'steddy': 1, 'berdan': 1, 'corwin': 1, 'decapitates': 1, 'cauterizes': 1, "`seven\\'": 1, '`ed': 1, "wood\\'": 1, '\\nlandau': 1, '\\nlandlord': 1, 'baltus': 1, 'tassel': 1, 'carcass': 1, 'hessian': 1, '\\ncrane': 1, 'superstition': 1, 'spurted': 1, 'channeled': 1, 'piecing': 1, "tassel\\'s": 1, '\\n`sleepy': 1, 'gallop': 1, 'cont': 1, 'inually': 1, 'non-offensive': 1, "'bowfinger": 1, '\\nkit': 1, 'emptying': 1, '8-lane': 1, "`hot\\'": 1, 'fall-down': 1, '\\nstandouts': 1, '97-minutes': 1, 'scoundrels': 1, 'summer-time': 1, 'work-loving': 1, 'ap2': 1, "'pulp": 1, 'solver': 1, 'far-out': 1, 'hold-ups': 1, 'hamburgers': 1, 'massages': 1, '357': 1, 'cite': 1, '\\nbutch': 1, "marsellus\\'": 1, 'oppritunites': 1, 'priveleged': 1, 'millionare': 1, 'oscarworthy': 1, '\\nrosemary': 1, 'dating-and': 1, '\\nherman': 1, "herman\\'s": 1, 'absense': 1, 'ballot': 1, 'snubs': 1, '\\nwilhelm': 1, 'cooperated': 1, 'istvan': 1, "szabo\\'s": 1, "\\nszabo\\'s": 1, '\\nronald': 1, "harwood\\'s": 1, 'wilhelm': 1, "europe\\'s": 1, 'prosecute': 1, 'sameness': 1, '\\ncorners': 1, '\\n[there': 1, 'tues': 1, 'calculation': 1, '1951': 1, '1946': 1, 'almanac': 1, 'predetermine': 1, 'rung': 1, 'dish-molded': 1, 'aerospace': 1, 'ex-athlete': 1, 'on-the-job': 1, 'pricking': 1, "bathgate\\'s": 1, 'slawomir': 1, '\\nniccol': 1, 'poorly-employed': 1, 'reaffirming': 1, 'needfully': 1, "setting\\'s": 1, 'mind-moving': 1, 'donal': 1, 'mccann': 1, "o\\'brady": 1, 'tel': 1, '310': 1, '449-3411': 1, '$29': 1, 'keeley': 1, '\\nmurnau': 1, 'outstretched': 1, 'cropped': 1, 'lifted--unauthorized--from': 1, "secret--he\\'s": 1, 'bloodsucker--and': 1, "schreck\\'s": 1, '\\narrow': 1, "video\\'s": 1, 'mixed-coffin': 1, 'red-tinted': 1, 'fanged': 1, 'entice': 1, 'pointy-eared': 1, 'non-goateed': 1, 'ghouslish': 1, 'notifying': 1, 'mastering': 1, 'condition--non-studio': 1, 'silents': 1, 'preservation--': 1, 'jittering': 1, 'sepia': 1, "nosferatu\\'s": 1, 'waltzing': 1, 'redone': 1, 'legible': 1, 'flicker--a': 1, 'flickers': 1, 'hard-rock': 1, 'underscore': 1, 'nicely--': 1, 'fiddles': 1, 'fang-fest': 1, 'mina': 1, '--as': 1, 'stoker': 1, 'her--in': 1, 'thieve': 1, 'probably-': 1, 'rescored': 1, 'back--turn': 1, 'saxophonist': 1, "madisons\\'": 1, 'wakefield': 1, "renee\\'s": 1, 'thoughout': 1, "coil\\'s": 1, 'faintly': 1, 'protgaonist': 1, 'porn-star': 1, 'lynchian': 1, 'dines': 1, 'ar': 1, 'waittress': 1, 'asthmatic': 1, 'kinear': 1, "melvon\\'s": 1, 'thieveing': 1, 'burglars': 1, 'verdell': 1, 'dogsit': 1, 'cantakerous': 1, 'nicjolson': 1, 'cyncial': 1, 'weirded': 1, 'posess': 1, "doesnt\\'": 1, 'highly-populated': 1, 'reclessly': 1, 'unbusy': 1, 'vaughan': 1, 'crutch-carrying': 1, '\\nvaughan': 1, 'seagrave': 1, 'concussions': 1, 'mini-masterpieces': 1, 'forboding': 1, 'disjointment': 1, 'ousting': 1, 'lovelace': 1, 'hushes': 1, 'kinkiness': 1, 'tatoo': 1, '\\nkosteas': 1, 'deniro-like': 1, 'sucessful': 1, 'turn-on': 1, '_two_': 1, "coach\\'s": 1, 'supersede': 1, 'non-teen': 1, 'choppily': 1, "hartnett\\'s": 1, 'goofups': 1, "labor\\'s": 1, "'defending": 1, 'plains': 1, 'maclaine': 1, 'calorie-free--so': 1, "'jake": 1, 'hard-to-categorize': 1, 'morphine': 1, 'sherlockian': 1, 'epigrams': 1, 'shoelaces': 1, 'legwork': 1, '\\narlo': 1, 'jess': 1, 'ventura-ish': 1, 'inferences': 1, "sherlock\\'s": 1, 'deductions': 1, 'detach': 1, 'unassociated': 1, 'ex-porn': 1, 'hypnotises': 1, 'barondes': 1, 'transfusions': 1, '\\nbritish': 1, 'caberat': 1, 'twitches': 1, 'dapper': 1, '\\nyork': 1, 'winkless': 1, '\\ntighter': 1, 'breathed': 1, 'cross-cultural': 1, '$250': 1, 'nathanson': 1, 'lamanna': 1, 'translators': 1, 'r&r': 1, 'already-existing': 1, '47-year': 1, "\\nchan\\'s": 1, 'pulverizes': 1, 'zi-yi': 1, 'henchlady': 1, '\\nroselyn': 1, 'sanchez': 1, 'knockdown': 1, 'continents': 1, 'techs': 1, 'open-minded': 1, 'blemheim': 1, "castle\\'s": 1, 'ceilings': 1, 'mirror-panel': 1, 'second-story': 1, '\\ncostuming': 1, "1600\\'s": 1, 'revenge-driven': 1, 'shakespearean-trained': 1, 'plummet': 1, 'dispair': 1, "ophelia\\'s": 1, 'polonius': 1, 'moloney': 1, 'laertes': 1, 'reece': 1, 'dinsdale': 1, 'rosencrantz': 1, 'gravedigger': 1, 'yorick': 1, 'priam': 1, 'hecuba': 1, 'enactment': 1, 'well-voiced': 1, 'underperforms': 1, '\\ngerard': 1, 'utterances': 1, 'reynaldo': 1, 'eleventh': 1, 'fortinbras': 1, 'flashback-type': 1, 'rigmarole': 1, 'testings': 1, '\\ninvolved': 1, 'above-ground': 1, 'below-ground': 1, "\\nhank\\'s": 1, 'manic-depressive': 1, 'bleach-blond': 1, 'irradiation': 1, 'ranchers': 1, 'snodgress': 1, 'coverup': 1, 'foams': 1, 'rama': 1, 'sarner': 1, 'leichtling': 1, '\\norion': 1, 'underwent': 1, 'alread': 1, 'yuk': 1, "sctv\\'s": 1, 'out-': 1, "'_in": 1, 'sabbatical': 1, 'intial': 1, 'script-writers': 1, '\\ngads': 1, 'understates': 1, '\\nunderstatement': 1, 'shock-factor': 1, '\\ndirecting-wise': 1, '\\nutterly': 1, "\\nbloomin\\'": 1, 'smart-assed': 1, 'loudmouthed': 1, "`promoted\\'": 1, 'comic-slapstick': 1, '\\nperfectly': 1, 'downplaying': 1, "`fish-out-of-water\\'": 1, 'barstool': 1, '`fastest': 1, "west\\'": 1, "\\nlee\\'s": 1, "`knowledge\\'": 1, "`that\\'s": 1, 'matthews': 1, 'kickback': 1, 'chemisty': 1, 'fiqure': 1, 'govenment': 1, 'distinquished': 1, '\\nexperience': 1, 'relunctently': 1, 'salads': 1, 'tampons': 1, 'writer/director/actor': 1, 'first-string': 1, 'a-hole': 1, "beek\\'s": 1, 'mandrian': 1, 'slaughterhouse-five': 1, 'a&m': 1, 'hardcover': 1, 'snow-globe': 1, 'haddonfield': 1, 'certianly': 1, 'unconventionality': 1, 'restlesness': 1, 'artsier': 1, 'near-eden-like': 1, 'preperations': 1, 'phenominal': 1, '\\nnolte': 1, '\\ncaviezel': 1, 'seargent': 1, 'unsocial': 1, 'airtime': 1, 'unleashing': 1, '[mike': 1, "forrester\\'s": 1, '\\nnelson': 1, "japan\\'s": 1, 'disrepair': 1, "seattle\\'s": 1, 'kingdome': 1, "satellite\\'s": 1, 'fulfils': 1, 'petrice': 1, "chereau\\'s": 1, 'ache': 1, 'idols': 1, 'bracing': 1, 'chereau': 1, 'tactile': 1, 'interconnectedness': 1, 'pinter-esque': 1, 'rummages': 1, 'hanif': 1, 'kureishi': 1, "\\nchareau\\'s": 1, 'wielded': 1, 'ever-attentive': 1, 'gautier': 1, 'transit-oriented': 1, '\\nseparation': 1, 'trendsetters': 1, 'lower-middle': 1, 'jocular': 1, '\\nbangs': 1, 'passageways': 1, 'guile': 1, 'insinuations': 1, "spall\\'s": 1, "'george": 1, 'orphange': 1, 'felines': 1, "sense\\'s": 1, 'aried': 1, 'read-along': 1, 'thecatrical': 1, 'grouchland': 1, 'nuttiest': 1, 'nutcracker': 1, '\\ndvd-rom': 1, '\\nminkoff': 1, 'appreciative': 1, 'mid-teenage': 1, 'pajamas': 1, 'streetwalker': 1, "'countries": 1, 'judgements': 1, 'legislation': 1, 'serialised': 1, 'novelisation': 1, '\\nserious': 1, 'b-production': 1, 'coincided': 1, 'pesimism': 1, '1138': 1, 'quash': 1, 'organa': 1, 'eisely': 1, 'quashing': 1, 'aviation': 1, 'anti-': 1, 'damsel-in-distress': 1, 'stears': 1, '-winning': 1, '\\nnewer': 1, 'enchantment': 1, "'frequency": 1, 'interval': 1, "\\nfrequency\\'s": 1, "frequency\\'s": 1, 'near-fully': 1, '\\nscreenplays': 1, 'quincey': 1, 'profundis': 1, "suspiria\\'s": 1, 'sour-old-matriarch-from-hell': 1, 'adversely': 1, "goblin\\'s": 1, '\\nsuspiria': 1, 'inactive': 1, 'movers': 1, 'robbi': 1, 'ounces': 1, "pistol\\'s": 1, 'jerked': 1, 'zap': 1, 'spaced-out': 1, 'offensiveness': 1, "'directed": 1, 'pixote': 1, 'hendel': 1, 'butoy': 1, 'glebas': 1, 'gaetan': 1, 'brizzi': 1, 'ludwig': 1, 'respighi': 1, 'gershwin': 1, 'shostakovich': 1, 'stravinsky': 1, 'scripture': 1, 'ephesians': 1, '15-16': 1, '\\nsixty': 1, 'half-decade': 1, '\\nranging': 1, 'synthesis': 1, 'giant-screened': 1, 'discontented': 1, 'familiarize': 1, 'nihgt': 1, 'listener': 1, 'levites': 1, 'exalts': 1, 'tantoo': 1, 'notched': 1, 'multiracial': 1, 'corporeal': 1, 'teasers': 1, 'tissues': 1, 'tearjerkers': 1, "'disney": 1, '\\nfa': 1, 'chafing': 1, 'demurely': 1, 'honorably': 1, '\\nsecretly': 1, 'chien-po': 1, 'tondo': 1, 'crickey': 1, 'gargoyles': 1, 'depersonalized': 1, 'mufasa': 1, "bambi\\'s": 1, 'restrictive': 1, 'bucking': 1, 'rereading': 1, 'problematical': 1, 'non-memorable': 1, 'provincial': 1, 'looted': 1, '\\ngenvieve': 1, 'potenza': 1, 'piscapo': 1, '\\nmanaging': 1, 'no-holds-': 1, 'cliche-fest': 1, "squaresoft\\'s": 1, 'top-selling': 1, 'pimples': 1, "fantasy\\'s": 1, 'hironobu': 1, 'sakaguchi': 1, '2065': 1, 'often-invisible': 1, 'unexplainable': 1, 'monomaniacal': 1, 'counteract': 1, 'science-heavy': 1, 'seemed--though': 1, "\\'star": 1, 'equivolence': 1, "kick-the-aliens\\'-asses": 1, 'arachnid-type': 1, 'web-based': 1, 'summations': 1, '\\nstating': 1, 'bulletins': 1, 'terminals': 1, 'classrooms': 1, 'nudie': 1, '\\ncasper': 1, "busey\\'s": 1, 'unrelentless': 1, 'lingered': 1, "'billed": 1, 'paglia': 1, 'heart-felt': 1, 'porn-actress-turned-porn-producer': 1, 'uphill': 1, 'dworkin': 1, 'pro-porn': 1, 'shauny': 1, 'klitorsky': 1, 'femme-butch-femme': 1, '\\nhartley': 1, 'non-triple-x': 1, '\\nshauny': 1, 'straight-ahead': 1, 'skilful': 1, 'bachmann': 1, 'psychedelia': 1, '\\nbubbles': 1, 'yonezo': 1, 'maeda': 1, 'toshiyuki': 1, 'honda': 1, 'masahitko': 1, 'tsugawa': 1, 'shiro': 1, 'ito': 1, 'yuji': 1, 'miyake': 1, 'akiko': 1, 'matsumoto': 1, 'minbo': 1, "supermarkets\\'": 1, '\\nbargains': 1, "goro\\'s": 1, 'humbler': 1, '\\nhanako': 1, "\\nhanako\\'s": 1, 'hassles': 1, 'paybacks': 1, 'specially': 1, 'temperatures': 1, 'ukraine': 1, 'italian-like': 1, 'nuclear-weapon': 1, 'avowed': 1, 'aroway': 1, 'therefor': 1, 'gereally': 1, 'transmitions': 1, 'aggrivate': 1, 'psitive': 1, 'slimey': 1, 'maddalena': 1, "waxman\\'s": 1, 'divesting': 1, 'raiment': 1, 'lunching': 1, 'keane': 1, 'ultraconfident': 1, 'murderess': 1, 'deflects': 1, "anthony\\'s": 1, 'flaquer': 1, '\\ncourt': 1, 'testifying': 1, 'fallow': 1, "trial\\'s": 1, 'braxton': 1, 'summa': 1, 'laude': 1, 'not-': 1, 'so-bright': 1, '151': 1, '122': 1, "braxton\\'s": 1, 'administered': 1, '\\nwayland': 1, 'epilepsy': 1, 'questioners': 1, 'discrepancies': 1, 'telephones': 1, "deceiver\\'s": 1, 'tightrope': 1, 'evaluating': 1, '12th': 1, "fiance\\'": 1, 'third-class-party': 1, 'naivety': 1, 'skecthes': 1, 'cowards': 1, '\\nspent': 1, 'arrises': 1, 'one-hit': 1, 'oneders': 1, 'appliance': 1, 'restricting': 1, 'ultra-cheesy': 1, '\\nmute': 1, 'curveball': 1, 'exorcist-rip': 1, 'weakened': 1, '\\nbava': 1, 'daria': 1, 'nicolodi': 1, "dora\\'s": 1, 'libra': 1, 'odd-sounding': 1, '\\nlamberto': 1, "barbieri\\'s": 1, 'sow': 1, '\\nscholars': 1, "vampire\\'s": 1, '\\nadmitedly': 1, '#5': 1, 'deviation': 1, '\\nsuperman': 1, '\\nuses': 1, 'goyer': 1, 'hematologist': 1, "n\\'bushe": 1, 'titanium': 1, 'capoeira': 1, 'brazillian': 1, '\\nmarked': 1, '\\nobvious': 1, 'exhaling': 1, 'deactivating': 1, "'quentin": 1, 'ebert-written': 1, 'talent--samuel': 1, 'beaumont': 1, '\\nrevealing': 1, 'dogs-style': 1, 'differentiation': 1, 'superceded': 1, 'grieg': 1, 'eng': 1, "wah\\'s": 1, 'jubilee': 1, 'kio': 1, 'floods': 1, 'tornado-caused': 1, 'out-of-their-mind': 1, 'twister-occurrences': 1, 'kamikazes': 1, 'gearing': 1, 'mother-of-all-storms': 1, 'rogue-ish': 1, 'city-bred': 1, "measurement\\'s": 1, 'early-warning': 1, 'corporation-funded': 1, 'beaten-up': 1, "jonas\\'s": 1, 'link-ups': 1, 'all-terrain': 1, 'jonas^os': 1, 'barns': 1, 'abiility': 1, 'visualised': 1, 'stressing': 1, 'effect-dependent': 1, 'whoop': 1, "et\\'s": 1, '\\njailed': 1, 'nobler': 1, 'carter--a': 1, '\\nnorman': 1, 'hard-knock': 1, 'good-but-not-great': 1, 'dolefully': 1, 'lovey-dovey': 1, "hedaya\\'s": 1, "\\nlove\\'s": 1, '\\ncriticism': 1, 'levied': 1, 'nobly': 1, "sagan\\'s": 1, 'skerrit': 1, 'disdains': 1, "hadden\\'s": 1, 'insincerely': 1, 'discredited': 1, 'clarice': 1, 'unconditionally': 1, '\\nreligious': 1, 'denounced': 1, 'nakedly': 1, 'disqualified': 1, '\\nallegra': 1, 'gameport': 1, 'interrelate': 1, 'amfibium': 1, 'cronenbergto': 1, 'dimensionality': 1, 'cops-on-the-trail-of-serial-killer': 1, 'offenders': 1, 'gluttony': 1, 'down-played': 1, 'upteenth': 1, 'lept': 1, 'resembled': 1, "\\nbeethoven\\'s": 1, 'warts-and-all': 1, "\\nwoody\\'s": 1, 'congregate': 1, 'boucing': 1, 'polymorphously': 1, 'ekberg': 1, 'selfishly': 1, 'sitations': 1, 'hot-as-hell': 1, 'un-dicaprio-esque': 1, 'all-day': 1, 'groupies': 1, "\\nallen\\'s": 1, 'celebrity-hood': 1, 'crucifixtion': 1, 'nazareth': 1, 'closese': 1, 'bibile': 1, 'denounces': 1, '\\nkeitel': 1, "jesus\\'": 1, 'riviting': 1, 'velociraptor': 1, 'spear': 1, 'harve': 1, 'presnell': 1, "\\nthere\\'d": 1, '\\nattitude': 1, 'sugarcoat': 1, 'preservation': 1, 'testosterone-driven': 1, 'semi-introspective': 1, 'nails-tough': 1, 'ink': 1, 'rifling': 1, 'thrugh': 1, 'airborne': 1, '#6': 1, '\\nforgotten': 1, 'operators': 1, 'flanks': 1, 'well-secured': 1, 'stronghold': 1, '50-foot': 1, 'inflict': 1, "'\\'lake": 1, 'horror/comedies': 1, 'palentologist': 1, 'sherriff': 1, 'migrated': 1, 'smartness': 1, 'smartmouths': 1, "\\n\\'lake": 1, 'semi-brainless': 1, 'memory-diminishing': 1, 'moniters': 1, '\\nnypd': 1, 'no-good': 1, 'marble': 1, 'recommeded': 1, 'grounding': 1, '\\nhostages': 1, 'crests': 1, '\\ndevereaux': 1, 'eventuality': 1, 'interments': 1, '\\nists': 1, 'palestinians': 1, 'lebanese-american': 1, 'arab-speaking': 1, 'arab-americans': 1, '\\nanette': 1, 'espionage': 1, 'snitches': 1, 'emerich': 1, 'undertake': 1, 'broadsword': 1, 'scalpel': 1, 'maniacial': 1, 'vaild': 1, 'revolutionized': 1, 'blatty': 1, 'mcniell': 1, 'georgetown': 1, 'convulsions': 1, 'winn': 1, '\\nexcrutiatingly': 1, 'incorpates': 1, 'engulfs': 1, "patrik\\'s": 1, "\\ngraham\\'s": 1, 'theirselves': 1, 'menges': 1, 'anti-apartheid': 1, '1987/88': 1, "menges\\'": 1, 'ressurection': 1, '2040': 1, 'infact': 1, 'proxima': 1, 'dissappears': 1, 'transmitting': 1, 'nonense': 1, '\\nclimaxes': 1, 'squemish': 1, "'scarface": 1, 'disclosing': 1, 'manolo': 1, 'high-roller': 1, 'elvira': 1, '\\nscarface': 1, '206': 1, "'trekkies": 1, "nygard\\'s": 1, 'cites': 1, 'posit': 1, 'apologetically': 1, 'photocopying': 1, 'juror': 1, 'whitewater': 1, 'vulcan-like': 1, 'fealty': 1, 'laugher': 1, 'avocations': 1, 'trekkie': 1, 'hygienists': 1, 'complainer': 1, 'linguists': 1, '\\nsandwiched': 1, 'up-beat': 1, '\\ntrekkies': 1, 'glasnost': 1, 'sonar': 1, 'marko': 1, '\\nramius': 1, '\\ncia': 1, "connery\\'s": 1, 'ackland': 1, 'water-tight': 1, 'unveiling': 1, 'southampton': 1, "high-society\\'s": 1, 'worldly-wise': 1, 'mistrustful': 1, 'non-fictional': 1, 'fabrizio': 1, 'archibald': 1, 'gracie': 1, 'trimmings': 1, 'layouts': 1, 'meticulousness': 1, 'computer-generate': 1, "\\ncould\\'ve": 1, 'analytic': 1, 'katsulas': 1, 'coordinators': 1, "'pollock": 1, 'bower': 1, 'emshwiller': 1, 'naifeh': 1, '\\n-jackson': 1, 'constructive': 1, 'flowers--tear': 1, 'dissertations': 1, 'backhanded': 1, 'soundbite': 1, 'haters': 1, 'demystification': 1, 'labour-intensive': 1, 'imponderable': 1, 'editorializing': 1, '\\n_pollock_': 1, 'outside-in': 1, 'pre-intellectualizing': 1, 'cubism': 1, 'harmonious': 1, 'start--pollock': 1, 'elsewhere--their': 1, 'conniptions': 1, '\\npollock': 1, 'dalliances': 1, 'klingman': 1, 'enamoured': 1, 'invasive': 1, "beal\\'s": 1, 'score--i': 1, 'interrupting': 1, 'reload': 1, '\\nfound': 1, 'gentleness': 1, '\\ngags': 1, 'vocalized': 1, '`big': 1, "jerk\\'": 1, '\\ngoldwyn': 1, 'silverback': 1, 'burley': 1, 'all-together': 1, 'kiddies': 1, '\\nendless': 1, 'ji': 1, 'mcgreggor': 1, '\\ncommon': 1, 'cityscapes': 1, 'tusken': 1, 'oft': 1, 'individual-underdog': 1, 'americanised': 1, 'parliamentary': 1, 'livewire': 1, 'to-hell-with-morality': 1, 'to-hell-with-the-law': 1, 'to-hell-with-the-system': 1, 'ex-stripper': 1, '\\nfriedrich': 1, 'moral-christian': 1, 'gowns\x05\x05euuugh': 1, "japan\\'": 1, '\\nvisual': 1, "'deep": 1, 'booboos': 1, '\\nheh': 1, 'oumph': 1, "\\'ol": 1, 'expections': 1, '\\nfamiliar': 1, "\\'nuff": 1, 'ewwww': 1, 'nottice': 1, 'crawly': 1, 'jordans': 1, 'quire': 1, 'two-century': 1, '1791': 1, '\\neverlasting': 1, '\\nlouis': 1, 'pierces': 1, 'grief-stricken': 1, 'euro-vamps': 1, 'rousselot': 1, 'inky-blue': 1, 'moonlight': 1, 'ferretti': 1, 'middleton': 1, 're-create': 1, "\\ncruise\\'s": 1, '\\nwrapped': 1, 'forwarned': 1, 'traumnovelle': 1, 'schnitzer': 1, "musn\\'t": 1, 'stickler': 1, 'bloopers/flubs': 1, '\\n16': 1, '\\nreflection': 1, 'overlays': 1, 'unrated': 1, '\\nspoilers': 1, 'x-mas': 1, 'soiree': 1, 'storagehouse': 1, "party\\'s": 1, 'marijunana': 1, 'outed': 1, 'pidgeonhole': 1, 'immoralistic': 1, '\\nnominated': 1, 'erich': 1, "korngold\\'s": 1, "weyl\\'s": 1, "flynn\\'s": 1, 'locksley': 1, '\\nflynn': 1, 'toothy': 1, 'ear-to-ear': 1, 'dreamy-eyed': 1, 'fitzswalter': 1, 'oversaturated': 1, 'preordained': 1, '\\nsherlock': 1, 'gisbourne': 1, 'rathbone': 1, "'swashbuckling": 1, 'murrieta': 1, 'a-plenty': 1, "zorro\\'s": 1, 'chugging': 1, 'eskow': 1, 'rosio': 1, "\\'buy\\'": 1, 'spielbergs': 1, 'uniqe': 1, 'mineo': 1, 'lionize': 1, 'rattigan': 1, 'shilling': 1, 'formidably': 1, 'staccatto': 1, "hawthorne\\'s": 1, 'suffrage': 1, "'catherine": 1, "deane\\'s": 1, 'faculties': 1, 'life-sized': 1, 'vegetative': 1, 'dreamscape': 1, 'brainstorm': 1, 'zoo-like': 1, 'marionettes': 1, '\\ndetractors': 1, 'recoiling': 1, 'disemboweling': 1, 'spit-like': 1, "dreamworks\\'s": 1, 'penney': 1, 'exclude': 1, "\\ndreamworks\\'s": 1, 'egpyt': 1, 'jethro': 1, 'hotep': 1, 'huy': 1, "cliff\\'s": 1, 'asbury': 1, 'lorna': 1, '\\ndemille': 1, 'golds': 1, 'director/actor/co-writer': 1, 'frankenstein-films': 1, 'effectful': 1, '\\nhorror-fans': 1, '1794': 1, 'gole': 1, '\\nexhausted': 1, 'myserious': 1, '\\nlaughter': 1, 'banquets': 1, 'cherie': 1, 'lunghi': 1, '\\nshocked': 1, '\\npromiss': 1, 'marridge': 1, 'presuite': 1, 'overtakes': 1, '\\ncomposing': 1, 'breeth': 1, 'epidemic': 1, "\\nwhale\\'s": 1, '\\nbrannagh': 1, 'gwynne': 1, 'munster': 1, '\\nalone': 1, 'vaulerbility': 1, 'daemon': 1, 'three-dimensionality': 1, 'trolls': 1, 'unsecure': 1, 'vaulerble': 1, 'building-up': 1, 'acore': 1, 'alps': 1, 'plague-riddled': 1, 'exacly': 1, 'horrifies': 1, '\\nvictor': 1, 'coppolas': 1, "shelly\\'s": 1, 'munundating': 1, 'lifeline': 1, 'shakesperean': 1, 'disatisfaction': 1, 'privelege': 1, 'restraints': 1, 'masochist': 1, 'orgiastic': 1, "boxer\\'s": 1, "eisenstein\\'s": 1, 'pysche': 1, 'universality': 1, 'dymanite': 1, '1500s': 1, 'crowened': 1, 'elizabethian': 1, 'zant': 1, 'laugh-filled': 1, 'dissing': 1, 'pot-induced': 1, 'velma': 1, 'affleck-damon': 1, '\\ngoodbye': 1, 'fi/comedy': 1, 'benning': 1, 'hooray': 1, 'front-page': 1, "sellars\\'": 1, 'multi-purpose': 1, 'burgles': 1, 'pasta': 1, 'hooch': 1, '\\nspottiswoode': 1, 'rested': 1, '\\nreturned': 1, 'undertone': 1, "\\'mallrats\\'": 1, "\\'chasing": 1, "amy\\'": 1, '\\nazrael': 1, "f\\'words": 1, '\\nlinda': 1, "hunting\\'": 1, "\\n\\'dogma\\'": 1, 'purists': 1, 'destructions': 1, '802': 1, '701': 1, 'preyed': 1, 'attractiveness': 1, 'degenerating': 1, 'filby': 1, '\\nyvette': 1, '\\nmansfield': 1, 'taylor-gordon': 1, 'revision': 1, 'abbotts': 1, 'austen-like': 1, '\\nmarriage': 1, 'self-preservation': 1, 'insoluble': 1, 'cleave': 1, 'twain': 1, "'saving": 1, 'sentimentally': 1, "'50\\'s": 1, '`aliens': 1, "\\nearth\\'": 1, 'synchronised': 1, '1-on-1': 1, 'wafer-thin': 1, 'screen-viewer': 1, 'us$68': 1, 'commissioning': 1, "f-18\\'s": 1, '250': 1, 'documentarians': 1, 'steadi-cam': 1, 'tape-to-film': 1, 'boatloads': 1, "'apocalypse": 1, 'beret': 1, '\\naccusing': 1, 'handing': 1, '\\nescorting': 1, 'riverboat': 1, 'napalm': 1, '\\nkilgore': 1, '\\nsurf': 1, "kurtz\\'s": 1, '\\nkurtz': 1, "willard\\'s": 1, 'linus': 1, 'marriageable': 1, 'mcgovern': 1, '\\nmillie': 1, "m\\'s": 1, "merton\\'s": 1, 'life-ruining': 1, '\\nroache': 1, "\\nmillie\\'s": 1, 'low-traffic': 1, 'geographically': 1, "'earlier": 1, 'receipt': 1, 'keogh': 1, 'unclaimed': 1, 'dromey': 1, 'stocky': 1, '91': 1, 'capita': 1, 'all-or-nothing': 1, 'swordfishing': 1, 'gloucester': 1, "wittliff\\'s": 1, 'hauls': 1, 'walhberg': 1, 'girl-friend': 1, "skipper\\'s": 1, 'lb': 1, 'meteorologist': 1, 'simulating': 1, '\\nnightmare': 1, 'skellington': 1, 'grove': 1, 'christmastown': 1, 'joy-provider': 1, 'gift-bearer': 1, 'rediscovering': 1, 'co-mingling': 1, 'shrunken': 1, 'sleigh': 1, 'oogie': 1, 'oingo': 1, 'boingo': 1, 'whic': 1, 'equally-innovative': 1, 'massacering': 1, 'much-larger': 1, '165': 1, 'mph': 1, 'hibernated': 1, 'expelling': 1, 'once-breeding': 1, 'hidding': 1, 'ventilation': 1, 'suspensefully': 1, 'film-the': 1, 'time-titanic': 1, 'kujan': 1, 'grills': 1, '\\nkujan': 1, '\\nkint': 1, 'police-station': 1, 'mordantly': 1, 'hockney': 1, '--crooked': 1, 'kingpins': 1, 'shell-game': 1, 'hinging': 1, '\\npalminteri': 1, '\\ndel': 1, '\\npollak': 1, "\\nspacey\\'s": 1, 'furnishing': 1, 'plexus': 1, 'startle': 1, '\\neight-year-old': 1, '\\neleven-year-old': 1, 'self-composure': 1, '\\ntwenty-eight': 1, 'reevaluation': 1, 'scriptural': 1, 'serpent': 1, 'perpetuated': 1, 'commence': 1, 'rejoicing': 1, 'resound': 1, 'compile': 1, "\\nmel\\'s": 1, 're-shot': 1, 'responsive': 1, 'articulated': 1, 'iranian': 1, 'dariush': 1, 'thirty-year': 1, "mehrjui\\'s": 1, 'conceiving': 1, '\\nbluntly': 1, 'shallowly': 1, 'unrequisite': 1, 'outraging': 1, 'punctiation': 1, "\\nmehrjui\\'s": 1, 'morales': 1, "'barely": 1, 'scrapping': 1, 'spirit-dead': 1, 'goony': 1, '\\nunconsummated': 1, '\\nstar-crossed': 1, 'gaga': 1, 'barely-teen': 1, 'vegetarian': 1, '\\nrosie': 1, 'existences': 1, 'inputs': 1, 'interlinked': 1, 'atrophied': 1, 'clandestinely': 1, 'straightforwardness': 1, 'writers/directors': 1, "intelligence\\'s": 1, 'anti-intruder': 1, "morpheus\\'s": 1, 'semi-circle': 1, 'cartridges': 1, "mclachlan\\'s": 1, 'receptacle': 1, '\\nfbi': 1, 'nouri': 1, 'ferraris': 1, "salsa\\'d": 1, 'gore-fest': 1, 'eye-catcher': 1, "maclachlan\\'s": 1, 'non-david': 1, 'bataillon': 1, "hildyard\\'s": 1, 'adaptable': 1, 'mad-scientist-in-bavarian-castle': 1, 'baseman': 1, 'silver-bladed': 1, 'garlic-filled': 1, 'glean': 1, 'rolex': 1, 'anti-vampire': 1, 'man-portable': 1, 'relegating': 1, 'multiplying': 1, 'hate-mail': 1, 'pounder': 1, 'shoot-up': 1, "marcellus\\'": 1, 'mcclain': 1, 'heirloom': 1, 'flash-back': 1, 'winde': 1, 'gimp': 1, 'reminicent': 1, 'q-man': 1, 'letterbox': 1, 'pan-and-scan': 1, 'out-right': 1, 'motherfucker': 1, 'unseasonably': 1, 'idolized': 1, '\\nruss': 1, 'one-horse': 1, 'stripclub': 1, 'agendas': 1, 'medgar': 1, "evars\\'": 1, 'myrlie': 1, 'evars': 1, 'delaughter': 1, 'slave-ship': 1, 'intoning': 1, 'larded': 1, 'oscar-consideration': 1, '25-years': 1, "'towards": 1, '\\nstephens': 1, "stephens\\'": 1, 'units': 1, "\\negoyan\\'s": 1, 'kettle': 1, 'tingles': 1, 'mountainsides': 1, 'low-hanging': 1, 'fogs': 1, 'interiors--in': 1, "'losing": 1, '\\nreacting': 1, 'baily': 1, 'ex-boss': 1, 'hot-tempered': 1, '\\ncovering': 1, 'biggest-breaking': 1, 'smalltime': 1, 'ex-co-': 1, 'potts': 1, 'nationally': 1, 'hollander': 1, 'sensationalistic': 1, "\\nkirshner\\'s": 1, "kirshner\\'s": 1, 'kinda-bitchy-in-a-reserved-way': 1, 'mormon': 1, 'zealots': 1, '40s': 1, "\\'sex": 1, 'boos': 1, "gettin\\'": 1, 'pouncing': 1, 'trashy--well': 1, 'ambulance-chasing': 1, 'neck-brace': 1, 'unwelcomed': 1, 'erect': 1, 'fly-by': 1, 'swampy': 1, 'it--people': 1, 'no-nudity': 1, '18-24': 1, '\\n[warning': 1, 'grassroots': 1, 'uprisings': 1, 'fiefdoms': 1, 'wastelands': 1, 'holnist': 1, 'retro-futuristic': 1, 'liberates': 1, 'renews': 1, '\\nfood': 1, 'afire': 1, 'pony': 1, "holnists\\'": 1, 'derivitive': 1, 'eights': 1, 'holnists': 1, 'holism': 1, 'mayan': 1, 're-powering': 1, 'nationalism': 1, 'indianapolis': 1, 'connundrum': 1, 'cappuccino': 1, 'agreements': 1, 'hypnotist': 1, 'roomate': 1, 'buds': 1, 'kasinsky': 1, 'oscar-nomination-worthy': 1, 'exstensive': 1, 'father/son': 1, 'doctor/patient': 1, 'generalization': 1, 'parallelism': 1, 'girl/boy': 1, 'acheives': 1, 'awesomeness': 1, 'posessing': 1, 'reccomending': 1, 'impressive-as-ever': 1, 'clothesline': 1, 'trash-talking': 1, 'fasttalking': 1, 'white-man-black-man': 1, 'dictates': 1, '\\nbio-pics': 1, 'hero-': 1, 'counterexample': 1, '\\nhistorically': 1, 'bestial': 1, 'inextricably': 1, 'spar': 1, 'brother/manager': 1, 'capitulate': 1, 'shrewish': 1, 'diseased': 1, '\\ncathy': 1, '\\npesci': 1, 'misogyny': 1, '\\nmoriarty': 1, 'ensnare': 1, 'contenda': 1, 'perilously': 1, 'straight-forwardly': 1, 'horseshit': 1, 'preceeded': 1, 'unaffecting': 1, 'comically-named': 1, 'idosyncrasies': 1, 'over-stylized': 1, '\\nhumbert': 1, 'fantsy': 1, 'pervert': 1, 'nabokov': 1, 'obsessional': 1, 'economized': 1, 'lyon': 1, 'bratiness': 1, 'self-centeredness': 1, 'blackmails': 1, "lolita\\'s": 1, 'scolding': 1, 'overly-religious': 1, 'clare': 1, 'quilty': 1, '\\nquilty': 1, 'proning': 1, 'cinema-wise': 1, '\\nliar': 1, 'sculpture': 1, 'demolishes': 1, 'cyanide': 1, 'semi-predictable': 1, 'sustains': 1, 'motorized': 1, 'merciful': 1, 'broadcasted': 1, 'yasmeen': 1, 'bleeth': 1, '\\nunderneath': 1, 'to-die-for': 1, 'world-reknowned': 1, 'storytellers': 1, 'overdramaticizes': 1, 'auriol': 1, 'keely': 1, 'kiffer': 1, 'finzi': 1, 'morissey': 1, 'semi-star-making': 1, 'barenboim': 1, 'overcloud': 1, "hilary\\'s": 1, 'melodramtic': 1, 'semi-smiliar': 1, 'overpraise': 1, "old\\'s": 1, 'overpraising': 1, 'newtons': 1, 'step-for-step': 1, '\\ngriffiths': 1, 'rainman': 1, 'not-totally-great': 1, 'hanks/ryan': 1, 'adorably': 1, 'perky/cute': 1, 'megahit': 1, 'shopgirl': 1, 'emailing': 1, 'ny152': 1, 'un-detailed': 1, '\\nny152': 1, 'mega-bookstores': 1, '\\nnah': 1, '\\ne-mail': 1, 'eyeroll': 1, 'predestination': 1, 'castleton': 1, '29-': 1, 'deluding': 1, 'accomplishing': 1, 'backpedaling': 1, "\\nerin\\'s": 1, "fate\\'s": 1, "alan\\'s": 1, 'dream-': 1, '\\nco-writers': 1, 'lyn': 1, 'vaus': 1, 'subliminally': 1, 'futuristic-looking': 1, 'auriga': 1, 'wren': 1, 'gediman': 1, 'sytable': 1, 'analee': 1, 'non-sexual-yet-slightly-homoerotic': 1, '-brand': 1, 'semi-noir': 1, '\\njean-pierre': 1, 'deapens': 1, '\\njohner': 1, 'chauvenist': 1, 'johner': 1, 'bastad': 1, 'anxiety-ridden': 1, '\\nwinona': 1, 'ovular': 1, "\\nwilde\\'s": 1, 'inquiries': 1, 'androgony': 1, "haynes\\'": 1, '\\nstructure-wise': 1, 'ex-friend': 1, 'addictively': 1, 'then-footage': 1, 'secluding': 1, 'curt': 1, 'reducing': 1, 'wildness': 1, 'ex-manager': 1, 'slade/wild': 1, 'wow-inspiring': 1, 'ratttz': 1, 'iggy-esuqe': 1, 'post-movement': 1, "eno\\'s": 1, "camel\\'s": 1, 'exhileration': 1, 'frock': 1, 'none-too-obvious': 1, 'roxy': 1, 'yorke': 1, 'bowie-like': 1, '\\nrhys': 1, "meyers\\'": 1, 'retro-garbo': 1, 'salinger-ism': 1, 'sniffing': 1, "\\nbale\\'s": 1, 'perpetually-changing': 1, 'androgonys': 1, 'who-cares': 1, 'shuddered': 1, '\\nbaz': 1, 'luhrman': 1, 'companies/families': 1, 'modernisation': 1, "'krippendorf\\'s": 1, 'lidner': 1, '\\ntonight': 1, 'misusing': 1, 'over-eager': 1, 'tribesmen': 1, 'varieties': 1, 'comepete': 1, 'well-polished': 1, '\\ncottrell': 1, 'envigorating': 1, "'luckily": 1, 'internet-like': 1, 'morphin': 1, 'graduating': 1, 'photographers': 1, 'non-supermodel': 1, 'arachnid-like': 1, 'recognizably': 1, 'spoofery': 1, 'sci-fi/action/comedy': 1, 'severities': 1, '$15': 1, 'proto-humans': 1, 'cocooned': 1, '$85': 1, 'christy': 1, 'copes': 1, '\\nguided': 1, 'brimstone': 1, 'tracker': 1, '\\ncostume': 1, 'yvonne': 1, 'goer': 1, "sciorra\\'s": 1, 'machinegun': 1, '\\ndecades': 1, 'refining': 1, 'ramboids': 1, 'immortalised': 1, 'interpol': 1, 'tri-annual': 1, '\\ninterpol': 1, "han\\'s": 1, 'super-tech': 1, 'anti-violent': 1, 'shih': 1, 'kien': 1, 'bondian': 1, 'preclude': 1, "bailey\\'s": 1, 'baileys': 1, '\\nuncle': 1, "bank\\'s": 1, 'lead-in': 1, 'sugarish': 1, 'obeidient': 1, 'bert': 1, 'faylen': 1, 'sugar-coated': 1, 'eggnog': 1, 'acheivement': 1, '121': 1, 'digesting': 1, 'foretaste': 1, 'oldish': 1, 'mix-and-match': 1, 'businesswomen': 1, 'matrons': 1, 'summing': 1, 'immin': 1, 'ent': 1, 'standard-issue': 1, 'psychology-researcher': 1, 'mix-ups': 1, 't-name': 1, 'foot-massage': 1, 'carjacking': 1, 'neurotically-charged': 1, 'psychobabbler': 1, 'singling': 1, 'frenetically': 1, 'reagents': 1, 'nts': 1, 'outpouring': 1, 'fill-in-the-blank-american-comedy': 1, 'lovey': 1, 'one-ness': 1, "disaster\\'s": 1, 'charact': 1, 'ers': 1, 'feelgood': 1, "'nosferatu": 1, 'vampyre': 1, '1922': 1, 'bleakness': 1, 'bastardised': 1, 'klaus': 1, '\\nlocking': 1, 'bewitches': 1, '\\nnosferatu': 1, 'blue-ish': 1, 'peopled': 1, 'hypnotised': 1, 'mesmerising': 1, "kinski\\'s": 1, '\\npast': 1, "lugosi\\'s": 1, "dracula\\'s": 1, 'vampirism': 1, 'bloodlust': 1, "\\nkinski\\'s": 1, 'popul': 1, '\\npopul': 1, 'ancient-sounding': 1, 'spacemusic': 1, 'harmonies': 1, 'phenomenon-': 1, '\\ncreativity': 1, "larter\\'s": 1, 'kati': 1, 'outinen': 1, 'nen': 1, 'sakari': 1, 'kuosmanen': 1, 'elina': 1, 'timo': 1, 'salminen': 1, 'tram': 1, 'bookshelves': 1, 'idiosyncracy': 1, 'equated': 1, 'stultifying': 1, 'subsumed': 1, "l\\'atalante": 1, "l\\'argent": 1, 'upholstered': 1, 'inelegantly': 1, 'downsized': 1, 'bottoming': 1, "ilona\\'s": 1, '\\nirony': 1, 'exaggerated--this': 1, 'realism--but': 1, 'indignities': 1, 'thirty-eight': 1, 'judicious': 1, '96-minute': 1, 'dissipated': 1, 'resolves--surprisingly': 1, 'movingly--into': 1, 'ill-luck': 1, 'governs': 1, 'londoner': 1, "if\\'": 1, "\\'helen\\'": 1, "\\nhelen\\'s": 1, "\\'shagging": 1, 'untranslated': 1, 'scrambles': 1, 'starlight': 1, "\\'hospital": 1, "miracle\\'": 1, 'non-stereotyped': 1, 'inconveniences': 1, '\\ndistinguishing': 1, "\\'philosophy": 1, "fate\\'": 1, '\\nmonty': 1, "'sick": 1, 'vallejo': 1, 'kathe': 1, 'burkhart': 1, 'valencia': 1, 'debilitates': 1, 'saturating': 1, 'recouperating': 1, "\\nflanagan\\'s": 1, 'idelogy': 1, 'revelled': 1, 'museums': 1, '\\nbehold': 1, 'anus': 1, 'decade--': 1, '\\nflanagan': 1, 'candidness': 1, 'peforming': 1, 'approachment': 1, 'devotee': 1, "flanagan\\'s": 1, '\\nbrimming': 1, 'murmuring': 1, 'pseudo-playmate': 1, 'auntie': 1, "dinsmoor\\'s": 1, 'dilapidating': 1, 'hot-and-cold': 1, 'plop': 1, "lubezki\\'s": 1, 'steamier': 1, 'amos': 1, 'slip-ups': 1, "\\npaltrow\\'s": 1, 'icily': 1, 'fueling': 1, 'mambos': 1, '\\nalfonso': 1, "cuaron\\'s": 1, 'gloppy': 1, 'renovated': 1, '#8': 1, 'pre-paid': 1, 'co-pilot': 1, 'copping-out': 1, 'passe': 1, 'third-person': 1, 'top-down': 1, 'c-for-charlie': 1, "c-for-charlie\\'s": 1, 'win-at-all-costs': 1, 'corporals': 1, '\\nwelsh': 1, 'belittle': 1, "\\'nikita\\'": 1, "\\'leon\\'": 1, 'smelled': 1, 'yolande': 1, "d\\'aragon": 1, 'calmer': 1, 'paranoiac': 1, 'polishing': 1, "malcovich\\'": 1, "\\'titus\\'": 1, 'viscously': 1, 'rais': 1, 'aulon': 1, 'ridings': 1, 'banners': 1, "\\njeanne\\'s": 1, '\\nbess': 1, 'mtv-generation': 1, 'topps': 1, 'middle-of-the-road': 1, 'resilience': 1, '\\nportrays': 1, 'schmucks': 1, 'canals': 1, 'earthward': 1, 'ringers': 1, 'theremin-driven': 1, 'purple-sequined': 1, 'preempt': 1, 'dishearteningly': 1, "strangelove\\'s": 1, 'turgidson': 1, 'nook': 1, 'big-haired': 1, 'pointy-breasted': 1, 'vampira': 1, 'octogenarian': 1, 'skull-faces': 1, 'egg-eyes': 1, 'malevolence': 1, 'gremlins': 1, 'monuments': 1, 'suschitzky': 1, "thomas\\'s": 1, '\\nregimen': 1, "\\ncronenberg\\'s": 1, 'holocaust-ravaged': 1, 'wish-fulfillment': 1, 'entertainers': 1, 'determining': 1, 'elitists': 1, 'kitschiest': 1, 'winking': 1, 'trippy': 1, 'hyperspeed': 1, 'eyepopping': 1, 'blowed': 1, 'reeked': 1, 'cheapjack': 1, 'timing-oriented': 1, 'pretzels': 1, 'ex-agent': 1, 'bone-rattling': 1, 'punch-outs': 1, 'switchblade': 1, 'dextrous': 1, '\\nstavros': 1, 'humanizes': 1, 'slinging': 1, 'aug': 1, '26th/1998': 1, 'bullshitting': 1, 'jeannie': 1, 'modelled': 1, 'girlfriend/boyfriend': 1, 'hazardus': 1, 'seer': 1, 'movie-of-the-week': 1, 'vulnerabilities': 1, 'sfxfest': 1, 'biases': 1, 'dion-esque': 1, 'cross-promotion': 1, 'llamas': 1, 'yzma': 1, "seinfeld\\'s": 1, '\\nkuzco': 1, 'pacha': 1, 'llama-herder': 1, "kuzco\\'s": 1, '\\nyzma': 1, 'showgirl': 1, 'hope/crosby': 1, '\\nspade': 1, '\\ncross-dressing': 1, 'cpr': 1, "july\\'s": 1, '\\ncities': 1, 'snicker-worthy': 1, 'co-venture': 1, 'microsoft': 1, 'twofold': 1, 'discoverer': 1, 'baluyev': 1, 'comet-bombing': 1, 'true--a': 1, 'carat': 1, 'gypsies': 1, "ritchies\\'s": 1, "intro\\'d": 1, 'helmer/scripter': 1, 'hyper-kinetic': 1, "avi\\'s": 1, "\\nfrankie\\'s": 1, 'sol': 1, 'stratham': 1, '\\nbrick': 1, 'devour': 1, 'double-deals': 1, 'rough-and-tumble': 1, 'shiver': 1, 'pikers': 1, 'brigand': 1, 'sorcha': 1, 'lenser': 1, 'maurice-jones': 1, "'tbwp": 1, 'us$130': 1, '\\nrumours': 1, "`marketing\\'": 1, 'cult-like': 1, 'suspect\x05': 1, 'mis-adventure': 1, '\\ntbwp': 1, 'stock-shoot': 1, 'indie-film': 1, 'gutierrez': 1, 'subdesarrollo--': 1, 'state-sanctioned': 1, 'missive': 1, '\\nfellow': 1, 'internetters': 1, 'soc': 1, 'line--it': 1, 'repressiveness': 1, 'tolerating': 1, 'film--twice': 1, '\\nstrawberry': 1, 'dialectic': 1, 'materialist': 1, '\\ngrateful': 1, 'avocation': 1, 'perceives': 1, 'theoreticians': 1, "\\ncuba\\'s": 1, "\\ndiego\\'s": 1, 'things--tea': 1, 'revolucionario': 1, 'faustian': 1, '\\ngutierrez': 1, 'tabio': 1, 'aguilar': 1, 'op': 1, '\\npiece': 1, 'fresa': 1, '21a': 1, '\\naguilar': 1, 'nuez': 1, 'legitimize': 1, 'forbidding': 1, 'risk-adverse': 1, 'sharpster': 1, 'acrobats': 1, 'ballet-': 1, 'un-flashy': 1, "\\nnick\\'s": 1, 'mat': 1, "associates\\'": 1, 'kario': 1, 'dobbs': 1, 'flashiest': 1, 'harrold': 1, 'lowdown': 1, 'misused': 1, 'waitering': 1, 'venner': 1, 'jove': 1, "'getting": 1, 'randal': 1, "kleiser\\'s": 1, 'film--one': 1, 'birdsall': 1, 'who--gasp--is': 1, '45-year-old': 1, 'introversion': 1, "\\nbirdsall\\'s": 1, 'seducer': 1, "redgrave\\'s": 1, 'twenty-year-old': 1, "horrocks\\'": 1, 'heywood': 1, 'inedible': 1, 'scalding': 1, 'winthrop': 1, 'maturation': 1, 'a-go-go': 1, '\\nkeyser': 1, 'foreign-language': 1, 'encyclopedias': 1, 'supermarkets': 1, 'buckney': 1, 'award{symbol': 1, '153': 1, 'h}': 1, 'so-named': 1, 'felons': 1, "soze\\'s": 1, 'infiltrating': 1, '$91': 1, 'unintelligent': 1, '_murder_': 1, '1583': 1, '\\ndealing': 1, 'subordination': 1, 'high-cultured': 1, 'genial': 1, 'east-west': 1, 'venier': 1, 'ravishing': 1, 'wining': 1, 'rejecting': 1, 'serenely': 1, 'encroachment': 1, 'ire': 1, 'inarguable': 1, 'transmits': 1, "herskovitz\\'s": 1, '\\npartnered': 1, 'bojan': 1, 'bazelli': 1, 'highly-stylized': 1, '\\nbazelli': 1, 'sixteenth-century': 1, 'garwood': 1, 'nailbiter': 1, 'scudding': 1, 'malfunctions': 1, 'musters': 1, 'cobble': 1, 'engrosses': 1, 'pugnacious': 1, 'heedful': 1, 'pseudo-suspenser': 1, 're-start': 1, '\\ndisconcerted': 1, "shop\\'s": 1, 'foam': 1, 'overblow': 1, 'letter-perfect': 1, 'physicality': 1, 'blotted': 1, 'tightness': 1, 'hitherto': 1, 'alleviates': 1, 'generics': 1, 'nail-biting': 1, 'out-of-this-world': 1, '\\nalfred': 1, 'suspense--and': 1, "20\\'s-early": 1, 'schizopolis': 1, "gallagher\\'s": 1, "giacomo\\'s": 1, 'minorly': 1, '\\nsoderbergh': 1, 'newly-born': 1, 'obssession': 1, '\\nstormare': 1, "mm\\'s": 1, 'methodically': 1, 'sadistically': 1, 'perpretrators': 1, 'rudely': 1, "`face/off\\'": 1, "\\n`8mm\\'": 1, 'stress-inducing': 1, "`i\\'ll": 1, "`stigmata\\'": 1, 'hard-edge': 1, "`goodfellas\\'": 1, "`kundun\\'": 1, 'disheartened': 1, '`taxi': 1, "driver\\'": 1, '`raging': 1, "bull\\'": 1, "\\nschrader\\'s": 1, '\\nglad': 1, "\\ndaylight\\'s": 1, '\\nsage': 1, 'nutmeg': 1, 'steel-gray': 1, 'aquamarine': 1, 'enhancer': 1, 'trelkins': 1, 'retrieval': 1, 'broodwarriors': 1, "cy\\'s": 1, 'tongue-tied': 1, '\\nturbo': 1, 'simmrin': 1, 'ashlee': 1, 'levitch': 1, '\\nstacey': 1, 'derides': 1, 'tolerates': 1, 'fungus': 1, 'acquisition': 1, 'mirth': 1, "mazzello\\'s": 1, 'vicariously': 1, 'coto': 1, 'eckstrom': 1, 'pllllleeeeease': 1, 'barney-like': 1, 'life-form': 1, 'hasty': 1, 'midknight': 1, "\\nspencer\\'s": 1, 'heralding': 1, 'ascension': 1, 'torrance': 1, 'induction': 1, 'harrowingly': 1, 'precipitous': 1, 'denigrates': 1, '\\nrecruited': 1, 'rejuvenated': 1, 'pornstar': 1, '\\nwholeheartedly': 1, 'swope': 1, 'incites': 1, 'impertinent': 1, "rocco\\'s": 1, 'perpetual-motion': 1, 'idioms': 1, 'ziembicki': 1, 'catapults': 1, 'pre-aids-scare': 1, 'abounded': 1, 'obliviousness': 1, 'now-outdated': 1, "swope\\'s": 1, 'eight-track': 1, "\\'freaky": 1, "deaky\\'": 1, "eddie/dirk\\'s": 1, 'tiegs': 1, '\\nably': 1, 'well-selected': 1, 'nostaligism': 1, 'pornography-related': 1, 'deemphasize': 1, 'salability': 1, 'hotbed': 1, 'carnality': 1, 'matter-of-factness': 1, 'lechery': 1, '\\nrant': 1, 'bemusing': 1, "\\'artistic\\'": 1, 'lacing': 1, 'double-edged': 1, 'hybridizes': 1, '152': 1, 'bench': 1, '\\nbanter': 1, 'essences': 1, 'nonjudgemental': 1, 'nits': 1, 'best-executed': 1, 'loose-cannon': 1, 'compadre': 1, 'rahad': 1, "ranger\\'s": 1, 'firecrackers': 1, 'giddiness': 1, 'prostration': 1, 'ulu': 1, "grosbard\\'s": 1, 'altercation': 1, 'demeanour': 1, 'sweet-faced': 1, 'prowling': 1, 'come-hither': 1, 'prudish': 1, 'forbade': 1, "cheadle\\'s": 1, "guzman\\'s": 1, "\\njack\\'s": 1, 'acquiescence': 1, "nights\\'": 1, 'asserts': 1, '\\nstriking': 1, 're-team': 1, '\\ndunne': 1, 'kindergartners': 1, 're-connect': 1, "elijah\\'s": 1, "dunne\\'s": 1, "jeremy\\'s": 1, 'heavy-handedness': 1, 'childishness': 1, 'ming-': 1, '\\ncartoons': 1, 'groveling': 1, 'stuggles': 1, '\\nchang': 1, '\\nsung': 1, 'screw-ups': 1, 'evil-eyed': 1, 'attilla-looking': 1, 'myagi': 1, '_will_': 1, "'harmless": 1, 'idolize': 1, 'ex-champion': 1, 'deities': 1, 'kauffman': 1, 'millius': 1, 'blockubuster': 1, 'hynek': 1, 'ufo-related': 1, 'sonorra': 1, 'coincide': 1, 'muncie': 1, 'guiler': 1, 'co-operation': 1, 'lacombe': 1, 'perilous': 1, 'pickets': 1, 'trumbull': 1, "haskin\\'s": 1, 'conspiratorial': 1, 'excitements': 1, 'multidimensionality': 1, '\\nmelinda': 1, 'garr': 1, "neary\\'s": 1, 'semi-official': 1, 'ufo-researching': 1, 'grey-skinned': 1, 'crime-gone-wrong': 1, 'borderline-psychotic': 1, 'cheater': 1, 'berated': 1, 'tournaments': 1, 'nymphomaniac': 1, 'creedence': 1, 'clearwater': 1, "revival\\'s": 1, 'nutcases': 1, '\\nshouts': 1, 'berates': 1, 'well-functioning': 1, 'un-dynamic': 1, 'butts': 1, "knowin\\'": 1, "takin\\'": 1, 'posits': 1, 'ice-bound': 1, '\\n28': 1, 'brigantine': 1, 'traverse': 1, 'weddell': 1, '\\nshackleton': 1, 'roughest': 1, 'crewmen': 1, '19-months': 1, 'grueling': 1, 'sled': 1, '800-mile': 1, 'nitpicks': 1, 'lilting': 1, "documentary\\'s": 1, 'year--every': 1, 'sur-prise': 1, 'niflheim': 1, 'bunyans': 1, 'waynes': 1, 'amalgamations': 1, "doin\\'": 1, 'breeze--or': 1, 'thought--will': 1, 'performances--always': 1, 'enforces': 1, '\\nastounding': 1, 'verification': 1, 'more--all': 1, 'boyhood--and': 1, 'numbskulls': 1, "'oh": 1, 'munundated': 1, 'book/film': 1, 'capper': 1, 'much-admired': 1, "it\\'s-a-holocaust-film": 1, "it\\'s-a-spielberg-film": 1, 'lawyerly': 1, 'adandon': 1, 'lukemia': 1, 'overachievement': 1, 'zeljko': 1, 'ivanek': 1, 'thanklessly': 1, 'engulfing': 1, 'quinland': 1, 'strickler': 1, 'depsite': 1, '\\nsuppose': 1, 'noteriaty': 1, "zallian\\'s": 1, 'thusly': 1, 'prosecuted': 1, 'subtley': 1, '\\nfacher': 1, 'generalize': 1, '\\nexley': 1, 'pent': 1, '\\nstunned': 1, '\\nla': 1, '\\norganized': 1, 'tell-all/show-all': 1, 'hudgeons': 1, '\\nsporting': 1, '\\nsuspicion': 1, 'riveted': 1, 'cross-pollination': 1, 'untangle': 1, '\\nabsorbing': 1, 'boy-o': 1, "confidential\\'\\'": 1, "'aliens": 1, 'squishy': 1, '\\nk': 1, 'terrestrials': 1, 'rewritten': 1, 'identifies': 1, 'schema': 1, 'migrates': 1, '`john': 1, 'alamo': 1, '`gary': 1, 'analogue': 1, 'paradigms': 1, 'gallantry': 1, 'neutralize': 1, 'castration': 1, "virgin\\'s": 1, 'prospecting': 1, 'broncobuster': 1, '`faggot': 1, "bickle\\'s": 1, 'corruptive': 1, '\\nmirroring': 1, 'confiscates': 1, 'shindig': 1, "ratzo\\'s": 1, 'salami': 1, "warhol\\'s": 1, "partygoers\\'": 1, 'kowtowing': 1, 'proletarian': 1, 'relinquished': 1, 'commensurately': 1, '\\ntossing': 1, 'excitedly': 1, '\\nreflections': 1, 'resign': 1, 'repel': 1, 'gatsby': 1, "buck\\'s": 1, 'atrophy': 1, 'illusory': 1, "'metro": 1, 'sfpd': 1, 'comer': 1, 'marksman': 1, 'cop/new': 1, '\\nassigns': 1, 'sarge': 1, 'tailor-made': 1, 'drip': 1, "wincott\\'s": 1, "cliches\\'": 1, 'rock/warner': 1, '\\ntiming': 1, 'schwinn': 1, 'minimizing': 1, 'benignly': 1, 'first-ever': 1, 'truthfulness': 1, 'dislocation': 1, 'edwin': 1, 'pang': 1, 'yip': 1, 'immaculately-white': 1, 'greenery': 1, 'wonderous': 1, 'cooly': 1, 'ultraviolet': 1, 'ambling': 1, 'yelps': 1, 'acclimatize': 1, 'sunbathing': 1, "bing\\'s": 1, 'newly-reunited': 1, 'stringent': 1, 'feng': 1, 'shui': 1, 'immigration': 1, 'rejoining': 1, 'detatched': 1, 'philosopical': 1, 'droning': 1, "law\\'s": 1, 'ling-ching': 1, "ming\\'s": 1, 'bummed': 1, 'festivals': 1, 'stagnate': 1, 'indecisiveness': 1, 'amelie': 1, 'tautou': 1, 'liked-': 1, 'mathieu': 1, 'colloquialisms': 1, 'loves/hates': 1, "'eric": 1, 'langlet': 1, '15-year-old': 1, 'arielle': 1, 'dombasle': 1, 'fedoore': 1, 'atkine': 1, 'greggory': 1, 'rosette': 1, 'brosse': 1, 'rohmer': 1, "1969\\'s": 1, 'mauds': 1, 'railly': 1, 'hornby': 1, '\\ndecimated': 1, 'categorizing': 1, 'sadder': 1, 'oscar-nomination': 1, 'secondarily': 1, 'cleaners': 1, 'mystery-horror': 1, 'unwraps': 1, 'unwinding': 1, 'pussyfoot': 1, 'brrrrrrrrr': 1, '\\nhoney': 1, 'hollywood-ian': 1, 'ah-ha': 1, 'tanktops': 1, 'liscinski': 1, 'aronov': 1, '\\nanimation': 1, 'stephn': 1, '\\n91': 1, 'shakier': 1, 'hook-laden': 1, 'composer-lyricist': 1, 'pan-slavic': 1, 'fawcett-style': 1, 'fronting': 1, 'beatific': 1, "gnosis\\'": 1, 'hegwig': 1, 'over-processed': 1, 'yitzhak': 1, 'bandmate': 1, 'bandanna': 1, 'angelic-appearing': 1, '\\nartist': 1, "wachowski\\'s": 1, 'sci-fi/kung-fu/shoot-em-up': 1, '\\nreluctant': 1, 'kong-style': 1, 'roundhouse': 1, 'destabilizing': 1, "\\nweaving\\'s": 1, 'stony': 1, 'shapeshifting': 1, 'kitchy': 1, 'shmaltzy': 1, '\\nalluring': 1, 'browns': 1, 'thoroughly-modern': 1, 'non-communicative': 1, 'paige': 1, 'dorrance': 1, 'disreputable': 1, '$5000': 1, 'coughs': 1, '\\nswitching': 1, '\\ngoran': 1, 'simmering': 1, 'shadings': 1, 'over-weight': 1, 'abundence': 1, "'underrated": 1, 'reoccurrence': 1, "\\n1998\\'s": 1, "\\'hope": 1, "floats\\'": 1, 'two-million': 1, 'cell-mates': 1, 'mardi': 1, 'gras': 1, "prince\\'": 1, "\\'cinderella\\'": 1, 'pricelessly': 1, 'exemplifying': 1, 'cling': 1, '\\ncourage': 1, 'immeasurable': 1, 'self-acknowledgment': 1, 'yapping': 1, 'phobias': 1, 'fire-breathing': 1, 'inhering': 1, 'self-ridicule': 1, 'adamson': 1, 'jenson': 1, 'princess/ogre': 1, '\\ncapping': 1, 'one-upped': 1, 'disco-era': 1, 'similarly-structured': 1, '-set': 1, 'skidded': 1, 'kinkier': 1, 'feathery': 1, '\\nstudio': 1, '19-year-old': 1, 'gawkers': 1, "\\'79": 1, 'doffs': 1, 'elbows': 1, 'multi-character': 1, '\\nalleged': 1, 'bygone': 1, 'rags-to-riches': 1, 'gazillions': 1, 'hustle': 1, 'bustle': 1, 'dow': 1, 'alter-egos': 1, 'joisey': 1, 'joker-smile': 1, 'sizzles': 1, 'stringfield': 1, 'droopy-eyed': 1, 'exorbitance': 1, 'ornamental': 1, 'scandal-ridden': 1, 'authorship': 1, 'cooney': 1, 'dustbuster': 1, 'barbs': 1, 'republicans': 1, 'non-clinton': 1, "colors\\'": 1, 'machinists': 1, '\\nrepublicans': 1, 'agnostics': 1, 'instict': 1, 'common-': 1, 'chest-': 1, 'ed-209': 1, 'scalvaging': 1, '\\nnancy': 1, 'kershner': 1, '\\ndetroit': 1, "\\'robocop": 1, 'drug-lord': 1, 'cyborg-ninja': 1, 'reccomended': 1, "'eyes": 1, 'psychodrama': 1, "auteur\\'s": 1, 'perfectionist': 1, 'propositioned': 1, 'jolted': 1, 'just-deceased': 1, '\\nerotic': 1, '\\neuropean': 1, 'director-cum-thespian': 1, 'scissor-happy': 1, 'philander': 1, "forman\\'s": 1, "columbia\\'s": 1, 'unweaves': 1, 'dirt-poor': 1, 'entrepreneurial': 1, 'periodical': 1, '_hustler_': 1, 'publishers': 1, 'publication': 1, 'railed': 1, 'preached': 1, 'incarceration': 1, 'devotedly': 1, 'apparel': 1, 'subjectivity': 1, 'occassionally': 1, 'career-topping': 1, 'stubborness': 1, 'flashier': 1, 'free-talking': 1, 'faldwell': 1, 'born-again': 1, 'studio-released': 1, "'until": 1, 'gasped': 1, 'veered': 1, "laughton\\'s": 1, 'archive': 1, 'willa': 1, 'stepchildren': 1, 'quartered': 1, 'flaunted': 1, 'stroller': 1, "\\npowell\\'s": 1, 'raheem': 1, "powell\\'s": 1, 'crackled': 1, '\\nleaning': 1, 'rabbinical': 1, 'depression-era': 1, 'agee': 1, 'birdie': 1, 'varden': 1, 'bible-reading': 1, 'hymns': 1, 'underdone': 1, "winters\\'": 1, 'retrospectives': 1, "'jamaica": 1, 'tourism': 1, 'struthers': 1, 'tearful': 1, 'kincaid': 1, "tourist\\'s": 1, '\\nstephanie': 1, 'disclose': 1, 'sectors': 1, 'perpetuates': 1, 'agricultural': 1, 'business-minded': 1, "'denzel": 1, 'dedicate': 1, 'mediator': 1, '\\nhedaya': 1, 'daytrippers': 1, 'whetted': 1, 'mousetrap': 1, "1968\\'s": 1, 'puccini': 1, 'eyre': 1, 'wuthering': 1, 'atreus': 1, 'then-reigning': 1, '\\nfranco': 1, 'watkin': 1, 'what-': 1, 'basic-': 1, 'jane-': 1, 'choices-': 1, 'top-level': 1, 'already-beautiful': 1, 'donnell': 1, 'tree-surfs': 1, 'swinging-': 1, 'eyes-': 1, 'action-': 1, 'trannsferred': 1, '\\nscrewer': 1, "\\'out-of-character\\'": 1, 'perch': 1, "\\'matron\\'": 1, "nookey\\'s": 1, "\\'women\\'s": 1, "lib\\'": 1, 'campaigner': 1, '\\npatsy': 1, 'fosdick': 1, 'wilfrid': 1, 'brambell': 1, "\\'steptoe": 1, "son\\'": 1, 'popeye': 1, 'reinvents': 1, 'idealist': 1, 'cherry-red': 1, 'catering': 1, 'bare-footed': 1, 'six-pack': 1, 'competency': 1, 'pell': 1, 'begrudging': 1, '\\ndixon': 1, "\\naltman\\'s": 1, 'changwei': 1, 'gu': 1, 'night-time': 1, '\\ngu': 1, 'paneling': 1, 'leafy': 1, 'slumped': 1, 'action/thriller': 1, 'contemptible': 1, 'branaugh': 1, 'heart-breaking': 1, 'lagging': 1, 'flatulent': 1, '\\ndies': 1, 'hussein': 1, 'all-stops-out': 1, "cartman\\'s": 1, '\\ntoilet': 1, '\\ntrey': 1, 'bulls-eye': 1, '\\ncruelly': 1, 'ratings-a-plenty': 1, 'censoring': 1, 'not-so-cheap': 1, 'clearillusions': 1, '\\nseries': 1, 'middair': 1, '`everyone': 1, 'posses': 1, 'eeriness': 1, "'errol": 1, 'malaise': 1, 'horror-lab': 1, '\\nmorris': 1, 'penal': 1, 'penitentiaries': 1, 'zundel': 1, "`theory\\'": 1, "\\nmorris\\'s": 1, '\\nzundel': 1, 'mensch': 1, '\\nleuchter': 1, 'reenactments': 1, 'birkenau': 1, 'electrocuting': 1, 'feeble-minded': 1, 'weak-hearted': 1, "'summary": 1, 'penner': 1, 'anti-environmentalist': 1, 'arbuthnot': 1, 'limbaugh': 1, '\\nperlman': 1, 'no-show': 1, 'post-snl': 1, 'moronism': 1, 'party-girl': 1, 'ditzism': 1, 'bodacious': 1, 'anti-charm': 1, 'grading': 1, '8-ball': 1, 'cigar-smoking': 1, 'chump': 1, '\\npumping': 1, 'sprocket': 1, "\\ndemented\\'s": 1, 'maimed': 1, 'zigs': 1, 'zags': 1, "kennedy\\'s": 1, 'hairspray': 1, '\\ncecil': 1, 're-edit': 1, 'mink': 1, 'ricki': 1, 'nealon': 1, 'fielder': 1, 'tarlov': 1, 'delorenzo': 1, 'caraccio': 1, '$100m': 1, 'warms': 1, 'snapped': 1, '\\nprints': 1, 'virgins': 1, 'fishnet-stocking': 1, '\\nfrank-n-furter': 1, 'hinwood': 1, "frank-n-furter\\'s": 1, 'magenta': 1, 'intents': 1, 'likability': 1, "curry\\'s": 1, 'garters': 1, 'fishnets': 1, '\\nfrightening': 1, 'singable': 1, 'catchiness': 1, 'sharman': 1, 'menaced': 1, "\\no\\'brien": 1, 'writer/performer': 1, '\\n25': 1, 'interactivity': 1, 'clicking': 1, 'contracting': 1, 'pneumonia': 1, 'half-naked': 1, 'prompter': 1, 'jack-styled': 1, 'mad-libs': 1, 'styled': 1, "riff-raff\\'s": 1, '\\nlinks': 1, '\\nformer': 1, 'lite-rock': 1, 'vh-1': 1, 'pop-up': 1, 'loaf-sung': 1, 'patootie': 1, "o\\'brien\\'s": 1, 'undressing': 1, 'unbuttoning': 1, "bostwick\\'s": 1, 'completist': 1, 'misprinted': 1, 'sing-a-longs': 1, "\\nfox\\'s": 1, 'pollster': 1, 'poll-takers': 1, 'non-issue': 1, 'fruitition': 1, 'script-writer': 1, 'well-advised': 1, "'kevin": 1, "juvenile\\'s": 1, 'adolescent-minded': 1, 'moralize': 1, 'theses': 1, 'sermonize': 1, 'dogmatism': 1, '\\nchanging': 1, 'koran': 1, '\\nfallen': 1, 'azrael': 1, 'chicanery': 1, "protesters\\'": 1, 'extinguisher': 1, 'burning-bush': 1, 'mews': 1, 'gorman': 1, 'riffini': 1, 'isaach': 1, '\\nlanguid': 1, 'sublimely': 1, '\\njuxtaposing': 1, "samurai\\'s": 1, 'american/italian': 1, "sculptor\\'s": 1, 'archaic': 1, 'foundations': 1, 'iconoclast': 1, 'precepts': 1, 'lugubriously': 1, 'punctuating': 1, 'hyper-colorized': 1, 'codas': 1, 'permanence': 1, 'anti-movie': 1, 'asserting': 1, 'fulcrum': 1, 'slovenly': 1, 'chapped': 1, 'sweatshirt': 1, 'monk-like': 1, 'pleasureless': 1, 'distilling': 1, 'naps': 1, 'tenet': 1, 'roshomon-like': 1, "boss\\'s": 1, 'roshomon': 1, 'loans': 1, '\\nupset': 1, "jarmusch\\'s": 1, 'jamusch': 1, '\\njarmusch': 1, 'rapper/composer': 1, 'rza': 1, 'dichotomous': 1, 'strengthen': 1, '\\ngorman': 1, '\\nruffini': 1, 'husk': 1, '\\nwhitaker': 1, 'misinterprets': 1, '\\ncarried': 1, '\\nsuperficially': 1, '\\nproblematically': 1, 'sight-seeing': 1, 'transgression': 1, 'lapaine': 1, 'sitting-ducks': 1, 'meting': 1, 'prison-bound': 1, 'noiresque': 1, 'lawyer/fixer': 1, 'pullam': 1, 'thai-born': 1, 'partner-wife': 1, "pullman\\'s": 1, 'incompletely': 1, 'short-hand': 1, 'tension--as': 1, 'foredoomed': 1, 'time-constrained': 1, 'freedom--in': 1, 'sub-themes': 1, 'yin': 1, '\\nclear-eyed': 1, "darlene\\'s": 1, 'on-track': 1, 'moat': 1, 'visitors--friends': 1, '\\ntellingly': 1, 'openness': 1, "dar\\'s": 1, "\\nthailand\\'s": 1, 'native-born': 1, 'hellhole': 1, 'sunlit': 1, "\\n\\'freedom\\'": 1, "beckinsale\\'s": 1, 'magistrate': 1, '\\nincreasingly': 1, "\\'kung": 1, "woman\\'--female": 1, "'everyone\\'s": 1, 'barnyard': 1, 'squealed': 1, '\\nmajor': 1, 'reproduced': 1, 'rafting': 1, 'outdoorsman': 1, 'boone-type': 1, '\\njoining': 1, 'banjos': 1, 'canoeing': 1, 'unexperienced': 1, 'sodomized': 1, "rapist\\'s": 1, '\\ndisposing': 1, '\\nnightmares': 1, "\\nkarla\\'s": 1, "food\\'s": 1, '\\nbrandy': 1, '\\nmekhi': 1, 'latched': 1, 'pachanga': 1, 'rediscovers': 1, 'bracket': 1, 'legit': 1, 'borne': 1, 'copacabana': 1, 'resemblances': 1, 'plagiarisms': 1, "cliche\\'d": 1, '\\npenelope': 1, 'go-between': 1, '\\ndude': 1, 'bowlers': 1, 'condescension': 1, 'jee-zus': 1, 'hay-soos': 1, 'post-post-feminist': 1, 'rebuked': 1, 'cinematographr': 1, 'carpet-pissers': 1, 'viking/bowling': 1, 'immortalizing': 1, '\\noutstanding': 1, 'dougherty': 1, 'rejuvenating': 1, 'bubblebath': 1, 'voyages': 1, "fans\\'": 1, 'mountaintops': 1, 'verdant': 1, 'monitored': 1, 'indefinantly': 1, 'youth-restoring': 1, 'crewmates': 1, 'reassume': 1, "picard\\'s": 1, '\\nbrent': 1, 'android-wishing-to-be-human': 1, 'ii--the': 1, 'ever--but': 1, "anij\\'s": 1, 'sona': 1, 'unsuspenseful': 1, "'us": 1, 'critic-type': 1, 'mcfly': 1, 'griff': 1, '2015': 1, 'authentically': 1, 'copasetic': 1, '1955': 1, "'magnolia": 1, 'relling': 1, 'reveling': 1, 'polarize': 1, 'pseudo-climax': 1, 'gomorrah': 1, 'slithery': 1, 'seminars': 1, 'lfe': 1, 'codification': 1, '\\nhovering': 1, '\\nwalters': 1, '\\nrobards': 1, 'lattitude': 1, '\\njulianne': 1, '\\nalienation': 1, '\\nhopelessness': 1, 'bulleye': 1, 'documentarian': 1, 'bijou': 1, '\\nrich': 1, 'white-owned': 1, 'homies': 1, 'donager': 1, 'ebb': 1, '\\nfriendships': 1, 'tamer': 1, 'crazies': 1, "donager\\'s": 1, 'degrades': 1, "garth\\'s": 1, 'lip-sync': 1, 'ymca': 1, 'badly-dubbed': 1, 'watermelons': 1, '\\ngarth': 1, 'manageable': 1, "horror\\'s": 1, "\\'master\\'": 1, '\\nsheryl': 1, "\\'fright": 1, 'eases': 1, 'bilingually-subtitled': 1, '\\navailability': 1, 'seng': 1, 'period-piece': 1, 'movies--the': 1, 'all-but-illegible': 1, 'bunyan': 1, 'spiriting': 1, 'overworking': 1, 'underpaying': 1, "film--fei-hong\\'s": 1, 'supplicate': 1, 'identically-wrapped': 1, 'medicinal': 1, "foreigners\\'": 1, 'lackies': 1, 'lau': 1, 'loyalist': 1, '_are_': 1, 'fights--especially': 1, 'end--in': 1, '_least_': 1, 'quicktime': 1, 'before--almost': 1, 'bigscreen': 1, 'distaste': 1, '\\nmajpr': 1, 'stowed': 1, '`wild': 1, 'bunch\x12': 1, 'hum-vee': 1, 'saddam\x12s': 1, 'hood\x12s': 1, '`light\x12': 1, '\\n`special\x12': 1, 'focussed': 1, 'light-mood/serious-mood': 1, 'analogous': 1, 'paved': 1, 'spielberg\x12s': 1, 'leone\x12s': 1, "'mickey": 1, "skg\\'s": 1, 'kiddie-oriented': 1, 'rodents': 1, '\\nnathan': 1, 'smuntz': 1, 'hickey': 1, 'upkeep': 1, '60-some': 1, "smuntz\\'s": 1, 'architecturally-unsound': 1, 'contraptions': 1, 'ever-affable': 1, "lars\\'": 1, 'calcium': 1, 'gouda': 1, 'speakeasy': 1, 'raided': 1, 'ratted': 1, 'joe/josephine': 1, '\\nmarilyn': 1, 'loonier': 1, 'pitch-perfect': 1, "\\nnobody\\'s": 1, 'contemporizing': 1, "hawke\\'s": 1, 'desi': 1, 'brable': 1, 'kaaya': 1, 'othello': 1, 'iago': 1, "\\nkaaya\\'s": 1, 'profane-filled': 1, 'eroding': 1, 'erosion': 1, '\\nstiles': 1, 'carpings': 1, "tillman\\'s": 1, '\\nmama': 1, 'befalls': 1, '\\nmiles': 1, "\\nlem\\'s": 1, "ahmad\\'s": 1, '\\nbrandon': 1, 'beleiveable': 1, "\\nfincher\\'s": 1, 'information--something': 1, 'sign-up': 1, 'psych-tests': 1, 'physicals': 1, "nicholas\\'": 1, 'revelation--when': 1, 'incredibility': 1, 'psycholically': 1, '\\ndeborah': 1, 'desparation': 1, 'pheiffer': 1, 't-birds': 1, "schmoe\\'s": 1, 'reeling': 1, 'sweathog': 1, 'lorenzo': 1, 'fonzie': 1, '\\nconaway': 1, 'woo-fest': 1, "newton-john\\'s": 1, 'easton': 1, 'contemporaries': 1, "ellis\\'": 1, 'fastidious': 1, 'scrubs': 1, 'exfoliating': 1, 'creams': 1, '\\nlions': 1, 'catholic-rattling': 1, 'comprising': 1, "news\\'": 1, "co-worker\\'s": 1, '\\nhuey': 1, "houston\\'s": 1, 'sweathogs': 1, 'casserole': 1, "gambler\\'s": 1, 'speakeasy-type': 1, 'oreo-munching': 1, '\\nrounders': 1, 'goulash': 1, 'knish': 1, 'heavily-accented': 1, 'petrovsky': 1, 'facilitates': 1, 'channeling': 1, 'maduro': 1, 'narrations': 1, 'apprise': 1, '\\npacked': 1, "epstein\\'s": 1, 'watchdogs': 1, 'nasty-tempered': 1, 'space-faring': 1, 'emigrants': 1, 'quotas': 1, 'things-gone-awry': 1, 'aliens-as-human': 1, 'cockroach-like': 1, 'flippers': 1, '\\nmandibles': 1, '\\ntentacles': 1, 'crustier': 1, 'protect-earth-from-destruction': 1, 'darndest': 1, 'parameters': 1, 'earth-hangs-in-the-balance': 1, 'wierdness': 1, 'atomizers': 1, "\\'lives\\'": 1, 'slime-splattering': 1, 'odder': 1, 'seen-it-all': 1, "dorothy\\'s": 1, "addam\\'s": 1, "\\'gothic\\'": 1, 'ewwwws': 1, 'blechhhs': 1, 'aaaahhhs': 1, 'unsurpassed': 1, 'grossest': 1, 'preludes': 1, '\\nhealy': 1, 'hottie': 1, '\\nadmittingly': 1, 'not-really-all-that-funny': 1, 'gantry': 1, "waves\\'s": 1, "accident\\'s": 1, 'peach-colored': 1, 'claps': 1, 'orators': 1, 'hit-list': 1, '\\njessie': 1, "church\\'s": 1, 'rebaptizes': 1, 'tithe': 1, 'toosie': 1, 'conceptions': 1, 'sucess': 1, 'stereo-type': 1, "\\'best": 1, "actor\\'": 1, "bassinger\\'s": 1, 'twinky': 1, 'interogation': 1, "australian\\'s": 1, 're-evaluate': 1, 'near-masterpiece': 1, 'borrowings': 1, '2010': 1, 'captained': 1, 'soon-to-be-divorced': 1, '\\nrequiring': 1, 'part-way': 1, 'intersecting': 1, 'ex-hubby': 1, "crisis\\'": 1, 'maligned': 1, 'spellbound': 1, 'eszterhaz': 1, 'sex-filled': 1, 'tabloid-ish': 1, 'genitalia': 1, '\\ncriticizing': 1, 'this--i': 1, "\\nkelly\\'s": 1, 'presses': 1, 'oceanic': 1, '\\nflawless': 1, 'find--she': 1, 'scene--even': 1, 'scene--is': 1, 'sleaze-fest': 1, "'tarzan": 1, "chad\\'z": 1, '[1': 1, 'minutes]': 1, '[animated': 1, 'adventure/drama]': 1, 'tab': 1, 'tzudiker': 1, 'noni': 1, '`tarzan': 1, '#9': 1, '\\ntitle': 1, 'darwanism': 1, 'full-grown': 1, 'archimedes': 1, 'safari': 1, "clayton\\'s": 1, '[in': 1, 'vines': 1, '\\npros': 1, 'sing-along': 1, '\\ncons': 1, 'mistake-free': 1, 'incurring': 1, 'penalties': 1, '\\ndespair': 1, 'brims': 1, 'frightfulness': 1, 'all-too-willing': 1, 'xv': 1, 'pierre-augustin': 1, 'figaro': 1, 'lavishness': 1, "segonzac\\'s": 1, 'fabrice': 1, 'luchini': 1, 'mesmerizes': 1, 'deviousness': 1, 'judgeship': 1, 'docket': 1, "luchini\\'s": 1, 'gudin': 1, 'manuel': 1, 'blanc': 1, "epp\\'s": 1, "kerdelhue\\'s": 1, "petit\\'s": 1, 'brisville': 1, 'edouard': 1, 'molinaro': 1, 'guitry': 1, 'disorganization': 1, 'sandrine': 1, 'kiberlain': 1, 'marie-therese': 1, "beaumarchais\\'s": 1, 'protesting': 1, 'inhibition': 1, 'bozo': 1, 'defacing': 1, "joker\\'s": 1, 'flaunts': 1, "\\nbatman\\'s": 1, '\\ngotham': 1, 'expressionist': 1, 'bladerunner/robocop': 1, "'casting": 1, 'mega-budgeted': 1, 'high-calorie': 1, '65': 1, 'weakening': 1, 'walloping': 1, 'jolt-inducers': 1, '13-': 1, 'carded': 1, 'beasties': 1, 'spider-scorpion-crab': 1, 'talons': 1, "member\\'s": 1, 'ken-and-barbie': 1, "gary\\'s": 1, 'crowd-drawer': 1, "'historical": 1, 'revitalise': 1, '1272': 1, '1305': 1, 'longshanks': 1, 'ius': 1, 'primae': 1, 'noctis': 1, 'murron': 1, 'maccormack': 1, "\\nmurron\\'s": 1, 'garrison': 1, '1298': 1, 'nobles': 1, 'pretender': 1, 'fairytale-like': 1, 'naturalistically': 1, 'ultra-naturalistic': 1, 'underline': 1, 'idolising': 1, 'isabel': 1, 'leprosy-stricken': 1, 'balliol': 1, 'homophobia': 1, 'conservatism': 1, 'hanly': 1, "conservatives\\'": 1, 'liberals': 1, 'aldous': 1, 'huxley': 1, 'insufficient': 1, 'prospected': 1, 'donned': 1, 'stats': 1, 'retentive': 1, 'semi-wily': 1, 'dystopian': 1, 'cooled': 1, 'inhumanity': 1, 'gilliam-esque': 1, '12-fingered': 1, 'self-staged': 1, 'airbrushed': 1, "hustler\\'s": 1, 'onassis': 1, '\\nlawyer': 1, 'gloat': 1, 'trumpeted': 1, 's&l': 1, 'sues': 1, 'outhouse': 1, 'lionizing': 1, 'candy-coated': 1, 'quasi-popular': 1, 'rougly': 1, 'mechanically-challenged': 1, 'surrandon': 1, 'scariest-looking': 1, 'single-mother': 1, 'barclay': 1, 'utlizes': 1, 'toons': 1, 'exprience': 1, "doll\\'s": 1, 'horor': 1, 'quasi-campy': 1, 'tia': 1, '\\nbenjamin': 1, '\\n[expectations': 1, 'medium]': 1, 'parodyish': 1, '\\nextremely': 1, '\\ncarvey': 1, '\\ntia': 1, '\\ndirection': 1, "snl\\'s": 1, "\\'o\\'": 1, '\\n[sorry': 1, "'natural": 1, 'glamorize': 1, 'frauds': 1, '\\nbrahma': 1, '\\nvishnu': 1, 'brahma': 1, "clarity\\'s": 1, 'plastics': 1, 'presently': 1, '\\nmuslims': 1, '\\nhindus': 1, '\\nchristians': 1, 'pagans': 1, '\\njews': 1, 'predicate': 1, '\\nreligion': 1, 'hegel': 1, 'ineffable': 1, 'unassailable': 1, 'jhvh': 1, 'hey-dey': 1, 'cardinals': 1, 'bishops': 1, 'forego': 1, 'unmitigated': 1, 'unchallenged': 1, 'parenthetically': 1, 'absolutist': 1, 'assailing': 1, '\\ncatholicism': 1, '\\nmasturbation': 1, 'sacrament': 1, 'authoritarianism': 1, 'internalize': 1, 'internalized': 1, 'expurgating': 1, '\\nm&m': 1, 'stridency': 1, 'hyberboreans--we': 1, 'hyberboreans': 1, 'pindar': 1, 'death--our': 1, 'ill--we': 1, 'dirtiness': 1, 'largeur': 1, 'sirocco': 1, 'south-winds': 1, 'tertiary': 1, 'quaternary': 1, "gayle\\'s": 1, 'uncritical': 1, 'exemplify': 1, 'fantasized': 1, 'commutes': 1, "\\'nother": 1, 'barreness': 1, 'skittish': 1, 'jungian': 1, 'paraphrased': 1, "cummin\\'": 1, 'jacks': 1, '\\nsemen': 1, 'expunging': 1, 'solipsism': 1, "\\nscagnetti\\'s": 1, 'pubic': 1, 'plucks': 1, "attendant\\'s": 1, 'reincarnated': 1, 'anti-life': 1, 'emil': 1, 'reingold': 1, "nietzsche\\'s": 1, 'wardens': 1, 'gayle': 1, '\\ndwight': 1, 'sickest': 1, 'promiscuity': 1, 'murdoch-esque': 1, 'mogul/psychotic': 1, 'cru': 1, 'cassanova-ness': 1, 'aids-cautionary': 1, 'almost-cameo': 1, "teri\\'s": 1, 'arian-looking': 1, '-looking': 1, 'goetz': 1, 'shiavelli': 1, 'motorcylce': 1, "\\nplot\\'s": 1, 'wily-ness': 1, '\\npussy': 1, "majesty\\'s": 1, '\\npryce': 1, 'sometimes-tedious': 1, 'often-moving': 1, 'diarist': 1, 'most-famous': 1, 'adolph': 1, '\\nwriter/director/producer': 1, 'miep': 1, 'gies': 1, 'franks': 1, 'excepts': 1, '\\nwinner': 1, 'powerlessness': 1, 'indigenous': 1, '\\nrational': 1, 'conejo': 1, 'gonz': 1, 'lez': 1, 'jeered': 1, 'alc': 1, 'zar': 1, 'sympathizer': 1, 'graciela': 1, 'tania': 1, 'longer-than-necessary': 1, "domingo\\'s": 1, "fuentes\\'": 1, 'unloaded': 1, 'twentieth-century': 1, 'texas/mexico': 1, 'bordertown': 1, 'slavomir': 1, 'dialects': 1, "portillo\\'s": 1, '10-week': 1, 'scream-esque': 1, 'seediness': 1, 'stone-ish': 1, 'dreams/fantasies': 1, 'freemasons': 1, 'surrendering': 1, "ripper\\'s": 1, 'brrrrr': 1, 'stalingrad': 1, 'russian-german': 1, 'motherland': 1, "\\nlaw\\'s": 1, "russian\\'s": 1, 'prospers': 1, '`saving': 1, 'one-notedom': 1, 'sniping': 1, 'jean-jacques': 1, 'annaud': 1, '\\nreestablishing': 1, 'they-might-be-caught': 1, '\\nelegantly': 1, 'possibilites': 1, 'covering-up': 1, 'immeadiate': 1, 'hands-washing': 1, 'low-angle': 1, 'sift': 1, 'depletion': 1, 'stamping': 1, '\\nstreeming': 1, '[superior': 1, 'it]': 1, 'distractedness': 1, 'rifle-shot': 1, 'dim-wittedness': 1, 'full-condescension': 1, "\\njacob\\'s": 1, 'acception': 1, 'near-sweetness': 1, 'picturing': 1, 'chelcie': 1, 'character-controlled': 1, 'protestations': 1, 'clam': 1, 'curdling': 1, 'ilah': 1, "mast\\'s": 1, 'generational': 1, 'cocoons': 1, 'revolutions': 1, "kristen\\'s": 1, "dorn\\'s": 1, '\\nhardcore': 1, 'substantiated': 1, 'cults': 1, 'adherents': 1, 'nasties': 1, 'pasties': 1, 'norrington': 1, 'delievered': 1, 'vatican-sponsored': 1, 'battle-worn': 1, 'super-vampire': 1, 'jakoby': 1, 'wittiest': 1, '\\ncrow': 1, "griffith\\'s": 1, "\\ngriffith\\'s": 1, 'counterfeiters': 1, 'jeopardise': 1, 'counterfeiter': 1, 'vukovich': 1, 'pankow': 1, '\\ngerrald': 1, 'petievich': 1, 'utilised': 1, '\\nsecret': 1, 'millieu': 1, '\\nultramaterialistic': 1, '\\nwillem': 1, 'ruthlessness': 1, 'fibber': 1, 'feuer': 1, 'darlanne': 1, 'fleugel': 1, 'chung': 1, "'jean-luc": 1, '\\nenterprise': 1, "colonist\\'s": 1, 'outweighs': 1, 'trek-fan-only': 1, 'non-trekkies': 1, 'dispel': 1, 'wash-outs': 1, 'beginning--while': 1, "pair\\'s": 1, 'reptiles': 1, '\\nmaterialistic': 1, 'inspections': 1, 'peaceniks': 1, 'apathetic': 1, 'drubbing': 1, 'vegas-style': 1, 'materialism': 1, "cmaeron\\'s": 1, 'specfically': 1, "humans\\'": 1, 'alone--his': 1, 'power--to': 1, 'machine--a': 1, 'press--to': 1, 'vanquish': 1, 'inescapable--and': 1, '\\nunabated': 1, 'humanizing': 1, "winfield\\'s": 1, "henriksen\\'s": 1, 'antagonist--unstoppable': 1, 'obdurate': 1, "hurd\\'s": 1, 'moving--usually': 1, "doom\\'s": 1, 'heart-pull': 1, 'outgrosses': 1, 'endoskeleton': 1, "hamilton\\'s": 1, 'unabated': 1, 'misconceptions': 1, 'story-wise': 1, 'love-triangle/revenge': 1, "perpetrator\\'s": 1, 'shovels': 1, 'discharging': 1, 'skitters': 1, "dead-guy-seems-to-have-come-back-to-life-but-then-we-find-out-it\\'s-only-a-dream": 1, 'non-exploitative': 1, 'coen-heads': 1, "'kirk": 1, 'bendix': 1, 'lighters': 1, 'lobsters': 1, 'stuff--except': 1, 'gold--when': 1, "evening\\'s": 1, 'sundry': 1, 'comedy--it': 1, "autumn\\'s": 1, 'soong': 1, 'world--what': 1, 'rafts': 1, 'poled': 1, 'american-chinese': 1, 'resignedly': 1, "odds-and-ends\\'": 1, 'impatience': 1, 'greener--and': 1, 'pop-pop': 1, "evelyn\\'s": 1, 'unlocks': 1, 'arising': 1, 'beefed': 1, '\\nweisz': 1, "hannah\\'s": 1, "'jacques": 1, "tati\\'s": 1, 'monsieur': 1, 'face-first': 1, 'trapping': 1, 'fin': 1, 'defeaningly': 1, 'disconnecting': 1, '\\nu-571': 1, 'director/co-writer': 1, 'u-boats': 1, 'u-boat': 1, 'surround-sound': 1, '\\ngermans': 1, 'dahlgren': 1, 'sailor': 1, 'erik': 1, 'palladino': 1, 'mutiny': 1, '_titanic_': 1, 'thirteeth': 1, '_matrix_': 1, 'foreseen': 1, 'repays': 1, 'byplay': 1, '\\nbierko': 1, 'goodnight_': 1, "\\nd\\'onofrio": 1, '_casablanca_': 1, 'hairline': 1, 'imperiously': 1, '_amadeus_': 1, 'like_blade': 1, "'finding": 1, '\\nsummoning': 1, '_very_small_': 1, "publisher\\'s": 1, 'accountability': 1, 'xenophobe': 1, 'animal-hater': 1, '\\ntracking': 1, 'chronically': 1, 'bullied': 1, 'topsy-turvey': 1, 'sequestered': 1, 'ritualistically': 1, 'retreated': 1, 'grouchiness': 1, 'wellness': 1, 'bucketsful': 1, 'retracing': 1, '\\nhaley': 1, 'teen-styled': 1, 'geekish': 1, 'chutzpah': 1, 'outstripped': 1, 'part-owner': 1, 'greenlighted': 1, 'expending': 1, 'knocked-out': 1, 'full-speed': 1, 'copyrighted': 1, 'cachet': 1, "toy\\'s": 1, '\\nsheriff': 1, 'note-perfect': 1, 'flashy-new-thing': 1, 'seam': 1, 'catalyzes': 1, 'uneasieness': 1, 'anxieties': 1, 'crystallized': 1, 'screed': 1, 'retention': 1, 'wrongheaded': 1, 'profiteers': 1, 'abstraction': 1, 'sappiest': 1, 'seat-of-the-pants': 1, 'loopiness': 1, 'bellylaughs': 1, 'reflexivity': 1, 'doppelgangers': 1, 'mind-bender': 1, 'humility': 1, 'concurrent': 1, 'howdy': 1, 'doodyish': 1, '\\nsignificantly': 1, 'opening-night': 1, 'near-uproar': 1, 'alacrity': 1, 'tot-friendly': 1, 'unkrich': 1, 'docter': 1, 'hsaio': 1, 'calahan': 1, "'tone": 1, 'insinuated': 1, 'sven': 1, 'nykvist': 1, "hedges\\'": 1, '\\nendora': 1, 'foodmart': 1, "steenburgen\\'s": 1, 'off-key': 1, 'regurgitates': 1, 'naif': 1, "\\ndepp\\'s": 1, '\\ndarlene': 1, 'schellhardt': 1, '750': 1, '\\nbatting': 1, 'soderburgh': 1, 'grant-type': 1, "ain\\'t-i-sexy": 1, 'lightheartedness': 1, "inmate\\'s": 1, '\\nunintentionally': 1, '\\nrhames': 1, 'elevates': 1, "lopez\\'s": 1, 'pop-in': 1, '1/20th': 1, 'coinage': 1, 'edict': 1, 'sighing': 1, 'dreading': 1, 'valor': 1, 'stead': 1, 'burner': 1, '\\nmushu': 1, 'fe': 1, 'flavors': 1, 'east/west': 1, '\\ncomputers': 1, "\\'attila\\'": 1, '\\nbalance': 1, 'piety': 1, 'wahoo': 1, 'perused': 1, 'first-semester': 1, '\\nscratch': 1, "falk\\'s": 1, 'prescripted': 1, '107-year-old': 1, "rocky\\'s": 1, 'with--gasp--a': 1, 'pursuits': 1, 'achieveing': 1, 'absolutes': 1, 'niftiest': 1, '\\ncure': 1, 'non-supernatural': 1, 'mildew-like': 1, "\\ntaguchi\\'s": 1, 'disturbances': 1, 'lifeforce': 1, 'hunches': 1, '\\njunichiro': 1, 'semi-lighting': 1, 'jerk-ules': 1, 'boastful': 1, "collins\\'": 1, 'percussion-heavy': 1, 'turnabout': 1, 'alone-until': 1, '\\nkala': 1, '\\nclayton': 1, 'imagery/cel': 1, 'animted': 1, '\\nnicely': 1, 'villiany': 1, 'i-the': 1, "blessed\\'s": 1, 'scatting': 1, 'shoo-be-doo': 1, 'da-be-dah': 1, 'un-sanitary': 1, 'flatuence-that': 1, 'unbelieveably': 1, 'egar': 1, 'battleships': 1, 'emissaries': 1, 'doomsaying': 1, 'pinnacles': 1, '\\ncontrast': 1, 'dwellers': 1, 'cute-ified': 1, 'stirrup': 1, '500-like': 1, 'ratcheted': 1, 'sportscasters': 1, 'most-eagerly': 1, "federation\\'s": 1, 'nine-episode': 1, 'story-writing': 1, 'force-loving': 1, 'de-mystify': 1, 'mislead': 1, "\\'la": 1, '25-and-under': 1, '\\njeesh': 1, 'gil': 1, '\\nkat': 1, 'krumholtz': 1, 'shakespeare-obsessed': 1, 'mandella': 1, 'vapor': 1, 'plath': 1, '\\nheath': 1, 'bad-boy': 1, 'multi-dimensions': 1, 'on-set': 1, 'unformal': 1, 'harlequin': 1, 'assignments': 1, 'underwhelmed': 1, 'whelmed': 1, 'perfectly-assembled': 1, 'indie-rock': 1, 'flawlessly-acted': 1, 'out-number': 1, 'director/producer': 1, 'b-action': 1, 'actors/directors/producers': 1, 'superflous': 1, 'raj': 1, 'evicted': 1, 'landlords': 1, 'rents': 1, 'beachfront': 1, 'bartellemeo': 1, 'pistella': 1, 'donatelli': 1, 'donato': 1, 'heisted': 1, 'boyfriend/cop/partner': 1, 'sandoval': 1, 'fanaro': 1, 'dry-witted': 1, 'phallus': 1, 'grandmothers': 1, 'spa': 1, 'statesmen': 1, "'along": 1, 'carreer': 1, '\\naccepting': 1, 'suppoosed': 1, 'potentialities': 1, 'consolidate': 1, 'magisterial': 1, "narrative\\'s": 1, 'rhyitm': 1, 'uninterest': 1, "liberty\\'s": 1, 'defenders': 1, 'injustices': 1, 'autonomy': 1, 'inteligence': 1, "edward\\'s": 1, 'equalizes': 1, "'renown": 1, '77-year-old': 1, 'mon': 1, 'amour/last': 1, 'marienbad/m': 1, 'britisher': 1, 'pennies': 1, 'demy': 1, 'cherbourg': 1, 'rochefort': 1, "resnais\\'s": 1, 'hinders': 1, 'piaf': 1, 'chevalier': 1, 'amberlike': 1, 'embellished': 1, 'parisians': 1, 'sabine': 1, 'az': 1, 'arditi': 1, '8-years': 1, 'dussolier': 1, 'duveyrier': 1, "\\njaoui\\'s": 1, 'yeomen': 1, 'paladru': 1, 'self-control': 1, '\\nbacri': 1, '\\nodile': 1, "odile\\'s": 1, 'resonation': 1, 'kill-or-be-killed': 1, 'keyed': 1, 'reagan-era': 1, 'relayed': 1, 'elevating': 1, 'axiomatic': 1, 'purported': 1, 'timeliness': 1, 'plumped': 1, 'packers': 1, 'smirked': 1, 'presuming': 1, 'slippery-smooth': 1, 'super-judgmental': 1, 'power-oriented': 1, 'whereupon': 1, 'headhunter': 1, "trainee\\'s": 1, "\\naffleck\\'s": 1, 'glengary': 1, 'detrimental': 1, 'be-littles': 1, '\\nrap': 1, 'thumps': 1, "\\nyounger\\'s": 1, 'phone-pitch': 1, 'hucksters': 1, 'victimizer': 1, 'street-like': 1, 'sales-pitch': 1, '\\ndiesl': 1, '\\nnia': 1, "lookin\\'": 1, 'sorrowful': 1, "younger\\'s": 1, 'boo-hoo': 1, 'fork': 1, 'decalogue': 1, 'veronique': 1, 'triptych': 1, '[the': 1, 'is]': 1, 'misses/catches': 1, 'destinies': 1, 'diverge': 1, 're-converge': 1, 'dark-': 1, '\\njuxtaposed': 1, 'helens': 1, 'platinum-blond': 1, 'severs': 1, "ireland\\'s": 1, 'mcferran': 1, 'telecommunications': 1, '\\nmcferran': 1, 'unimpeachable': 1, "'three": 1, 'actualization': 1, '\\nwildly': 1, 'white-hot': 1, 'beastie': 1, '\\njonze': 1, 'objecting': 1, 'devolved': 1, 'courteous': 1, '\\nfinancially': 1, 'entry-level': 1, 'lestercorp': 1, '\\nnavigating': 1, 'floris': 1, "lester\\'s": 1, 'whooshed': 1, 'ejected': 1, 'rummaging': 1, 'malko-visits': 1, 'tweaks': 1, 'self-deprecating': 1, 'schlub': 1, 'unconscionable': 1, '\\nkenner': 1, 'worms': 1, 'recommendations': 1, 'pedophilic': 1, 'asparagus': 1, '\\nbuying': 1, 'voyeur-next-door': 1, "burnhams\\'s": 1, 'mantel': 1, 'self-exploration': 1, '\\npowerfully': 1, 'picket': 1, 'picture-perfect': 1, "'\\'pleasantville\\'": 1, 'airs': 1, 'oldies': 1, 'misconception': 1, 'forwards': 1, 'impartially': 1, "don\\'t-mess-with-my-life-and-i-won\\'t-mess-with-yours": 1, 'licentious': 1, 'enchantingly': 1, 'imr': 1, '\\neast': 1, 'skirting': 1, 'messier': 1, 'pillaged': 1, 'encapsulated': 1, 'conscript': 1, 'cartoonishly': 1, 'dagger-edged': 1, '\\ndipping': 1, 'revisitings': 1, 'iconography': 1, 'invoking': 1, 'pseudo-asian': 1, 'beancurd': 1, 'intrinsics': 1, 'pridefully': 1, 'audience-friendly': 1, 'princesses': 1, 'neo-feminist': 1, '\\ncomposed': 1, 'unimaginatively': 1, "theatre\\'s": 1, 'dissuasive': 1, '\\nbriskly': 1, 'mommas': 1, 'ex-gangsta': 1, 'gangbangers': 1, 'koolaid': 1, 'infamously': 1, 'squat': 1, '\\ntyrese': 1, 'vj': 1, 'hmmmm': 1, 'sympathized': 1, 'taraji': 1, 'bitchie': 1, "jody\\'s": 1, 'bracken': 1, 'veronicca': 1, 'beaters': 1, 'chisselled': 1, 'stomach-turning': 1, 'hero/antihero': 1, 'cheap-jack': 1, 'unrepentant': 1, 'un-idolizable': 1, 'drifted': 1, 'goads': 1, 'soldering': 1, 'unaffected': 1, 'comissioned': 1, 'flushes': 1, 'neo-noirs': 1, 'folded': 1, 'unarguable': 1, "janssen\\'s": 1, 'exercising': 1, 'espouses': 1, 'levien': 1, 'koppelman': 1, 'partially-realized': 1, 'watershed': 1, 'sexualized': 1, 'cosby': 1, 'non-union': 1, 'mppa': 1, 'x-rating': 1, 'valenti': 1, 'politically-charged': 1, 'mu-mu': 1, 'evades': 1, 'ghettos': 1, 'back-street': 1, 'whorehouses': 1, 'epigraph': 1, '\\ndistributors': 1, 'disassociates': 1, 'ebony': 1, 'denouncing': 1, 'front-and-center': 1, 'dues': 1, 'documentary-like': 1, 'syringe': 1, '\\nghoulish': 1, 'liddle': 1, 'tatopolous': 1, '1920s-60s': 1, 'dickens-era': 1, 'nighthawks': 1, "\\nproyas\\'": 1, 'quay': 1, 'increments': 1, 'caffeinated': 1, 'telekinetically': 1, '\\nrestraint': 1, 'non-literal': 1, "murdoch\\'s": 1, 'iroquois': 1, 'turtle': 1, 'timelessness': 1, 'fuck-you': 1, 'writer-performers': 1, 'smart/sassy': 1, 'bruklin': 1, 'galvanizing': 1, 'interned': 1, '\\nshell-shocked': 1, "\\npatti\\'s": 1, '\\npained': 1, "incomplete-it\\'s": 1, 'passenger-side': 1, 'scrawling': 1, 'hecklers': 1, 'tormentor': 1, 'epigraphs': 1, 'audre': 1, 'lorde': 1, "callin\\'": 1, 'consort': 1, 'stipe': 1, 'tourfilm': 1, 'once-removed': 1, 'inseperable': 1, "'big": 1, 'capano': 1, 'courtrooms': 1, 'measly': 1, 'co-defendant': 1, 'non-comedic': 1, 'terrific-': 1, 'in-court': 1, 'tolls': 1, "'time": 1, 'treasure-seeking': 1, 'napoleon': 1, 'agamemnon': 1, '\\ndelay': 1, 'ocean-going': 1, 'postponement': 1, 'hard-driven': 1, 'rehabilitating': 1, 'researches': 1, 'equine': 1, 'faith-healing': 1, '\\nundeterred': 1, 'heading--but': 1, '\\ndianne': 1, 'neill--better': 1, 'before--round': 1, 'azure': 1, 'wheat--all': 1, 'viewfinder': 1, "barry\\'s": 1, 'majesty': 1, 'conditions--sonorous': 1, 'string-laden': 1, "'charlie": 1, 'earlygoings': 1, "'field": 1, 'kinsella': 1, 'depletes': 1, 'come--bringing': 1, 'vehemently': 1, 'sox': 1, 'lancaster': 1, '\\nfield': 1, "kinsella\\'s": 1, 'fantasy--one': 1, 'chiming': 1, 'roscoe': 1, "browne\\'s": 1, 'soothingly': 1, 'ark-full': 1, '\\nmonkeys': 1, 'kittens': 1, 'urbanites': 1, 'pelicans': 1, 'imbued': 1, 'animal-loving': 1, 'spinster': 1, 'dismaying': 1, "\\nstein\\'s": 1, 'well-kept': 1, 'put--it': 1, '\\nrestricted': 1, 'fable-like': 1, 'architectural': 1, '\\ndesigning': 1, 'gondola-trekked': 1, '\\nnorma': 1, "moriceau\\'s": 1, 'exotically': 1, "floom\\'s": 1, "lesnie\\'s": 1, '\\nreports': 1, "original\\'": 1, 'deleting': 1, 'appeased': 1, 'felliniesque': 1, 'pseudo-morbidity': 1, 'all-in-all': 1, "lorenzo\\'s": 1, "first\\'s": 1, "\\nhoggett\\'s": 1, "hoggett\\'s": 1, "se\\'": 1, 'upgrades': 1, 'expended': 1, 'incubator': 1, 'plugged': 1, "\\nreeve\\'s": 1, 'freedom-fighters': 1, 'eyeful': 1, 'outpace': 1, "'alchemy": 1, "\\nkieslowski\\'s": 1, 'internationally-acclaimed': 1, '\\nlanguage': 1, 'sculptor/russian': 1, 'swirls': 1, 'back-to-': 1, "\\nmyers\\'": 1, 'locus': 1, 'autumnal': 1, 'brightly-colored': 1, 'startling-but-effective': 1, 'faith-': 1, 'healers': 1, 'assuaged': 1, 'cristof': 1, '\\nchristof': 1, 'bushido': 1, '\\nminimum': 1, 'maximal': 1, '6\\%': 1, '27\\%': 1, 'accountable': 1, 'comparatively': 1, 'tenko': 1, 'godawa': 1, 'marched': 1, '\\nbeating': 1, 'rail-laying': 1, '\\nconformity': 1, 'sadism': 1, "\\'independent": 1, "film\\'": 1, '20somethings': 1, 'lurve': 1, "money\\'": 1, "best\\'": 1, 'chat-up': 1, "\\'hard": 1, '\\nvaughns': 1, 'cringe-worhy': 1, '\\nembarrassing': 1, 'categorization': 1, 'nation-state': 1, '\\narab': 1, 'retaliating': 1, 'tomahawk': 1, "laden\\'s": 1, 'agent-in-charge': 1, "bureau\\'s": 1, '\\nrevisiting': 1, 'curtail': 1, 'authorizes': 1, 'constitutionality': 1, 'invocation': 1, 'menno': 1, 'meyjes': 1, 'evidencing': 1, 'score-writer': 1, 'arabian-themed': 1, 'irish-sounding': 1, '\\nrevell': 1, '\\nmissteps': 1, '\\nverisimilitude': 1, "'very": 1, 'snigger': 1, 'deplore': 1, '\\nluck': 1, 'unbeknown': 1, 'infra-red': 1, 'urinals': 1, 'amercian': 1, '\\n007': 1, 'mid-east': 1, "pipeline\\'s": 1, "renard\\'s": 1, 'valentin': 1, 'zukovsky': 1, "marceau\\'s": 1, '\\ncoltrane': 1, '\\nmarceau': 1, "carlyle\\'s": 1, "llewelyn\\'s": 1, 'nc-17-rated': 1, 'infidelitous': 1, '\\nlabute': 1, 'manip': 1, 'ulation': 1, 'catalysts': 1, 'natassja': 1, 'sex-maniac': 1, '\\npatric': 1, '\\ncheri': 1, 'disserve': 1, 'collectively': 1, 'florida-set': 1, 'sexbomb': 1, 'kidnaping': 1, 'jailbait': 1, 'alluringly': 1, 'stanwyck-gloria': 1, 'tantalizingly': 1, 'ever-likeable': 1, "\\nharrelson\\'s": 1, 're-popular': 1, 'revelation-heavy': 1, 'over-whelming': 1, 'sinker': 1, 'aol': 1, 'super-bookstores': 1, 'charm-meter': 1, '\\neverytime': 1, 'boinked': 1, 'kafkaism': 1, 'bonet': 1, 'extinguishing': 1, 'chilled': 1, 'exacty': 1, 'five-second': 1, 'not-bad': 1, 'clancy-esque': 1, "minute\\'s": 1, "'mary": 1, 'lender': 1, 'ocious': 1, 'demolish': 1, 'ultra-modern': 1, 'scavengers': 1, 'homily': 1, 'imrie': 1, 'arrietty': 1, 'newbigin': 1, 'peagreen': 1, 'felton': 1, '4-inch': 1, 'children-only': 1, "'touchstone": 1, 'edelman': 1, 'dowd': 1, 'solon': 1, 'glickman': 1, '\\n107': 1, 'panavision': 1, 'prefecture': 1, '\\nunwilling': 1, 'cui': 1, 'rong': 1, 'guang': 1, 'hog': 1, '\\nroy': 1, "\\njackie\\'s": 1, 'nymphet': 1, 'calgary': 1, 'reverence': 1, '\\nhomage': 1, "o\\'brian": 1, 'drunkenness': 1, 'angst-filled': 1, 'divisible': 1, 'eightly': 1, 'dance/song': 1, "\\'big": 1, "\\'82": 1, 'performig': 1, 'tutus': 1, 'successfuly': 1, 'imelda': 1, 'staunton': 1, 'jingles': 1, 'alphonsia': 1, 'inner-friend': 1, 'dysfuntional': 1, 'subtely': 1, 'anti-classics': 1, 'stupid/fun': 1, 'gos': 1, 'phyllida': 1, "laurie\\'s": 1, 'seperation': 1, 'joust': 1, 'balto': 1, "steig\\'s": 1, 'genericized': 1, "\\'five": 1, 'schillings': 1, "\\'eat": 1, 'muffin': 1, 'bobbly': 1, 'antennae-like': 1, 'princess-guarding': 1, 'opportunies': 1, 'tomboyish': 1, 'turnstyle': 1, "\\'it\\'s": 1, 'un-disneyish': 1, 'duetting': 1, "\\'snow": 1, "white\\'": 1, '\\npopular': 1, "charlies\\'": 1, "\\'so": 1, "murderer\\'": 1, 'motown-singing': 1, "\\'mulan": 1, "\\nlithgow\\'s": 1, 'height-challenged': 1, 'mononoke': 1, 'oohs': 1, 'aahs': 1, 'bridal': 1, "\\'dating": 1, "\\'fiona": 1, "coladas\\'": 1, 'recollect': 1, "figgis\\'": 1, 'resteraunt': 1, 'mooch': 1, 'dispare': 1, 'semi-successful': 1, 'desperatly': 1, 'sera': 1, 'gets-off': 1, 'figgis': 1, 'smokey': 1, 'orgasms': 1, 'burbon': 1, "'`run": 1, 'retroactive': 1, 'fiery-haired': 1, 'franka': 1, 'moritz': 1, '`groundhog': 1, 'tykwer': 1, "matrix\\'": 1, 'super-charged': 1, "\\n`lola\\'": 1, 'scintillating': 1, "\\ntykwer\\'s": 1, 'kraup': 1, 'rohde': 1, 'griebe': 1, 'bonnefroy': 1, 'lightning-fast': 1, 'chores': 1, '\\nalberta': 1, 'guardrail': 1, 'one-third': 1, 're-hab': 1, 'irregular': 1, 'buries': 1, '\\ncentral': 1, 'transcending': 1, 'pettiness': 1, 'structures': 1, 'mychael': 1, 'cohesiveness': 1, 'blanketing': 1, 'mystifying': 1, 'overemphasizing': 1, 'nail-bitingly': 1, 'misjudgment': 1, 'newbies': 1, 'deride': 1, 'quickly-paced': 1, 'self-satisfaction': 1, 'papaya': 1, '\\nyoungest': 1, 'yen-khe': 1, 'ngo': 1, 'quanq': 1, 'nguyen': 1, 'nhu': 1, 'quynh': 1, "\\'little": 1, "monkey\\'": 1, 'quoc': 1, 'chu': 1, 'ngoc': 1, 'habitual': 1, 'botanical': 1, '\\nmiddle': 1, 'khanh': 1, 'manh': 1, 'cuong': 1, 'tuan': 1, '\\nlien': 1, "hai\\'s": 1, 'serenity': 1, 'cyclic': 1, '\\ntran': 1, 'ping-bin': 1, 'courtyards': 1, 'symbolizing': 1, 'styling': 1, 'lapsing': 1, 'yellowish': 1, 'story-driven': 1, "sun\\'s": 1, '\\nstarring-liam': 1, 'director-george': 1, '1-': 1, 'hut': 1, 'jonn': 1, "`padawan\\'": 1, 'sebulba': 1, 'rat-like': 1, '\\njar-jar': 1, "jedi\\'s": 1, '\\njabba': 1, "episode\\'s": 1, "doubt\\'s": 1, 'bagger': 1, 'swindled': 1, 'audience-pleasing': 1, 'glasgow': 1, "apartment\\'s": 1, 'vacancy': 1, '\\njuliet': 1, 'straws': 1, '\\nbroadly': 1, 'unnerve': 1, 'flinch': 1, 'awarding': 1, 'half-grabbing': 1, 'guttural': 1, 'low-lit': 1, 'psychoanalysts': 1, 'slavehood': 1, 'licked': 1, 'presumedly': 1, 'sorta-redux': 1, 'andrei': 1, 'tarkofsky': 1, 'cosmonaut': 1, 'commited': 1, 'regretting': 1, '\\nsadness': 1, "newton\\'s": 1, '\\nact': 1, '\\nstumble': 1, '\\nchew': 1, 'conisderation': 1, 'sittings': 1, 'sprees': 1, 'not-inconsiderable': 1, '\\nmoustached': 1, 'verging': 1, 'coups': 1, 'casting-against-type': 1, 'centrestage': 1, 'viv': 1, 'pitfall': 1, "\\'craziness\\'": 1, 'movingly': 1, "father-in-law\\'s": 1, "\\'crazy\\'": 1, 'well-planned': 1, 'carpark': 1, 'buy-more': 1, 'consumption-crazy': 1, 'disturbance': 1, 'glamourous': 1, 'determinedly': 1, 'unflashy': 1, "\\'realistic\\'": 1, 'nbk': 1, 'white-fenced': 1, 'identikit': 1, "\\'normal": 1, "\\npam\\'s": 1, "yankovic\\'s": 1, 'hostess': 1, 'twinkies': 1, 'buns': 1, 'smart-alec': 1, 'vhf': 1, 'network-affiliate': 1, '\\nfletcher--channel': 1, "8\\'s": 1, 'ill-natured': 1, 'owner--veteran': 1, 'snorts': 1, 'grimaces': 1, 'movies--everything': 1, 'spatulas': 1, 'wrencher': 1, 'airplane-type': 1, "spadowski\\'s": 1, 'playhouse': 1, "\\nstanley\\'s": 1, 'mixed-up': 1, 'over-night': 1, 'foreign-exchange': 1, 'drescher': 1, 'finklestein': 1, "62\\'s": 1, 'alakina': 1, 'serviceman': 1, 'photosensitivity': 1, 'fionnula': 1, 'tuttle': 1, 'enveloped': 1, 'worshiper': 1, 'finkbine': 1, 'tranquilizers': 1, 'withing': 1, 'telss': 1, 'beneficial': 1, '\\nsydney': 1, 'hi-': 1, 'running/jumping': 1, 'scence': 1, 'concise': 1, "\\'hot": 1, "totty\\'": 1, 'nineteen-eighties': 1, 'milagro': 1, 'beanfield': 1, 'magic-realism': 1, "\\ngrace\\'s": 1, 'newly-broken': 1, 'authoritive': 1, 'short-cut': 1, "spouse\\'s": 1, "whisperer\\'s": 1, 'scott-thomas': 1, 'thawed': 1, 'matter-their': 1, "'sam": 1, 'lindas': 1, 'installs': 1, 'vaporize': 1, '\\ngriffin': 1, 'maneating': 1, 'goodnatured': 1, 'potatoe': 1, '\\ntch': 1, '\\nworlds': 1, "t\\'aime": 1, 'moi': 1, '\\nnon': 1, 'charme': 1, "'copyright": 1, 'huggan': 1, 'viii': 1, 'hand-in-marriage': 1, 'reeking': 1, 'averse': 1, 'liased': 1, 'lodgerley': 1, 'lecherous': 1, 'downsides': 1, 'blondie': 1, 'loverboy': 1, "`stud\\'": 1, "whol\\'o\\'": 1, "\\'cripple\\'": 1, "\\'rich\\'": 1, 'prided': 1, 'transistor': 1, 'half-scared': 1, '\\n60': 1, "cup\\'a\\'coffee": 1, 'somewhat-childish': 1, 'ciggy': 1, "what\\'re": 1, 'faggot': 1, 'unfounded': 1, 'coconut': 1, "'playwright": 1, 'seething': 1, 'couplet': 1, 'iambic': 1, 'pentameter': 1, 'fennymann': 1, 'financially-oriented': 1, 'searing': 1, 'rozencrantz': 1, 'boundless': 1, 'openly-homosexual': 1, 'apothecary': 1, '\\ncolin': 1, 'quibbling': 1, "'titantic": 1, 'categorized': 1, 'subs': 1, '\\nfortune': 1, "necklace\\'s": 1, 'hundred-year-old': 1, 'snobbishness': 1, 'itinerant': 1, 'promenade': 1, 'loathes': 1, 'finace': 1, "lamont\\'s": 1, 'planning-to-retire': 1, 'bright-hot': 1, 'gashes': 1, 'nine-tenths': 1, 'mommies': 1, "\\nthere\\'ll": 1, 'daddies': 1, "guggenheim\\'s": 1, 'attired': 1, 'toothpaste': 1, '\\ntop-flight': 1, '\\npicking': 1, '\\nperiodically': 1, 'snow-encrusted': 1, 'zealot': 1, 'wendell': 1, '\\nwendell': 1, 'enumerates': 1, 'peyton': 1, 'outpourings': 1, 'subtheme': 1, '\\nfond': 1, "\\nmitchell\\'s": 1, "danna\\'s": 1, 'goals--it': 1, 'classifying': 1, 'delivers--meaningful': 1, 'relentlessness': 1, 'finchers': 1, 'all-too-realistic': 1, "bottin\\'s": 1, 'always-grisly': 1, 'not-to-be-underestimated': 1, '\\nsomersets': 1, 'somersets': 1, "\\nseven\\'s": 1, '\\nhes': 1, 'conducive': 1, 'larger-issue': 1, "'modern": 1, 'pop-broadway': 1, 'tome': 1, '\\nprison': 1, 'reform': 1, 'abider': 1, '\\nfantine': 1, 'extorts': 1, 'omitting': 1, 'dims': 1, 'pornogrpahy': 1, 'resuscitate': 1, 'scouts': 1, 'bussing': 1, 'omnipresence': 1, 'doesnut': 1, 'hadnut': 1, 'experess': 1, 'dysfuntion': 1, 'cuckold': 1, 'endowment': 1, 'fullfill': 1, 'nurture': 1, 'lulled': 1, 'pop-star': 1, 'preachiness': 1, "\\nwahlberg\\'s": 1, 'itus': 1, 'thereus': 1, 'youull': 1, '`mrs': 1, "\\nstreep\\'s": 1, '`nightmare': 1, "street\\'": 1, '`mr': 1, "\\nholland\\'s": 1, '\\nblue-eyed': 1, 'adian': 1, 'estefan': 1, 'second-grade': 1, 'estrogenic': 1, "schoolteacher\\'s": 1, '`thelma': 1, "louise\\'": 1, "guaspari\\'s": 1, 'life-altering': 1, '`white': 1, "music\\'": 1, 'casuality': 1, 'edifying': 1, "'vannesa": 1, '`austin': 1, 'arch-nemesis': 1, 'regis': 1, 'dialogue-': 1, '`come': 1, '#@\\%$^': 1, '\\nmini-me': 1, 'pinkie': 1, '\\nmindy': 1, '600-pound': 1, 'shagless': 1, 'lazer': 1, '`death': 1, "star\\'": 1, '\\nap2': 1, 'scattershot': 1, 'mustafa': 1, 'alotta': 1, 'fagina': 1, 'side-splittingly': 1, 'obesity': 1, 'bigglesworth': 1, 'gritted': 1, 'optimistically': 1, '\\njamey': 1, 'starphoenix': 1, 'saskatoon': 1, 'sk': 1, 'finalist': 1, 'ytv': 1, 'teen-targeted': 1, "`simpsons\\'": 1, 'malfunctioning': 1, 'time-machine': 1, 'cretaceous': 1, 'modify': 1, 'schematics': 1, "`design\\'": 1, "survivors\\'": 1, 'drizzling': 1, 'confer': 1, "`x-files\\'": 1, "simpsons\\'": 1, 'unspool': 1, 'second-string': 1, '`idle': 1, "hands\\'": 1, 'anvil': 1, 'slouched': 1, 'apprehensively': 1, 'splotty': 1, 'submerge': 1, 'stimulates': 1, '\\nsawa': 1, 'connect-the-dots': 1, 'jocky': 1, 'control-freak': 1, 'none-too-subtly': 1, 'flash-card': 1, 'guenveur': 1, 'ummm': 1, "\\n`spiritual\\'": 1, "`candyman\\'": 1, 'frightfest': 1, "murderer-on-the-loose\\'": 1, '`reindeer': 1, "games\\'": 1, '`rocky': 1, "high\\'": 1, "design\\'": 1, "`final\\'": 1, '\\nartificial': 1, 'sugarland': 1, 'births': 1, 'natural-born': 1, '\\ndeals': 1, '\\ncircumstances': 1, 'spielbergian': 1, 'bigotry': 1, 'effects-loaded': 1, 'appetizers': 1, 'three-plus': 1, '\\naspects': 1, '\\namistad': 1, 'texts': 1, 'rigorously': 1, 'lion-hearted': 1, '\\nadrift': 1, 'eastward': 1, 'northward': 1, 'repute': 1, 'orator': 1, 'aligned': 1, '\\neffectively': 1, 'amplify': 1, 'occasionally-humorous': 1, 'seemingly-strange': 1, 'sub-human': 1, 'pro-slavery': 1, 'claimants': 1, 'american/spanish': 1, 'spineless': 1, 'sycophant': 1, 'emotionally-crippled': 1, 'goeth': 1, 'chase-riboud': 1, 'upsurge': 1, 'illuminated': 1, "question\\'s": 1, 'nabbed': 1, 'mantlepiece': 1, 'burnout': 1, 'reparations': 1, 'hotheaded': 1, 'trampy': 1, '\\nchaos': 1, 'ultra-eccentric': 1, 'mile-high': 1, 'marmet': 1, 'berkeley-esque': 1, 'bounteous': 1, 'cleanest': 1, 'hungus': 1, 'downloaded': 1, "\\'yawn\\'": 1, 'delete': 1, 'megabytes': 1, "\\n\\'here\\'": 1, 'staggeringly': 1, "\\'roles\\'": 1, 'compardre': 1, 'dietrich': 1, "hassler\\'s": 1, 'reclining': 1, "castor\\'s": 1, '5671': 1, "\\'rewind\\'": 1, 'potrayal': 1, '\\ndominique': 1, '\\nfaults': 1, 'duelling': 1, 'platform/prison': 1, 'trumpeting': 1, "\\'grease\\'": 1, 'red-carpet': 1, 'beautician': 1, 'frenchie': 1, 'didi': 1, 'conn': 1, 'tell-it-like-it-is': 1, 'arden': 1, 'supporter': 1, 'fontaine': 1, 'edd': 1, 'dinah': 1, 'manhoff': 1, 'olsson': 1, "screendom\\'s": 1, 'effervescently': 1, '\\nsandy': 1, 'ack': 1, 'carp': 1, 'showpiece': 1, 'fun-in-the-sun': 1, 'cappers': 1, 'pan-and-scanned-out': 1, 'bellbottoms': 1, "1800\\'s": 1, 'clutterbuck': 1, 'mckinley': 1, "hrundi\\'s": 1, '\\nclutterbuck': 1, "clutterbuck\\'s": 1, 'num-num': 1, 'end-of-the-world': 1, "grasshopper\\'s": 1, 'rhinoceros': 1, '\\ncreated': 1, 'bottlecaps': 1, 'superbly-staged': 1, 'ant-like': 1, "'eight": 1, 'reintroduced': 1, 'boardwalk': 1, 'marketers': 1, 'seashell': 1, 'seagull': 1, 'orient': 1, 'merpeople': 1, 'not-so-subtle': 1, 'old-': 1, 'shrine': 1, '\\nariel': 1, 'potbelly': 1, "scholl\\'s": 1, 'veinotte': 1, 'average-sized': 1, 'leavins': 1, 'keller': 1, '\\nkerry': 1, 'autocrat': 1, 'seana': 1, 'dunsworth': 1, "\\nrosmary\\'s": 1, 'aghast': 1, '\\ndusty': 1, 'reignited': 1, '[good]': 1, 'cinematically-savvy': 1, "winter\\'s": 1, 'edvard': 1, 'munch-esque': 1, 'get-ups': 1, '\\nplucky': 1, 'culture-whiz': 1, '\\ntrash': 1, 'victim/potential': 1, 'chatty': 1, 'not-too-friendly': 1, '\\ncotton': 1, 'inaugurate': 1, 'lunchmeat': 1, 'non-roles': 1, 'b----': 1, 'star-69': 1, '\\npinkett': 1, 'spoofy': 1, 'phone-assault': 1, 'trade-in': 1, 'outclass': 1, '\\nmentioning': 1, "\\'ll": 1, "fbi\\'s": 1, 'anti-terrorism': 1, 'beirut': 1, 'endowing': 1, 'galahad': 1, 'nestled': 1, 'impossibilty': 1, "esquire\\'s": 1, 'ladden': 1, '\\ndrop': 1, "'go\\'s": 1, 'drug/rave': 1, 'anti-pill-popping-casual-tantric-sex-car-chase-attempted-murder': 1, 'blessedly': 1, '\\nzack': 1, 'career-threatening': 1, 'id-fueled': 1, 'zigzagged': 1, '\\ntorontonian': 1, 'chipperly': 1, "liman\\'s": 1, "vaughan\\'s": 1, 'aped': 1, '\\nfichtner': 1, 'backstabbers': 1, 'untapped': 1, 'ex-drug': 1, 'jailterm': 1, 'curly-haired': 1, 'awoken': 1, 'ratso': 1, 'blanco': 1, 'goregeous': 1, 'eleveate': 1, 'flim': 1, 'trashcan': 1, 'tear-jerker': 1, 'foghorn': 1, 'leghorn': 1, 'tango-dancing': 1, 'insult-throwing': 1, 'populus': 1, "'life": 1, '\\nsubtitle-phobes': 1, 'clownish': 1, "chaplin\\'s": 1, 'minefield': 1, 'featherweight': 1, 'schramm': 1, 'contrastive': 1, 'spry': 1, "squad\\'": 1, 'abides': 1, '\\npredicting': 1, 'flexibly': 1, '`primal': 1, "fear\\'": 1, "x\\'": 1, 'blumberg': 1, '\\nweighing': 1, 'sheepish': 1, 'fully-ripened': 1, "\\nelfman\\'s": 1, '`dharma': 1, "greg\\'": 1, 'excluding': 1, 'heaven-sent': 1, "`faith\\'": 1, "'naturally": 1, 'ex-pug': 1, '\\ngast': 1, 'separatist': 1, 'hollers': 1, "america\\'": 1, 'imprecation': 1, '\\nlistening': 1, '\\nforeman': 1, "mobutu\\'s": 1, 'titans': 1, 'well-stocked': 1, "\\nmailer\\'s": 1, 'gast': 1, "zaire\\'": 1, '\\nmobutu': 1, 'kaftan': 1, 'sympathiser': 1, '\\nafrica': 1, 'undifferentiated': 1, 'unconsidered': 1, 'coz': 1, '\\ndoubtlessly': 1, 'simplify': 1, "'kolya": 1, '\\nzdenek': 1, 'abruptly--': 1, 'characters--': 1, 'father-and-son': 1, 'delight--': 1, 'directed--': 1, 'regalia': 1, 'wanderlust': 1, 'quicksilver': 1, '\\nmongkut': 1, 'surmises': 1, 'germinate': 1, 'cagily': 1, "mongkut\\'s": 1, 'monarchy': 1, 'mid-film': 1, '\\nchow-yun': 1, '\\nprecious': 1, 'concubines': 1, 'susie': 1, 'ether-addicted': 1, '-worthy': 1, 'matriarch': 1, '\\nkieran': 1, 'paz': 1, 'huerta': 1, 'dissolute': 1, '\\nirving': 1, 'sub-standardly': 1, 'stationmaster': 1, 'project--sweet': 1, 'hallstr': 1, 'film-class': 1, 'coterie': 1, 're-teaming': 1, 'adorning': 1, 'majoring': 1, 'deviating': 1, 'shortcuts': 1, 'correlates': 1, 'overcasts': 1, 'horror-trilogy': 1, 'smash-hit': 1, "'devotees": 1, 'jingo-all-the-way': 1, 'militarism': 1, '\\nsometime': 1, 'twenty-foot-tall': 1, 'super-impaling': 1, 'dragonflies': 1, 'not-so-secretly': 1, 'ferrets': 1, 'fiscally': 1, 'skewer': 1, 'ii-era': 1, 'anti-military': 1, 'boosterism': 1, 'booster': 1, 'landscaping': 1, 'recommended=85=85but': 1, 'pheneomena': 1, 'corvino': 1, '\\nsent': 1, 'entomologist': 1, 'pleasance': 1, '\\nphenomena': 1, 'ex-rolling': 1, 'wyman': 1, 'gothic/electronic': 1, 'gels': 1, 'reccurs': 1, 're-titled': 1, "'film": 1, 'hallucinogen-fueled': 1, 'seventy-five': 1, 'pellets': 1, 'shaker': 1, 'laughers': 1, 'ether': 1, 'amyls': 1, 'correlated': 1, 'alcohol-based': 1, 'consumatory': 1, 'barmaid': 1, 'kaleidoscopic': 1, 'barkin': 1, 'expectedly': 1, 'barn-burner': 1, 'drug-ravaged': 1, 'doobie': 1, 'unstimulated': 1, 'snorted': 1, 'thompson-based': 1, 'quirkier': 1, 'rapture': 1, 'viper': 1, 'forefathers': 1, 'seized': 1, 'skaarsgard': 1, 'ex-president': 1, 'kaminski': 1, 'abolitionist': 1, 'abuser': 1, 'umptenth': 1, 'middleage': 1, "rendezvous\\'": 1, '\\nnoboyd': 1, "\\'companion\\'": 1, 'corrupted': 1, '\\n1962': 1, 'accountants': 1, 'copywriters': 1, 'bankers': 1, 'commuter': 1, '25th': 1, 'unshrouded': 1, 'farmer-wizard': 1, "`pig-keeper\\'": 1, 'hen-wen': 1, '`munchings': 1, "crunchings\\'": 1, 'dragonlike': 1, 'bauble': 1, '`pig': 1, "tracks\\'": 1, 'whirlpool': 1, 'fairy-like': 1, 'morva': 1, "eilonwy\\'s": 1, 'ressurect': 1, '\\ngurgi': 1, '`never': 1, "bargain\\'": 1, "gurgi\\'s": 1, 'heartbroken': 1, 'cradles': 1, 'stirs-he': 1, 'fondest': 1, 'micheal': 1, "`disneyfied\\'": 1, '`no': 1, "`unmemorable\\'": 1, 'annex': 1, 'glendale': 1, 'buena': 1, 'ghoulish': 1, 'petition': 1, '`bring': 1, 'bardsley': 1, 'pig-keeper': 1, 'biner': 1, 'fondacairo': 1, 'frollo': 1, 'esmeralda': 1, 'proudest': 1, "'quiz": 1, "mid-50\\'s": 1, 'booths': 1, 'wagered': 1, 'tac': 1, 'freedman': 1, "enright\\'s": 1, 'soon-to-be-ruler': 1, 'goodwin': 1, 'wrongdoings': 1, 'explicating': 1, 'city-street': 1, '-school': 1, 'sauntering': 1, "'men": 1, 'interrogating': 1, 'goofing': 1, '\\nedgar': 1, 'presumes': 1, "'ralph": 1, 'academy-beloved': 1, 'overplotting': 1, 'mid-1800s': 1, 'leplastrier': 1, 'anglican': 1, 'newly-acquired': 1, 'glassworks': 1, 'confessor': 1, 'undesirable': 1, '\\nstoryline': 1, '\\neffective': 1, 'hinds': 1, "oscar\\'s": 1, 'unwieldy': 1, 'fly-overs': 1, 'installing': 1, 'expansionism': 1, "donaldson\\'s": 1, 'teleplay': 1, 'fore': 1, 're-enact': 1, 'deployment': 1, 'budget-wise': 1, 'girds': 1, 'military/cia': 1, 'generals': 1, 'admirals': 1, 'expatriates': 1, 'army/navy/air': 1, 'peaceably': 1, 'anti-aircraft': 1, '\\ngreenwood': 1, 'foregoing': 1, '\\nkennedy': 1, 'kennedyesque': 1, 'culp': 1, 'fairman': 1, 'adlai': 1, 'intelligentsia': 1, 'ecker': 1, 'wingman': 1, "don\\'": 1, '\\ntech': 1, '\\nsolid': 1, 'isis': 1, 'mussenden': 1, 'imaging': 1, 'docudramas': 1, "'true": 1, 'evangelizing': 1, 'revivals': 1, 'swindler': 1, 'passionately-': 1, 'congregations': 1, 'ex-minister': 1, 'beasley': 1, '\\nre-christening': 1, 'patronizing': 1, 'charlatans': 1, 'handlers': 1, 'shapes': 1, 'studious': 1, 'inarguably': 1, 'indelibly': 1, 'dollies': 1, 'non-professional': 1, 'churchgoers': 1, 'hit-': 1, 'and-miss': 1, 'sleeper/cult': 1, 'yeeeeah': 1, 'the-top': 1, 'disposed': 1, 'shag': 1, 'indubitably': 1, "'almost": 1, 'anti': 1, 'pro-soldier': 1, "irvin\\'s": 1, 'inundation': 1, 'militaristic': 1, 'why---unless': 1, '---has': 1, 'drug-stoked': 1, 'polack': 1, '\\nhamburger': 1, 'graying': 1, '\\ngristly': 1, 'enlistee': 1, 'doc--in': 1, 'disbelieving': 1, 'hill--if': 1, 'valour': 1, 'ashau': 1, 'thuroughly': 1, 'villiage': 1, '\\nbannen': 1, 'buff-o': 1, '\\nscripts': 1, 'best/worst': 1, "'dark": 1, 'seemlessly': 1, 'detractions': 1, '\\nmurdoch': 1, 'hourglass': 1, "'anyone": 1, 'unsurprised': 1, 'actor-turned-director': 1, 'resolving': 1, 'ascribe': 1, 'kin': 1, 'eroded': 1, 'coldest': 1, 'onshore': 1, 'twosomes': 1, "guest\\'s": 1, 'recently-widowed': 1, 'willful': 1, 'argumentative': 1, "\\nfrances\\'": 1, 'nita': 1, '\\nlily': 1, 'scanning': 1, 'obituaries': 1, 'biggerstaff': 1, 'first-timers': 1, 'replicate': 1, 'non-related': 1, 'microscope': 1, 'batallion': 1, 'well-photographed': 1, 'pleasantville-one': 1, '\\nreviewers': 1, 'guideline': 1, 'decemeber': 1, "storm\\'s": 1, 'steriotypically': 1, 'dialogue-those': 1, 'cameo-esque': 1, 'preforming': 1, '\\nentertainment': 1, 'schwarzbaum': 1, 'setting-intensified': 1, 'courtroom-certainly': 1, 'classifies': 1, 'masterpiece-he': 1, '\\nbig-be': 1, '\\ndave-good': 1, 'precedents': 1, 'preceeding': 1, 'ad2am': 1, 'scarsely': 1, 'bouyant': 1, 'unconventionally': 1, 'downes': 1, '28th': 1, 'ugly-duckling': 1, 'innundated': 1, 'mischievousness': 1, 'alvin': 1, 'chipmunks': 1, 'conventionality': 1, 'grasps': 1, 'confidant': 1, 'formulaisms': 1, 'reassured': 1, 'weddding': 1, 'serenade': 1, 'infectuous': 1, '\\ndermot': 1, 'longstanding': 1, 'lustre': 1, 'near-certain': 1, "'robocop": 1, "\\n1991\\'s": 1, 'orion': 1, 'clinically': 1, '\\nrecruits': 1, '\\nengineers': 1, 'reflexes': 1, '\\nenvisions': 1, 'super-cop': 1, "detroit\\'s": 1, "robocop\\'s": 1, 'crime-foiling': 1, 'cult-classics': 1, 'audience--in': 1, "\\n1990\\'s": 1, 'fiction/social': 1, 'qualifying': 1, "\\nrobocop\\'s": 1, 'loose-ends': 1, "'probably": 1, '-and': 1, 're-creates': 1, 'fairytail': 1, 'rms': 1, 'mer': 1, "lovett\\'s": 1, 'sketchbook': 1, '\\nlovett': 1, 'helicoptered': 1, 'buketer': 1, 'soap-opera': 1, '\\nrussel': 1, '\\nname': 1, 'odalisque': 1, 'minimums': 1, 'helplessness': 1, "'cinema": 1, 'disaster-slash-action': 1, 'thrills-a-minute': 1, "seconds\\'": 1, 'quick-edit': 1, 'jutting': 1, 'nice-looking': 1, '\\npatton': 1, 'amateurs': 1, 'kouf': 1, 'tzi': 1, 'swarthy': 1, 'babysit': 1, '\\nrattner': 1, 'tier': 1, 'action-comedies': 1, 'rein': 1, 'scrounges': 1, 'squeaker': 1, 'gang-bullseye': 1, '-to': 1, "zurg\\'s": 1, 'this-is-what-we-think-kids-want-to-hear': 1, '25-cent': 1, "toys\\'": 1, 'substitution': 1, 'phrasing': 1, "\\'toy": 1, 'appended': 1, 'desklamps': 1, 'mowing': 1, 'nominally': 1, 'sadists': 1, 'miracuously': 1, 'rossellinia': 1, '\\nmaclachlan': 1, 'esoteric': 1, 'harshness': 1, 'theatens': 1, 'mutton-chop': 1, 'sideburns': 1, 'damnedest': 1, '\\ngleeson': 1, 'cork': 1, 'grogan': 1, 'hynes': 1, 'disfiguring': 1, 'bollocks': 1, '\\ninventively': 1, 'engagingly': 1, 'conor': 1, 'mcpherson': 1, 'paddy': 1, 'breathnach': 1, 'peat': 1, 'hostelries': 1, '\\nmcdonald': 1, "mcpherson\\'s": 1, 'carefully-crafted': 1, 'caffrey': 1, 'clunkiness': 1, 'gritty--make': 1, 'grubby--but': 1, 'dis-organized': 1, 'philadelphia-area': 1, 'theater--and': 1, 'long--so': 1, "\\n\\'we": 1, 'rearranged': 1, 'hefti': 1, 'klugman': 1, 'languishing': 1, 'act/speak': 1, "\\npaulie\\'s": 1, 'parrots': 1, 'furball': 1, "paulie\\'s": 1, 'exclaim': 1, 'doll-sized': 1, '\\nbreak': 1, 'dads': 1, 'bambi': 1, "'tempe": 1, 'az--this': 1, 'voil': 1, 'one-hundred-dollar': 1, 'doorman': 1, 'flower-shop': 1, 'rear-ended': 1, 'law-suit': 1, '\\ngrieco': 1, 'gigi': 1, 'slap-stick': 1, "hernandez\\'s": 1, "stayin\\'": 1, 'mone': 1, "vinegar\\'s": 1, "luedeke\\'s": 1, '\\nkaczynski': 1, 'blondes': 1, 'guest-quarter': 1, 'knot-tieing': 1, "brandi\\'s": 1, 'step-in': 1, 'buddy/weight-lifter': 1, 'good-looker': 1, "idiots\\'": 1, 'barbie-doll': 1, 'tracheotomy': 1, 'deaf-mute': 1, 'tickling': 1, 'twenty-year': 1, "\\ndad\\'s": 1, 'sucker-punch': 1, 'high-visibility': 1, 'obliges': 1, 'race-motivated': 1, 'fun-spoiling': 1, 'orgazmo': 1, 'cuff': 1, 'nigra': 1, 'unchained': 1, 'neumann': 1, 'faster-than': 1, 'self-replicating': 1, 'achievable': 1, 'faster-than-light': 1, 'astronomer/writer': 1, '\\nafa': 1, "computer\\'s": 1, 'intermediary': 1, 'ethereally': 1, 'well-structured': 1, 'mitigated': 1, '\\nfeldman': 1, 'badly-written': 1, 'radioing': 1, 'diddly': 1, 'genome': 1, 'shape-shift': 1, 'multi-form': 1, 'cockroach': 1, 're-creating': 1, 'sheerly': 1, 'assassin/exterminator': 1, 'empath/psychic': 1, "\\nwhitaker\\'s": 1, "generation\\'s": 1, '\\nh': 1, "giger\\'s": 1, 'action/': 1, 'ichor': 1, 'body-strewn': 1, 'kaminsky': 1, "\\nmiller\\'s": 1, 'trudge': 1, 'dramatism': 1, '\\nbay': 1, 'extremity': 1, 'braveheart-dosage': 1, 'heavily-hyped': 1, 'herrington': 1, 'zeke': 1, 'academics': 1, 'delilah': 1, '\\ncasey': 1, "delilah\\'s": 1, 'photojournalist': 1, 'pop-culturally': 1, 'aquit': 1, '15-million-dollar': 1, '\\n+': 1, "stan\\'s": 1, 'resigns': 1, "winterbottom\\'s": 1, 'portents': 1, 'tumultuosness': 1, 'schmaltziness': 1, 'nusevic': 1, 'overview': 1, 'departing': 1, 'cigarrettes': 1, 'somesuch': 1, 'sketchiness': 1, 'hampers': 1, 'khanjian': 1, 'camelia': 1, 'frieberg': 1, '__________________________________________________________': 1, '\\natom': 1, 'aftermaths': 1, 'mistfortune': 1, 'near-revolutionary': 1, 'surging': 1, 'hebrews': 1, "\\'slap": 1, "dash\\'": 1, "\\'moving\\'": 1, "\\'plague\\'": 1, 'sonnets': 1, '\\nentertaining': 1, 'cairo': 1, 'manhatten': 1, 'snoozing': 1, "'fritz": 1, 'eye-opener': 1, 'sews': 1, 'corrects': 1, 'mistakingly': 1, 'capitol': 1, 'backroads': 1, 'near-by': 1, 'buggs': 1, 'salted': 1, 'peanuts': 1, '\\nlocked': 1, '\\nfueled': 1, 'dynamites': 1, 'countermanded': 1, 'prosecutes': 1, 'alibis': 1, '\\nmgm': 1, 'lynchings': 1, 'perjuring': 1, "'veteran": 1, "`ev\\'": 1, 'affair-a-week': 1, 'oakland': 1, 'death-row': 1, "pocum\\'s": 1, '\\njeter': 1, '\\ncrinkled': 1, 'duking': 1, 'ev': 1, "governer\\'s": 1, 'lanes': 1, 'tension-building': 1, 'furrow': 1, '19-year': 1, 'convent': 1, '\\nconflicts': 1, '\\njavert': 1, "pescucci\\'s": 1, '\\naugusts': 1, 'non-glamorous': 1, 'underplay': 1, 'hand-feed': 1, 'well-produced': 1, "rueff\\'s": 1, "\\'\\'its": 1, 'lubricants': 1, 'salesmen-talk': 1, 'analytical': 1, 'salesmanship': 1, 'non-questioning': 1, 'burned-out': 1, 'symmetry': 1, 'urgencies': 1, 'hair-obsessed': 1, 'shoals': 1, 'cyclops': 1, 'handsomest': 1, 'pomade': 1, 'hairnets': 1, 'hero-wanderer': 1, 'baptism': 1, '\\ndelmar': 1, 'tuneful': 1, 'homerian': 1, 'pappy': 1, "o\\'daniel": 1, 'teague': 1, 'badalucco': 1, 'babyface': 1, "rep\\'ing": 1, "ulysses\\'": 1, '\\ntechs': 1, 'zophres': 1, 'jaynes': 1, 'silvery': 1, 'walkway': 1, 'spherical': 1, '\\nanticipation': 1, 'fear--the': 1, 'exhilaration': 1, '\\njodie': 1, 'life--after': 1, 'incoming': 1, 'empirical': 1, 'scripters': 1, 'goldenberg': 1, 'eschew': 1, 'so--there': 1, 'palmer-ellie': 1, 'constantine': 1, 'litz': 1, 'hissed': 1, "contact\\'s": 1, 'trippier': 1, 'always-interesting': 1, 'incorporate-actors-into-existing-film-footage': 1, 'two-hour-plus': 1, 'much-welcome': 1, 'as--': 1, "'satirical": 1, 'showbusiness': 1, 'conditioned': 1, 'perceiving': 1, 'winifred': 1, 'sitcom-esque': 1, "brean\\'s": 1, 'cradling': 1, 'tostitos': 1, 'gratuitious': 1, 'smokescreen': 1, 'godfather-trilogy': 1, 'majestically': 1, 'pervious': 1, "rota\\'s": 1, 'amassed': 1, 'charities': 1, 'sicily': 1, 'corleones': 1, 'crookier': 1, 'carmine': 1, "tavoularis\\'": 1, 'godfather-films': 1, 'pangs': 1, 'shire': 1, 'hagen': 1, "vincenzo\\'s": 1, "corleone\\'s": 1, 'type-casted': 1, 'mcclaine': 1, 'over-the-hill': 1, 'cabby': 1, "element\\'s": 1, 'deserts': 1, '2023': 1, 'smog': 1, 'tortoise-like': 1, 'here-dna': 1, "korben\\'s": 1, 'lazy-as-always': 1, 'jean-baptiste': 1, 'pig-like': 1, 'gamorreans': 1, 'problem-why': 1, 'brion': 1, "anaconda\\'s": 1, 'llosa': 1, 'guy-using': 1, '\\nideas': 1, 'movie-lover': 1, '25-year-old': 1, '6-year-old': 1, 'sheikh': 1, 'off-handed': 1, 'slurring': 1, 'strumming': 1, 'guitars': 1, 'bragging': 1, 'sufis': 1, 'sigmund': 1, "freud\\'s": 1, 'grand-daughter': 1, 'playboys': 1, 'trojan': 1, 'algeria': 1, 'acrobat': 1, 'taghmaoui': 1, 'big-to-do': 1, "bilal\\'s": 1, 'shiftlessness': 1, 'mosques': 1, 'enacts': 1, 'westerner': 1, 'countercultural': 1, 'sojourn': 1, 'memories-': 1, 'baby-boom': 1, 'sufism': 1, '\\nbilal': 1, 'newport': 1, 'devastingly': 1, 'cucumber': 1, '\\nclaus': 1, 'stepson': 1, 'renowed': 1, '\\ndershowitz': 1, "\\nsilver\\'s": 1, "dershowitz\\'s": 1, 'over-simplifies': 1, '\\nanti-semitic': 1, 'prejudiced': 1, 'ambiguousness': 1, "bulow\\'s": 1, 'reversalf': 1, "'driving": 1, "uhry\\'s": 1, 'pulitzer-prize': 1, '70-something': 1, '60-something': 1, "atlanta\\'s": 1, 'packard': 1, 'driveway': 1, 'cancels': 1, 'salmon': 1, '\\ndaisy': 1, 'back-seat': 1, 'escorted': 1, "hoke\\'s": 1, '\\ntandy': 1, 'cantankerous': 1, '\\nhoke': 1, "tandy\\'s": 1, "daisy\\'s": 1, 'idella': 1, 'rolle': 1, "boolie\\'s": 1, 'stagey': 1, '\\nberesford': 1, 'jugular': 1, 'superseventies': 1, 'inflation': 1, '\\nfeelings': 1, 'nihilism': 1, 'symbolises': 1, '26-year': 1, 'megalopolis': 1, 'sheperd': 1, "palantine\\'s": 1, '\\nlosing': 1, 'dostoyevski': 1, 'overpopulated': 1, 'raskolnikov-like': 1, 'interviewers': 1, 'madmen': 1, 'stomach/lack': 1, '\\nwizzard': 1, 'pre-1960s': 1, 'counterculture': 1, '\\nporno': 1, 'palantine': 1, 'post-vietnam': 1, 'stygian': 1, 'herrman': 1, 'tabloid-fodder': 1, 'hinckley': 1, '\\npractice': 1, '\\nroberta': 1, 'mediterranean': 1, 'rotate': 1, 'pattern-like': 1, 'zero-sum': 1, 'discreet': 1, 'between-the-line': 1, 'angering': 1, '#15': 1, "hoyts\\'": 1, '`go': 1, 'bottom-of-the-drug-food-chain': 1, 'narc': 1, 'multi-level-marketing': 1, 'lovemaker': 1, 'shrimp-scarfers': 1, 'afeminite': 1, 'three-pronged': 1, "`ronna\\'": 1, 'flashed': 1, '`rip-off': 1, 'tone/mood': 1, 'independents': 1, 'overly-dark': 1, '`macabre': 1, 'cinematography/art': 1, 'theme/theory': 1, "`go\\'": 1, '4/23/99': 1, '`clerks': 1, '`jackie': 1, '`pulp': 1, '`true': 1, "`swingers\\']": 1, "'mars": 1, 'wacked-out': 1, 'war-crazy': 1, 'decker': 1, "funeral\\'": 1, 'dither': 1, 'farfetched': 1, "brooks\\'s": 1, 'malintentioned': 1, 'taggart': 1, 'kwan': 1, '\\ndane': 1, 'spock-like': 1, 'avenged': 1, 'thermia': 1, 'whisk': 1, '\\nnesmith': 1, 'transporters': 1, 'not-so-obvious': 1, 'taglines': 1, "shalhoub\\'s": 1, "\\nchen\\'s": 1, 'holier-than-thou': 1, 'counterprogramming': 1, 'addendum': 1, 'postulate': 1, 'embarass': 1, 'cheekbones': 1, "\\nabraham\\'s": 1, 'lighweight': 1, '\\nmafia': 1, 'victimize': 1, '\\nabrahams': 1, 'gidley': 1, "'showgirls": 1, 'pual': 1, 'curry-spiced': 1, 'offstage': 1, 'quarter-century': 1, 'socially-acceptable': 1, 'back-door': 1, 'sleeze': 1, 'power-trip': 1, 'negotiable': 1, 'de-glamorizes': 1, 'costumer': 1, 'reflexively': 1, 'internalizing': 1, 'ethos': 1, '\\ngershon': 1, '\\ncristal': 1, 'co-operating': 1, 'explicate': 1, 'inhumanly': 1, 'camouflaged': 1, 'jost': 1, "vacano\\'s": 1, 'delineation': 1, 'no-dialog': 1, 'vampire-fest': 1, 'moonlighted': 1, 'mostly-straightforward': 1, 'chronology': 1, 'jackson/chris': 1, 'jackson/robert': 1, 'jackson/travolta': 1, 'points-of-': 1, 'vantages': 1, 'banyon': 1, 'disloyal': 1, 'tough-guys-who-rarely-': 1, 'grungy-': 1, 'two-and-a-': 1, '\\nplotwise': 1, 'abductees': 1, 'casanova--what': 1, 'character-developing': 1, 'impressiveness': 1, 'mtv-type': 1, 'unawareness': 1, 'scraps': 1, 'deceived': 1, 'dell': 1, 'barletta': 1, 'holistic': 1, 'grazia': 1, 'unmarried': 1, '\\nganz': 1, 'overreacts': 1, "ganz\\'s": 1, 'moonlit': 1, 'ironed': 1, 'applicant': 1, 'battiston': 1, '\\nmimmo': 1, "tulips\\'": 1, 'tough-nosed': 1, "nicolet\\'s": 1, 'bail-bondsman': 1, '56-year': 1, '44-year': 1, "`n\\'": 1, 'lug-head': 1, 'bikini-clad': 1, 'life-saver': 1, 'defeaning': 1, 'abbots': 1, '\\nsquabbles': 1, 'expressively': 1, '\\nlegs': 1, "coppolas\\'": 1, 'leathery': 1, 'bargains': 1, 'rotates': 1, 'inter-galactic': 1, 'renegades': 1, 'd2': 1, 'traitorous': 1, '\\nskywalker': 1, 'itself-a': 1, "'`strange": 1, 'mace': 1, "campaign\\'s": 1, 'incriminator': 1, 'discourteous': 1, 'noses': 1, 'rectitude': 1, 'slabs': 1, 'lightheaded': 1, 'far-from-overpowering': 1, 'cosmetics': 1, 'dilbert-esque': 1, 'administrative': 1, 'trivialities': 1, 'over-effective': 1, 'hypnotherapist': 1, "\\npeter\\'s": 1, 'samir': 1, 'ajay': 1, 'naidu': 1, 'vantage': 1, 'inefficiencies': 1, 'teenage-targeted': 1, '15-24': 1, 'snipping': 1, 'game-plan': 1, 'hard-fought': 1, 'replenishing': 1, 'suggestiveness': 1, 'rivaled': 1, '\\nbiggs': 1, 'teen-dominated': 1, 'less-than-original': 1, 'ex-lax': 1, '`not': 1, "'albert": 1, 'proceeder': 1, 'boatwright': 1, 'uncles': 1, 'post-world': 1, '\\nbone': 1, 'stigma': 1, '\\nanney': 1, 'weds': 1, 'lyle': 1, "\\nanney\\'s": 1, 'earle': 1, '\\nglen': 1, 'miscarries': 1, 'supress': 1, 'love-dependent': 1, 'impoverishment': 1, 'preponderence': 1, "malone\\'s": 1, "\\nleigh\\'s": 1, 'manouvering': 1, 'pressure-cooker': 1, 'formulaism': 1, 'bumpkinisms': 1, 'zabriskie': 1, "meredith\\'s": 1, 'surehanded': 1, 'positioning': 1, "'razor": 1, '\\nofficial': 1, 'tightest': 1, '\\nagreed': 1, 'disintegrating': 1, '`opium': 1, 'puddle': 1, 'recants': 1, 'zips': 1, 'unzips': 1, 'cult-status': 1, "'pitch": 1, 'scare-fest': 1, 'leeched': 1, 'hauser': 1, '\\nconfident': 1, 'catacombs': 1, 'catalyze': 1, 'misperception': 1, 'professed': 1, 'blessings': 1, '\\nimam': 1, 'selflessness': 1, 'baddass': 1, 'shwarzenegger-like': 1, "diesel\\'s": 1, 'nitpicked': 1, "riddick\\'s": 1, '\\ntwohy': 1, 'clinches': 1, 'purged': 1, '\\nnewell': 1, 'one-upping': 1, "\\'green": 1, "mile\\'": 1, 'lime-colored': 1, 'linoleum': 1, 'sparky': 1, "louisiana\\'s": 1, 'infection': 1, 'serialized': 1, 'hutchison': 1, 'moores': 1, 'fantasy/allegory': 1, 'spiritualistic': 1, 'preternatural': 1, "convicts\\'": 1, 'healings': 1, 'voodoo-like': 1, 'transference': 1, 'healer': 1, '\\nrarer': 1, '\\nhardest': 1, 'tit': 1, 'intermingling': 1, 'shone': 1, "after\\'": 1, "grossy\\'": 1, 'becase': 1, 'activites': 1, 'webcams': 1, 'hydrophobia': 1, '\\nbizarre': 1, "\\'isolated\\'": 1, 'fluidly': 1, '\\nbalancing': 1, 'sermonizing': 1, 'legitimately': 1, 'carefully-stacked': 1, 'crowdpleasing': 1, 'lauren/sylvia': 1, 'indignantly': 1, 'restricts': 1, 'gazers': 1, 'indicting': 1, 'insulatory': 1, 'insidiously': 1, 'forthright': 1, 'anti-voyeuristic': 1, 'mischievously': 1, 'perkily': 1, '\\ncheerfully': 1, 'typify': 1, 'anticipates': 1, 'look-at-me': 1, 'trustworthiness': 1, 'picket-fenced': 1, 'burkhard': 1, "dallwitz\\'s": 1, '\\ntechnical': 1, "1965\\'s": 1, 'actualisation': 1, 'permissiveness': 1, 'crafted-not': 1, 'narrow-mindedness': 1, 'lansquenet': 1, 'non-religious': 1, 'rocher': 1, 'victoire': 1, 'mouth-watering': 1, 'confections': 1, 'comte': 1, 'reynaud': 1, 'aurelien': 1, 'parent-koening': 1, 'carrie-ann': 1, 'muscat': 1, 'battering': 1, 'ann-moss': 1, 'sympathizes': 1, '\\nvictoire': 1, 'always-on-the-move': 1, "o\\'conor": 1, 'roux': 1, 'jacobs': 1, 'levels-as': 1, 'omens': 1, 'hockey-masked': 1, 'middle-man': 1, '\\nseann': 1, "'assume": 1, '\\nnovak': 1, 'comedies-': 1, 'santostefano': 1, 'aline': 1, 'brosh': 1, 'snappiness': 1, 'romantic-mistaken': 1, 'coffers': 1, 'embodying': 1, 'spoilsport': 1, "taxi\\'s": 1, 'multi-talented': 1, 'hooted': 1, '\\nperformers': 1, 'astaire': 1, 'hines': 1, 'danced': 1, 'forerunner': 1, 'floated': 1, 'quasi-nutritional': 1, "cheatin\\'": 1, 'computer-': 1, 'mariachi--director': 1, '$7000': 1, 'debut--stars': 1, 'tex-mex': 1, '\\nrodriguez': 1, 'count--at': 1, 'estimate--but': 1, '\\nscripted': 1, 'fiction-type': 1, '\\nharvey': 1, 'backslidden': 1, 'ex-preacher': 1, 'sex-pervert': 1, 'relieving': 1, 'age-old': 1, 'impalement': 1, "\\'characters\\'": 1, 'unmentioned': 1, 'larceny': 1, 'scalawags': 1, '[': 1, '289': 1, '460': 1, '939-2': 1, 'lemon': 1, 'wind-bag': 1, 'clintonesqe': 1, 'compton': 1, 'teeter': 1, 'half-truth-telling': 1, 'spin-doctoring': 1, 'equaled': 1, 'treason': 1, 'grim-looking': 1, "boyz\\'n\\'hood": 1, 'liability': 1, 'rhythmless': 1, 'lingo': 1, 'tip-toe': 1, 'let-downs': 1, 'cumberland': 1, 'stroehmann': 1, 'defenseless': 1, 'flattered': 1, 'residuals': 1, "\\nted\\'s": 1, 'cruise/paul': 1, "\\'92/early": 1, "\\'93": 1, 'macchio': 1, '\\nlin': 1, 'benji-like': 1, 'decter': 1, 'strauss': 1, 'plot-relevant': 1, 'serious-minded': 1, 'cufflinks': 1, 'mcguigan': 1, 'over-stylize': 1, 'phallic': 1, "flick\\'s": 1, '\\noverdone': 1, "\\nbruce\\'s": 1, 'self-produced': 1, "linda\\'s": 1, 'pronunciation': 1, "'clint": 1, 'eastwood-directed': 1, 'berendt': 1, 'horseflies': 1, 'free-lance': 1, 'beverages': 1, "nepotist\\'s": 1, 'chablis': 1, 'castilian': 1, '\\nchablis': 1, 'rupaul': 1, 'fly-guy': 1, "jury\\'s": 1, 'indictment': 1, 'celebrity-directed': 1, 'true-story': 1, 'boy-likes-girl': 1, 'boy-gets-killed-in-horrible-accident': 1, "supernatural-entity-takes-over-boy\\'s-body": 1, 'supernatural-entity-falls-in-love-with-girl': 1, '1934': 1, '65th': 1, 'springy': 1, 'boringly': 1, "susan\\'s": 1, '\\nweber': 1, 'murkily': 1, 'voices/accents': 1, "'buffalo": 1, 'gallo': 1, 'angelica': 1, 'witzky': 1, 'party-goers': 1, 'localized': 1, 'spookiness': 1, 'closed-in': 1, 'zhivago': 1, 'loaned': 1, 'butt-numbing': 1, 'coloring': 1, 're-assigned': 1, "panavision\\'s": 1, 'uninhabitable': 1, 'uncreative': 1, 'full-size': 1, 'golden-era': 1, 'girl-on-girl': 1, 'croupier': 1, 'picaresque': 1, 'accommodations': 1, '\\nbriggs': 1, 'violets': 1, 'limestone': 1, 'reprimands': 1, '\\ngreenfingers': 1, 'pinching': 1, 'sneezing': 1, 'pansies': 1, 'high-fives': 1, 'wildflowers': 1, "\\nowen\\'s": 1, 'hershman': 1, 'primrose': 1, '\\nprimrose': 1, "briggs\\'": 1, '\\nlegend': 1, 'batinkoff': 1, "rand\\'s": 1, 'keri': 1, 'rosen': 1, '\\nkeri': 1, '\\ntamara': 1, 'note-': 1, 'pre-conceived': 1, "joey\\'s": 1, 'crushes': 1, 'doltish': 1, 'comedic-romance': 1, 'groundlings': 1, 'brassieres': 1, 'amended': 1, '\\n[katarina]': 1, 'opined': 1, 'hemingway': 1, 'polluted': 1, 'falstaff': 1, 'filmcritic': 1, '\\ncolleague': 1, 'schrager': 1, "romero\\'s": 1, 'double-whammy': 1, 'dubuque': 1, '2470': 1, 'moot': 1, 'delusion': 1, '\\nneurotic': 1, 'fetishist': 1, 'barcode': 1, "time\\'s": 1, "\\nruby\\'s": 1, 'cuz': 1, 'dajani': 1, 'yawk': 1, 'adoring': 1, 'oh-so-adorable': 1, "marker\\'s": 1, 'jetee': 1, "logan\\'s": 1, 'out-of-step': 1, 'race-against-time': 1, 'slots': 1, 'better-made': 1, '\\nterence': 1, 'idealistically': 1, '\\nunbelievable': 1, '\\ndispensing': 1, 'tarkovskian': 1, 'humanism': 1, "'mike": 1, "frickin\\'": 1, 'shagadelic': 1, 'unfrozen': 1, "frisch\\'s": 1, "boy\\'": 1, 'ejecting': 1, 'mindy': 1, "madman\\'s": 1, 'quasi-evil': 1, 'home/dance': 1, 'stupid-': 1, 'thing-': 1, 'cambodian': 1, "\\nwillard\\'": 1, "\\nwillard\\'s": 1, 'entrace': 1, 'slicked': 1, 'non-british': 1, 'edina': 1, 'monsoon': 1, 'chucklesome': 1, "saunder\\'s": 1, 'telly': 1, '\\nrescued': 1, 'fruit-cake': 1, 'fruity': 1, 'nut-cake': 1, '\\nbates': 1, 'two-hander': 1, 'built-up': 1, 'agonisingly': 1, 'seldon': 1, 'nerve-shattering': 1, '\\nknocks': 1, "d\\'oh": 1, 'nerve-wracking': 1, 'snooping': 1, '\\nrealises': 1, 'ankles': 1, '\\nnasty': 1, '\\nsheldon': 1, 'gorey': 1, '\\nmisery': 1, 'regularly-updated': 1, '\\nhttp': 1, 'com/hollywood/bungalow/4960': 1, 'photographer-': 1, 'madonna-marrying': 1, '\\nviggo': 1, 'free-form': 1, 'do--this': 1, 'full-price': 1, 'albany': 1, '#7': 1, 'crowning': 1, 'deterent': 1, 'paradoxically': 1, 'cronfronting': 1, 'jealously': 1, 'daper': 1, 'stong-willed': 1, 'caste-like': 1, 'freewill': 1, 'southerners': 1, 'gall': 1, 'boastfully': 1, 'signifcance': 1, 'signficance': 1, '\\nfleming': 1, 'simplying': 1, 'tyrany': 1, 'exuberhant': 1, "south\\'s": 1, 'love-': 1, 'one-up': 1, 'polarization': 1, '\\ngable': 1, 'hypernaturally': 1, 'closeups': 1, 'ravished': 1, 'wracked': 1, 'mournfulness': 1, 'adjustment': 1, 'terse': 1, 'obtrusive': 1, "blethyn\\'s": 1, 'tragicomic': 1, 'longish': 1, '\\nmuriel': 1, 'porpoise': 1, 'cliquey': 1, 'battler': 1, 'politician/developer': 1, 'chumming': 1, 'crowing': 1, "progress\\'": 1, 'rhonda': 1, 'tormenters': 1, 'pippa': 1, 'grandison': 1, 'jarrett': 1, 'bumblingly': 1, 'proportionately': 1, 'window-shopping': 1, 'sharp-witted': 1, 'houseguest': 1, 'worralls': 1, 'vagrants': 1, 'beggars': 1, 'hazing': 1, 'trendiness': 1, 'regent': 1, '\\nsocial': 1, 'pantomime': 1, 'frixos': 1, "worralls\\'": 1, "princess\\'s": 1, 'rewarding--a': 1, '1793': 1, 'visualizing': 1, 'regicide': 1, 'maidservant': 1, 'meudon': 1, 'patriots': 1, '\\nresisting': 1, 'grand-scale': 1, 'blueblood': 1, 'philipe': 1, 'massacres': 1, '1792': 1, 'procession': 1, 'rioters': 1, '\\nrohmer': 1, 'sheltering': 1, "activist\\'s": 1, 'equalizers': 1, '\\nmaintaining': 1, 'intrusions': 1, '\\naristocracy': 1, 'inaction': 1, 'disconnects': 1, '\\nlazy': 1, 'foolery': 1, "\\nrohmer\\'s": 1, 'staunch': 1, 'vastness': 1, 'groundlessness': 1, "'wong": 1, "kar-wei\\'s": 1, '\\nordinarily': 1, 'kar-wei': 1, 'movie-maker': 1, 'hones': 1, "'city": 1, 'unavailable': 1, '\\nmessinger': 1, 'second-favorite': 1, 'softly-toned': 1, 'appealingly-chirpy': 1, 'former-angel': 1, 'across--the': 1, 'predetermined': 1, '\\nstylishly': 1, 'teen-speak': 1, 'less-successful': 1, '17-year-old': 1, '40-student': 1, '\\nprogressively': 1, 'preflight': 1, 'jitters': 1, 'ruckus': 1, '\\narguing': 1, '300+': 1, 'interrogate': 1, "\\nalex\\'s": 1, 'unboarded': 1, 'never-seen': 1, 'setpieces': 1, 'boosts': 1, '\\ngraphic': 1, 'goldbergesque': 1, 'underseen': 1, 'slasher-comedy': 1, 'man--the': 1, 'now-deceased': 1, "sawa\\'s": 1, 'arcane': 1, 'supererogatory': 1, 'frighten--two': 1, 'vignettes-styled': 1, 'divorcee': 1, 'trepidations': 1, 're-ignite': 1, 'neigbors': 1, 'anthesis': 1, 'relatibility': 1, 'likeness': 1, 'rewatchable': 1, '$14': 1, '\\ngillian': 1, '\\nangelina': 1, 'strasberg': 1, '\\nfame': 1, "5\\'9": 1, 'delaware': 1, 'leibowitz': 1, 'keenan': 1, '\\n---agent': 1, 'swanbeck': 1, 'retrieving': 1, "ambrose\\'s": 1, 'rectified': 1, "\\nethan\\'s": 1, 'god-given': 1, 'coins': 1, 'rancher': 1, "\\nbooker\\'s": 1, 'taxed': 1, 'eighteen-wheeler': 1, 'traumatizes': 1, 'dissipate': 1, 'camera-time': 1, 'soft-focus': 1, 'widens': 1, "eastwood\\'s": 1, "waller\\'s": 1, 'heart-sweeping': 1, 'hesitates': 1, 'roughness': 1, "booker\\'s": 1, 'horse-training': 1, 'paralleled': 1, 'slow-dancing': 1, 'bookshop': 1, 'limousines': 1, 'carpets': 1, 'honey-soaked': 1, 'apricots': 1, 'iniquity': 1, 'ifans': 1, 'bonneville': 1, 'michell': 1, 'treetop': 1, 'enhancement': 1, 'terrarium': 1, 'zookeepers': 1, 'trench-coats': 1, 'experimenters': 1, "\\'strangers\\'": 1, "\\'tune": 1, 'reality-warping': 1, '\\ncinematic': 1, "\\'shoot-em-up\\'": 1, 'existentialist': 1, 'conformist': 1, 'dictatorships': 1, 'kant': 1, "existentialists\\'": 1, "beings\\'": 1, 'non-disney': 1, 'ghettoized': 1, 'shrugging': 1, 'wormwood': 1, 'zinnia': 1, 'wormwoods': 1, 'crunchem': 1, 'child-hating': 1, "trunchbull\\'s": 1, 'cock-eyed': 1, 'pig-tails': 1, 'television-addicted': 1, '_moby': 1, 'dick_': 1, 'adhesive': 1, 'swicord': 1, 'tizard': 1, 'mcglory': 1, 'ballinagra': 1, "mcglory\\'s": 1, "cliche\\'": 1, 'roadblocks': 1, 'pescara': 1, "rosalba\\'s": 1, 'plumbing-supply': 1, 'bohemian': 1, 'icelandic': 1, '\\nfilm-maker': 1, 'red-and-white': 1, 'platform-soled': 1, 'espadrilles': 1, 'massage-therapist': 1, 'plumber-turned-private': 1, 'southport': 1, '\\nkind-hearted': 1, 'honored': 1, 'mountain-side': 1, 'apprehensive': 1, 'yielding': 1, 'crossan': 1, "\\nheche\\'s": 1, 'jump-in-your-seat': 1, 'smartly-scripted': 1, "'labelling": 1, '\\nproducers': 1, 'anabasis': 1, 'xenophon': 1, 'cleon': 1, 'dorsey': 1, 'gramercy': 1, "warriors\\'": 1, '\\ncrowd': 1, 'rogues': 1, "cleon\\'s": 1, 'upheld': 1, 'would-be-girlfriend': 1, 'valkenburgh': 1, 'vorzon': 1, 'statesman-like': 1, 'bereavement': 1, 'reprimand': 1, 'morante': 1, 'trinca': 1, '\\nrespectfully': 1, '\\nself-propelled': 1, 'conciliatory': 1, 'waterworks': 1, 'bargaining': 1, "\\'rest\\'": 1, 'enfield': 1, "beth\\'s": 1, 'joint-smoking': 1, 'repaint': 1, '\\ntown': 1, '\\ninteresting': 1, "\\'barntill": 1, "ten\\'": 1, 'wich': 1, "'airplane": 1, 'zucker/abrahams/zucker': 1, '\\nremains': 1, 'hijacker': 1, 'striker': 1, 'ex-fighter-pilot': 1, 'dickinson': 1, 'deathly-ill': 1, 'chicago-bound': 1, 'kareem': 1, 'abdul-jabbar': 1, 'ashmore': 1, 'sterotypically': 1, 'stucker': 1, 'courtland': 1, 'salle': 1, 'reyes': 1, "kidnapper\\'s": 1, '\\ngrieving': 1, 'guilt-ridden': 1, '\\nsixteen': 1, 'portinari': 1, 'impactful': 1, 'liking/disliking': 1, '\\ncontinuing': 1, 'fun-making': 1, 'richman': 1, 'solidifying': 1, 'faux-sympathy': 1, 'buttercup': 1, 'branched': 1, 'co-owns': 1, 'uptown': 1, "costanza\\'s": 1, 'anchor/correspondant': 1, '\\nharland': 1, 'awe-filled': 1, 'vulture-like': 1, 'shard': 1, 'reinserted': 1, 'demornay-like': 1, 'ogre-witch': 1, 'aughra': 1, 'spastic-but-friendly': 1, 'tumbleweed-like': 1, 'fizzgig': 1, 'puppeteering': 1, 'phenomenal--observe': 1, 'landwalker': 1, 'chase--but': 1, 'delicately-narrated': 1, 'baddeley': 1, 'irregulars': 1, 'tone-perfect': 1, 'executing': 1, '\\njen': 1, '\\nchemistry': 1, 'better-known': 1, "labyrinth\\'s": 1, 'people-less': 1, 'acid-trip': 1, 'guest-host': 1, "tolkien\\'s": 1, 'un-hip': 1, 'underneath-': 1, 'plan-': 1, "ihmoetep\\'s": 1, 'sandstorm': 1, 'horror-loving': 1, 'writer-director-producer': 1, 'ultraman': 1, 'spiderman': 1, 'francisco-based': 1, 'auxiliary': 1, 'not-so-typical': 1, 'herbal': 1, 'matzo': 1, 'soy': 1, 'sauce--the': 1, 'cuisine': 1, 'copeland': 1, 'maryann': 1, 'urbano': 1, 'free-spirit': 1, 'leung': 1, 'hustles': 1, 'is--horror': 1, 'horrors--bad': 1, 'identity--struggling': 1, 'lasers': 1, 'forethought': 1, 'technology--the': 1, "\\nwang\\'s": 1, 'cross-cuts': 1, '\\nmason': 1, "daring\\'s": 1, "\\nrome\\'s": 1, 'senators': 1, 'pant-wetter': 1, 'respect-me-because-my-father-was-a-good-man': 1, "river\\'s": 1, 'grisly-faced': 1, '\\nridley': 1, "haunting\\'": 1, 'dismays': 1, 'ex-baseball': 1, 'ex-assistant': 1, 'blackburn': 1, '\\none-by-one': 1, '\\nconspiracies': 1, 'terrorfying': 1, "\\'haunting\\'": 1, "doesn\\'s": 1, "'apollo": 1, 'us$150': 1, '\\napollo': 1, 'spaceflight': 1, 'haise': 1, 'swigert': 1, 'measles': 1, 'footages': 1, 'film-music': 1, '`scientifically': 1, "illiterate\\'": 1, '\\nyesterday': 1, 'shrugged': 1, '_dragon': 1, 'story_': 1, '_dragonheart_': 1, 'after-effects': 1, 'latura': 1, "_daylight_\\'s": 1, '_cliffhanger': 1, 'ii_--it': 1, 'trundle': 1, '_boom_': 1, 'batterings': 1, '34-degree': 1, 'sly-style': 1, 'meadows': 1, 'cyberspace': 1, 'science-fiction/action': 1, 'multimillion-dollar': 1, 'effects-heavy': 1, '135': 1, 'irrelevent': 1, 'placating': 1, '\\nmorpheus': 1, 'servicewear': 1, '\\nsupports': 1, 'effectual': 1, 'thw': 1, 'smirkiest': 1, 'cogent': 1, 'modernist': 1, 'iniquitous': 1, 'clubish': 1, "who\\'re": 1, 'yech': 1, 'ciello': 1, 'pre-juliani': 1, '\\nundercover': 1, 'unintrusive': 1, 'ulcer': 1, '167': 1, 'ia': 1, 'raspiness': 1, 'itty': 1, 'bitty': 1, "'carla": 1, 'gauthier': 1, '\\ngugino': 1, '\\nson-in-law': 1, '\\ncarla': 1, 'renna': 1, '\\ntiffani-amber': 1, 'thiessen': 1, 'media-saturated': 1, 'humvee': 1, 'bop': 1, "seriously-it\\'s": 1, '\\ntroy': 1, 'ceasefire': 1, 'captives': 1, 'ass-map': 1, 'bullion': 1, 'proposes-demands-that': 1, '\\nditching': 1, 'adriana': 1, 'iraq': 1, "saddam\\'s": 1, "dictator\\'s": 1, "vault\\'s": 1, 'interrogator': 1, 'mutes': 1, "sound-we\\'re": 1, 'persian': 1, 'observe-as': 1, 'indie-minded': 1, '\\nsubsequently': 1, "cartoonish-barlow\\'s": 1, 'post-torture': 1, 'revelry': 1, 'god-fearing-ultra-serious-anti-racist-black-man-of-power': 1, '-so': 1, 'protestor-marching': 1, '\\nhayseed': 1, 'antiheroes': 1, 'revert': 1, "kuwait\\'s": 1, 'oil-infested': 1, 'primer': 1, 'oft-dismissed': 1, 'socially/culturally/politically/globally': 1, "'bill": 1, "condon\\'s": 1, 'wwi': 1, '67': 1, 'disracting': 1, '\\nclayon': 1, 'disapproving': 1, 'reclusion': 1, 'structuring': 1, 'on-again-off-again': 1, 'condon': 1, "mckellen\\'s": 1, 'scrutinization': 1, 'einstein-level': 1, 'resistant': 1, 'warm-heartedness': 1, 'receptive': 1, '100+': 1, "\\'f\\'": 1, '\\nsuggested': 1, 'decision--irving': 1, 'novel--but': 1, "\\nirving\\'s": 1, 'boy--called': 1, 'version--who': 1, 'falsetto': 1, 'enzyme': 1, 'morquio': 1, "function--smith\\'s": 1, 'characters--in': 1, 'obsequious': 1, '\\nmazzello': 1, 'however--the': 1, 'revisions': 1, 'swamped': 1, 'twenty-six': 1, "stoppard\\'s": 1, "1590\\'s": 1, 'noblewoman': 1, 'fennyman': 1, 'forementioned': 1, '-genre': 1, 'true-love': 1, "year\\'s-open": 1, 'railings': 1, 'aft': 1, 'realisticaly': 1, 'brining': 1, 'dicaprip': 1, 'luxuries': 1, 'undertaken': 1, 'marveled': 1, 'smashingly': 1, 'techno-ish': 1, 'taxi-cab': 1, 'highly-energetic': 1, 'eight-year': 1, '\\nembracing': 1, 'unpromisingly': 1, 'self-possessed': 1, 'soho': 1, 'two-timed': 1, 'catty': 1, 'captivatingly': 1, 'blusterous': 1, 'stealthy': 1, 'vivaldi': 1, 'beloveds': 1, "carla\\'s": 1, '\\ndouble-teamed': 1, 'aggrieved': 1, 'smirkingly': 1, 'increasingly-flustered': 1, 'apologetic': 1, 'apoplectic': 1, 'unfeasible': 1, "lou\\'s": 1, 'exploratory': 1, 'profundities': 1, 'not-quite-subtle': 1, 'contractually-obligated': 1, 'resubmit': 1, 'scaled-down': 1, 'withdrew': 1, 'disconcerted': 1, 'custom-tailored': 1, 'seeping': 1, 'self-chiding': 1, '[his]': 1, 'broadly-observed': 1, 'chatterbox': 1, 'transposed': 1, 'surprisingly-resilient': 1, 'evasively': 1, 'tried-and-tested': 1, 'occupational-hazard': 1, 'residing': 1, 'acquainted': 1, 'down-but-not-out': 1, 'salad': 1, 'scattering': 1, 'scrabble': 1, 'renshaw': 1, 'alexandria': 1, "\\ncookie\\'s": 1, 'fullscreen': 1, '\\nluther': 1, 'lover/prot': 1, 'composer/lyricist': 1, "fosse\\'s": 1, 'self-enlightenment': 1, 'kansas': 1, '\\nfrustrated': 1, 'baby-sitting': 1, 'offshoots': 1, 'singer/lover': 1, 'yitzak': 1, "'niagara": 1, "gosse\\'s": 1, 'young-lovers-on-the-road': 1, "marcy\\'s": 1, 'illness--which': 1, 'violently--that': 1, 'beguilingly': 1, "'notice": 1, 'khanijian': 1, 'multi-line': 1, 'unconnectedness': 1, 'out-of-chronological-order': 1, 'rigueur': 1, 'multiplots': 1, 'multi-plot': 1, 'spoon-fed-entertainment': 1, '\\nanalysis': 1, 'tax-auditor': 1, 'palliative': 1, 'penuries': 1, 'poor-rich': 1, 'wrack': 1, 'favorties': 1, 'pinnochio': 1, 'barage': 1, 'seemingly-perfect': 1, 'fucked-up': 1, 'kunz': 1, 'vineyard': 1, 'pseudo-maid': 1, 'out-of-the-way': 1, "eachother\\'s": 1, 'ear-piercing': 1, '\\nlindsay': 1, "ones\\'": 1, 'qe2': 1, 'migraine-inducing': 1, 'gold-digging': 1, 'dilemnas': 1, 'reminscing': 1, 'hawks/cary': 1, 'plagerism': 1, "'gere": 1, 'imploded': 1, '_mafia_': 1, 'still-present': 1, "\\nmulqueen\\'s": 1, 'basque': 1, '\\ncrossing': 1, '\\nholes': 1, '11/20/97': 1, 'indiana]': 1, 'witzy': 1, 'lineman': 1, 'illena': 1, 'masterfully-done': 1, 'visualize': 1, '\\ntelling': 1, 'brilliantly-construed': 1, 'dreamt': 1, 'liza': 1, 'frame-of-mind': 1, 'realistically-written': 1, 'spinetinglingly': 1, 'efects': 1, 'assitance': 1, 'beggining': 1, 'shoveller': 1, 'enterataining': 1, 'aquire': 1, 'disastorous': 1, 'garfalo': 1, 'enteratining': 1, 'screem': 1, '\\nkel': 1, 'proceeders': 1, "'review-": 1, 'bannister': 1, "dobson\\'s": 1, 'horror-action': 1, 'contention': 1, '\\nalvarado': 1, 'jeffery': 1, 'schnook': 1, 're-energize': 1, 'streamline': 1, 'lake-type': 1, 'back-and-forth': 1, 'reinvention': 1, 'noir-': 1, 'quick-fire': 1, 'clung': 1, 'yuppy': 1, 'girl-power': 1, 'country-club': 1, 'flaxen-haired': 1, 'tenaciously': 1, 'manicurist': 1, 'garber': 1, 'teen-comedy': 1, 'cheerfulness': 1, 'problem-solving': 1, 'luketic': 1, 'joyously': 1, 'incandescent': 1, 'soon-to-be-published': 1, 'scented': 1, "mirkin\\'s": 1, 'aprhodite': 1, 'weinberger': 1, 'um-teenth': 1, "\\nromy\\'s": 1, "schiff\\'s": 1, 'finfer': 1, '\\nridiculed': 1, '\\ncomplementing': 1, 'lightness': 1, "wharton\\'s": 1, '\\nnewland': 1, 'welland': 1, '\\nday-lewis': 1, '\\nryder': 1, "woodward\\'": 1, 'slow-starting': 1, '\\nlotsa': 1, 'nuttiness': 1, 'venna': 1, 'harassing': 1, 'whippersnappers': 1, '\\nbuckle': 1, 'shebang': 1, 'jot': 1, 'lotta': 1, '\\nsobieski': 1, 'exaggerating': 1, 'epic-wannabe': 1, 'linden': 1, 'places--': 1, 'cinematography--': 1, 'deaden': 1, 'swelling': 1, '\\nsomber': 1, 'fine--': 1, 'eastwood--': 1, 'buffalo-hunting': 1, 'skinning': 1, '\\nsequence': 1, 'non-pc': 1, 'corral': 1, 'nevers': 1, '40+': 1, 'tubercular': 1, '\\ngaunt': 1, 'rosselini': 1, 'ida': 1, 'wissner': 1, 'vips': 1, "\\'il": 1, "\\'landworld": 1, 'barracades': 1, 'shanghaied': 1, 'copy-machine': 1, 'once-meek': 1, "bethlehem\\'s": 1, 'self-fulfilling': 1, '\\ntate': 1, 'self-named': 1, 'o-dog': 1, "tate\\'s": 1, "o-dog\\'s": 1, 'soft-eyed': 1, '\\nolivia': 1, 'intellectually-challenged': 1, 'vh1/vogue': 1, 'short-film': 1, 'hilfiger': 1, 'potshots': 1, '\\nzoolander': 1, '\\nfashion': 1, 'jacobim': 1, 'brainwash': 1, 'slumping': 1, '\\nferrell': 1, 'ballstein': 1, 'large-assed': 1, 'dowdy': 1, 'highbrow': 1, 'pickings': 1, "\\nzoolander\\'s": 1, "\\'don\\'t": 1, 'pimpernel': 1, 'fops': 1, "\\'powdered": 1, 'be-wigged': 1, "be-ribboned\\'": 1, 'pew': 1, 'royalists': 1, "fingernail\\'": 1, 'royalist': 1, "cheese\\'": 1, 'coachmen': 1, 'dany': 1, 'diguise': 1, 'dubarry': 1, 'duchesse': 1, 'plume': 1, 'tante': 1, '\\ndesiree': 1, "\\'chateau": 1, "neuve\\'": 1, 'sword-fight': 1, 'ons': 1, 'on-form': 1, 'fop': 1, "camembert\\'s": 1, 'thick-witted': 1, 'aristo': 1, 'over-long': 1, 'better-than-usual': 1, 'courthouse': 1, 'waver': 1, 'nabs': 1, 'unpredictably': 1, 'well-built': 1, '\\nportrayed': 1, 'semi-religious': 1, 'patially': 1, 'needful': 1, '144': 1, 'jitterish': 1, 'tireless': 1, 'atone': 1, 'baptizes': 1, "\\'driven\\'": 1, 'financing': 1, 'australian/belgian': 1, 'tingwell': 1, 'reinvigorating': 1, '\\nandreas': 1, 'agnostic': 1, 'litters': 1, 'recurs': 1, 'clashed': 1, 'pall': 1, 'candlelit': 1, 'indiscretion': 1, '\\nbravo': 1, '\\nnorris': 1, 'lan': 1, 'hybridization': 1, 'us-they': 1, '\\nscientists': 1, 'ultraconservative': 1, "arroway\\'s": 1, "humankind\\'s": 1, 'atheists': 1, 'less-than-ideal': 1, 'extremists': 1, 'dinner-table': 1, 'college-dormitory': 1, "joss\\'s": 1, 'idea-driven': 1, 'fizzled': 1, '\\ndisaster': 1, '\\nalar': 1, "kivilo\\'s": 1, 'finely-written': 1, '\\nfingers': 1, "'tibet": 1, 'two-year-old': 1, 'lhassa': 1, '1950': 1, 'ill-equipped': 1, 'diplomatic': 1, "westerner\\'s": 1, 'boxoffice': 1, 'audience-pleaser': 1, 'mountain-climber': 1, '\\nglossed': 1, 'over-explain': 1, 'oracle': 1, "glass\\'s": 1, 'thubten': 1, 'norbu': 1, 'wide-spread': 1, 'clapping': 1, "minutes\\'": 1, 'survival-of-the-fittest': 1, "\\ncharles\\'": 1, 'man-hunting': 1, 'cautiously': 1, '\\ntamahori': 1, 'stitching': 1, '\\nanthony': 1, 'vllainous': 1, 'double-natured': 1, "mills\\'": 1, '--gluttony': 1, 'sloth': 1, 'grotesquely': 1, 'obese': 1, 'murdered--forced': 1, 'shown--like': 1, 'post-death': 1, 'trivia--co-stars': 1, 'oscar--pitt': 1, 'tributes': 1, 'beeing': 1, 'curtiz': 1, 'nazi-collaborating': 1, 'vichy': 1, 'thrive': 1, 'anti-fascist': 1, 'gestapo': 1, 'veidt': 1, 'self-preserving': 1, "\\nbogart\\'s": 1, "huston\\'s": 1, 'maltese': 1, 'tiranny': 1, 'rick/ilsa': 1, 'competiton': 1, 'undoubtful': 1, '\\nrains': 1, 'analyse': 1, "renault\\'s": 1, 'speculations': 1, 'nitpickers': 1, 'beliavable': 1, '\\nsalieri': 1, 'magnificient': 1, 'berridge': 1, "'armageddon": 1, '\\nstories': 1, "us\\'s": 1, 'eight-hundred': 1, 'someodd': 1, 'accumulate': 1, "bitchin\\'": 1, 'happily-ever-after': 1, 'discarged': 1, 'potatohead': 1, '\\nlighting': 1, "jessie\\'s": 1, 'remembrance': 1, 'in-side': 1, 'videogames': 1, '\\nunexpected': 1, 'brs': 1, 'step-away': 1, 'disney-animation': 1, '\\ngods': 1, 'untraditional': 1, '\\nboone': 1, 'platonic': 1, 'ailment': 1, 'philistine': 1, 'rejoiced': 1, 'sprites': 1, '$110': 1, "beethoven\\'s": 1, 'shafts': 1, 'humpback': 1, 'icebergs': 1, 'oceanscape': 1, 'scuffle': 1, 'life-like': 1, 'googly': 1, 'intertwines': 1, 'hustled': 1, 'schoolmarm': 1, "shostakovich\\'s": 1, 'concerto': 1, "andersen\\'s": 1, 'wind-up': 1, 'pipelines': 1, 'andersen': 1, 'hippos': 1, '18-plus': 1, "elgar\\'s": 1, 'tear-jerkers': 1, '\\npowerful': 1, 'wintery': 1, '\\ntrees': 1, 'enlargement': 1, '\\npieces': 1, 'bumblebee': 1, 'horsemen': 1, 'valkyries': 1, 'salvador': 1, 'dali': 1, 'previewed': 1, 'whales/triangle': 1, 'things/sprites': 1, '\\n[g]': 1, 'ethnocentric': 1, 'miracurously': 1, 'propoganda': 1, 'rehabilitation': 1, 'shaven': 1, 'swastica': 1, 'emrboidered': 1, 'devlish': 1, 'carjackers': 1, 'rehabilitated': 1, 'monger': 1, 'mein': 1, 'kampf': 1, 'wisened': 1, 'neo-nazi-dom': 1, 'quasi-sadistic': 1, 'lolipop': 1, 'elloquently': 1, 'justifying': 1, 'eliott': 1, 'rightist': 1, 'unparalled': 1, 'unnerrving': 1, 'soon-to-be-classic': 1, 'revoltingly': 1, 'stand-outs': 1, 'maron': 1, 'pencilled': 1, 'trounced': 1, 'suplee': 1, "\\nfurlong\\'s": 1, 'skinhead-dom': 1, '\\nsorta': 1, 'badmouth': 1, "\\nkaye\\'s": 1, 'enwrapped': 1, 'realy': 1, "\\'gi": 1, 'gusty': 1, 'dehaven': 1, 'backdown': 1, 'gruelling': 1, 'hero/heroine': 1, 'endeavours': 1, '\\nstepping': 1, 'urgayle': 1, 'screamer': 1, 'rigour': 1, "\\njordan\\'s": 1, '\\nroyce': 1, 'surname': 1, 'self-advancement': 1, 'preachings': 1, 'tenacity': 1, 'trickster': 1, 'guises': 1, 'givya': 1, 'dabbles': 1, "oates\\'": 1, 'accursed': 1, 'bly': 1, 'genre-crossing': 1, '\\ngale': 1, 'whew': 1, 'self-references': 1, 'discouragingly': 1, 'follies': 1, 'less-experienced': 1, "channel\\'": 1, '\\nprogram': 1, 'pekurny': 1, 'usda': 1, '\\nwags': 1, 'tarts': 1, 'things--nielsen-boosting': 1, 'things--start': 1, "\\ned\\'s": 1, 'trampled': 1, 'pollsters': 1, '\\nsally': 1, 'alpine': 1, 'writer/director/comedian': 1, 'feasting': 1, 'funniest--and': 1, 'scariest--thing': 1, 'scuba': 1, "\\'stealth": 1, "ship\\'": 1, '\\nsuper-agent': 1, 'pluck': 1, 'leiter': 1, '\\ntomorrow': 1, "leiter\\'s": 1, 'zodiac': 1, 'horoscopes': 1, 'browsed': 1, 'lts': 1, '\\nlts': 1, 'nephews': 1, 'nieces': 1, "asia\\'s": 1, 'malay': 1, 'rugby': 1, 'intending': 1, '\\nnotoriety': 1, 'overpass': 1, 'michelle\x12s': 1, 'less-than-savoury': 1, 'chappy': 1, 'out-of-character': 1, 'not-so-rightfully': 1, "_william_shakespeare\\'s_romeo_+_juliet_": 1, '_the_lion_king': 1, '_the_broadway_musical_': 1, '_titus_andronicus_': 1, 'audacious--and': 1, 'bloody--film': 1, 'transplanted': 1, 'rome--but': 1, 'temporal': 1, 'colosseum': 1, 'gladiator-like': 1, 'goths': 1, 'suviving': 1, '\\ntaymor': 1, 'avant': 1, 'garde': 1, 'resonated': 1, 'viperous': 1, 'lennix': 1, '\\nlennix': 1, '\\n_titus_': 1, 'fearlessly': 1, "'meteor": 1, "spielberg-katzenberg-geffen\\'s": 1, 'mousehunt': 1, 'sex-scandal': 1, 'one-year': 1, 'wolf-beiderman': 1, 'en-route': 1, 'discoverers': 1, 'avert': 1, "wolf-beiderman\\'s": 1, '\\ncitizens': 1, "\\nleo\\'s": 1, "lerner\\'s": 1, 'peacekeeper': 1, 'action-craving': 1, 'normal-looking': 1, 'eternally': 1, 'reinterpretation': 1, "wender\\'s": 1, "\\nwenders\\'": 1, 're-made': 1, '\\nseale': 1, 'banisters': 1, 'alleviated': 1, '\\n____________________________________________': 1, 'kendrick': 1, 'bigfoot': 1, 'com/~jimkendrick': 1, '\\n||': 1, 'jimkendrick@bigfoot': 1, 'pusateri': 1, 'serb': 1, '-all': 1, 'battle-damaged': 1, 'innocent-looking': 1, '9-year-old': 1, 'farmboy': 1, "obi-wan\\'s": 1, 'little-boy': 1, '\\nportman': 1, 'dinosaur-sized': 1, 'venetian-looking': 1, 'roman-chariot': 1, 'nascar': 1, 'corsucant': 1, 'palaces': 1, 'skylines': 1, '\\nwatto': 1, 'paunchy': 1, 'flutter': 1, 'hummingbird': 1, 'qui': 1, "jon\\'s": 1, 'half-hidden': 1, 'cult-favorite': 1, 'foots': 1, 'dog-bone': 1, 'horseplay': 1, 'eavesdropping': 1, 'film-within-the-film': 1, '\\noccasional': 1, 'overkilling': 1, 'saracastic': 1, 'slandering': 1, "smart-alec\\'s": 1, 'dumbing-down': 1, 'party/rave': 1, 'pubbing': 1, 'wanking': 1, 'jip': 1, 'simm': 1, '\\nkoop': 1, 'parkes': 1, 'nicola': 1, '\\nnina': 1, 'mcjob': 1, 'weekends': 1, '\\nlulu': 1, 'pilkington': 1, "jip\\'s": 1, 'moff': 1, "kerrigan\\'s": 1, 'hardback': 1, 'filipino': 1, "\\'everything": 1, "crap\\'": 1, 'corman-wannabe': 1, 'cusp': 1, 'alexi-malle': 1, 'fatter': 1, 'latches': 1, 'low-grade': 1, 'surreptitiously': 1, 'fraternizing': 1, 'cultish': 1, 'stricter': 1, 'combed': 1, 'ignoramus': 1, 'scientologists': 1, "stricter\\'s": 1, 'neutral-coloured': 1, 'amphetamine': 1, 'bigshot': 1, 'affirmations': 1, 'pseudo-religion': 1, 'mill-types': 1, "feeder\\'s": 1, 'innovative-never': 1, 'border-jumpers': 1, 'cahiers': 1, 'two-thousand': 1, "\\nbowfinger\\'s": 1, 'wealthiest': 1, 'finger-pointing': 1, 'pot-smoking': 1, 'goth-looking': 1, 'jelly-donut': 1, 'pinup': 1, 'lawsuits': 1, '\\nsprinkle': 1, 'peeking': 1, 'ding-dong': 1, 'paup': 1, 'ooooh': 1, 'down-trodden': 1, 'affirm': 1, 'non-nudity': 1, 'guelph': 1, '\\nhoser': 1, 'confidence-lacking': 1, 'overly-officious': 1, 'lomper': 1, 'huison': 1, 'graceless': 1, 'speer': 1, 'well-endowed': 1, 'sextet': 1, 'choreograph': 1, 'pseudo-sexy': 1, 'anti-appeal': 1, 'tastelessness': 1, "lindo\\'s": 1, '\\ndepartment': 1, "'books": 1, '70s/early': 1, 'battlestar': 1, 'galactica': 1, 'revised': 1, 'meddle': 1, '_experience_': 1, 'lucasfilm': 1, 'collated': 1, 'webpages': 1, 'islandnet': 1, 'com/~corona/films/details/sw4': 1, '//leopard': 1, 'cs': 1, 'latrobe': 1, 'edu': 1, 'au/~koukoula/': 1, 'unnoticeably': 1, 'yavin': 1, 'edifice': 1, 'moss-covered': 1, 'carvings': 1, 'etchings': 1, 'glitches': 1, 'made--and': 1, '_fantastic_': 1, 'brightened': 1, 'remixed': 1, 'reprocessed': 1, 'maven': 1, 'burtt': 1, 'theater-shaking': 1, 'full-thx': 1, '_so': 1, 'much_': 1, 'letterboxing': 1, '\\nmay': 1, "experience--you\\'ll": 1, 'movie--special': 1, 'enthrall': 1, 'slap-sticky': 1, "either\\'s": 1, 'pickpocket': 1, 'schmoozes': 1, 'moonshine': 1, 'fool-proof': 1, "'cinematically": 1, "parks\\'": 1, "tidyman\\'s": 1, 'release--and': 1, 'decade--the': 1, 'broad-based': 1, "singleton\\'s": 1, 'y2g': 1, "_shaft_\\'s": 1, 'sequel/spinoff': 1, "1972\\'s": 1, "_shaft\\'s_big_score": 1, "1973\\'s": 1, '_shaft_in_africa_': 1, 'same-named': 1, 'racially-motivated': 1, 'dominican': 1, 'palmieri': 1, 'eyewitness': 1, '\\npeoples--or': 1, 'does--and': 1, '\\nbale': 1, '_american_psycho_': 1, '\\nbusta': 1, "shaft\\'s": 1, 'rasaan': 1, '\\nregistering': 1, 'strongly--but': 1, 'own--are': 1, 'salerno': 1, 'unsurprising': 1, 'cool--and': 1, 'sequence--scored': 1, "hayes\\'": 1, 'ever-infectious': 1, 'sprinkles': 1, 'film--on': 1, '\\nstyle': 1, 'mutha--shut': 1, "'uncompromising": 1, "malory\\'s": 1, 'morte': 1, 'darthur': 1, 'enshrining': 1, 'dethrones': 1, '\\nchivalry': 1, 'decimated': 1, "merlin\\'s": 1, 'smolder': 1, 'near-ruin': 1, '\\nlancelot': 1, 'condominas': 1, 'mordred': 1, 'gawain': 1, 'balsan': 1, "lancelot\\'s": 1, 'stripped-down': 1, 'drumbeat': 1, 'bagpipes': 1, 'clanking': 1, 'creaking': 1, 'neighing': 1, 'nonprofessional': 1, 'scrap-pile': 1, 'bagpipe': 1, "\\nbresson\\'s": 1, 're-evaluating': 1, '\\nroars': 1, 'fearsomely': 1, 'adepts': 1, '\\nsupercop': 1, 'karate-kicking': 1, 'fo': 1, 'ever-enjoyable': 1, 'sppedboat': 1, '\\noutrunning': 1, 'danging': 1, 'wrong-way': 1, "\\'copter": 1, 'greyer': 1, 'trotting': 1, 'oscar-bait': 1, '\\nbille': 1, 'epic--handsome': 1, 'screenplay--with': 1, 'french-set': 1, 'factory-worker-turned-prostitute': 1, 'vigau': 1, 'caretakers': 1, 'decades-spanning': 1, 'english-language': 1, "smilla\\'s": 1, 'jorgen': 1, 'persson': 1, "rush\\'s": 1, 'modulated': 1, 'unglamorous': 1, 'cerebrally': 1, 'cosette-marius': 1, 'eponine': 1, "marius\\'s": 1, 'out-going': 1, '\\nwhit': 1, '\\nbeckinsale': 1, 'side-tracks': 1, "'gordon": 1, 'underbids': 1, '\\ngordo': 1, 'giggs': 1, 'guilfoyle': 1, '$10000': 1, 'audiotapes': 1, 'multi-personality': 1, "\\ngordo\\'s": 1, 'jump-out-at-you-from-the-dark': 1, 'parcel': 1, 'high-definition': 1, 'uta': 1, 'briesewitz': 1, '\\nmullan': 1, "gordo\\'s": 1, '\\ngevedon': 1, 'epos': 1, 'lovestory': 1, 'vestern': 1, 'calvinistic': 1, 'clocktower': 1, 'to-be-weds': 1, 'skarsgaard': 1, 'funerals': 1, '\\nconvincing': 1, 'kirkeby': 1, 'procol': 1, 'harum': 1, 'matin': 1, 'lunes': 1, 'fiel': 1, 'katrin': 1, 'cartlidge': 1, 'prix': 1, 'ultimo': 1, "'anastasia": 1, '\\nanastasia': 1, 'landsbury': 1, 'vlad': 1, '\\ndimitri': 1, "rasputin\\'s": 1, 'bartok': 1, 'show-stopper': 1, 'top-40': 1, 'showpieces': 1, "campion\\'s": 1, 'wrong--again': 1, 'better--among': 1, 'think--if': 1, 'unlistenable': 1, '\\ncampion': 1, 'dryburgh': 1, 'eye-filling': 1, "\\njones\\'": 1, '777-film': 1, "alain\\'s": 1, 'heavies': 1, '\\nalain': 1, 'booked': 1, 'bohemia': 1, 'derbies': 1, 'double-barreled': 1, 'accentuating': 1, 'amplifying': 1, 'kong/hollywood': 1, 'twotg': 1, 'savviness': 1, 'unabashed': 1, 'planners': 1, 'fun-to-watch': 1, 'alleyways': 1, "chidduck\\'s": 1, 'forebodings': 1, 'shrills': 1, 'desperados': 1, "'marie": 1, 'sixty-ish': 1, 'sunbathes': 1, "\\nmarie\\'s": 1, 'ex-pat': 1, 'vernier': 1, 'nenette': 1, 'boni': 1, "woolf\\'s": 1, 'andree': 1, 'tainsy': 1, '\\ninsists': 1, 'putrefaction': 1, 'bagged': 1, "\\'i\\'ve": 1, "\\n\\'did": 1, 'cowrote': 1, 'bernheim': 1, '\\ncinematography': 1, 'hiberli': 1, "ocean\\'s": 1, "rampling\\'s": 1, 'auto-arousal': 1, "polanski\\'s": 1, 'rombi': 1, "ullmann\\'s": 1, 'harkened': 1, 'sidekick/sidekicks': 1, 'warner-brothers-coyote-fall-off-the-cliff': 1, 'english-dubbed': 1, 'american-': 1, 'totoro': 1, 'understandingly': 1, 'harmlessly': 1, 'broom': 1, 'hugeness': 1, 'pacifier': 1, 'one-persons': 1, "\\nkiki\\'s": 1, 'three-': 1, 'complimented': 1, "deliveree\\'s": 1, 'master-servant': 1, 'friend-friend': 1, 'bewonderment': 1, '\\nrefreshingly': 1, 'self-contradicted': 1, 'self-image': 1, 'monoko': 1, 'hime': 1, "'insane": 1, 'alferd': 1, 'trappers': 1, 'post-cannibal': 1, '\\nmusical': 1, "packer\\'s": 1, 'snowmen': 1, '`eat': 1, "butt\\'": 1, "mchugh\\'s": 1, 'dissenting': 1, 'shpadoinkle': 1, 'braniff': 1, "trapper\\'s": 1, 'leit': 1, '`hang': 1, "bastard\\'": 1, "uncut\\'s": 1, 'inclusions': 1, '\\nspecific': 1, 'mchugh': 1, 'dian': 1, 'bachar': 1, 'kemler': 1, 'lemmy': 1, 'motorhead': 1, 'aix': 1, "'allen": 1, 'robbery--he': 1, 'glades': 1, '\\nfederal': 1, 'bundles': 1, 'toupee-sporting': 1, 'caper-gone-awry': 1, "\\nclooney\\'s": 1, 'out-maneuvers': 1, '\\nadmirably': 1, "\\'snoopy\\'": 1, 'perennially': 1, 'nations-type': 1, 'isolationist': 1, '\\npreserving': 1, '\\nmanipulating': 1, 'reemerging': 1, 'comprise': 1, '\\njedi': 1, 'solicit': 1, 'gushing': 1, 'testimonials': 1, "menace\\'s": 1, 'eastern-sounding': 1, 'geopolitics': 1, 'appeasement': 1, 'satellite-controlled': 1, 'cetera': 1, 'camel': 1, 'outperform': 1, '\\nstrengths': 1, 'top-of-the-line': 1, "\\'fuck\\'": 1, '\\nfucking': 1, 'expletitive': 1, 'traffiking': 1, 'lashings': 1, 'middlemen': 1, '\\nmontana': 1, 'fiercely': 1, 'bristling': 1, 'overracting': 1, 'aquits': 1, 'scorese': 1, "moroder\\'s": 1, 'synthesier': 1, 'k-filled': 1, 'glitters': 1, '\\nthirdly': 1, 'groom-wannabe': 1, "e\\'s": 1, 'incorrigible': 1, 'injure': 1, 'uncorking': 1, 'volleyball': 1, 'tug-of-war': 1, 'topical': 1, 'hunky-dory': 1, 'mothering': 1, 'nit-picking': 1, "\\nbrooks\\'": 1, 'sausalito': 1, 'quantities': 1, 'refrigerates': 1, 'lettuce': 1, 'wilted': 1, 'glaze': 1, 'twenty-pound': 1, 'freezer': 1, 'sequitur': 1, "streep\\'s": 1, 'yosarian': 1, 'softness': 1, 'demeaned': 1, 'mccalister': 1, "\\'no\\'": 1, 'ideologically': 1, 'entitlement': 1, 'usurp': 1, "teachers\\'": 1, "barnett\\'s": 1, 'winsomely': 1, 'tenets': 1, 'viscous': 1, '\\nsexuality': 1, 'straddle': 1, 'infuriatingly': 1, '\\npayne': 1, '\\nminus': 1, 'compress': 1, 'thelma': 1, 'schoonmaker': 1, '\\nradios': 1, 'herded': 1, "tibet\\'s": 1, '\\ntibet': 1, 'vestments': 1, 'grouped': 1, 'bawling': 1, 'nolstalgic': 1, 'engross': 1, 'drug-dealers': 1, 'baby-faced': 1, 'venable': 1, '\\nvail': 1, 'money-': 1, 'attention-grabbing': 1, '\\nalfre': 1, "vail\\'s": 1, 'altar-boy': 1, 'red-herrings': 1, 'dead-ends': 1, 'prepostrous': 1, 'uncompromisingly': 1, 'davis/harrison': 1, 'pedal': 1, 'brake': 1, 'prisoner/former': 1, 'parolees': 1, 'adopter': 1, 'interfered': 1, 'jetliners': 1, 'voltage': 1, 'denuto': 1, 'tiriel': 1, 'mora': 1, 'tenny': 1, 'simcoe': 1, 'investments': 1, "denuto\\'s": 1, 'simpletons': 1, 'santo': 1, 'cilauro': 1, 'gleisner': 1, '\\nsympathy': 1, 'bandied': 1, 'outcomes': 1, 'constitution': 1, 'pleasent': 1, 'conners': 1, 'punxsutawney': 1, 're-living': 1, '\\ngroundhog': 1, 'totatly': 1, 'unoffensive': 1, 'senitmental': 1, "\\nramis\\'s": 1, 'smary': 1, 'phils': 1, 'ryanson': 1, 'neurologist': 1, 'donne': 1, 'inclement': 1, '\\n1984': 1, 'wonder-bred': 1, 'fearfully': 1, 'denker': 1, 'pseudonymous': 1, 'dussander-much': 1, "bowden\\'s": 1, '\\nmarching': 1, 'doodles': 1, 'swastikas': 1, '\\ndussander': 1, 'credibility-in': 1, 'post-secondary': 1, "material\\'s": 1, "verbal\\'s": 1, 'golden-boy': 1, 'ruses': 1, 'outcome-there': 1, 'hoodwink': 1, 'film-schoolish': 1, 'overdirected': 1, 'subdued-and': 1, 'murderer-in-training': 1, "\\nmckellan\\'s": 1, 'kieran': 1, 'taylor-thomas': 1, '\\nrenfro': 1, 'cocaine-i': 1, 'kids-and': 1, 'only-children-has': 1, "pupil\\'s": 1, 'blackening-heart': 1, 'indeed-we': 1, 'laudible': 1, '\\n-october': 1, 'hayworth': 1, 'implementation': 1, '\\nlength': 1, "'few": 1, "mccourt\\'s": 1, 'sentimentalized': 1, 'pseudo-lyrical': 1, 'homely': 1, "\\nmccourt\\'s": 1, 'irishfolk': 1, 'rat-infested': 1, '\\npositions': 1, 'instructors': 1, 'malnutrition': 1, 'worsening': 1, 'gloomily': 1, '\\nsupplementing': 1, 'hambling': 1, 'bladders': 1, 'famished': 1, 'mccourt': 1, 'trenches': 1, '\\nstillman': 1, "disco\\'s": 1, 'conversation-heavy': 1, 'upwardly-mobile': 1, 'bass-pounding': 1, 'intellectualizing': 1, 'harvard-educated': 1, '\\nna': 1, 'outspoken--perhaps': 1, 'dancefloor': 1, 're-meet': 1, 'eigeman': 1, 'out--last': 1, 'fact--that': 1, 'soul-baring': 1, 'des': 1, 'well-spoken': 1, 'merry-go-round': 1, '\\nstand': 1, '|': 1, 'enforcing': 1, 'spearing': 1, "recipient\\'s": 1, "\\'bend": 1, 'dingo': 1, 'churchman': 1, 'milliken': 1, 'aborginal': 1, 'pedersen': 1, 'men-only': 1, 'inter-racial': 1, 'uluru': 1, 'wide-screen': 1, 'anglo-saxon': 1, "\\'invaders\\'": 1, 'jedda': 1, 'blacksmith': 1, "\\'debate\\'": 1, 'nourishing': 1, 'non-judgemental': 1, "'trees": 1, 'performences': 1, 'effects-bound': 1, 'podrace': 1, "wit\\'s": 1, 'c3-po': 1, 'performances-': 1, 'edge-of-your-seat': 1, '8\\%': 1, 'mouth-opening': 1, 'viewer-': 1, 'gaultier': 1, "amadala\\'s": 1, 'gold-embroidery': 1, "jedis\\'": 1, 'zestful': 1, 'circled': 1, "'lisa": 1, 'beliner': 1, 'out-of-it': 1, 'suger-coated': 1, "syd\\'s": 1, 'portrtayal': 1, 'once-blossoming': 1, 'characted': 1, 'wh': 1, 'duong': 1, 'invlove': 1, 'steaminess': 1, 'leboswki': 1, "what\\'sgoingonaroundhere": 1, 'slothful': 1, "\\nlebowski\\'s": 1, 'assailants': 1, 'dudeness': 1, "namesake\\'s": 1, 'trademarked': 1, 'crimes-gone-wrong': 1, 'nam': 1, 'all-purple': 1, '\\nbuscemi': 1, 'roseanne': 1, "barr\\'s": 1, '\\nredman@bvoice': 1, 'eaddress': 1, 'estuff': 1, '\\nrigormortis': 1, 'martyrs': 1, 'manifesto': 1, "`thrillers\\'": 1, '`roswell': 1, "`roswell\\'": 1, 'meri': 1, 'kaczkowski': 1, 'robb': 1, 'sovereign': 1, 'sanctity': 1, "`no-name\\'": 1, 'url': 1, "l\\'auto": 1, 'small-budget': 1, 'horror/sci-fi': 1, 'anyway--yep': 1, 'timelines': 1, '\\naboard': 1, '\\nlanding': 1, 'bred': 1, 'decreased': 1, '\\nstory-wise': 1, 'incorporation': 1, 'fossils': 1, 'well-balanced': 1, 'part-human': 1, '\\nlazard': 1, '\\nmedak': 1, '\\nstrong': 1, 'sure-handed': 1, '\\ndirt': 1, 'nooks': 1, 'crannies': 1, 'seat-handles': 1, 'gang-bangers': 1, '/10': 1, "mark\\'s": 1, 'migration': 1, 'undie': 1, 'thespian-at-large': 1, 'father/david': 1, 'douchebag': 1, 'nacho': 1, 'fiesta': 1, 'glenross': 1, 'highschool': 1, 'ged': 1, 'felonies': 1, 'un-noticeable': 1, 'pry': 1, 'orsen': 1, 'filer': 1, '\\nlotte': 1, 'appearence': 1, 'inventie': 1, "\\n\\'being": 1, 'unwinable': 1, "bishop\\'s": 1, 'proclamations': 1, 'prosecuting': 1, '\\naaron': 1, 'well-dressed': 1, "\\nnorton\\'s": 1, "'glory--starring": 1, 'freeman--is': 1, '54th': 1, '1862': 1, 'eriksson': 1, 'war--that': 1, 'grazes': 1, 'enlistment': 1, 'cheek--and': 1, '\\nsearles': 1, 'rattle': 1, "regiment\\'s": 1, "north\\'s": 1, 'south--forever': 1, 'unquestioned': 1, 'grittiest': 1, '170': 1, 'discharge': 1, 'countrysides': 1, 'chief-of-stafff': 1, 'downgrade': 1, "'truman": 1, 'true-man': 1, 'overflying': 1, 'paneled': 1, 'vainly': 1, 'all-seeing': 1, "robots\\'": 1, 'cage-world': 1, "\\ncarrey\\'s": 1, '\\nsight': 1, 'snoots': 1, 'obstructions': 1, 'obscuring': 1, 'tangerine': 1, 'timbre': 1, "glass\\'": 1, 'powaqqatsi': 1, 'keyboardist': 1, 'capitalized': 1})
#mask from http://clipart-library.com/clipart/1517256.htm
#creating an array of arrays for the mask
word_cloud = create_word_cloud_with_mask("data//projector.png", review_dict, 750, "Word Cloud Pre-Cleaning")
#Without any preprocessing you can see the words that have the highest frequency count are not beneficial to the
#understanding about what the review is about or the sentiment. The wordcloud shows that punctuation needs to be
#removed as the common characters are ., \, /, ", ), ', \n, ?,. The most common words are the, a, to, and, is, in, of...
#these words are not helpful and should be removed during the processing and cleaning of the data. My first step is
#to remove punctuation and anything that is not a word. the words \nthe and \ni is there, which shows that I need to
#remove the new line character as well.
#Visualizing the top 12 words/characters
eda_reviews_top_words = word_freq_dict_to_df_top_words(review_dict, 12)
eda_reviews_top_words
count | word | |
---|---|---|
22 | 68199 | the |
14 | 65876 | . |
7 | 37078 | a |
11 | 33723 | and |
21 | 33694 | of |
6 | 31466 | to |
60 | 25014 | is |
31 | 19943 | in |
41 | 17612 | \" |
49 | 14765 | that |
88 | 11781 | ) |
83 | 11664 | ( |
top_words_bar_plot(eda_reviews_top_words, "Top 12 Items Prior to Cleaning")
<module 'matplotlib.pyplot' from 'C:\\Users\\ho511\\Anaconda3\\lib\\site-packages\\matplotlib\\pyplot.py'>
total_words_unique_words(review_dict)
The total number of words is 1418867 The total number of unique words is 56785
#need to remove the newline character \n
movies_clean["review"] = movies_clean["review"].str.replace(r'\\n', ' ', regex = True)
#Changing all n't to not
movies_clean["review"] = movies_clean["review"].str.replace("n't"," not")
#Removing punctuation and making everything lowercase
movies_clean["review"] = movies_clean["review"].str.replace('[^\w^\s]', "").str.lower()
#Need to tokenize
movies_clean["review_tokenize"] = movies_clean.apply(lambda row: nltk.word_tokenize(row["review"]), axis = 1)
#Removing stopwords
movies_clean["review_no_stopwords"] = movies_clean.apply(lambda row: stop_word_removal(row["review_tokenize"]), axis = 1)
#Visualizing the data without the stopwords
viz = pd.DataFrame()
viz["no_stopwords"] = movies_clean["review_no_stopwords"].copy()
viz.head()
no_stopwords | |
---|---|
0 | [plot, two, teen, couples, go, church, party, ... |
1 | [happy, bastards, quick, movie, review, damn, ... |
2 | [movies, like, make, jaded, movie, viewer, tha... |
3 | [quest, camelot, warner, bros, first, featurel... |
4 | [synopsis, mentally, unstable, man, undergoing... |
viz["no_stopwords"] = getting_data_ready_for_freq(viz, "no_stopwords")
no_stopwords_dict = creating_freq_list_from_df_to_dict(viz, "no_stopwords")
print(no_stopwords_dict)
Counter({'film': 8858, 'one': 5520, 'movie': 5438, 'like': 3553, 'even': 2555, 'good': 2320, 'time': 2283, 'story': 2117, 'films': 2105, 'would': 2041, 'much': 2023, 'also': 1965, 'characters': 1947, 'get': 1921, 'character': 1906, 'two': 1824, 'first': 1768, 'see': 1730, 'well': 1695, 'way': 1668, 'make': 1590, 'really': 1556, 'little': 1490, 'life': 1469, 'plot': 1451, 'people': 1419, 'movies': 1416, 'could': 1395, 'bad': 1373, 'scene': 1373, 'never': 1363, 'best': 1301, 'new': 1277, 'doesnt': 1271, 'many': 1267, 'man': 1266, 'scenes': 1265, 'dont': 1211, 'know': 1207, 'hes': 1150, 'great': 1140, 'another': 1111, 'love': 1089, 'action': 1078, 'go': 1075, 'us': 1065, 'director': 1056, 'something': 1048, 'end': 1047, 'still': 1037, 'back': 1034, 'seems': 1032, 'made': 1026, 'work': 1007, 'theres': 994, 'makes': 992, 'however': 986, 'big': 970, 'years': 968, 'world': 963, 'every': 945, 'though': 936, 'better': 914, 'enough': 907, 'seen': 902, 'around': 896, 'take': 893, 'performance': 885, 'audience': 878, 'going': 871, 'isnt': 871, 'gets': 864, 'role': 863, 'may': 854, 'real': 853, 'things': 849, 'think': 842, 'actually': 834, 'last': 830, 'look': 829, 'funny': 829, 'almost': 811, 'say': 802, 'thing': 801, 'nothing': 800, 'comedy': 800, 'although': 795, 'fact': 795, 'thats': 790, 'played': 788, 'right': 782, 'find': 779, 'john': 772, 'come': 769, 'since': 768, 'script': 762, 'cast': 760, 'plays': 753, 'long': 750, 'young': 738, 'ever': 737, 'comes': 733, 'old': 728, 'actors': 716, 'part': 703, 'original': 703, 'show': 699, 'without': 695, 'acting': 689, 'star': 675, 'least': 675, 'lot': 674, 'point': 670, 'takes': 668, 'quite': 656, 'away': 650, 'course': 647, 'goes': 646, 'cant': 645, 'minutes': 639, 'interesting': 633, 'im': 630, 'effects': 629, 'three': 628, 'screen': 626, 'might': 624, 'rather': 620, 'guy': 620, 'family': 620, 'anything': 617, 'day': 612, 'far': 611, 'place': 610, 'must': 604, 'watch': 601, 'yet': 600, 'year': 594, 'didnt': 576, 'seem': 574, 'always': 574, 'fun': 571, 'times': 566, 'trying': 565, 'instead': 565, 'special': 565, 'bit': 564, 'making': 563, 'give': 561, 'want': 557, 'sense': 553, 'picture': 550, 'job': 550, 'kind': 549, 'wife': 548, 'set': 545, 'home': 543, 'probably': 538, 'series': 537, 'help': 532, 'along': 529, 'becomes': 526, 'pretty': 523, 'everything': 522, 'hollywood': 522, 'sure': 518, 'dialogue': 516, 'american': 515, 'men': 515, 'together': 515, 'woman': 515, 'actor': 513, 'become': 509, 'gives': 507, 'hard': 503, 'given': 501, 'money': 501, 'high': 498, 'black': 495, 'whole': 494, 'watching': 490, 'got': 486, 'music': 475, 'wants': 475, 'feel': 461, 'perhaps': 458, 'done': 458, 'especially': 454, 'death': 453, 'less': 452, 'next': 452, 'moments': 449, 'sex': 447, 'everyone': 445, 'play': 445, 'looks': 443, 'completely': 439, 'city': 437, 'looking': 436, 'reason': 435, 'whose': 434, 'horror': 433, 'shows': 432, 'rest': 431, 'performances': 430, 'different': 429, 'simply': 428, 'james': 426, 'father': 422, 'ending': 421, 'friends': 421, 'couple': 420, 'put': 420, 'case': 419, 'several': 417, 'mind': 416, 'theyre': 414, 'evil': 413, 'left': 412, 'anyone': 411, 'michael': 411, 'human': 408, 'night': 408, 'shes': 407, 'entire': 406, 'small': 406, 'humor': 405, 'getting': 404, 'girl': 404, 'lost': 403, 'turns': 402, 'line': 401, 'main': 399, 'found': 397, '2': 396, 'use': 396, 'problem': 394, 'half': 393, 'begins': 392, 'true': 388, 'either': 385, 'stars': 383, 'unfortunately': 382, 'mother': 382, 'soon': 382, 'later': 381, 'ive': 381, 'final': 379, 'idea': 378, 'name': 376, 'someone': 375, 'school': 375, 'comic': 375, 'town': 374, 'wrong': 372, 'thought': 372, 'else': 371, 'based': 370, 'friend': 370, 'tries': 369, 'group': 367, 'alien': 366, 'written': 365, 'house': 365, 'david': 365, 'sequence': 364, 'used': 364, 'keep': 364, 'often': 361, 'second': 361, 'dead': 360, 'certainly': 360, 'works': 359, 'relationship': 359, 'believe': 357, 'called': 356, 'said': 353, 'named': 353, 'playing': 351, 'despite': 351, 'behind': 351, 'head': 350, 'turn': 350, 'finally': 350, 'war': 348, 'maybe': 345, 'days': 342, 'tell': 341, 'kids': 339, 'able': 339, 'finds': 337, 'nice': 336, 'seeing': 336, 'youre': 335, 'perfect': 334, 'past': 333, 'hand': 332, 'book': 330, 'including': 330, 'mr': 327, 'shot': 326, 'person': 326, 'lives': 325, 'boy': 324, 'camera': 323, 'run': 323, 'supposed': 322, 'lines': 321, 'live': 321, 'moment': 318, 'side': 317, 'directed': 317, 'starts': 316, 'need': 316, 'fight': 315, 'entertaining': 313, 'running': 313, 'car': 313, 'style': 313, 'game': 313, 'summer': 313, 'full': 312, 'worth': 311, 'tv': 310, 'dark': 309, 'face': 307, 'worst': 307, 'start': 306, 'matter': 305, 'kevin': 305, 'try': 305, 'upon': 305, 'others': 303, 'nearly': 303, 'care': 302, 'son': 302, 'opening': 301, 'throughout': 300, 'example': 299, 'violence': 298, 'exactly': 297, 'video': 296, 'hour': 296, 'daughter': 296, 'early': 295, 'major': 294, 'review': 293, 'problems': 293, 'beautiful': 292, 'sequences': 291, 'short': 291, 'wasnt': 291, 'production': 290, 'title': 290, 'version': 290, 'whos': 289, 'robert': 288, 'let': 288, 'obvious': 287, 'joe': 287, 'classic': 286, 'top': 286, 'screenplay': 286, 'already': 285, 'guys': 284, 'kill': 283, 'drama': 283, 'fine': 283, 'direction': 283, 'order': 282, 'eyes': 282, 'team': 282, 'children': 281, 'roles': 281, 'simple': 281, 'hit': 280, 'knows': 278, 'act': 277, 'question': 277, 'earth': 276, 'sort': 276, 'white': 275, 'supporting': 275, 'truly': 274, 'deep': 272, 'save': 271, 'sometimes': 269, 'boring': 269, 'jack': 269, 'known': 266, 'women': 264, 'beginning': 264, 'coming': 261, 'wont': 261, 'hell': 261, 'attempt': 260, 'jokes': 260, 'killer': 260, 'arent': 259, 'strong': 259, 'tom': 259, 'four': 259, 'space': 259, 'body': 258, 'happens': 258, 'room': 257, 'ends': 257, 'says': 256, 'york': 256, 'jackie': 256, 'tells': 255, 'heart': 255, 'novel': 254, 'hope': 254, 'possible': 253, 'peter': 253, 'scream': 253, 'yes': 252, 'saw': 252, 'quickly': 251, 'stupid': 251, 'five': 249, 'genre': 249, 'extremely': 248, 'lead': 248, 'manages': 248, 'girls': 247, 'wonder': 246, 'lee': 245, 'murder': 245, 'particularly': 245, 'ship': 244, 'stop': 244, 'romantic': 244, 'appears': 243, 'level': 243, 'future': 243, 'career': 242, 'involving': 242, 'worse': 242, 'voice': 241, 'mostly': 241, 'thriller': 241, 'involved': 241, 'sets': 240, 'eventually': 240, 'police': 239, 'falls': 239, 'sound': 239, 'hours': 239, 'taking': 238, 'attention': 238, 'emotional': 238, 'dr': 237, 'material': 237, 'result': 237, 'elements': 236, 'planet': 236, 'ones': 236, 'hero': 236, 'lack': 235, 'close': 235, 'bring': 235, 'whats': 234, 'piece': 234, 'child': 234, 'meet': 234, 'none': 233, 'note': 233, 'brother': 232, 'experience': 232, 'fall': 232, 'van': 232, 'fans': 231, 'fiction': 231, 'leads': 231, 'dog': 230, 'living': 229, 'wild': 229, 'de': 228, 'battle': 227, 'enjoy': 227, 'theater': 227, 'alone': 227, 'obviously': 226, 'guess': 226, 'paul': 226, 'interest': 226, 'taken': 225, 'feeling': 225, 'late': 225, 'youll': 225, 'usually': 225, 'among': 225, 'husband': 224, 'laughs': 224, 'laugh': 224, 'power': 223, 'george': 223, 'parents': 223, 'mean': 222, 'king': 222, 'aliens': 222, 'needs': 221, 'attempts': 221, 'happen': 220, 'within': 220, 'number': 220, 'chance': 220, 'talent': 220, 'across': 219, 'deal': 218, 'single': 218, 'chris': 218, 'brothers': 218, 'williams': 217, 'forced': 217, '1': 217, 'talk': 217, 'feels': 216, 'whether': 216, 'easy': 216, 'god': 216, 'success': 216, 'wonderful': 216, 'features': 216, 'expect': 215, 'killed': 215, 'history': 215, 'television': 214, 'words': 214, 'feature': 214, 'premise': 214, 'word': 214, 'leave': 213, 'science': 213, 'mission': 213, 'impressive': 213, 'giving': 212, 'tale': 212, 'except': 212, 'poor': 212, 'form': 212, 'seemed': 211, 'recent': 211, 'call': 211, 'score': 210, 'disney': 210, 'basically': 210, 'meets': 210, 'oscar': 210, 'surprise': 210, 'apparently': 209, 'serious': 209, 'told': 208, 'important': 208, 'filmmakers': 208, 'crew': 207, 'parts': 206, 'stuff': 206, 'somehow': 206, 'released': 206, 'entertainment': 206, 'easily': 206, 'robin': 205, 'computer': 205, 'happy': 204, 'change': 204, 'brings': 202, 'credits': 201, 'events': 201, 'local': 201, 'art': 201, 'hilarious': 201, 'release': 200, 'difficult': 200, 'went': 200, 'remember': 200, 'working': 200, 'ago': 199, 'crime': 199, 'sequel': 199, 'oh': 198, 'lets': 198, 'certain': 198, 'using': 198, 'middle': 197, 'complete': 197, 'wouldnt': 197, 'cool': 196, 'william': 196, 'audiences': 196, 'girlfriend': 195, 'due': 195, 'batman': 195, 'runs': 195, 'ryan': 195, '3': 194, 'return': 194, 'turned': 194, 'effective': 194, 'ben': 194, 'viewer': 193, 'suspense': 193, 'ill': 193, 'smith': 193, 'flick': 192, 'presence': 192, 'reality': 192, 'quality': 192, 'uses': 191, 'popular': 191, 'anyway': 190, 'surprisingly': 189, 'personal': 189, 'dramatic': 189, 'begin': 189, 'mystery': 189, 'decides': 188, 'figure': 188, 'die': 188, 'youve': 188, 'ways': 187, 'somewhat': 187, 'annoying': 187, 'writing': 187, 'viewers': 187, 'previous': 186, 'business': 186, 'light': 186, 'similar': 186, 'shots': 186, 'absolutely': 186, 'blood': 186, 'came': 185, 'couldnt': 185, 'strange': 184, 'read': 184, 'gone': 184, 'sexual': 183, 'latest': 183, 'means': 183, 'project': 183, 'former': 183, 'excellent': 183, 'towards': 182, 'successful': 182, 'rich': 182, 'familiar': 181, 'intelligent': 181, 'visual': 181, 'amazing': 181, 'leaves': 181, 'predictable': 180, 'beyond': 180, 'following': 180, 'romance': 180, 'leaving': 180, 'clear': 179, 'questions': 179, 'jim': 179, 'cut': 179, 'present': 179, 'wars': 179, 'starring': 178, 'type': 178, 'kid': 178, 'talking': 177, 'definitely': 177, 'message': 177, 'party': 176, 'nature': 176, 'powerful': 176, 'brilliant': 176, 'add': 176, 'situation': 176, 'secret': 175, 'opens': 175, 'felt': 175, 'stories': 175, 'office': 175, 'giant': 175, 'clever': 175, 'create': 175, 'villain': 175, 'red': 174, 'bunch': 174, 'usual': 174, 'straight': 174, 'cop': 173, 'scary': 173, 'actress': 173, 'cinema': 173, 'id': 173, 'third': 173, 'smart': 173, 'company': 173, 'learn': 172, 'prison': 172, 'large': 172, 'bill': 172, 'doubt': 172, 'age': 172, 'rock': 171, 'thinking': 171, 'solid': 171, 'move': 171, 'water': 171, 'follows': 170, 'jones': 170, 'saying': 170, 'bob': 170, 'writer': 169, 'effect': 169, 'potential': 169, 'seriously': 169, 'america': 169, 'huge': 168, 'near': 168, 'plan': 168, 'unlike': 167, 'million': 167, '4': 165, 'general': 165, 'realize': 165, 'animated': 165, 'took': 164, 'decent': 164, 'likely': 164, 'follow': 164, 'understand': 164, 'motion': 164, 'martin': 164, 'perfectly': 164, 'immediately': 163, 'subject': 163, 'married': 163, 'sam': 163, 'mark': 163, 'happened': 163, 'enjoyable': 163, 'moving': 163, 'agent': 162, 'created': 162, 'heard': 162, 'stay': 161, 'fails': 161, 'filled': 161, 'force': 160, 'points': 160, 'sweet': 160, 'country': 160, 'merely': 160, 'exciting': 160, 'break': 159, 'overall': 159, 'wanted': 159, 'slow': 159, 'ultimately': 158, 'dream': 158, 'neither': 158, 'bruce': 158, 'appear': 158, 'impossible': 158, 'mess': 157, 'escape': 157, 'private': 157, 'directors': 157, 'brought': 157, 'richard': 157, 'inside': 156, 'trouble': 156, 'r': 155, '10': 155, 'favorite': 155, 'tim': 155, 'wedding': 155, 'murphy': 155, 'otherwise': 154, 'musical': 154, 'liked': 154, 'scott': 154, 'political': 154, 'fan': 154, 'various': 154, 'trek': 154, 'pay': 154, 'particular': 154, 'ten': 153, 'keeps': 153, 'dumb': 153, 'chase': 151, 'steve': 151, 'situations': 151, 'spend': 150, 'members': 150, 'harry': 150, 'talented': 150, 'studio': 149, 'element': 149, 'bond': 149, 'society': 149, 'truth': 149, 'effort': 149, 'biggest': 148, 'rating': 148, 'slightly': 148, 'earlier': 148, 'silly': 148, 'focus': 148, 'showing': 147, 'offers': 147, 'havent': 147, 'open': 147, 'purpose': 147, 'drug': 147, 'soundtrack': 146, 'memorable': 146, 'park': 146, 'mars': 145, 'eye': 145, 'english': 145, 'totally': 145, 'cold': 145, 'fast': 145, 'frank': 145, 'ideas': 144, 'view': 144, 'state': 144, 'gun': 144, 'ask': 143, 'credit': 143, 'waste': 143, 'box': 143, 'wait': 143, 'government': 143, 'aspect': 143, 'subplot': 143, 'eddie': 143, 'entirely': 142, 'l': 142, 'actual': 142, 'law': 142, 'hands': 142, 'constantly': 142, 'terrible': 141, 'fear': 141, 'moves': 141, 'british': 141, 'gave': 141, 'west': 141, 'e': 140, 'convincing': 140, 'ability': 140, 'female': 139, 'ridiculous': 139, 'cinematography': 139, 'typical': 139, 'thinks': 139, 'atmosphere': 139, 'setting': 139, 'spent': 139, 'animation': 138, 'fairly': 138, 'air': 138, 'lots': 138, 'carter': 138, 'expected': 137, 'control': 137, 'depth': 137, 'killing': 137, 'suddenly': 137, 'background': 137, 'humans': 136, 'sees': 136, 'army': 136, 'critics': 136, 'greatest': 136, 'sit': 136, 'tension': 136, 'beauty': 135, 'brief': 135, 'complex': 135, 'violent': 135, 'amusing': 135, 'dull': 134, 'indeed': 134, 'modern': 134, 'steven': 134, 'tone': 134, 'impact': 134, 'willis': 134, 'whatever': 133, 'sounds': 133, 'boys': 133, 'seven': 133, 'cinematic': 133, 'outside': 133, 'wish': 133, 'mary': 133, 'list': 133, 'meanwhile': 133, 'subtle': 133, 'recently': 132, 'free': 132, 'disaster': 132, 'clearly': 132, 'class': 132, 'master': 132, 'ii': 132, 'amount': 132, 'approach': 132, 'truman': 132, 'minor': 131, 'reasons': 131, 'allen': 131, 'woody': 131, 'hear': 131, 'awful': 130, 'sight': 130, 'island': 130, 'hate': 130, 'queen': 130, 'believable': 130, 'hold': 130, 'cheap': 130, 'godzilla': 130, 'sister': 130, 'chemistry': 130, 'street': 129, 'quick': 129, 'shown': 129, 'front': 129, 'budget': 129, 'possibly': 129, 'nick': 129, 'song': 129, 'plenty': 129, 'screenwriter': 129, 'theme': 129, 'stone': 129, 'key': 129, 'longer': 129, 'dreams': 128, 'highly': 128, 'common': 128, 'max': 128, 'joke': 128, 'stand': 128, 'carry': 128, 'charm': 128, 'imagine': 128, 'realistic': 128, 'cameron': 128, 'somewhere': 127, 'writers': 127, 'leader': 127, 'slowly': 127, 'choice': 127, 'college': 127, 'fire': 127, 'teen': 126, 'telling': 126, 'six': 126, 'provide': 126, 'trailer': 126, 'sean': 126, 'puts': 126, 'miss': 126, 'scifi': 126, 'delivers': 126, 'asks': 126, 'okay': 125, 'cute': 125, 'flat': 125, 'casting': 125, 'development': 125, 'ride': 125, 'appearance': 125, 'etc': 125, 'proves': 125, 'pictures': 124, 'french': 124, 'decide': 124, 'sent': 124, 'detective': 124, 'incredibly': 124, 'club': 124, 'images': 124, 'member': 123, 'basic': 123, 'u': 123, 'considering': 123, 'opportunity': 123, 'thanks': 123, 'remains': 123, 'wrote': 123, 'language': 123, 'songs': 122, 'intelligence': 122, 'caught': 122, 'j': 122, 'leading': 122, 'knew': 122, 'interested': 122, 'lies': 122, 'forget': 122, 'titanic': 122, 'mike': 122, 'provides': 121, 'road': 121, 'energy': 121, 'climax': 121, 'central': 121, 'alive': 121, 'brown': 121, 'famous': 121, 'conclusion': 120, 'rated': 120, 'grace': 120, 'worked': 120, 'event': 120, 'terrific': 120, 'onto': 119, 'band': 119, 'stands': 119, 'hardly': 119, 'thus': 119, 'chan': 119, 'apart': 118, 'race': 118, 'aside': 118, 'store': 118, 'trip': 118, 'led': 118, 'period': 118, 'mysterious': 118, 'consider': 118, 'details': 118, 'wasted': 117, 'seemingly': 117, 'becoming': 117, 'ready': 117, 'looked': 117, 'directing': 117, 'contains': 117, 'pace': 117, 'pull': 117, 'occasionally': 116, 'learns': 116, 'boss': 116, 'system': 116, 'produced': 116, 'baby': 116, 'missing': 115, 'simon': 115, 'la': 115, 'storyline': 115, 'officer': 115, 'date': 115, 'monster': 115, 'bizarre': 115, 'flaws': 115, 'tough': 115, 'minute': 115, 'apartment': 115, 'unique': 115, 'vampire': 115, 'thrown': 114, 'laughing': 114, 'ground': 114, 'jerry': 114, 'twists': 114, 'powers': 114, 'write': 113, 'thin': 113, 'nights': 113, 'matthew': 113, 'mention': 113, 'admit': 113, 'search': 113, 'personality': 112, 'manner': 112, 'heavy': 112, 'billy': 112, 'share': 112, 'christopher': 112, 'discovers': 112, 'partner': 112, 'b': 112, 'catch': 112, 'waiting': 112, 'tarzan': 112, 'states': 111, 'returns': 111, 'building': 111, 'months': 111, 'low': 111, 'adds': 111, 'answer': 111, 'julia': 111, 'deserves': 111, 'average': 110, 'include': 110, 'filmmaking': 110, 'image': 110, 'lawyer': 110, 'news': 110, 'saving': 110, 'weve': 109, 'win': 109, 'doctor': 109, 'became': 109, 'normal': 108, 'equally': 108, 'door': 108, 'includes': 108, 'introduced': 108, 'odd': 108, 'student': 108, 'touch': 108, 'jackson': 108, 'sad': 107, 'train': 107, 'barely': 107, 'president': 107, 'jason': 107, 'fellow': 107, 'changes': 107, 'pulp': 107, 'blue': 107, 'surprised': 107, 'adult': 106, 'needed': 106, 'enjoyed': 106, 'discover': 106, 'fashion': 106, 'social': 106, 'offer': 106, 'camp': 106, 'today': 106, 'danny': 106, 'recommend': 106, 'teacher': 106, 'dies': 105, 'menace': 105, 'charming': 105, 'lame': 105, 'green': 105, 'rescue': 105, 'terms': 105, 'innocent': 105, 'jennifer': 105, 'gay': 105, 'concept': 104, 'decided': 104, 'literally': 104, 'century': 104, 'standard': 104, 'toy': 104, 'presented': 104, 'contact': 104, 'dance': 104, 'latter': 104, 'generally': 103, 'hot': 103, 'gore': 103, 'hair': 103, 'teenage': 103, 'older': 103, 'addition': 103, 'sadly': 103, 'loud': 103, 'disturbing': 103, 'detail': 103, 'fair': 103, 'machine': 103, 'julie': 103, 'natural': 103, 'land': 103, 'singer': 103, 'lucas': 103, 'fox': 102, 'prove': 102, 'youd': 102, 'footage': 102, 'horrible': 102, 'creates': 102, 'cage': 102, 'jeff': 102, 'chinese': 102, 'male': 102, 'debut': 102, 'issues': 102, 'rules': 102, 'explain': 102, 'rarely': 101, 'witch': 101, 'desperate': 101, 'exception': 101, 'walk': 101, 'weak': 101, 'forces': 101, 'charles': 101, 'numerous': 101, 'food': 101, 'younger': 101, 'attack': 101, 'involves': 101, 'public': 101, 'accident': 100, 'apparent': 100, 'victim': 100, 'toward': 100, 'fighting': 100, 'surprising': 100, 'filmed': 100, 'editing': 100, 'gang': 100, 'roger': 100, 'calls': 100, 'blade': 100, 'jr': 100, 'species': 100, 'rush': 100, 'lose': 100, 'track': 100, 'henry': 100, 'emotions': 100, 'intended': 100, 'douglas': 100, 'gags': 100, 'opinion': 100, '000': 100, 'carrey': 100, 'information': 99, 'heroes': 99, 'places': 99, 'twice': 99, 'genuine': 99, 'alan': 99, '1998': 99, 'elizabeth': 99, 'producer': 99, 'adventure': 99, 'likes': 98, 'cause': 98, 'pass': 98, 'faces': 98, 'twist': 98, 'pair': 98, 'appeal': 98, 'talents': 98, 'fresh': 98, 'stage': 98, 'travolta': 98, 'tried': 98, 'weird': 97, 'blair': 97, 'nowhere': 97, 'kiss': 97, 'cops': 97, 'hasnt': 97, 'lacks': 97, 'throw': 97, 'loved': 97, 'asked': 97, 'creating': 97, 'vegas': 97, 'mrs': 97, 'flying': 97, 'nicely': 96, 'episode': 96, 'task': 96, 'please': 96, 'theaters': 96, 'pathetic': 96, 'speak': 96, 'fascinating': 96, 'buy': 96, 'captain': 96, 'drive': 95, 'edge': 95, 'affair': 95, 'jay': 95, 'incredible': 95, 'cover': 95, 'accent': 95, 'heads': 95, 'forward': 95, 'superior': 95, 'epic': 95, 'formula': 95, 'loves': 95, 'rare': 95, 'kept': 95, 'military': 95, 'mood': 94, 'culture': 94, 'appropriate': 94, 'pop': 94, 'considered': 94, 'cameo': 94, 'shame': 94, 'hill': 94, 'inspired': 94, 'born': 94, 'technical': 94, 'process': 94, 'witty': 94, 'woods': 94, 'generation': 93, 'fantasy': 93, 'confusing': 93, 'confused': 93, 'superb': 93, 'dennis': 93, 'remake': 93, 'names': 93, 'christmas': 93, 'russell': 93, 'legend': 93, 'meaning': 93, 'spirit': 93, 'fbi': 93, 'virtually': 93, 'deliver': 92, 'creepy': 92, 'forever': 92, 'arnold': 92, 'bright': 92, 'phone': 92, 'speech': 92, 'hong': 92, 'suppose': 92, 'journey': 92, 'intriguing': 92, 'academy': 92, 'reviews': 92, 'matt': 92, 'patrick': 92, 'sitting': 91, 'avoid': 91, 'magic': 91, 'pieces': 91, 'attitude': 91, 'hits': 91, 'stephen': 91, 'necessary': 91, 'spends': 91, 'masterpiece': 91, 'pointless': 91, 'tarantino': 91, 'developed': 91, 'anderson': 91, 'soldiers': 91, 'setup': 91, 'appreciate': 91, 'silent': 91, 'allows': 91, 'cliches': 91, 'hanks': 91, 'marriage': 91, 'target': 90, 'pure': 90, 'meant': 90, 'plans': 90, 'product': 90, 'failed': 90, 'relationships': 90, 'plane': 90, 'pain': 90, 'revenge': 90, 'crap': 90, 'kong': 90, 'impression': 90, 'mouth': 90, 'viewing': 90, 'physical': 90, 'spielberg': 90, 'fully': 90, 'count': 90, 'thomas': 90, '1999': 90, 'cash': 89, 'mentioned': 89, 'limited': 89, 'unfunny': 89, 'satire': 89, 'total': 89, 'touching': 89, 'soul': 89, 'speaking': 89, 'tony': 89, 'continues': 88, 'angry': 88, 'bugs': 88, 'matrix': 88, 'themes': 88, 'unless': 88, 'rob': 88, 'actions': 88, 'moral': 88, 'owner': 88, 'expectations': 88, 'added': 88, 'campbell': 88, 'angels': 88, 'shallow': 88, 'suspect': 88, 'damn': 87, 'design': 87, 'keeping': 87, 'criminal': 87, 'reach': 87, 'disappointing': 87, 'twenty': 87, 'blame': 87, 'relief': 87, 'floor': 87, 'emotion': 87, 'troopers': 87, 'shoot': 87, 'edward': 87, 'apes': 87, 'princess': 87, 'wit': 87, 'humorous': 87, 'phantom': 87, 'portrayal': 87, 'appealing': 87, 'device': 87, 'respect': 86, 'dude': 86, 'comedic': 86, '5': 86, 'graphic': 86, 'stunning': 86, 'creature': 86, 'united': 86, 'station': 86, 'pick': 86, 'ok': 86, 'kelly': 86, 'compared': 86, 'comedies': 86, 'sign': 86, 'color': 86, 'cartoon': 85, 'adults': 85, 'industry': 85, 'managed': 85, 'opposite': 85, 'vampires': 85, 'therefore': 85, 'results': 85, 'guns': 85, 'affleck': 85, 'field': 85, '80s': 85, 'teenagers': 85, 'urban': 85, 'manage': 85, 'stuck': 85, 'driver': 85, 'rising': 85, 'started': 85, 'falling': 85, 'wonderfully': 85, '20': 84, 'holds': 84, 'crazy': 84, 'loses': 84, 'finale': 84, 'artist': 84, 'match': 84, 'martial': 84, 'arts': 84, 'producers': 84, 'players': 84, 'lady': 84, '1997': 84, 'spice': 84, 'frightening': 84, 'imagination': 83, 'willing': 83, 'join': 83, 'boyfriend': 83, 'dollars': 83, 'lover': 83, 'utterly': 83, 'notice': 83, 'matters': 83, 'kate': 83, 'intense': 83, 'brain': 82, 'spectacular': 82, 'bored': 82, 'poorly': 82, 'step': 82, 'grand': 82, 'hoping': 82, 'feelings': 82, 'bland': 82, 'ice': 82, 'finding': 82, 'mix': 82, 'visuals': 82, 'compelling': 82, 'sympathetic': 82, 'featuring': 82, 'radio': 82, 'difference': 82, 'drugs': 82, 'larry': 82, 'ed': 82, 'mad': 82, 'ray': 82, 'flicks': 81, 'bottom': 81, 'plain': 81, 'baldwin': 81, 'dangerous': 81, 'trust': 81, 'c': 81, 'double': 81, 'walking': 81, 'hotel': 81, 'adaptation': 81, 'feet': 81, 'visually': 81, 'allow': 81, 'shooting': 81, 'exist': 81, 'starship': 81, 'price': 81, 'chosen': 81, 'dying': 81, 'attractive': 81, 'books': 81, 'portrayed': 81, 'tommy': 81, 'humanity': 81, 'mans': 81, 'slasher': 80, 'bringing': 80, 'jane': 80, 'watched': 80, 'believes': 80, 'smile': 80, 'dad': 80, 'destroy': 80, 'fate': 80, 'shouldnt': 80, 'speed': 80, 'decision': 80, 'scientist': 80, 'died': 80, 'naked': 80, 'honest': 80, 'media': 80, 'turning': 79, 'serve': 79, 'changed': 79, 'yeah': 79, 'horse': 79, 'na': 79, 'survive': 79, 'parody': 79, 'documentary': 79, 'professional': 79, 'board': 79, 'brooks': 79, 'roberts': 79, 'identity': 79, 'humour': 79, 'worthy': 79, 'rocky': 79, 'aspects': 79, 'mulan': 79, 'presents': 78, 'engaging': 78, 'nobody': 78, 'realized': 78, 'test': 78, 'protagonist': 78, 'winning': 78, 'rent': 78, 'promise': 78, 'tired': 78, 'ass': 78, 'week': 78, 'determined': 78, 'gibson': 78, 'jedi': 78, 'rose': 78, 'succeeds': 78, 'heres': 77, 'content': 77, 'kills': 77, 'contrived': 77, 'supposedly': 77, 'hospital': 77, 'conflict': 77, 'ms': 77, 'hidden': 77, 'brian': 77, 'filmmaker': 77, 'helps': 77, 'fare': 77, 'expecting': 77, 'ultimate': 77, 'constant': 77, 'current': 77, 'makeup': 77, 'reeves': 77, 'goal': 77, 'provided': 77, 'ford': 77, 'south': 77, 'mel': 77, 'fake': 77, 'boat': 77, 'fantastic': 77, 'sexy': 77, 'technology': 77, 'cross': 76, 'gary': 76, 'fit': 76, 'shock': 76, 'victims': 76, 'nasty': 76, 'reading': 76, 'japanese': 76, 'writerdirector': 76, 'breaks': 76, 'available': 76, 'support': 76, 'genius': 76, 'welcome': 76, 'likable': 76, 'babe': 76, 'faith': 76, 'folks': 75, 'virus': 75, 'instance': 75, 'sick': 75, 'haunting': 75, 'broken': 75, 'spawn': 75, 'extreme': 75, 'window': 75, 'hall': 75, 'grows': 75, 'dvd': 75, 'crash': 75, 'driving': 75, 'press': 75, 'accept': 75, 'goofy': 75, 'cruise': 75, 'pleasure': 75, 'hunt': 75, 'began': 75, 'individual': 75, 'mediocre': 74, 'excuse': 74, 'failure': 74, 'narrative': 74, 'fault': 74, 'fat': 74, 'killers': 74, 'quiet': 74, 'bus': 74, 'laughable': 74, 'johnny': 74, 'crowd': 74, 'devil': 74, 'sheer': 74, 'badly': 74, 'cares': 74, 'wayne': 74, 'gold': 74, '100': 74, 'cult': 74, 'jail': 74, 'directly': 74, 'mob': 74, 'outstanding': 74, 'offensive': 73, 'drawn': 73, 'surface': 73, 'catherine': 73, 'reveal': 73, 'games': 73, 'acts': 73, 'decade': 73, 'meeting': 73, 'g': 73, 'professor': 73, 'adams': 73, 'forgotten': 73, 'moore': 73, 'students': 73, 'deals': 73, 'suspects': 73, 'hopes': 73, 'beach': 73, 'myers': 73, 'substance': 72, 'position': 72, 'slapstick': 72, 'desire': 72, 'check': 72, 'wondering': 72, 'hurt': 72, 'realizes': 72, 'routine': 72, 'comparison': 72, 'seconds': 72, 'fame': 72, 'travel': 72, 'weeks': 72, 'security': 72, 'responsible': 72, 'loving': 72, 'remarkable': 72, 'ahead': 72, 'stuart': 72, 'lord': 72, 'austin': 72, 'struggle': 72, 'costumes': 71, 'clich': 71, 'nudity': 71, 'happening': 71, 'scale': 71, 'snake': 71, 'skills': 71, '90': 71, 'figures': 71, 'surprises': 71, 'villains': 71, 'plus': 71, 'bloody': 71, 'lucky': 71, 'strength': 71, 'washington': 71, 'emotionally': 71, 'strike': 71, 'season': 71, 'community': 71, 'streets': 71, 'build': 71, 'taste': 71, 'originally': 71, 'cheesy': 71, 'award': 71, 'characterization': 71, 'thankfully': 71, 'helen': 71, 'treat': 71, 'standing': 71, 'annie': 71, 'amy': 71, 'era': 71, 'alex': 71, 'explained': 70, 'steal': 70, 'woo': 70, 'inevitable': 70, 'sorry': 70, 'ghost': 70, 'thoroughly': 70, 'followed': 70, 'singing': 70, 'guilty': 70, 'missed': 70, 'nuclear': 70, 'guard': 70, 'jimmy': 70, 'oliver': 70, 'center': 70, 'anthony': 70, 'hollow': 70, 'hopkins': 70, 'patch': 70, 'winner': 70, 'animals': 70, 'wide': 70, 'creative': 70, 'funniest': 70, 'shakespeare': 70, 'continue': 70, 'xfiles': 70, 'ted': 70, 'eccentric': 70, 'explanation': 69, 'hey': 69, 'quest': 69, 'rate': 69, 'safe': 69, 'werent': 69, 'screenwriters': 69, 'placed': 69, 'length': 69, 'stock': 69, 'visit': 69, 'player': 69, 'fail': 69, 'rival': 69, 'value': 69, 'frame': 69, 'flashbacks': 69, 'gotten': 69, 'gangster': 69, 'lacking': 69, 'develop': 69, 'knowledge': 69, 'vincent': 69, 'serves': 69, 'boogie': 69, 'dealing': 69, 'arrives': 69, 'court': 69, 'damon': 69, 'enter': 68, 'bar': 68, 'mistake': 68, 'fights': 68, 'joel': 68, 'ugly': 68, 'grant': 68, 'included': 68, 'draw': 68, 'onscreen': 68, 'zero': 68, 'frequently': 68, 'capable': 68, 'buddy': 68, 'pacing': 68, 'record': 68, 'mainly': 68, 'oneliners': 68, 'ended': 68, 'fly': 68, 'veteran': 68, 'sarah': 68, 'grow': 68, 'growing': 68, 'church': 67, 'disneys': 67, 'synopsis': 67, 'beast': 67, 'seat': 67, 'self': 67, 'serial': 67, 'cliched': 67, 'direct': 67, 'chief': 67, 'send': 67, 'tragedy': 67, 'saved': 67, 'sea': 67, 'fill': 67, 'unexpected': 67, 'taylor': 67, 'encounter': 67, 'disappointment': 67, 'barry': 67, '8': 67, 'previously': 67, 'hunting': 67, 'evidence': 66, 'vision': 66, 'adam': 66, 'joan': 66, 'built': 66, 'bed': 66, 'range': 66, 'subplots': 66, 'damme': 66, 'pulled': 66, 'describe': 66, 'memory': 66, 'holes': 66, 'cinematographer': 66, 'wall': 66, 'armageddon': 66, 'football': 66, 'efforts': 66, 'rise': 66, 'logic': 66, 'worlds': 66, '90s': 66, 'study': 66, 'justice': 66, 'relatively': 65, 'morning': 65, 'jonathan': 65, 'unnecessary': 65, 'vehicle': 65, 'learned': 65, 'hunter': 65, 'minds': 65, 'witness': 65, 'sky': 65, 'overly': 65, 'courtroom': 65, 'charlie': 65, 'existence': 65, 'bigger': 65, 'connection': 65, 'clooney': 65, 'model': 65, 'contrast': 65, 'exact': 64, 'stick': 64, 'eric': 64, '0': 64, 'andrew': 64, 'acted': 64, 'walter': 64, 'dogs': 64, 'al': 64, 'talks': 64, 'miller': 64, 'roll': 64, 'remain': 64, 'jon': 64, 'suit': 64, 'asking': 64, 'spot': 64, 'path': 64, 'freedom': 64, 'cusack': 64, 'wise': 64, 'theatre': 64, 'seagal': 64, 'causes': 64, 'sandler': 64, 'naturally': 64, 'sharp': 64, 'mental': 64, 'fifteen': 63, 'elaborate': 63, 'eight': 63, 'shocking': 63, 'besides': 63, 'paris': 63, 'captured': 63, 'concerned': 63, 'breaking': 63, 'regular': 63, '12': 63, 'religious': 63, 'claims': 63, 'judge': 63, 'las': 63, 'moved': 63, 'genuinely': 63, 'independence': 63, 'assistant': 63, 'positive': 63, 'eat': 63, 'porn': 63, 'desperately': 63, 'reminiscent': 63, 'knowing': 63, 'greater': 63, 'largely': 63, 'international': 63, 'bank': 63, 'flynt': 63, 'russian': 62, 'occasional': 62, 'beat': 62, 'essentially': 62, 'terror': 62, 'jump': 62, 'core': 62, 'obsessed': 62, 'whenever': 62, 'suggest': 62, 'blockbuster': 62, 'rule': 62, 'cars': 62, 'satisfying': 62, 'allowed': 62, 'freeman': 62, 'crystal': 62, 'disappointed': 62, 'putting': 62, 'wood': 62, 'explains': 62, 'marry': 62, 'ripley': 62, 'angel': 62, 'critique': 61, 'halfway': 61, 'theatrical': 61, 'thrillers': 61, 'necessarily': 61, 'traditional': 61, 'lawrence': 61, 'anne': 61, 'painful': 61, 'sends': 61, 'department': 61, 'sequels': 61, 'luck': 61, 'creatures': 61, 'agrees': 61, 'source': 61, 'revealed': 61, 'historical': 61, 'perspective': 61, 'heavily': 61, '30': 61, 'successfully': 61, 'everybody': 61, 'clean': 61, 'afraid': 61, 'murders': 61, 'london': 61, 'keaton': 61, 'heaven': 61, 'psychological': 61, '810': 60, 'empty': 60, 'cliche': 60, 'prince': 60, 'painfully': 60, 'fallen': 60, 'trash': 60, 'starting': 60, 'cell': 60, 'pulls': 60, 'studios': 60, 'agree': 60, 'occur': 60, 'brad': 60, 'storm': 60, 'attacks': 60, 'animal': 60, 'service': 60, 'schwarzenegger': 60, 'aware': 60, 'suicide': 60, 'joy': 60, 'intensity': 60, 'extra': 60, 'tradition': 60, 'unfortunate': 60, 'nomination': 60, 'suspenseful': 60, 'nightmare': 59, 'halloween': 59, 'claire': 59, 'steals': 59, 'danger': 59, 'investigation': 59, 'lovely': 59, 'baseball': 59, 'plots': 59, 'references': 59, 'jungle': 59, 'sole': 59, 'daniel': 59, 'surely': 59, 'sleep': 59, 'structure': 59, 'program': 59, 'unbelievable': 59, 'bobby': 59, 'rain': 59, 'ocean': 59, 'ensemble': 59, 'jake': 59, 'stunts': 59, 'memories': 59, 'national': 59, 'nevertheless': 59, 'initially': 59, 'narration': 59, 'shrek': 59, 'answers': 58, 'wilson': 58, 'wealthy': 58, 'originality': 58, 'reaction': 58, 'drunken': 58, 'stops': 58, 'significant': 58, 'reminded': 58, 'choices': 58, 'skin': 58, 'conspiracy': 58, 'convinced': 58, 'passion': 58, 'requires': 58, 'alice': 58, 'friendship': 58, '15': 58, 'anna': 58, 'met': 58, 'arquette': 58, 'uninteresting': 58, 'deadly': 58, 'sidney': 58, 'dinner': 58, 'critical': 58, 'behavior': 58, 'punch': 58, 'segment': 58, 'harris': 58, 'bitter': 58, 'laughter': 58, 'refuses': 58, 'burton': 58, 'nbsp': 58, 'understanding': 57, 'stolen': 57, 'accidentally': 57, 'showed': 57, 'hired': 57, 'opera': 57, 'hanging': 57, 'oddly': 57, 'walks': 57, 'kings': 57, '1995': 57, 'complicated': 57, 'weekend': 57, 'pie': 57, 'excitement': 57, 'held': 57, 'league': 57, 'bomb': 57, 'neil': 57, 'england': 57, 'warning': 57, 'ball': 57, 'capture': 57, 'unlikely': 57, 'weapon': 57, 'keanu': 57, 'desert': 57, 'wears': 57, 'christian': 57, 'effectively': 57, 'flaw': 57, 'bacon': 57, 'dirty': 57, 'lovers': 57, 'thoughts': 57, 'thrills': 57, 'trilogy': 57, 'warm': 57, 'suffers': 57, 'stallone': 57, 'lynch': 57, 'niro': 57, 'discovered': 57, 'terribly': 56, 'cuts': 56, 'described': 56, '2001': 56, 'strikes': 56, 'commercial': 56, 'performers': 56, 'root': 56, 'aforementioned': 56, 'handled': 56, 'handle': 56, 'explosions': 56, 'gon': 56, 'extraordinary': 56, 'sports': 56, 'collection': 56, 'photography': 56, 'speaks': 56, 'derek': 56, 'chicago': 56, 'pilot': 56, 'proceedings': 56, 'delightful': 56, 'wrestling': 56, 'laughed': 56, 'vacation': 56, 'meg': 56, 'thirty': 56, 'loose': 56, 'fish': 56, 'status': 56, 'williamson': 56, 'nicholson': 56, 'stiller': 56, 'bear': 56, 'touches': 55, '710': 55, 'attempting': 55, 'endless': 55, 'sudden': 55, 'gag': 55, 'unable': 55, 'foreign': 55, '510': 55, 'risk': 55, 'critic': 55, 'destroyed': 55, 'beloved': 55, 'eve': 55, 'sidekick': 55, 'spy': 55, 'china': 55, '7': 55, 'tragic': 55, 'irritating': 55, 'hank': 55, 'german': 55, 'ethan': 55, 'frankly': 55, 'mom': 55, 'noir': 55, 'unusual': 55, '70s': 55, 'finest': 55, 'quirky': 55, 'texas': 55, 'losing': 55, 'shop': 55, 'crisis': 55, 'insight': 54, 'flash': 54, 'loss': 54, 'murdered': 54, 'weapons': 54, 'fugitive': 54, 'values': 54, 'deeper': 54, 'nonetheless': 54, 'odonnell': 54, 'terry': 54, 'lonely': 54, 'childhood': 54, 'covered': 54, 'anywhere': 54, 'gift': 54, 'chicken': 54, 'tense': 54, 'storytelling': 54, 'bag': 54, 'embarrassing': 54, 'patient': 54, 'quaid': 54, 'wearing': 54, 'murray': 54, 'costume': 54, 'toys': 54, 'monkey': 54, 'helped': 54, 'phil': 54, 'universe': 54, 'entertain': 53, 'crow': 53, 'adventures': 53, 'dragon': 53, 'signs': 53, 'comments': 53, 'required': 53, 'cat': 53, 'carpenter': 53, 'twisted': 53, 'albeit': 53, 'notes': 53, 'drunk': 53, 'advice': 53, 'lake': 53, 'campaign': 53, 'multiple': 53, 'practically': 53, 'obligatory': 53, 'ape': 53, 'basis': 53, 'f': 53, 'makers': 53, 'verhoeven': 53, 'terminator': 53, 'circumstances': 53, 'initial': 53, 'extended': 53, 'theyve': 53, 'hype': 53, 'exercise': 53, 'ordinary': 53, 'commentary': 53, 'combination': 53, 'closer': 53, 'experiences': 53, 'greg': 53, 'p': 53, 'suffering': 53, 'trio': 53, 'voices': 53, 'politics': 53, 'jurassic': 53, 'revolves': 52, 'table': 52, 'recall': 52, 'psycho': 52, 'heroine': 52, 'flashback': 52, 'haunted': 52, 'digital': 52, 'stretch': 52, 'loser': 52, 'soap': 52, 'recognize': 52, 'reveals': 52, 'picks': 52, 'fifth': 52, 'blonde': 52, 'encounters': 52, 'unknown': 52, 'display': 52, 'childrens': 52, 'overthetop': 52, 'rick': 52, 'granted': 52, 'lewis': 52, 'remaining': 52, 'mickey': 52, 'jean': 52, 'author': 52, 'absurd': 52, 'jobs': 52, 'handful': 52, 'magazine': 52, 'destination': 52, 'tvs': 52, 'throwing': 52, 'trailers': 52, 'enemy': 52, 'hint': 52, 'scare': 52, 'prime': 52, 'horizon': 52, 'sitcom': 52, 'dean': 52, 'buddies': 52, 'corner': 52, 'ian': 52, 'seth': 52, 'introduces': 52, 'cowboy': 52, 'chases': 51, 'clothes': 51, 'colorful': 51, 'magical': 51, 'saturday': 51, 'replaced': 51, 'threatening': 51, 'bound': 51, 'driven': 51, 'western': 51, 'ironic': 51, 'luke': 51, 'inventive': 51, 'outrageous': 51, 'blow': 51, 'broderick': 51, 'deeply': 51, 'erotic': 51, 'develops': 51, 'italian': 51, 'struggling': 51, 'trapped': 51, 'issue': 51, 'colors': 51, '6': 51, 'hopefully': 51, 'duvall': 51, 'featured': 51, 'medical': 51, 'soldier': 51, 'blues': 51, 'kenneth': 51, 'wear': 51, 'flesh': 51, 'importantly': 51, 'challenge': 51, 'fairy': 51, 'hundred': 51, 'pig': 51, 'sir': 51, 'wes': 50, 'dollar': 50, 'promising': 50, 'fathers': 50, 'remotely': 50, 'midnight': 50, 'homage': 50, 'darkness': 50, 'depressing': 50, 'numbers': 50, 'hearing': 50, 'glenn': 50, 'tiny': 50, 'sell': 50, 'bore': 50, 'scheme': 50, 'threat': 50, 'alas': 50, 'assume': 50, 'doors': 50, 'gorgeous': 50, 'copy': 50, 'sing': 50, 'location': 50, 'lisa': 50, 'protagonists': 50, 'sixth': 50, 'wind': 50, 'artistic': 50, 'barrymore': 50, 'morgan': 50, 'research': 50, 'decades': 50, 'dry': 50, 'bleak': 50, 'overcome': 50, 'suggests': 50, 'slave': 50, 'primary': 50, 'directorial': 50, 'bodies': 50, 'investigate': 50, 'generic': 50, 'scorsese': 50, 'contemporary': 50, 'hills': 50, 'flawed': 49, 'capsule': 49, '13': 49, 'schumacher': 49, 'conventional': 49, 'pregnant': 49, 'birth': 49, 'wonders': 49, 'higher': 49, 'countless': 49, 'gene': 49, 'bits': 49, 'perform': 49, 'whatsoever': 49, 'sisters': 49, 'drives': 49, 'inept': 49, 'dancing': 49, 'projects': 49, 'arms': 49, 'carries': 49, 'angle': 49, 'coach': 49, 'screening': 49, 'occurs': 49, 'metal': 49, 'notable': 49, 'reporter': 49, 'dressed': 49, 'instinct': 49, 'brutal': 49, 'bride': 49, 'bother': 49, 'mafia': 49, 'dozen': 49, 'drop': 49, 'obnoxious': 49, 'pitt': 49, 'todd': 49, 'hole': 49, 'rolling': 49, 'beautifully': 49, 'steps': 49, 'troubled': 49, 'treatment': 49, 'goodman': 49, 'melvin': 49, 'wooden': 48, 'voiced': 48, 'cable': 48, 'disbelief': 48, 'paid': 48, 'size': 48, 'trite': 48, 'theory': 48, 'sandra': 48, 'fortunately': 48, 'youth': 48, 'appearances': 48, 'cry': 48, 'wong': 48, 'universal': 48, 'qualities': 48, 'bone': 48, 'michelle': 48, 'stereotypes': 48, 'episodes': 48, 'statement': 48, 'sheriff': 48, 'screaming': 48, 'drew': 48, 'river': 48, 'scenery': 48, 'abandoned': 48, 'n': 48, 'priest': 48, 'forth': 48, 'con': 48, 'golden': 48, 'bulworth': 48, 'designed': 48, 'scientists': 48, 'headed': 48, 'suffer': 48, 'lloyd': 48, 'hughes': 48, 'luckily': 48, 'truck': 48, 'facts': 48, 'terrorist': 48, 'focuses': 48, 'ships': 48, 'vs': 48, 'cole': 48, 'religion': 48, 'tribe': 48, 'mature': 48, 'progresses': 47, 'mouse': 47, 'favor': 47, 'ghosts': 47, 'nine': 47, 'families': 47, 'foot': 47, 'romeo': 47, 'cox': 47, 'stereotypical': 47, 'convince': 47, 'natasha': 47, 'buzz': 47, 'mine': 47, 'mighty': 47, 'deserve': 47, 'passed': 47, 'knock': 47, 'conversation': 47, '1970s': 47, 'according': 47, '50': 47, 'dialog': 47, 'gratuitous': 47, 'innocence': 47, 'agents': 47, 'fiennes': 47, 'mitchell': 47, 'climactic': 47, 'false': 47, 'holding': 47, 'pleasant': 47, 'appeared': 47, 'norton': 47, 'lie': 47, 'mere': 47, 'lebowski': 47, 'delight': 47, 'cruel': 47, 'abilities': 47, 'market': 47, 'breasts': 47, 'neeson': 47, 'jar': 47, 'raise': 47, 'ellie': 47, 'dropped': 47, 'established': 47, 'laura': 47, 'ancient': 47, 'succeed': 47, 'brilliantly': 47, 'october': 47, '54': 47, 'likeable': 47, 'maggie': 47, 'cgi': 46, 'hip': 46, 'spending': 46, 'providing': 46, '9': 46, 'welles': 46, 'exchange': 46, 'sake': 46, 'picked': 46, 'jan': 46, 'jet': 46, 'karen': 46, 'fortune': 46, 'operation': 46, 'beating': 46, 'boxing': 46, 'fits': 46, 'warrior': 46, 'prinze': 46, 'honor': 46, 'holiday': 46, 'ron': 46, 'expensive': 46, 'tight': 46, 'trick': 46, 'mainstream': 46, 'tears': 46, 'davis': 46, 'dillon': 46, 'richards': 46, 'neve': 46, 'destruction': 46, 'stylish': 46, 'sat': 46, 'persona': 46, 'intentions': 46, 'refreshing': 46, 'weight': 46, 'corny': 46, 'trade': 46, 'accomplished': 46, 'diamond': 46, 'silver': 46, 'spoilers': 46, '1996': 46, 'judd': 46, 'spiritual': 46, 'parker': 46, 'downright': 46, 'raised': 46, 'types': 45, 'clue': 45, 'thrilling': 45, 'suits': 45, 'skip': 45, 'robot': 45, 'warner': 45, 'forest': 45, 'viewed': 45, 'expert': 45, 'monsters': 45, 'remembered': 45, 'awkward': 45, 'festival': 45, 'adapted': 45, 'charge': 45, 'hang': 45, 'clueless': 45, 'scripts': 45, 'north': 45, 'notably': 45, 'executive': 45, 'endearing': 45, 'tend': 45, 'trial': 45, 'thief': 45, 'escapes': 45, 'ad': 45, 'notion': 45, 'bet': 45, 'variety': 45, 'marks': 45, 'tedious': 45, 'consistently': 45, 'perfection': 45, 'random': 45, 'lucy': 45, 'execution': 45, 'emma': 45, 'letting': 45, 'los': 45, 'bridge': 45, 'strangely': 45, 'spots': 45, 'miles': 45, 'susan': 45, 'dick': 45, 'actresses': 45, 'survivors': 45, 'via': 45, 'anymore': 45, 'sorts': 45, 'kim': 45, 'proof': 45, 'jackal': 45, 'breathtaking': 45, 'reese': 45, 'gory': 45, 'combined': 45, 'lived': 45, 'disco': 45, 'achievement': 45, 'degree': 45, 'hoffman': 45, 'installment': 45, 'spacey': 45, 'personally': 44, 'produce': 44, 'accused': 44, 'exists': 44, 'stronger': 44, 'scared': 44, 'irish': 44, 'prior': 44, 'distracting': 44, 'graham': 44, 'idiotic': 44, 'teens': 44, 'enormous': 44, 'increasingly': 44, 'designer': 44, 'interaction': 44, 'howard': 44, 'rape': 44, 'jesus': 44, 'mixed': 44, 'reminds': 44, 'restaurant': 44, 'onedimensional': 44, 'area': 44, 'expression': 44, 'everywhere': 44, 'reallife': 44, 'crucial': 44, 'surreal': 44, 'dress': 44, 'angeles': 44, 'screams': 44, 'learning': 44, 'legendary': 44, 'charisma': 44, 'paper': 44, 'grown': 44, 'filming': 44, 'block': 44, 'prisoners': 44, 'village': 44, 'selling': 44, 'fred': 44, 'mask': 44, 'wins': 44, 'sympathy': 44, 'equal': 44, 'eating': 44, 'virtual': 44, 'executed': 43, 'entry': 43, 'demands': 43, 'independent': 43, 'strip': 43, '8mm': 43, 'drags': 43, 'training': 43, 'california': 43, 'roth': 43, 'bathroom': 43, 'settle': 43, 'fantasies': 43, 'basketball': 43, 'shut': 43, 'horribly': 43, 'treated': 43, 'defense': 43, 'cauldron': 43, 'energetic': 43, 'wave': 43, 'ensues': 43, 'cutting': 43, 'condition': 43, 'pg': 43, 'ring': 43, 'banderas': 43, 'harrelson': 43, 'lethal': 43, 'glory': 43, 'mildly': 43, 'albert': 43, 'throws': 43, 'negative': 43, 'attraction': 43, 'lifeless': 43, 'insult': 43, 'consists': 43, 'sides': 43, 'americas': 43, 'sons': 43, 'franchise': 43, 'chain': 43, 'airplane': 43, 'infamous': 43, 'civil': 43, 'depp': 43, 'americans': 43, 'tracks': 43, 'johnson': 43, 'senses': 43, 'flubber': 43, 'dan': 43, 'stewart': 43, 'drag': 43, 'movement': 43, 'mile': 43, 'bats': 43, 'bug': 42, 'jamie': 42, '1960s': 42, 'blind': 42, 'saves': 42, 'gain': 42, 'allowing': 42, 'delivery': 42, 'reference': 42, 'handsome': 42, 'realism': 42, 'classics': 42, 'fu': 42, 'levels': 42, 'henstridge': 42, 'neighbor': 42, 'alicia': 42, 'generated': 42, 'computergenerated': 42, 'garbage': 42, 'tyler': 42, 'anger': 42, 'tricks': 42, 'finish': 42, 'impressed': 42, 'enjoying': 42, 'amanda': 42, 'randy': 42, 'gross': 42, 'cuba': 42, 'highlight': 42, 'contain': 42, 'cameos': 42, 'drinking': 42, 'wildly': 42, 'andy': 42, 'delivered': 42, 'penn': 42, 'base': 42, 'snipes': 42, 'denise': 42, 'fool': 42, 'braveheart': 42, 'intellectual': 42, 'portrays': 42, 'paltrow': 42, 'lights': 42, 'closing': 42, 'fears': 42, 'birthday': 42, 'till': 42, 'todays': 42, '2000': 42, 'confrontation': 42, 'treats': 42, 'delivering': 42, 'robocop': 42, 'faced': 42, 'sword': 41, 'instantly': 41, 'compare': 41, 'influence': 41, 'kinds': 41, 'jumps': 41, 'orders': 41, 'utter': 41, 'kung': 41, 'travels': 41, 'ironically': 41, 'imagery': 41, 'inane': 41, 'millions': 41, 'command': 41, 'terrifying': 41, 'rooms': 41, 'appropriately': 41, 'explaining': 41, 'mtv': 41, 'ludicrous': 41, 'li': 41, 'stanley': 41, 'caring': 41, 'fonda': 41, 'betty': 41, 'legs': 41, 'editor': 41, 'relate': 41, 'wing': 41, 'reputation': 41, 'ticket': 41, 'jeffrey': 41, 'awards': 41, 'cameras': 41, 'twin': 41, 'inspiration': 41, 'personalities': 41, 'vicious': 41, 'cases': 41, 'stealing': 41, 'passes': 41, 'gordon': 41, 'colonel': 41, 'invisible': 41, 'quentin': 41, 'costner': 41, 'factor': 41, 'robbins': 41, 'relies': 41, 'explored': 41, 'kidnapped': 41, 'smiths': 41, 'diaz': 41, 'warriors': 41, 'engaged': 41, 'kick': 40, 'empire': 40, 'category': 40, 'pet': 40, 'turkey': 40, 'uninspired': 40, 'differences': 40, 'timing': 40, 'shoots': 40, 'joins': 40, 'pg13': 40, 'larger': 40, 'specifically': 40, 'eerie': 40, 'supernatural': 40, 'carried': 40, 'obsession': 40, 'mountain': 40, 'environment': 40, 'straightforward': 40, 'campy': 40, 'wanting': 40, 'committed': 40, 'hackman': 40, 'battlefield': 40, 'stab': 40, 'connery': 40, 'anaconda': 40, 'stumbles': 40, 'staying': 40, 'sun': 40, 'opened': 40, 'arrive': 40, 'wishes': 40, 'prisoner': 40, 'kidnapping': 40, 'lighting': 40, 'pool': 40, 'southern': 40, 'token': 40, 'revealing': 40, 'gradually': 40, 'soft': 40, 'baker': 40, 'individuals': 40, 'gloria': 40, 'carefully': 40, 'tucker': 40, 'received': 40, 'confusion': 40, 'peoples': 40, 'blown': 40, 'sleepy': 40, 'hundreds': 40, 'charismatic': 40, 'affection': 40, 'ideal': 40, 'shining': 40, 'carrying': 40, 'searching': 40, 'dicaprio': 40, 'antz': 40, 'hide': 39, 'chasing': 39, 'flashy': 39, 'squad': 39, 'slick': 39, 'fatal': 39, 'anybody': 39, 'easier': 39, 'sentimental': 39, 'worthwhile': 39, 'ambitious': 39, 'inspector': 39, 'portrait': 39, 'catholic': 39, 'superficial': 39, 'stays': 39, 'stranger': 39, 'inner': 39, 'reaches': 39, 'subtlety': 39, 'realizing': 39, 'currently': 39, 'freddie': 39, 'ashley': 39, 'gabriel': 39, 'antics': 39, 'primarily': 39, 'tales': 39, 'context': 39, 'battles': 39, 'stopped': 39, '1980s': 39, 'h': 39, 'shall': 39, 'manager': 39, 'enjoyment': 39, 'emily': 39, 'separate': 39, 'meat': 39, 'mothers': 39, 'carol': 39, 'lone': 39, 'evening': 39, 'hostage': 39, 'framed': 39, 'beatty': 39, 'joseph': 39, 'site': 39, 'glad': 39, 'card': 39, 'cromwell': 39, 'identify': 39, 'foster': 39, 'flight': 39, 'leo': 39, 'hook': 39, 'liam': 39, 'absolute': 39, 'millionaire': 39, 'fargo': 39, 'respectively': 39, 'harrison': 39, 'network': 39, 'believed': 39, 'loyal': 39, 'thurman': 39, 'theyll': 39, 'patients': 39, 'spoof': 39, 'bowling': 39, 'flawless': 39, 'malkovich': 39, 'happiness': 39, 'wahlberg': 39, 'pacino': 39, 'gattaca': 39, 'offering': 38, 'donald': 38, 'potentially': 38, 'showdown': 38, 'adequate': 38, 'murderer': 38, 'admittedly': 38, 'sleazy': 38, 'irony': 38, 'super': 38, 'secrets': 38, 'aint': 38, 'devices': 38, 'torn': 38, 'advantage': 38, 'packed': 38, 'thank': 38, 'removed': 38, 'wouldbe': 38, 'pam': 38, 'kilmer': 38, 'object': 38, 'sinise': 38, 'stupidity': 38, 'bat': 38, 'credible': 38, 'formulaic': 38, 'excessive': 38, 'eager': 38, 'teeth': 38, 'conversations': 38, 'fell': 38, 'blows': 38, 'hokey': 38, 'lou': 38, 'demonstrates': 38, 'helping': 38, 'psychotic': 38, 'listen': 38, 'hiding': 38, 'heck': 38, 'hadnt': 38, 'pat': 38, 'alec': 38, 'deserved': 38, 'internet': 38, 'remarkably': 38, 'response': 38, 'lighthearted': 38, 'k': 38, 'related': 38, 'secretly': 38, 'darth': 38, 'detailed': 38, 'disc': 38, 'directs': 38, 'altogether': 38, 'friendly': 38, 'massive': 38, 'forms': 38, 'manipulative': 38, 'honestly': 38, 'burtons': 38, 'irene': 38, 'captures': 38, 'melodramatic': 38, 'fourth': 38, 'served': 38, 'shadow': 38, 'displays': 38, 'suspicious': 38, 'beverly': 38, 'term': 38, 'interviews': 38, 'shares': 38, 'surrounding': 38, 'poker': 38, 'craven': 38, 'views': 38, 'wrapped': 37, 'arrival': 37, 'round': 37, 'toilet': 37, 'revelation': 37, 'nervous': 37, 'bucks': 37, 'spoken': 37, 'paying': 37, 'thousand': 37, 'paced': 37, 'calling': 37, 'reads': 37, 'tune': 37, 'france': 37, 'stunt': 37, 'passing': 37, 'crack': 37, 'briefly': 37, 'protect': 37, 'paxton': 37, 'somebody': 37, 'angles': 37, 'everyones': 37, 'redeeming': 37, 'hitchcock': 37, 'lesson': 37, 'par': 37, 'tape': 37, 'ruin': 37, 'teams': 37, 'incident': 37, 'rachel': 37, '40': 37, 'disappears': 37, 'jaws': 37, 'guest': 37, 'armed': 37, 'returned': 37, 'corrupt': 37, 'pretentious': 37, 'glass': 37, 'floating': 37, 'sinister': 37, 'brand': 37, 'experienced': 37, 'bay': 37, 'showgirls': 37, 'appearing': 37, 'comet': 37, 'correct': 37, 'chooses': 37, 'hood': 37, 'monty': 37, 'ages': 37, 'sophisticated': 37, 'majority': 37, 'afterwards': 37, 'balance': 37, 'predecessor': 37, 'dating': 37, 'groups': 37, 'greatly': 37, 'worker': 37, 'sharon': 37, '60s': 37, 'scares': 37, 'skill': 37, 'population': 37, 'ellen': 37, 'galaxy': 37, 'geoffrey': 37, 'destined': 37, 'castle': 37, 'paulie': 37, 'magnificent': 37, 'curtis': 36, 'sutherland': 36, 'knight': 36, 'narrator': 36, 'require': 36, 'melodrama': 36, 'husbands': 36, 'express': 36, 'voiceover': 36, 'mortal': 36, 'gods': 36, 'presumably': 36, 'normally': 36, 'experiment': 36, 'sorvino': 36, 'stale': 36, 'nicholas': 36, 'gem': 36, 'upcoming': 36, 'kinda': 36, 'doom': 36, 'vince': 36, 'sonny': 36, 'listening': 36, '1993': 36, 'controversial': 36, 'ali': 36, 'silence': 36, 'importance': 36, 'discovery': 36, 'aging': 36, 'dozens': 36, 'peak': 36, 'chair': 36, 'striking': 36, 'spin': 36, 'jessica': 36, 'adding': 36, 'francis': 36, 'duke': 36, 'naive': 36, 'wallace': 36, 'achieve': 36, 'plotting': 36, 'represents': 36, 'blank': 36, 'cynical': 36, 'artificial': 36, 'breakdown': 36, 'scenario': 36, 'smoking': 36, 'decisions': 36, 'holy': 36, 'palma': 36, 'east': 36, 'malcolm': 36, 'san': 36, 'prevent': 36, 'devoted': 36, 'aid': 36, 'underground': 36, 'thousands': 36, 'branagh': 36, 'gere': 36, 'frankenstein': 36, 'proper': 36, 'achieved': 36, 'solely': 36, 'camerons': 36, 'data': 36, 'prepared': 36, 'buscemi': 36, 'builds': 36, 'shortly': 36, 'choose': 36, 'regardless': 36, 'mass': 36, 'bullets': 36, 'ordell': 36, 'criminals': 35, 'wisdom': 35, 'frequent': 35, 'accurate': 35, 'broad': 35, 'ripoff': 35, 'standout': 35, 'grier': 35, 'strictly': 35, 'satan': 35, 'clown': 35, 'standards': 35, 'hurricane': 35, 'promises': 35, 'account': 35, 'consequences': 35, 'creation': 35, 'elderly': 35, 'poignant': 35, 'harsh': 35, 'chose': 35, 'pulling': 35, 'reluctant': 35, 'rage': 35, 'guards': 35, 'combat': 35, 'wacky': 35, 'hated': 35, 'controlled': 35, 'beings': 35, 'schindlers': 35, 'evident': 35, 'sloppy': 35, 'assigned': 35, 'ross': 35, 'marshall': 35, 'convicted': 35, 'tall': 35, 'celebrity': 35, 'awesome': 35, 'attracted': 35, 'martha': 35, 'meyer': 35, 'sexuality': 35, 'nostalgia': 35, 'tour': 35, 'edited': 35, 'inevitably': 35, 'horrifying': 35, 'finished': 35, 'worry': 35, 'resembles': 35, 'carrie': 35, 'mcgregor': 35, 'anakin': 35, 'obiwan': 35, 'tunes': 35, 'distant': 35, 'crafted': 35, 'nearby': 35, 'ingredients': 35, 'linda': 35, 'terrorists': 35, 'staged': 35, 'mermaid': 35, 'bottle': 35, 'twins': 35, 'dreamworks': 35, 'shape': 35, 'duchovny': 35, 'ace': 35, 'cards': 35, 'uncomfortable': 35, 'luc': 35, 'gas': 35, 'kudrow': 35, 'ransom': 35, 'crowe': 35, 'rebecca': 35, 'watson': 35, 'resolution': 35, 'courtney': 35, 'judging': 34, 'essential': 34, 'specific': 34, 'mentally': 34, 'unpleasant': 34, 'busy': 34, 'definite': 34, 'kicks': 34, 'roman': 34, 'happily': 34, 'emperor': 34, 'host': 34, 'grade': 34, '200': 34, 'pile': 34, 'wreck': 34, 'bates': 34, 'caused': 34, 'rely': 34, 'respective': 34, 'repetitive': 34, 'motives': 34, 'antonio': 34, 'argue': 34, 'dedicated': 34, 'principal': 34, 'rights': 34, 'month': 34, 'ruined': 34, 'broadcast': 34, 'underrated': 34, '_the': 34, 'molly': 34, 'proud': 34, 'twister': 34, 'africa': 34, 'jewish': 34, 'rocks': 34, 'profanity': 34, 'measure': 34, 'trend': 34, 'authority': 34, 'gambling': 34, 'dealer': 34, 'technique': 34, 'flair': 34, 'safety': 34, 'insane': 34, 'macho': 34, 'warren': 34, 'fincher': 34, 'attempted': 34, 'socalled': 34, 'shark': 34, 'commercials': 34, 'suffered': 34, 'challenging': 34, 'drawing': 34, 'funnier': 34, 'uncle': 34, 'arm': 34, 'citizens': 34, 'section': 34, 'sucked': 34, 'heat': 34, 'leigh': 34, 'hollywoods': 34, 'shine': 34, 'marketing': 34, 'firm': 34, 'slight': 34, 'porter': 34, 'federation': 34, 'surrounded': 34, 'libby': 34, 'existenz': 34, 'edwards': 34, 'greatness': 34, 'philosophy': 34, 'belief': 34, 'letter': 34, 'handles': 34, 'authentic': 34, 'harder': 33, 'lazy': 33, 'ads': 33, 'clues': 33, 'jumping': 33, 'jealous': 33, 'noticed': 33, 'bmovie': 33, 'official': 33, 'trademark': 33, 'competition': 33, 'extent': 33, 'examples': 33, 'brutally': 33, 'grim': 33, 'cooper': 33, 'madness': 33, 'ran': 33, 'redemption': 33, 'hed': 33, 'indian': 33, 'casino': 33, 'mansion': 33, 'chaos': 33, 'shines': 33, 'rises': 33, 'odds': 33, '13th': 33, 'concerns': 33, 'peace': 33, 'essence': 33, 'nurse': 33, 'leonard': 33, 'mindless': 33, 'lying': 33, 'volcano': 33, 'unconvincing': 33, 'african': 33, 'hearts': 33, 'eugene': 33, 'centers': 33, 'bird': 33, 'solve': 33, 'needless': 33, 'craft': 33, 'amounts': 33, 'sin': 33, 'profession': 33, 'waves': 33, 'grave': 33, 'bought': 33, 'overdone': 33, 'approaches': 33, 'bowfinger': 33, 'fired': 33, 'weaver': 33, 'illegal': 33, 'writes': 33, 'burning': 33, 'jolie': 33, 'forgot': 33, 'slightest': 33, 'strongly': 33, 'thoughtprovoking': 33, 'physically': 33, 'crazed': 33, 'astonishing': 33, 'aboard': 33, 'uma': 33, 'duo': 33, 'ann': 33, 'possessed': 33, 'harrys': 33, 'connor': 33, 'serving': 33, 'felix': 33, 'closely': 33, 'interview': 33, 'iron': 33, 'angela': 33, 'mirror': 33, 'attorney': 33, 'farrellys': 33, 'x': 33, 'courage': 33, 'couples': 32, 'drink': 32, 'enters': 32, 'receives': 32, 'beneath': 32, 'hints': 32, 'everyday': 32, 'wannabe': 32, 'territory': 32, 'outing': 32, 'hapless': 32, 'preview': 32, 'walked': 32, 'realm': 32, 'uneven': 32, 'admire': 32, 'popularity': 32, 'acceptable': 32, 'quinn': 32, 'watches': 32, 'guilt': 32, 'clumsy': 32, 'composed': 32, 'commander': 32, 'ridiculously': 32, 'changing': 32, 'split': 32, 'godfather': 32, 'focused': 32, 'useless': 32, 'hopper': 32, 'lovable': 32, 'belongs': 32, 'tiresome': 32, 'curious': 32, 'burns': 32, 'fancy': 32, 'decidedly': 32, 'depressed': 32, 'catches': 32, 'advance': 32, 'funeral': 32, 'farm': 32, 'immensely': 32, 'shell': 32, 'convinces': 32, 'marie': 32, 'struck': 32, '1994': 32, 'thrill': 32, 'masters': 32, 'comical': 32, 'spark': 32, 'university': 32, 'shadows': 32, 'unpredictable': 32, 'lands': 32, 'waters': 32, 'vietnam': 32, 'bastard': 32, 'dignity': 32, 'mail': 32, 'astronaut': 32, 'snow': 32, 'donnie': 32, 'samuel': 32, 'painting': 32, 'coffee': 32, 'raw': 32, 'bumbling': 32, 'aimed': 32, 'grew': 32, 'associated': 32, 'ricky': 32, 'stones': 32, 'alfred': 32, 'freeze': 32, 'miami': 32, 'paranoid': 32, 'artists': 32, 'raging': 32, 'voight': 32, 'entertained': 32, 'sly': 32, 'sid': 32, 'walls': 32, 'mulder': 32, 'besson': 32, 'rico': 32, 'dora': 32, 'triumph': 32, 'legal': 32, 'explosion': 32, 'eastwood': 32, 'thirteenth': 32, 'isolated': 32, 'marvelous': 32, 'amistad': 32, 'finn': 32, 'spielbergs': 32, 'neat': 31, 'visions': 31, 'echoes': 31, 'regarding': 31, 'convoluted': 31, 'lively': 31, 'string': 31, 'chick': 31, 'august': 31, 'convey': 31, 'presentation': 31, 'miserable': 31, 'cindy': 31, 'crawford': 31, 'endings': 31, 'gorilla': 31, 'theron': 31, 'nifty': 31, 'devils': 31, 'disease': 31, 'bigbudget': 31, 'jordan': 31, 'nonsense': 31, 'crimes': 31, 'shaw': 31, 'guts': 31, 'criticism': 31, 'repeated': 31, 'shy': 31, 'lends': 31, 'winds': 31, 'laid': 31, 'remind': 31, 'breath': 31, 'iii': 31, 'platt': 31, 'receive': 31, 'developing': 31, 'seek': 31, 'menacing': 31, 'possesses': 31, 'sticks': 31, 'plausible': 31, 'showcase': 31, 'earned': 31, 'carl': 31, 'upset': 31, 'sentence': 31, 'lopez': 31, 'ha': 31, 'lesbian': 31, 'australian': 31, 'closeups': 31, 'crude': 31, 'pursuit': 31, 'pays': 31, 'dimension': 31, 'frightened': 31, 'asleep': 31, 'slaves': 31, 'cook': 31, 'machines': 31, 'newcomer': 31, 'natalie': 31, 'thompson': 31, 'cheating': 31, 'previews': 31, 'boasts': 31, 'ned': 31, 'methods': 31, 'unhappy': 31, 'boxoffice': 31, 'mexico': 31, 'edition': 31, 'bullock': 31, 'struggles': 31, 'financial': 31, 'butt': 31, 'josh': 31, 'dawn': 31, 'racism': 31, 'vast': 31, 'deniro': 31, 'heather': 31, 'backdrop': 31, 'futuristic': 31, 'watchable': 31, 'strangers': 31, 'mistaken': 31, 'heist': 31, 'offered': 31, 'kathy': 31, 'upper': 31, 'enterprise': 31, 'divorce': 31, 'whale': 31, 'mercury': 31, 'accepts': 31, 'calm': 31, 'jawbreaker': 31, 'mcconaughey': 31, 'commanding': 31, 'trumans': 31, 'package': 30, 'wheres': 30, 'oldman': 30, 'forgettable': 30, 'daniels': 30, 'shower': 30, 'wanders': 30, 'assault': 30, 'snuff': 30, 'investigator': 30, 'beats': 30, 'switch': 30, 'convenient': 30, 'nude': 30, 'hates': 30, 'theyd': 30, 'cardboard': 30, 'absent': 30, 'pretend': 30, 'friday': 30, 'astronauts': 30, 'wake': 30, 'sappy': 30, 'skywalker': 30, 'starred': 30, 'authorities': 30, 'possibility': 30, 'arthur': 30, 'fable': 30, 'praise': 30, 'opportunities': 30, 'per': 30, 'ease': 30, 'wings': 30, 'method': 30, 'analyze': 30, 'chans': 30, 'sunday': 30, 'shane': 30, 'bare': 30, 'christina': 30, 'post': 30, 'creator': 30, 'brains': 30, 'progress': 30, 'cave': 30, 'shannon': 30, 'com': 30, 'dantes': 30, 'proved': 30, 'insulting': 30, 'credibility': 30, 'threatens': 30, 'comparisons': 30, 'titled': 30, 'costar': 30, 'selfish': 30, 'misguided': 30, 'invasion': 30, 'victor': 30, 'reduced': 30, 'portman': 30, 'pod': 30, 'segments': 30, 'walsh': 30, 'payback': 30, 'text': 30, 'sum': 30, 'greed': 30, 'exceptional': 30, 'destroying': 30, 'rough': 30, 'ricci': 30, 'marc': 30, 'portions': 30, 'returning': 30, 'sensitive': 30, 'redman': 30, 'hires': 30, 'popcorn': 30, 'craig': 30, 'barbara': 30, 'phony': 30, 'newman': 30, 'witherspoon': 30, 'joes': 30, 'candy': 30, 'distance': 30, 'properly': 30, 'thoughtful': 30, 'alternate': 30, 'vaguely': 30, 'oz': 30, 'performer': 30, 'transformation': 30, 'messages': 30, 'spring': 30, 'gwyneth': 30, 'impress': 30, 'consequently': 30, 'nelson': 30, 'robbie': 30, 'tremendous': 30, 'julianne': 30, 'hedwig': 30, 'guido': 30, 'figured': 29, 'worried': 29, 'fighter': 29, 'doomed': 29, 'proceeds': 29, 'nicolas': 29, 'lane': 29, 'hugh': 29, '60': 29, 'goldblum': 29, 'simultaneously': 29, 'tree': 29, 'seeking': 29, 'altman': 29, 'predictably': 29, 'confidence': 29, 'ebert': 29, 'precisely': 29, 'movements': 29, 'pointed': 29, 'sucks': 29, 'crying': 29, 'prologue': 29, 'schneider': 29, 'raimi': 29, 'grasp': 29, 'sits': 29, 'describes': 29, 'spare': 29, 'remote': 29, 'gritty': 29, 'facial': 29, 'gadget': 29, 'mayor': 29, 'everett': 29, 'bears': 29, 'rumble': 29, 'pitch': 29, 'discovering': 29, 'ralph': 29, 'description': 29, 'dogma': 29, 'comfortable': 29, 'moviegoers': 29, 'airport': 29, 'gooding': 29, 'sympathize': 29, 'hears': 29, 'ladies': 29, 'maintain': 29, 'thick': 29, 'native': 29, 'medium': 29, 'doctors': 29, 'understood': 29, 'choreographed': 29, 'dancer': 29, 'releases': 29, 'waitress': 29, 'neck': 29, 'blond': 29, 'motions': 29, 'intent': 29, 'acclaimed': 29, 'resulting': 29, 'emmerich': 29, 'reluctantly': 29, 'mistakes': 29, 'metro': 29, 'guessed': 29, 'quigon': 29, 'folk': 29, 'ignored': 29, 'dave': 29, 'riding': 29, 'abuse': 29, 'factory': 29, 'hat': 29, 'nose': 29, 'sgt': 29, 'twilight': 29, 'faithful': 29, 'objects': 29, 'nicole': 29, 'tad': 29, 'buck': 29, 'butler': 29, 'blatant': 29, 'covers': 29, 'walker': 29, 'diane': 29, 'nazi': 29, 'prostitute': 29, 'bang': 29, 'investigating': 29, 'believing': 29, 'cia': 29, 'sold': 29, 'parent': 29, 'rooting': 29, 'kubrick': 29, 'conscience': 29, 'advocate': 29, 'suffice': 29, 'grease': 29, '50s': 29, 'brenner': 29, 'del': 29, 'wcw': 29, '17': 29, 'code': 29, 'insurrection': 29, 'imaginative': 29, 'route': 29, 'brosnan': 29, 'generations': 29, 'businessman': 29, 'generals': 29, 'shouting': 29, 'von': 29, 'bridges': 29, 'jude': 29, 'leila': 29, 'highway': 28, 'joblo': 28, 'undercover': 28, 'womans': 28, '1990s': 28, 'comment': 28, 'satisfy': 28, 'persons': 28, 'determine': 28, 'dreadful': 28, 'hence': 28, 'purely': 28, 'pivotal': 28, 'charged': 28, 'precious': 28, 'senator': 28, 'boston': 28, 'kennedy': 28, 'respectable': 28, 'asian': 28, 'mystical': 28, 'clothing': 28, 'crisp': 28, 'paradise': 28, 'extras': 28, 'wow': 28, 'lesser': 28, 'causing': 28, 'awake': 28, 'realization': 28, 'paint': 28, 'continually': 28, 'bud': 28, 'possibilities': 28, 'damned': 28, 'claim': 28, 'shifts': 28, 'fishburne': 28, 'joker': 28, 'owns': 28, 'miserably': 28, 'robbery': 28, 'befriends': 28, 'coworkers': 28, 'bite': 28, 'roommates': 28, 'insightful': 28, 'prominent': 28, 'arrogant': 28, 'cost': 28, 'tossed': 28, 'expressions': 28, 'neighbors': 28, 'arguably': 28, 'promised': 28, 'masterful': 28, 'profound': 28, 'troubles': 28, 'runner': 28, 'smaller': 28, 'lifestyle': 28, 'coen': 28, 'raising': 28, 'palmetto': 28, 'tea': 28, 'thugs': 28, 'sinking': 28, 'broke': 28, 'ignore': 28, 'inability': 28, 'werewolf': 28, 'drops': 28, 'hewitt': 28, 'overbearing': 28, 'unrealistic': 28, 'topic': 28, 'discussion': 28, 'planned': 28, 'dealt': 28, 'cliff': 28, 'daddy': 28, 'amongst': 28, 'debate': 28, 'burn': 28, 'kline': 28, 'attacked': 28, 'wisely': 28, 'kidman': 28, 'lackluster': 28, 'developments': 28, 'benefit': 28, 'separated': 28, 'fiona': 28, 'argument': 28, 'subjects': 28, 'christ': 28, 'abyss': 28, 'enemies': 28, 'raises': 28, 'comedian': 28, 'exploring': 28, 'devito': 28, 'christine': 28, 'simons': 28, 'cure': 28, 'courtesy': 28, 'namely': 28, 'holmes': 28, 'casablanca': 28, 'junk': 28, 'nonstop': 28, 'philip': 28, 'reached': 28, 'laws': 28, 'leonardo': 28, 'companion': 28, 'strict': 28, '25': 28, 'dinosaurs': 28, 'nielsen': 28, 'blake': 28, 'satirical': 28, 'uplifting': 28, 'farrelly': 28, 'vulnerable': 28, 'destiny': 28, 'gladiator': 28, 'fuller': 28, 'frequency': 28, 'arrow': 27, 'stir': 27, 'robots': 27, 'danes': 27, 'jeopardy': 27, '20th': 27, '1997s': 27, 'awfully': 27, 'typically': 27, 'mining': 27, 'assignment': 27, 'phoenix': 27, 'psychiatrist': 27, 'psychologist': 27, 'birch': 27, 'knights': 27, 'franklin': 27, 'glance': 27, 'admirable': 27, 'performing': 27, 'garofalo': 27, 'misses': 27, 'guessing': 27, 'indiana': 27, 'royal': 27, 'forcing': 27, 'er': 27, 'proven': 27, 'leaps': 27, 'sheen': 27, 'underdeveloped': 27, 'summers': 27, 'conventions': 27, 'print': 27, 'complexity': 27, 'accompanied': 27, 'residents': 27, 'irrelevant': 27, 'shift': 27, '1996s': 27, 'bull': 27, 'spanish': 27, 'productions': 27, 'technically': 27, 'loosely': 27, 'involvement': 27, 'row': 27, 'nominated': 27, 'cousin': 27, 'careers': 27, 'demanding': 27, 'lousy': 27, 'mountains': 27, 'heroin': 27, 'cultural': 27, 'explicit': 27, 'exploitation': 27, 'rapidly': 27, 'videos': 27, 'couldve': 27, 'denzel': 27, 'warned': 27, 'coworker': 27, 'respected': 27, 'ta': 27, 'teaching': 27, 'zetajones': 27, 'phrase': 27, 'velvet': 27, 'siege': 27, 'fix': 27, 'sadistic': 27, 'behold': 27, 'unintentionally': 27, 'nation': 27, 'legends': 27, 'midst': 27, 'suicidal': 27, 'ruthless': 27, 'mate': 27, 'communicate': 27, 'outcome': 27, 'canadian': 27, 'considerably': 27, 'foley': 27, 'discuss': 27, 'slavery': 27, 'enjoys': 27, 'whereas': 27, 'improved': 27, 'reunion': 27, 'hayek': 27, 'owen': 27, 'federal': 27, 'montage': 27, 'cartoonish': 27, 'georgia': 27, 'dare': 27, 'chances': 27, 'bachelor': 27, 'lance': 27, 'catchy': 27, 'momentum': 27, 'motivations': 27, 'predict': 27, 'juliet': 27, 'amazingly': 27, 'lower': 27, 'insurance': 27, 'instances': 27, 'sparks': 27, 'hopelessly': 27, 'noble': 27, 'reynolds': 27, 'hire': 27, 'storys': 27, 'burst': 27, 'ominous': 27, 'liking': 27, 'recognition': 27, 'egypt': 27, 'luis': 27, 'visits': 27, 'contained': 27, 'troops': 27, 'loaded': 27, 'elfman': 27, 'accomplish': 27, 'ewan': 27, 'labor': 27, 'immediate': 27, 'les': 27, 'wright': 27, 'pierce': 27, 'racist': 27, 'hereafter': 27, 'offbeat': 27, 'pride': 27, 'perry': 27, 'fictional': 27, 'mohr': 27, 'winslet': 27, 'portray': 27, 'dramas': 27, 'homer': 27, 'sweetback': 27, 'coens': 27, 'nightmares': 26, 'vehicles': 26, 'norm': 26, 'proceed': 26, 'advanced': 26, 'underworld': 26, 'reel': 26, 'puzzle': 26, 'frustrated': 26, 'convincingly': 26, 'significance': 26, 'captivating': 26, 'zone': 26, 'deaths': 26, 'screwed': 26, 'roots': 26, 'souls': 26, 'assured': 26, 'fluff': 26, 'assassin': 26, 'pants': 26, 'val': 26, 'crush': 26, 'horrific': 26, 'joined': 26, 'intention': 26, 'trees': 26, 'theresa': 26, 'underwater': 26, 'annette': 26, 'bening': 26, 'jeanclaude': 26, 'secretary': 26, 'champion': 26, 'rid': 26, 'amidst': 26, 'ripped': 26, 'coherent': 26, 'liveaction': 26, 'richardson': 26, 'startling': 26, 'parole': 26, 'ratio': 26, 'zany': 26, 'manic': 26, 'nightclub': 26, 'venture': 26, 'demeanor': 26, 'property': 26, 'practice': 26, 'portraying': 26, 'cheer': 26, 'victory': 26, 'outer': 26, 'crashes': 26, 'workers': 26, 'savage': 26, 'demise': 26, 'pleasures': 26, 'sara': 26, 'piano': 26, 'concert': 26, 'tickets': 26, 'shocked': 26, 'beaten': 26, 'convention': 26, 'wicked': 26, 'azaria': 26, 'walken': 26, 'revolution': 26, 'itll': 26, 'eszterhas': 26, 'lifted': 26, 'torture': 26, 'traveling': 26, 'spite': 26, 'sustain': 26, 'nasa': 26, 'oil': 26, 'pack': 26, 'link': 26, 'roommate': 26, 'assembled': 26, 'hudson': 26, 'idiot': 26, 'producing': 26, 'similarities': 26, 'staff': 26, 'chased': 26, 'knife': 26, 'alexander': 26, 'freak': 26, 'repeatedly': 26, 'shakespeares': 26, 'mild': 26, 'pushing': 26, 'heartfelt': 26, 'computers': 26, 'kathleen': 26, 'thornton': 26, 'coincidence': 26, 'sketch': 26, 'gothic': 26, 'sylvester': 26, 'gal': 26, 'havoc': 26, 'boyle': 26, 'abandon': 26, 'logical': 26, 'phillippe': 26, 'chuckle': 26, 'unforgettable': 26, '18': 26, 'payoff': 26, 'poison': 26, 'dynamic': 26, 'elite': 26, 'proving': 26, 'underneath': 26, 'hannah': 26, 'generate': 26, 'surviving': 26, 'occurred': 26, 'spoil': 26, 'cope': 26, 'topnotch': 26, 'glimpse': 26, 'boot': 26, 'macy': 26, 'trap': 26, 'memphis': 26, 'frustrating': 26, 'jakob': 26, 'holocaust': 26, 'magoo': 26, 'mummy': 26, 'confident': 26, 'poetry': 26, 'hysterical': 26, 'unfolds': 26, 'tarantinos': 26, 'detectives': 26, 'pun': 26, 'dreyfuss': 26, 'margaret': 26, 'hamlet': 26, 'stark': 26, 'vader': 26, 'taran': 26, '910': 25, 'contrary': 25, 'carpenters': 25, 'martian': 25, 'colony': 25, 'covering': 25, 'apple': 25, 'sexually': 25, 'phenomenon': 25, 'replacement': 25, 'opposed': 25, 'houses': 25, 'restraint': 25, 'philosophical': 25, 'blend': 25, 'andor': 25, 'melanie': 25, 'closest': 25, 'odyssey': 25, 'v': 25, 'charlize': 25, 'cities': 25, 'superhero': 25, 'dazzling': 25, 'australia': 25, 'partly': 25, 'allens': 25, 'penned': 25, 'ol': 25, 'absence': 25, 'spell': 25, 'chow': 25, 'intricate': 25, 'hotshot': 25, 'florida': 25, 'stahl': 25, 'marty': 25, 'unsettling': 25, 'bridget': 25, 'instincts': 25, 'blast': 25, 'potent': 25, 'lengthy': 25, 'sleeping': 25, 'reactions': 25, 'teenager': 25, 'minnie': 25, 'embarrassed': 25, 'wealth': 25, 'subjected': 25, 'mayhem': 25, 'ward': 25, 'blatantly': 25, 'depiction': 25, 'maguire': 25, '1992': 25, 'sally': 25, 'maximum': 25, 'teach': 25, 'farce': 25, 'col': 25, 'raped': 25, 'slips': 25, 'receiving': 25, 'banks': 25, 'horny': 25, 'nolte': 25, 'demons': 25, 'distraction': 25, 'hitting': 25, 'sounding': 25, 'brave': 25, 'shared': 25, 'failing': 25, 'saga': 25, 'attached': 25, 'newly': 25, 'belong': 25, 'sink': 25, 'buried': 25, 'spectacle': 25, 'areas': 25, 'underlying': 25, 'tends': 25, 'lifetime': 25, 'highlights': 25, 'noticeable': 25, 'occasion': 25, 'childs': 25, 'smoke': 25, 'officers': 25, 'steel': 25, 'equivalent': 25, '1984': 25, 'psychic': 25, 'clone': 25, 'conviction': 25, 'amazed': 25, 'grandfather': 25, 'channel': 25, 'gentle': 25, 'report': 25, 'wouldve': 25, 'organization': 25, 'jeremy': 25, 'connected': 25, 'mesmerizing': 25, '1950s': 25, 'reed': 25, 'trail': 25, 'carreys': 25, 'understandable': 25, 'improvement': 25, 'cab': 25, 'engrossing': 25, 'pleasantville': 25, 'caan': 25, 'ties': 25, 'heston': 25, 'moses': 25, 'emphasis': 25, 'guide': 25, 'smooth': 25, 'sincere': 25, 'judith': 25, 'implausible': 25, 'charlies': 25, 'hoped': 25, 'zane': 25, 'dose': 25, 'relative': 25, 'daughters': 25, 'webb': 25, 'gus': 25, 'subsequent': 25, 'rings': 25, 'tango': 25, 'clint': 25, 'museum': 25, 'election': 25, 'maximus': 25, 'fed': 24, 'recycled': 24, 'bros': 24, 'contest': 24, 'ranks': 24, 'daryl': 24, 'genres': 24, 'stereotype': 24, 'european': 24, 'curiosity': 24, 'explores': 24, 'chambers': 24, 'miscast': 24, 'grandmother': 24, 'recurring': 24, 'huh': 24, 'possess': 24, 'honesty': 24, 'healthy': 24, 'disappear': 24, 'morality': 24, 'pot': 24, 'fingers': 24, 'merit': 24, 'towns': 24, 'constructed': 24, 'punishment': 24, 'wire': 24, 'letters': 24, 'nowadays': 24, 'followup': 24, 'planets': 24, 'newest': 24, 'classes': 24, 'seats': 24, 'fisher': 24, 'concern': 24, 'affected': 24, 'appreciated': 24, 'handling': 24, 'buying': 24, 'internal': 24, 'bully': 24, 'butcher': 24, 'insists': 24, 'em': 24, 'uninvolving': 24, 'nc17': 24, 'biggs': 24, 'dilemma': 24, 'downhill': 24, 'damage': 24, 'slater': 24, 'moronic': 24, 'dubious': 24, 'griffith': 24, 'jazz': 24, 'secondary': 24, 'hack': 24, 'jerk': 24, 'web': 24, 'teaches': 24, 'domestic': 24, 'react': 24, 'rap': 24, 'exposed': 24, 'suck': 24, '11': 24, 'newspaper': 24, 'dreary': 24, 'worm': 24, 'disguise': 24, 'session': 24, 'suzie': 24, 'heroic': 24, 'underwritten': 24, 'gruesome': 24, 'maintains': 24, 'perpetually': 24, 'activities': 24, 'mechanical': 24, 'proportions': 24, 'buildings': 24, 'techniques': 24, 'concerning': 24, 'beau': 24, 'wan': 24, 'deuce': 24, 'settings': 24, 'manhattan': 24, 'introduction': 24, 'weir': 24, 'horses': 24, 'containing': 24, 'phillips': 24, 'darn': 24, 'december': 24, 'postman': 24, 'arrested': 24, 'acid': 24, 'vague': 24, 'recognized': 24, 'unaware': 24, 'beer': 24, 'distinct': 24, 'spaceship': 24, 'gerard': 24, 'page': 24, 'cup': 24, 'caine': 24, 'oscars': 24, 'costars': 24, 'rodriguez': 24, 'fastpaced': 24, 'exceptions': 24, 'engage': 24, 'suitable': 24, 'boiler': 24, 'defeat': 24, 'tear': 24, 'id4': 24, 'bont': 24, 'wed': 24, 'joey': 24, 'chucky': 24, 'jersey': 24, 'japan': 24, 'unexpectedly': 24, 'clerk': 24, 'st': 24, 'oldfashioned': 24, 'despair': 24, 'eats': 24, 'chilling': 24, 'ghetto': 24, 'travis': 24, 'considerable': 24, 'reasonable': 24, 'sphere': 24, 'harold': 24, 'jews': 24, 'faults': 24, 'notch': 24, 'deliciously': 24, 'feelgood': 24, 'irresistible': 24, 'nazis': 24, 'institution': 24, 'meaningful': 24, 'genetically': 24, 'inch': 24, 'solution': 24, 'bold': 24, 'effortlessly': 24, 'blah': 24, 'interpretation': 24, 'prom': 24, 'chad': 24, 'matilda': 24, 'lambeau': 24, 'mallory': 24, 'pink': 23, 'picking': 23, 'justify': 23, 'finger': 23, 'costs': 23, 'idle': 23, 'buildup': 23, 'desires': 23, 'alcoholic': 23, 'shed': 23, 'disturbed': 23, 'understated': 23, 'answered': 23, 'ear': 23, 'shirt': 23, 'johns': 23, 'bullet': 23, 'janeane': 23, 'turmoil': 23, 'pops': 23, 'spread': 23, 'reviewed': 23, 'conflicts': 23, 'dubbed': 23, 'automatically': 23, 'cheadle': 23, 'proverbial': 23, 'quote': 23, 'plant': 23, 'norman': 23, 'ex': 23, 'lips': 23, 'unintentional': 23, 'retrieve': 23, 'stern': 23, 'wisecracking': 23, 'bible': 23, 'depicted': 23, 'screens': 23, 'brilliance': 23, 'corruption': 23, 'stomach': 23, 'journalist': 23, 'lab': 23, 'rebel': 23, 'gripping': 23, 'wakes': 23, 'publicity': 23, 'undoubtedly': 23, 'twelve': 23, 'flies': 23, 'tongue': 23, 'plotline': 23, 'moviemaking': 23, 'parade': 23, 'versions': 23, 'graduate': 23, 'bunny': 23, 'accents': 23, 'credited': 23, 'heading': 23, 'arizona': 23, 'doll': 23, 'caricatures': 23, 'vanity': 23, 'discussing': 23, 'reliable': 23, 'bell': 23, 'overlong': 23, 'charges': 23, 'destroys': 23, 'concepts': 23, 'critically': 23, 'vessel': 23, 'syndrome': 23, 'awry': 23, 'morals': 23, 'closed': 23, 'seattle': 23, 'tied': 23, 'presidents': 23, 'francisco': 23, 'shoes': 23, 'rip': 23, 'load': 23, 'earn': 23, 'departure': 23, 'enhanced': 23, 'jesse': 23, 'salma': 23, 'superman': 23, 'desperation': 23, 'motive': 23, 'planning': 23, 'girlfriends': 23, 'louis': 23, 'shue': 23, 'owes': 23, 'parallel': 23, 'fond': 23, 'offended': 23, 'civilization': 23, 'displayed': 23, 'commits': 23, 'robinson': 23, 'shit': 23, 'vice': 23, 'longtime': 23, 'daisy': 23, 'titles': 23, 'kane': 23, 'tunnel': 23, 'shady': 23, 'depression': 23, 'plastic': 23, '1981': 23, 'dien': 23, 'march': 23, 'ventura': 23, 'lemmon': 23, 'verbal': 23, 'gimmick': 23, 'salesman': 23, 'similarly': 23, 'varsity': 23, 'continued': 23, 'amusement': 23, 'turner': 23, 'dumber': 23, 'circle': 23, 'incidentally': 23, 'messenger': 23, 'tomorrow': 23, 'kinnear': 23, 'lasting': 23, 'exploration': 23, 'innovative': 23, 'misery': 23, 'involve': 23, 'diner': 23, 'liar': 23, 'overacting': 23, 'baku': 23, 'kenobi': 23, 'wandering': 23, 'reports': 23, 'stigmata': 23, 'passengers': 23, 'famke': 23, 'lessons': 23, 'exorcist': 23, 'spike': 23, 'invited': 23, 'senior': 23, 'stranded': 23, 'byrne': 23, 'egoyan': 23, 'heche': 23, 'pity': 23, 'vital': 23, 'goodfellas': 23, 'taxi': 23, 'cynthia': 23, 'landscape': 23, 'performed': 23, 'tribute': 23, 'apostle': 23, 'blowing': 22, 'stalked': 22, 'derivative': 22, 'facing': 22, 'reviewers': 22, 'client': 22, 'inject': 22, '80': 22, 'mundane': 22, 'charlotte': 22, 'sand': 22, 'coast': 22, '14': 22, 'annoyed': 22, 'frances': 22, 'ken': 22, 'fascinated': 22, 'excited': 22, 'bulk': 22, 'kombat': 22, 'egg': 22, 'miraculously': 22, 'witnessed': 22, 'plight': 22, 'underused': 22, 'flowing': 22, 'letdown': 22, 'pushes': 22, 'foolish': 22, 'fabulous': 22, 'caliber': 22, 'moon': 22, 'harmless': 22, 'urge': 22, 'patience': 22, 'chapter': 22, 'incomprehensible': 22, 'pages': 22, 'balls': 22, 'adorable': 22, 'kit': 22, 'jacket': 22, 'prize': 22, 'boredom': 22, 'brooding': 22, 'janet': 22, 'daily': 22, 'bickering': 22, 'enthusiasm': 22, '1900': 22, 'liner': 22, '1988': 22, 'disgusting': 22, 'throat': 22, 'detroit': 22, 'exotic': 22, 'schools': 22, 'tracking': 22, 'spoiled': 22, 'trained': 22, 'cooking': 22, 'graces': 22, 'mankind': 22, 'stardom': 22, 'wesley': 22, '1998s': 22, 'sunk': 22, 'glaring': 22, 'construction': 22, 'ambiguous': 22, 'motivation': 22, 'asteroid': 22, 'vivid': 22, 'stylistic': 22, 'chest': 22, 'household': 22, 'equipment': 22, 'studying': 22, 'reno': 22, 'square': 22, 'garden': 22, 'sliding': 22, 'shoulders': 22, 'dismal': 22, 'peaceful': 22, 'hideous': 22, 'jacques': 22, 'commit': 22, 'tender': 22, 'powder': 22, 'mcgowan': 22, 'fraser': 22, 'models': 22, 'basement': 22, 'devoid': 22, 'unsatisfying': 22, 'succeeded': 22, 'outset': 22, 'lyrics': 22, 'hammer': 22, 'stood': 22, 'push': 22, 'ark': 22, 'leder': 22, 'monica': 22, 'expects': 22, 'greedy': 22, 'characterizations': 22, 'beliefs': 22, 'spotlight': 22, 'arrived': 22, 'believability': 22, 'evolution': 22, 'griffin': 22, 'dracula': 22, 'clubs': 22, 'celebrities': 22, 'foul': 22, 'geek': 22, 'chuck': 22, 'nemesis': 22, 'stayed': 22, 'intrigue': 22, 'glover': 22, 'stiff': 22, 'hitman': 22, 'industrial': 22, 'trace': 22, 'bean': 22, 'demonstrate': 22, 'faceoff': 22, 'locations': 22, 'throwaway': 22, 'pete': 22, 'bigscreen': 22, 'monkeys': 22, 'casper': 22, 'swallow': 22, 'casts': 22, 'fiancee': 22, 'prefer': 22, 'creativity': 22, 'accomplishment': 22, 'liz': 22, 'cream': 22, 'transport': 22, 'reservoir': 22, 'leg': 22, 'homosexual': 22, 'mamet': 22, 'inexplicably': 22, 'harvey': 22, 'glen': 22, 'chocolate': 22, 'judgement': 22, 'arc': 22, 'cue': 22, 'betrayal': 22, 'wag': 22, 'newton': 22, 'toro': 22, 'navy': 22, 'pale': 22, 'picard': 22, 'milton': 22, 'guidance': 22, 'familys': 22, 'klein': 22, 'forgets': 22, 'riveting': 22, 'monologue': 22, 'unseen': 22, 'employee': 22, 'escaped': 22, 'veronica': 22, 'affairs': 22, 'comfort': 22, 'montana': 22, 'nello': 22, 'redford': 22, 'donkey': 22, 'tons': 21, 'neighborhood': 21, 'kudos': 21, 'deserted': 21, 'someones': 21, 'juvenile': 21, 'anastasia': 21, 'dust': 21, 'sue': 21, 'responds': 21, 'parallels': 21, 'arrest': 21, 'justin': 21, 'dudes': 21, 'substantial': 21, 'halfhour': 21, 'kay': 21, 'exceptionally': 21, 'leary': 21, 'exploit': 21, 'instant': 21, 'yelling': 21, 'imprisoned': 21, 'muddled': 21, 'femme': 21, 'faster': 21, 'borders': 21, 'border': 21, 'apollo': 21, 'anticlimactic': 21, 'pleasing': 21, 'kissed': 21, 'competent': 21, 'africanamerican': 21, 'function': 21, 'entering': 21, 'wheel': 21, 'circles': 21, 'dunne': 21, 'forgive': 21, 'adolescent': 21, 'exchanges': 21, 'consistent': 21, 'tests': 21, 'bruno': 21, 'reindeer': 21, 'tables': 21, 'bitch': 21, 'candidate': 21, 'caricature': 21, 'therapy': 21, 'format': 21, 'predecessors': 21, 'forty': 21, 'confronts': 21, 'han': 21, 'clark': 21, 'ambition': 21, 'chuckles': 21, 'worn': 21, 'stellar': 21, 'hackneyed': 21, 'quit': 21, 'habit': 21, 'preposterous': 21, 'suitably': 21, 'incompetent': 21, 'replies': 21, 'matthau': 21, 'roy': 21, 'suited': 21, 'staring': 21, 'murderous': 21, 'kicking': 21, 'novels': 21, 'resources': 21, 'dune': 21, 'fright': 21, 'entitled': 21, 'laughably': 21, 'ratings': 21, 'mentioning': 21, 'noteworthy': 21, 'cheese': 21, 'confidential': 21, 'sarcastic': 21, 'introduce': 21, 'bones': 21, 'lately': 21, 'testament': 21, 'kicked': 21, 'anticipation': 21, 'elliot': 21, '1985': 21, 'premiere': 21, 'parodies': 21, 'stages': 21, 'interact': 21, 'rubber': 21, 'lightning': 21, 'paranoia': 21, 'satisfied': 21, 'wound': 21, 'pressure': 21, 'kurt': 21, 'retired': 21, 'shopping': 21, 'waking': 21, 'debt': 21, 'thereby': 21, 'photo': 21, 'subtitles': 21, 'winter': 21, 'locked': 21, 'laurence': 21, 'duty': 21, 'wills': 21, '35': 21, 'products': 21, 'forewarned': 21, 'warns': 21, 'reasonably': 21, 'overwhelming': 21, 'carters': 21, 'parties': 21, 'uncertain': 21, 'fares': 21, 'wet': 21, 'rita': 21, 'landing': 21, 'judgment': 21, 'noise': 21, 'suave': 21, 'achieves': 21, 'touched': 21, 'dressing': 21, 'explore': 21, 'wondered': 21, 'insects': 21, 'ivy': 21, 'orange': 21, 'citizen': 21, 'smarter': 21, 'counting': 21, 'occasions': 21, 'establishing': 21, 'steam': 21, 'kidnap': 21, 'harlem': 21, 'triangle': 21, 'grab': 21, 'expedition': 21, 'sights': 21, 'clan': 21, 'dear': 21, 'dimwitted': 21, 'jacks': 21, 'array': 21, 'dropping': 21, 'poster': 21, 'marked': 21, 'countries': 21, 'limits': 21, 'interests': 21, 'draws': 21, 'combines': 21, 'mib': 21, 'edgy': 21, 'cheated': 21, 'dustin': 21, 'flow': 21, 'krippendorfs': 21, 'jarring': 21, 'rushed': 21, 'katie': 21, 'virgin': 21, 'forster': 21, 'counselor': 21, 'violin': 21, 'morse': 21, 'influenced': 21, 'murphys': 21, 'feat': 21, 'dramatically': 21, 'blacks': 21, 'crossing': 21, 'organized': 21, 'hammond': 21, 'referred': 21, 'ramsey': 21, 'aggressive': 21, 'africans': 21, 'doug': 21, 'whisperer': 21, 'lola': 21, 'hatred': 21, 'lounge': 21, 'animators': 21, 'strongest': 21, 'wounds': 21, 'tracy': 21, 'chronicles': 21, 'treasure': 21, 'fidelity': 21, 'osment': 21, 'argento': 21, 'camille': 21, 'giles': 21, 'rounders': 21, 'outfits': 20, 'ribisi': 20, 'questionable': 20, 'tie': 20, 'survives': 20, 'breathing': 20, 'hardcore': 20, 'keener': 20, 'referring': 20, 'banal': 20, 'scottish': 20, 'homes': 20, 'metaphor': 20, 'goldberg': 20, 'awhile': 20, 'depalma': 20, 'fields': 20, 'atlantic': 20, 'speeches': 20, 'daring': 20, 'rudy': 20, 'puppy': 20, 'assistance': 20, 'swear': 20, 'dalmatians': 20, 'dated': 20, 'depends': 20, 'penny': 20, 'tagline': 20, 'unbearable': 20, 'losers': 20, 'famed': 20, 'statements': 20, 'swingers': 20, 'distracted': 20, 'nostalgic': 20, 'ally': 20, 'camerawork': 20, 'inferior': 20, 'worthless': 20, 'vengeance': 20, 'photographer': 20, 'patricia': 20, 'depths': 20, 'unoriginal': 20, 'haunt': 20, 'paramount': 20, 'hides': 20, 'recover': 20, 'mia': 20, 'warmth': 20, 'admission': 20, 'remained': 20, 'rookie': 20, 'lush': 20, '19th': 20, 'lion': 20, 'traffic': 20, 'fishing': 20, 'seduction': 20, 'alternative': 20, 'dutch': 20, 'kingpin': 20, 'kitchen': 20, 'sessions': 20, 'attended': 20, 'lust': 20, 'furious': 20, 'bruckheimer': 20, 'glimpses': 20, 'hilariously': 20, 'horner': 20, 'gauge': 20, 'desired': 20, 'maria': 20, 'barnes': 20, 'holly': 20, 'naboo': 20, 'nonexistent': 20, 'voyage': 20, 'kissing': 20, 'scores': 20, 'dirt': 20, 'accepted': 20, 'literature': 20, 'risky': 20, 'loyalty': 20, 'nicky': 20, 'respects': 20, 'select': 20, 'elsewhere': 20, 'sums': 20, 'resolved': 20, 'owens': 20, 'partners': 20, 'zellweger': 20, 'unfold': 20, 'rat': 20, 'maid': 20, 'complain': 20, 'contract': 20, 'map': 20, 'overblown': 20, 'chainsaw': 20, 'riot': 20, 'trait': 20, 'awaiting': 20, 'gigantic': 20, 'conditions': 20, 'affect': 20, 'tag': 20, 'boxer': 20, 'obstacles': 20, 'rhames': 20, 'senseless': 20, 'weary': 20, 'fills': 20, 'corporate': 20, 'wellwritten': 20, 'europe': 20, 'sneak': 20, 'resembling': 20, 'definition': 20, 'musicals': 20, 'altered': 20, 'toronto': 20, 'spoiler': 20, 'creek': 20, 'excess': 20, 'peculiar': 20, 'gates': 20, 'frozen': 20, 'lester': 20, 'completed': 20, 'primitive': 20, 'dylan': 20, 'fianc': 20, 'communication': 20, 'timothy': 20, 'temptation': 20, 'banter': 20, 'groundbreaking': 20, 'nora': 20, 'penis': 20, 'flop': 20, 'trunk': 20, 'grisham': 20, 'resemble': 20, 'horrors': 20, '70': 20, 'passionate': 20, 'musicians': 20, 'muse': 20, 'gilbert': 20, 'lean': 20, 'interrupted': 20, 'merits': 20, 'delightfully': 20, 'minimal': 20, 'gellar': 20, 'growth': 20, 'breed': 20, 'petty': 20, 'lengths': 20, 'temple': 20, 'aaron': 20, 'scorseses': 20, 'pleased': 20, 'notorious': 20, 'daylight': 20, 'begun': 20, 'avoids': 20, 'assumes': 20, 'gained': 20, 'fulfill': 20, 'jeanne': 20, 'quietly': 20, 'ongoing': 20, 'owned': 20, 'apt': 20, 'carlyle': 20, 'april': 20, 'pokemon': 20, 'mpaa': 20, 'estella': 20, 'darker': 20, 'bye': 20, 'meantime': 19, 'dig': 19, '1010': 19, 'suspicion': 19, 'stretched': 19, 'considers': 19, 'kingdom': 19, 'pulse': 19, 'rejected': 19, 'collect': 19, 'suspension': 19, 'custody': 19, 'advances': 19, 'seedy': 19, 'coat': 19, 'wounded': 19, 'cancer': 19, 'simplistic': 19, 'moody': 19, 'neurotic': 19, 'taught': 19, 'stilted': 19, 'atrocious': 19, 'musketeers': 19, 'tiger': 19, 'regard': 19, 'ireland': 19, 'associate': 19, 'exposition': 19, 'thereafter': 19, 'lambert': 19, 'seeks': 19, 'politically': 19, 'wig': 19, 'earths': 19, 'babysitter': 19, 'bubble': 19, 'wifes': 19, 'pretends': 19, 'performs': 19, 'catching': 19, 'muster': 19, 'spooky': 19, 'cared': 19, 'examination': 19, 'panic': 19, 'ryder': 19, 'witches': 19, 'witnesses': 19, 'heavyhanded': 19, 'nails': 19, 'conveniently': 19, 'supply': 19, 'guaranteed': 19, 'reward': 19, 'signed': 19, 'ronin': 19, 'marlon': 19, 'minimum': 19, 'alongside': 19, '101': 19, 'mimic': 19, 'races': 19, 'informs': 19, 'patterns': 19, 'gangsters': 19, 'lindo': 19, 'maurice': 19, 'aided': 19, 'noted': 19, 'resonance': 19, 'warden': 19, 'colleagues': 19, 'remove': 19, 'lambs': 19, 'alley': 19, 'creations': 19, 'adaptations': 19, 'deliberately': 19, 'dreaded': 19, 'josie': 19, 'embarrassment': 19, 'reilly': 19, 'fury': 19, 'sentimentality': 19, 'resort': 19, 'prevents': 19, 'ho': 19, 'rescued': 19, 'borrows': 19, 'alcohol': 19, 'strings': 19, 'restless': 19, 'lions': 19, 'attend': 19, '1999s': 19, 'insipid': 19, 'rogue': 19, 'travoltas': 19, 'customers': 19, 'kyle': 19, 'insanity': 19, 'ranging': 19, 'maintaining': 19, 'sultry': 19, 'reserved': 19, 'lees': 19, 'harrowing': 19, 'exotica': 19, 'firsttime': 19, 'aspiring': 19, 'survivor': 19, 'slimy': 19, 'raymond': 19, 'paths': 19, 'leap': 19, 'carnage': 19, 'popping': 19, 'lauren': 19, 'brandy': 19, 'entered': 19, 'complaint': 19, 'introducing': 19, 'venice': 19, 'preparing': 19, 'germany': 19, 'visiting': 19, 'impending': 19, 'wardrobe': 19, 'bills': 19, 'madsen': 19, 'july': 19, 'mimi': 19, 'helpless': 19, 'mixture': 19, 'claiming': 19, 'abusive': 19, 'reflects': 19, 'alike': 19, 'jacob': 19, 'renee': 19, 'lange': 19, 'tops': 19, 'preston': 19, 'kingsley': 19, 'clash': 19, 'contempt': 19, 'endure': 19, 'saint': 19, 'repeat': 19, 'cigarettes': 19, 'intentionally': 19, 'avengers': 19, 'gather': 19, 'screenwriting': 19, 'woos': 19, 'admits': 19, 'stumble': 19, 'entirety': 19, 'shouts': 19, 'attendant': 19, 'stated': 19, 'compliment': 19, 'spencer': 19, 'darryl': 19, 'literary': 19, 'breakfast': 19, 'cabin': 19, 'arguments': 19, 'copyright': 19, 'modernday': 19, 'hurley': 19, 'lynchs': 19, 'lieutenant': 19, 'bartender': 19, 'unfair': 19, 'unwatchable': 19, 'rapid': 19, 'bernard': 19, 'yard': 19, 'health': 19, 'relevant': 19, 'celluloid': 19, 'dumped': 19, 'tendency': 19, 'valley': 19, 'careful': 19, 'sweeping': 19, 'vibrant': 19, 'firstrate': 19, 'pushed': 19, 'screw': 19, 'disappoint': 19, 'describing': 19, 'millennium': 19, 'transition': 19, 'overlooked': 19, 'requisite': 19, 'ephron': 19, 'crichton': 19, 'inmates': 19, 'article': 19, 'wellknown': 19, 'darren': 19, '16': 19, 'scripted': 19, 'definately': 19, 'approached': 19, 'resurrection': 19, 'portion': 19, 'guests': 19, 'rendered': 19, 'fought': 19, 'observations': 19, 'russians': 19, 'variation': 19, 'crashing': 19, 'lara': 19, 'scully': 19, 'grip': 19, 'outsider': 19, 'extensive': 19, 'fitting': 19, 'potter': 19, 'affecting': 19, 'forrest': 19, 'snakes': 19, 'beavis': 19, 'rosie': 19, 'inherent': 19, 'peebles': 19, 'degrees': 19, 'nina': 19, 'tin': 19, 'bedroom': 19, 'astounding': 19, 'kenny': 19, 'sings': 19, 'goals': 19, 'gilliam': 19, 'thrust': 19, 'reportedly': 19, 'revolutionary': 19, 'benigni': 19, 'feihong': 19, 'span': 18, 'throne': 18, 'enthusiastic': 18, 'tones': 18, 'pornography': 18, 'exploits': 18, 'bookstore': 18, 'commitment': 18, 'stellan': 18, 'pairing': 18, 'gray': 18, 'vows': 18, 'stretches': 18, 'ugh': 18, 'plagued': 18, 'bathtub': 18, 'seriousness': 18, 'unfamiliar': 18, 'meaningless': 18, 'liu': 18, 'shattered': 18, 'flowers': 18, 'upside': 18, 'staple': 18, 'placement': 18, 'hart': 18, 'phrases': 18, 'diabolical': 18, 'shoulder': 18, 'chills': 18, 'downey': 18, 'goods': 18, 'nerves': 18, 'convenience': 18, 'comparing': 18, 'bars': 18, 'pal': 18, 'milk': 18, 'audio': 18, 'curiously': 18, 'dud': 18, 'lolita': 18, 'gadgets': 18, 'escaping': 18, 'pattern': 18, 'authors': 18, 'slim': 18, 'idiots': 18, 'deadpan': 18, 'propaganda': 18, '1977': 18, 'brink': 18, 'icon': 18, 'jewel': 18, 'forlani': 18, 'understands': 18, 'dimensional': 18, 'disappeared': 18, 'mentor': 18, 'childish': 18, 'notices': 18, 'partially': 18, 'brooklyn': 18, 'marvel': 18, 'rolled': 18, 'ought': 18, 'weddings': 18, 'w': 18, 'diverse': 18, 'chinatown': 18, 'arkin': 18, 'billing': 18, 'afternoon': 18, '3000': 18, 'psychlos': 18, 'denver': 18, 'passenger': 18, 'despicable': 18, 'nomi': 18, 'glamorous': 18, 'meanspirited': 18, 'goons': 18, 'coincidentally': 18, 'framework': 18, 'shotgun': 18, 'replace': 18, 'suggested': 18, 'accurately': 18, 'goodbye': 18, 'rehash': 18, 'stiles': 18, 'connect': 18, 'madonna': 18, 'intellectually': 18, 'grangers': 18, 'maniac': 18, 'spader': 18, 'warped': 18, 'colleague': 18, 'granger': 18, 'faculty': 18, 'angst': 18, 'tasteless': 18, 'grotesque': 18, 'madison': 18, 'hometown': 18, 'ineffective': 18, 'vaughn': 18, 'fart': 18, 'survived': 18, 'boils': 18, 'ruled': 18, 'stuffed': 18, 'tank': 18, 'harm': 18, 'symbolism': 18, 'fisherman': 18, 'rats': 18, 'sigourney': 18, 'turturro': 18, 'injury': 18, 'profit': 18, 'cocaine': 18, 'spacecraft': 18, 'survival': 18, 'vanessa': 18, 'speeding': 18, 'forbidden': 18, 'bail': 18, 'usa': 18, 'practical': 18, 'killings': 18, 'favourite': 18, 'elisabeth': 18, 'dusk': 18, 'kurtz': 18, 'distract': 18, 'complaining': 18, 'aim': 18, 'relish': 18, 'fascination': 18, 'shortcomings': 18, 'maturity': 18, 'ving': 18, 'leslie': 18, 'filling': 18, 'subdued': 18, 'surrogate': 18, 'benefits': 18, 'sincerity': 18, 'reflect': 18, 'defined': 18, 'broadway': 18, 'silverman': 18, '1968': 18, 'arise': 18, 'dawsons': 18, 'earnest': 18, 'recommended': 18, 'provoking': 18, 'creators': 18, 'subway': 18, 'spirits': 18, 'einstein': 18, 'jock': 18, 'birds': 18, 'cruelty': 18, 'superbly': 18, 'anticipated': 18, 'symbolic': 18, 'carmen': 18, 'males': 18, 'stress': 18, 'extraterrestrial': 18, 'sending': 18, 'union': 18, 'consideration': 18, 'cynicism': 18, 'analysis': 18, 'resist': 18, 'reaching': 18, 'devastating': 18, 'willard': 18, 'globe': 18, 'gordie': 18, 'update': 18, 'jury': 18, 'ahmed': 18, 'addiction': 18, 'diehard': 18, 'concentration': 18, 'duck': 18, 'absorbing': 18, 'gayheart': 18, 'represented': 18, 'highest': 18, 'transformed': 18, 'janssen': 18, 'expose': 18, 'mixing': 18, 'lawyers': 18, 'accuracy': 18, 'avoiding': 18, 'lowkey': 18, 'gump': 18, 'columbia': 18, 'shield': 18, 'gale': 18, 'jovovich': 18, 'unit': 18, 'pamela': 18, 'rousing': 18, 'matches': 18, 'videotape': 18, 'ash': 18, 'bessons': 18, 'keitel': 18, 'depict': 18, 'net': 18, 'doubts': 18, 'gibsons': 18, 'vocal': 18, 'sadness': 18, 'represent': 18, 'ants': 18, 'eva': 18, 'erin': 18, 'carver': 18, 'farquaad': 18, 'commodus': 18, 'dolores': 18, 'dalai': 18, 'lama': 18, 'correctly': 17, 'mod': 17, 'epps': 17, 'footsteps': 17, 'arguing': 17, 'medieval': 17, 'alltime': 17, 'oblivious': 17, 'yellow': 17, 'loathing': 17, 'recognizes': 17, 'onenote': 17, 'contrivances': 17, 'suvari': 17, 'cringe': 17, '610': 17, 'agenda': 17, 'exit': 17, 'sporting': 17, 'marine': 17, 'predictability': 17, 'nod': 17, 'choreography': 17, 'inhabitants': 17, 'arriving': 17, 'accompanying': 17, 'approximately': 17, 'earthquake': 17, 'paragraph': 17, 'ears': 17, 'presenting': 17, 'rendition': 17, 'entrance': 17, 'stamp': 17, 'inexplicable': 17, 'uncover': 17, 'carlitos': 17, 'ponder': 17, 'label': 17, 'comprised': 17, 'vulnerability': 17, 'evans': 17, 'refer': 17, 'apocalypse': 17, 'poking': 17, 'combine': 17, 'henchmen': 17, 'embrace': 17, 'defend': 17, 'nigel': 17, '1991': 17, 'rolls': 17, 'kubricks': 17, 'improve': 17, 'pullman': 17, 'kelley': 17, 'reviewer': 17, 'shout': 17, 'lays': 17, 'heartbreaking': 17, 'anniversary': 17, 'creaky': 17, 'dafoe': 17, 'shorty': 17, 'jenny': 17, 'perfunctory': 17, 'spouting': 17, 'brainless': 17, 'shaft': 17, 'seeming': 17, 'ruins': 17, 'powell': 17, 'shrink': 17, 'demonstrated': 17, 'hopeless': 17, 'sammy': 17, 'maxs': 17, 'elvis': 17, 'counterparts': 17, 'schemes': 17, 'spinning': 17, 'deputy': 17, 'deck': 17, 'incoherent': 17, 'fiance': 17, 'fuentes': 17, 'capital': 17, 'records': 17, 'invites': 17, 'nixon': 17, 'sciencefiction': 17, 'psychlo': 17, 'ups': 17, 'porno': 17, 'gina': 17, 'romp': 17, 'evils': 17, 'shore': 17, 'helena': 17, 'lit': 17, 'revival': 17, 'leoni': 17, 'iceberg': 17, 'reasoning': 17, 'directions': 17, 'brutality': 17, 'skillfully': 17, 'trashy': 17, 'waited': 17, 'sinks': 17, 'transported': 17, 'explosive': 17, 'spawned': 17, 'flame': 17, 'psyche': 17, 'dna': 17, 'cleaning': 17, 'incessantly': 17, 'sanity': 17, 'macdonald': 17, 'topless': 17, 'connections': 17, 'racing': 17, 'sf': 17, 'dolls': 17, 'virtues': 17, 'hungry': 17, 'devine': 17, 'notting': 17, 'mode': 17, 'upbeat': 17, 'co': 17, 'cookie': 17, 'palmer': 17, 'dances': 17, 'quiz': 17, 'announces': 17, 'angelina': 17, 'commendable': 17, 'rod': 17, 'supergirl': 17, 'emerges': 17, 'crane': 17, 'scientific': 17, 'conceived': 17, 'blanchett': 17, 'corpse': 17, 'slowmotion': 17, 'relegated': 17, 'expressed': 17, 'composer': 17, 'jimmie': 17, 'marrying': 17, 'sales': 17, 'levy': 17, 'provocative': 17, 'interactions': 17, 'continuously': 17, 'fx': 17, 'subsequently': 17, 'checking': 17, 'lay': 17, 'evoke': 17, 'hooks': 17, 'comeback': 17, 'gathering': 17, 'weekly': 17, 'campus': 17, 'admired': 17, 'couch': 17, 'capacity': 17, 'homicide': 17, 'depicts': 17, 'superfluous': 17, 'versus': 17, 'risks': 17, 'bald': 17, 'slip': 17, 'teamed': 17, 'ingenious': 17, 'sarandon': 17, 'liev': 17, 'expressive': 17, 'corporation': 17, 'threatened': 17, 'rice': 17, 'clayton': 17, 'closet': 17, 'phillip': 17, 'kirk': 17, 'theories': 17, 'cleavage': 17, 'tame': 17, 'education': 17, 'armor': 17, 'valuable': 17, 'detached': 17, 'ordered': 17, 'sunny': 17, 'andersons': 17, 'celebration': 17, 'roller': 17, 'sims': 17, 'jules': 17, 'mobster': 17, 'quarter': 17, 'davidson': 17, 'inappropriate': 17, 'kindly': 17, 'glorious': 17, 'precise': 17, 'greenwood': 17, 'distress': 17, 'heckerling': 17, 'conrad': 17, 'surroundings': 17, 'leaders': 17, 'anonymous': 17, 'sticking': 17, 'mute': 17, 'cocky': 17, 'employs': 17, 'christof': 17, 'duncan': 17, 'lifelong': 17, 'peaks': 17, 'iq': 17, 'brazil': 17, 'operations': 17, 'watchers': 17, 'shockingly': 17, 'attacking': 17, 'isolation': 17, 'unsure': 17, 'palace': 17, 'lend': 17, 'tunney': 17, 'glowing': 17, 'remarks': 17, 'elevator': 17, 'janitor': 17, 'admirably': 17, 'obscure': 17, 'aids': 17, 'knack': 17, 'gloomy': 17, 'tomb': 17, 'cinque': 17, 'sacrifice': 17, 'distinctive': 17, 'jerome': 17, 'holm': 17, 'ant': 17, 'palpable': 17, 'sensibility': 17, 'neill': 17, 'loneliness': 17, 'leadership': 17, 'heartwarming': 17, 'questioning': 17, 'jericho': 17, 'rumors': 17, 'dewey': 17, 'butthead': 17, 'complaints': 17, 'krippendorf': 17, 'activity': 17, 'outlandish': 17, 'hustler': 17, 'differently': 17, 'poetic': 17, 'joining': 17, 'naval': 17, 'hooker': 17, 'eventual': 17, 'contributes': 17, 'restrained': 17, 'malick': 17, 'lt': 17, 'mills': 17, 'wen': 17, 'circus': 17, 'hockey': 17, 'manipulation': 17, 'crosses': 17, 'hawke': 17, 'reminder': 17, 'neo': 17, 'thirteen': 17, 'steady': 17, 'fashioned': 17, 'thematic': 17, 'tatooine': 17, 'symbol': 17, 'lumumba': 17, 'burbank': 17, 'mulans': 17, 'flynts': 17, 'sethe': 17, 'bastards': 16, 'employ': 16, 'hercules': 16, 'climb': 16, 'ogre': 16, 'bronson': 16, 'gravity': 16, 'demented': 16, 'smiles': 16, 'grants': 16, 'empathy': 16, 'intentional': 16, 'musketeer': 16, 'youngsters': 16, 'suburban': 16, 'haley': 16, 'unconventional': 16, 'ohara': 16, 'charms': 16, 'rodman': 16, 'stinks': 16, 'rea': 16, 'eastern': 16, 'monotonous': 16, 'rampant': 16, 'extraordinarily': 16, '85': 16, 'bonus': 16, 'endlessly': 16, 'bent': 16, 'tightly': 16, 'overshadowed': 16, 'unlikable': 16, 'disastrous': 16, 'pretending': 16, 'simmons': 16, 'leguizamo': 16, 'demon': 16, 'nutty': 16, 'compassion': 16, 'tsui': 16, 'unbelievably': 16, 'boundaries': 16, 'sensibilities': 16, 'obsessive': 16, 'rabbit': 16, 'wholly': 16, 'complains': 16, 'invented': 16, 'seinfeld': 16, 'penchant': 16, 'travelling': 16, 'yells': 16, 'interestingly': 16, 'mannerisms': 16, 'pacific': 16, 'dragged': 16, 'determination': 16, 'wishing': 16, 'favreau': 16, 'convict': 16, 'painted': 16, 'carolina': 16, 'placid': 16, 'predator': 16, 'brendan': 16, 'swimming': 16, 'hateful': 16, 'eternity': 16, 'sentiment': 16, 'flavor': 16, 'gotcha': 16, 'juliette': 16, 'tolerable': 16, 'gentleman': 16, 'prestigious': 16, 'syd': 16, 'classical': 16, 'accepting': 16, 'reporters': 16, 'glasses': 16, 'cake': 16, 'eh': 16, 'guarantee': 16, 'resolve': 16, 'principle': 16, 'locals': 16, 'whilst': 16, 'promotion': 16, 'clients': 16, 'frustration': 16, 'olivia': 16, 'goodnatured': 16, 'runaway': 16, 'unappealing': 16, 'estate': 16, 'renegade': 16, '1973': 16, 'pepper': 16, 'choppy': 16, 'sour': 16, 'bust': 16, 'earns': 16, 'weaknesses': 16, 'chef': 16, 'shades': 16, '19': 16, 'headache': 16, 'severe': 16, 'babies': 16, 'illogical': 16, 'firing': 16, 'drowning': 16, 'nations': 16, 'mistress': 16, 'elijah': 16, 'tortured': 16, 'photographed': 16, 'hugely': 16, 'cracks': 16, 'paints': 16, 'unsuspecting': 16, 'capitalize': 16, 'wellmade': 16, 'lizard': 16, 'operative': 16, 'ton': 16, 'se7en': 16, 'tackles': 16, 'ego': 16, 'imitation': 16, 'conveys': 16, 'appalling': 16, 'avoided': 16, 'wished': 16, 'amidala': 16, 'blessed': 16, 'rental': 16, 'inherently': 16, 'addict': 16, 'clips': 16, 'refers': 16, 'z': 16, 'coma': 16, 'offscreen': 16, 'primal': 16, 'depicting': 16, 'acceptance': 16, 'middleaged': 16, 'imagined': 16, 'recreation': 16, 'establish': 16, 'unclear': 16, 'frankie': 16, 'ya': 16, 'hangs': 16, 'february': 16, 'beck': 16, 'farther': 16, 'earl': 16, 'yell': 16, 'motorcycle': 16, 'trainspotting': 16, 'sams': 16, 'kasdan': 16, 'der': 16, 'transfer': 16, 'highprofile': 16, 'ichabod': 16, 'enigmatic': 16, 'dickens': 16, 'spain': 16, 'exclusive': 16, 'morris': 16, 'clerks': 16, 'mythical': 16, 'gifted': 16, 'kevins': 16, 'smithee': 16, 'deceased': 16, 'uptight': 16, 'peel': 16, 'elle': 16, 'assortment': 16, 'sweetness': 16, 'retirement': 16, 'thieves': 16, 'jacksons': 16, 'fighters': 16, 'divided': 16, 'contribute': 16, 'garner': 16, 'modine': 16, 'lavish': 16, 'wayans': 16, 'pryce': 16, 'mercenary': 16, 'ghostbusters': 16, 'confront': 16, 'illness': 16, 'foremost': 16, 'grumpy': 16, 'vain': 16, 'barber': 16, 'resemblance': 16, 'recruits': 16, 'samurai': 16, 'employees': 16, 'attitudes': 16, 'wizard': 16, 'hitchcocks': 16, 'favorites': 16, 'rushmore': 16, 'playful': 16, 'exaggerated': 16, 'skilled': 16, 'identical': 16, 'stroke': 16, 'pollack': 16, 'clinic': 16, 'larter': 16, 'refusing': 16, 'exec': 16, 'scored': 16, 'posing': 16, 'frantic': 16, 'bowler': 16, 'scam': 16, 'sounded': 16, 'galore': 16, 'fleeing': 16, 'stripper': 16, 'gilmore': 16, 'theatres': 16, 'efficient': 16, 'clouds': 16, 'responsibility': 16, 'mann': 16, 'bergman': 16, 'farley': 16, 'intimate': 16, 'championship': 16, 'sinclair': 16, 'reborn': 16, 'compensate': 16, 'bilko': 16, 'surround': 16, 'crab': 16, 'eclectic': 16, 'raider': 16, 'mario': 16, 'lightly': 16, 'fundamental': 16, 'owners': 16, 'bonnie': 16, 'beatrice': 16, 'estranged': 16, 'recognizable': 16, 'inspires': 16, 'rome': 16, 'concentrates': 16, 'spirited': 16, 'madefortv': 16, 'eternal': 16, 'realities': 16, 'elegant': 16, 'skeptical': 16, 'negotiator': 16, 'weathers': 16, 'gavin': 16, 'mandingo': 16, 'nominations': 16, 'brady': 16, 'noting': 16, 'overused': 16, 'closure': 16, 'lovitz': 16, 'exploding': 16, 'leon': 16, 'access': 16, 'raiders': 16, 'republic': 16, 'cleverly': 16, 'meteor': 16, 'sooner': 16, 'magnolia': 16, 'jinn': 16, 'scum': 16, 'strengths': 16, 'spoon': 16, 'solo': 16, 'polley': 16, 'controversy': 16, 'kermit': 16, 'sant': 16, 'seamless': 16, 'characteristic': 16, 'dread': 16, 'presidential': 16, 'soviet': 16, 'tibbs': 16, 'mm': 16, 'chickens': 16, 'hen': 16, 'griffiths': 16, 'ideals': 16, 'fantasia': 16, 'reza': 16, 'humbert': 16, 'carlito': 16, 'scarlett': 16, 'stumbling': 15, 'crown': 15, 'arthurs': 15, 'thrilled': 15, 'error': 15, 'unstable': 15, 'stable': 15, 'uniformly': 15, 'ensure': 15, 'moderately': 15, 'widow': 15, 'rrated': 15, 'beside': 15, 'reflection': 15, 'temper': 15, 'accompany': 15, 'illusion': 15, 'alright': 15, 'ladder': 15, 'bothered': 15, 'grownup': 15, 'thread': 15, 'cats': 15, 'denis': 15, 'relatives': 15, 'distinction': 15, 'cardinal': 15, 'marginally': 15, 'leather': 15, 'saddled': 15, 'parking': 15, 'sub': 15, 'cube': 15, 'slap': 15, 'silverstone': 15, 'choosing': 15, 'whiny': 15, 'aged': 15, 'teddy': 15, 'settles': 15, 'helm': 15, 'oconnell': 15, 'yawn': 15, 'whining': 15, 'titular': 15, 'imposing': 15, 'gorillas': 15, 'cape': 15, 'overtones': 15, 'asset': 15, 'dammes': 15, 'inconsistent': 15, 'everyman': 15, 'crooked': 15, 'knocked': 15, 'rug': 15, 'confession': 15, 'murky': 15, 'stare': 15, 'urgency': 15, 'clutches': 15, 'bronx': 15, 'auteur': 15, 'screenplays': 15, 'miramax': 15, 'swearing': 15, 'dana': 15, 'claw': 15, 'firmly': 15, 'locate': 15, 'coupled': 15, 'cartoons': 15, '1987': 15, 'ignorant': 15, 'foulmouthed': 15, 'uneasy': 15, 'height': 15, 'smoothly': 15, 'myth': 15, 'frantically': 15, 'moreau': 15, 'injured': 15, 'terrence': 15, 'raunchy': 15, 'lowbudget': 15, 'attending': 15, 'smell': 15, 'endured': 15, 'aptly': 15, 'di': 15, 'incapable': 15, 'battling': 15, 'adopted': 15, 'challenges': 15, 'confronted': 15, 'cries': 15, 'hawk': 15, '1979': 15, 'formed': 15, 'commands': 15, 'unrelated': 15, 'stole': 15, 'kiki': 15, 'phones': 15, 'ambassador': 15, 'rewrite': 15, 'overrated': 15, 'plummer': 15, 'jackies': 15, 'tapes': 15, 'regret': 15, 'ordeal': 15, 'mcnaughton': 15, 'insert': 15, 'corpses': 15, 'defies': 15, 'rural': 15, 'manipulated': 15, 'seasoned': 15, 'slew': 15, 'elusive': 15, '1978': 15, 'deserving': 15, 'ninety': 15, 'assassination': 15, 'cages': 15, 'karla': 15, 'crawl': 15, 'spunky': 15, 'strategy': 15, 'thumbs': 15, 'morrison': 15, '1986': 15, 'weakest': 15, 'unusually': 15, 'sergeant': 15, 'pimps': 15, 'declares': 15, 'lightweight': 15, 'quaint': 15, 'rational': 15, 'emerge': 15, 'rogers': 15, 'pray': 15, 'coverup': 15, 'suggestion': 15, 'rubin': 15, 'warrant': 15, 'drill': 15, 'rides': 15, 'cloud': 15, 'percent': 15, 'pursue': 15, 'chill': 15, 'bowl': 15, 'uniform': 15, 'whimsical': 15, 'conservative': 15, 'buster': 15, 'pouring': 15, '1971': 15, 'opts': 15, 'fades': 15, 'overboard': 15, 'structured': 15, 'lili': 15, 'flashes': 15, 'helmed': 15, 'speechless': 15, 'wolves': 15, 'heels': 15, 'orphan': 15, 'springer': 15, 'parks': 15, 'seduce': 15, 'drivel': 15, 'playboy': 15, 'opinions': 15, 'flirting': 15, 'degenerates': 15, 'insults': 15, 'hiphop': 15, 'electric': 15, 'policeman': 15, 'restore': 15, 'indy': 15, 'quotes': 15, 'mentality': 15, 'deadon': 15, 'sailing': 15, 'capturing': 15, 'prefers': 15, 'shadowy': 15, 'schreiber': 15, 'puns': 15, 'transforms': 15, 'mouths': 15, 'ounce': 15, 'stripped': 15, 'measures': 15, 'terminally': 15, 'cowriter': 15, 'creeps': 15, 'borrowed': 15, 'timeless': 15, 'pointing': 15, 'closeup': 15, 'advertising': 15, 'disguises': 15, 'items': 15, 'quarterback': 15, 'signal': 15, 'radical': 15, 'rubell': 15, 'experiencing': 15, 'selection': 15, 'collective': 15, 'rewarding': 15, 'hippie': 15, 'hush': 15, 'murdering': 15, 'denied': 15, 'cuban': 15, 'trusted': 15, 'mobsters': 15, 'recommendation': 15, 'burt': 15, 'dizzy': 15, 'trains': 15, 'deranged': 15, 'villainous': 15, 'therapist': 15, 'donofrio': 15, 'heap': 15, 'transcends': 15, 'grief': 15, 'talked': 15, 'jabs': 15, 'invested': 15, 'slows': 15, 'financially': 15, 'lang': 15, 'zahn': 15, 'outtakes': 15, 'pilots': 15, 'submarine': 15, 'fodder': 15, 'embodies': 15, 'wondrous': 15, 'incarnation': 15, 'lomax': 15, 'connie': 15, 'vote': 15, 'garry': 15, 'motel': 15, 'wives': 15, 'strained': 15, 'aspirations': 15, 'denying': 15, 'uncanny': 15, 'hawtrey': 15, 'chloe': 15, 'addresses': 15, 'switches': 15, 'jealousy': 15, 'jordans': 15, 'junior': 15, '22': 15, 'electronic': 15, 'eliminate': 15, 'wolf': 15, 'employed': 15, 'sewell': 15, 'claustrophobic': 15, 'twohour': 15, 'roper': 15, 'exquisite': 15, 'kidnappers': 15, 'valek': 15, 'likewise': 15, 'atom': 15, 'math': 15, 'doubtfire': 15, 'bread': 15, 'hinted': 15, 'dina': 15, 'nosferatu': 15, 'ritual': 15, 'dealers': 15, '1990': 15, 'www': 15, 'mitch': 15, 'kaye': 15, 'davids': 15, 'groundhog': 15, 'ambitions': 15, 'awe': 15, 'dizzying': 15, 'biting': 15, 'facility': 15, 'brash': 15, 'arab': 15, 'distribution': 15, 'frost': 15, 'highlander': 15, 'mccoy': 15, 'keen': 15, 'gaining': 15, 'suite': 15, 'flanders': 15, 'osmosis': 15, 'foundation': 15, 'capone': 15, 'shyamalan': 15, 'argentos': 15, 'niccol': 15, 'stephane': 15, 'stephens': 15, 'jo': 15, 'cal': 15, 'kaufman': 15, 'whales': 15, 'booker': 15, 'boone': 15, 'mold': 14, 'redundant': 14, 'assuming': 14, 'elm': 14, 'salvation': 14, 'giovanni': 14, 'sexist': 14, 'shtick': 14, 'sharing': 14, 'strain': 14, 'ditzy': 14, 'stake': 14, 'gear': 14, 'explodes': 14, 'q': 14, 'openly': 14, 'unspoken': 14, 'hans': 14, 'indie': 14, 'static': 14, 'opponent': 14, 'tower': 14, 'sundance': 14, 'pad': 14, 'cap': 14, 'walt': 14, 'scandal': 14, 'annual': 14, 'styles': 14, 'assumed': 14, 'pedestrian': 14, 'shakespearean': 14, 'nest': 14, 'martians': 14, 'marilyn': 14, 'priceless': 14, 'register': 14, 'jill': 14, 'dismiss': 14, 'allegedly': 14, 'refuse': 14, 'revelations': 14, 'factors': 14, 'burned': 14, 'advertised': 14, 'flees': 14, 'targets': 14, 'winona': 14, 'shaky': 14, 'frenzy': 14, 'admiration': 14, 'undeniably': 14, 'vignettes': 14, 'simplicity': 14, 'accessible': 14, 'defines': 14, 'logo': 14, 'pen': 14, 'photos': 14, 'goo': 14, 'politicians': 14, 'colin': 14, 'detract': 14, 'gruff': 14, 'overweight': 14, 'peers': 14, 'dump': 14, 'aims': 14, 'harvard': 14, 'reign': 14, 'arises': 14, 'wells': 14, 'resume': 14, 'cameraman': 14, 'maker': 14, 'horseman': 14, 'roof': 14, 'severely': 14, 'sneaks': 14, 'paycheck': 14, 'sheedy': 14, 'grainy': 14, 'dresses': 14, 'delicious': 14, 'sleeps': 14, 'boats': 14, 'heartless': 14, 'musician': 14, 'belt': 14, 'salvage': 14, 'thankless': 14, 'prank': 14, 'garage': 14, 'agency': 14, 'collaboration': 14, 'garcia': 14, 'halt': 14, 'gee': 14, 'whites': 14, 'audrey': 14, 'phenomenal': 14, 'rented': 14, 'fairness': 14, 'berkley': 14, 'malone': 14, 'bigtime': 14, 'sells': 14, 'maclachlan': 14, 'helicopter': 14, 'overwrought': 14, 'lombardo': 14, 'scope': 14, 'tendencies': 14, 'liv': 14, 'begs': 14, 'wraps': 14, 'anchor': 14, 'dawson': 14, 'outfit': 14, 'awardwinning': 14, 'meyers': 14, 'amateurish': 14, 'damaged': 14, 'immense': 14, 'testing': 14, 'intelligently': 14, 'mortensen': 14, 'relentless': 14, '1989': 14, 'claudia': 14, 'resides': 14, 'reverse': 14, 'barrage': 14, 'mysteriously': 14, 'dates': 14, 'generates': 14, 'hammy': 14, 'cheerful': 14, 'hugo': 14, 'reckless': 14, 'phenomena': 14, 'kitty': 14, 'pimp': 14, 'priests': 14, 'mentions': 14, 'brody': 14, 'approaching': 14, 'elephant': 14, 'nuts': 14, 'comprehend': 14, 'belly': 14, 'valerie': 14, 'derived': 14, 'sandy': 14, 'feast': 14, 'bury': 14, 'handed': 14, 'fooled': 14, 'zooms': 14, 'flames': 14, 'miracle': 14, 'successes': 14, 'worldwide': 14, 'allison': 14, 'stereo': 14, 'gillian': 14, 'headless': 14, 'uttered': 14, 'hearted': 14, 'limbs': 14, 'standup': 14, 'racial': 14, 'cisco': 14, 'additionally': 14, 'woodys': 14, 'icy': 14, 'excruciatingly': 14, 'justified': 14, 'poitier': 14, 'amoral': 14, 'facade': 14, 'attract': 14, 'judy': 14, 'narrowly': 14, 'dumping': 14, 'readers': 14, 'wretched': 14, 'farfetched': 14, 'untouchables': 14, 'sleeper': 14, 'deemed': 14, 'satellite': 14, 'january': 14, 'virtue': 14, 'wisecracks': 14, 'statue': 14, 'sans': 14, 'delicate': 14, 'goodness': 14, 'skit': 14, 'lift': 14, 'secondly': 14, 'stray': 14, 'mccabe': 14, 'croft': 14, 'mona': 14, 'thru': 14, 'mocking': 14, 'hilarity': 14, 'expense': 14, 'katherine': 14, 'inconsistencies': 14, 'streak': 14, 'tactics': 14, 'hopeful': 14, 'permanent': 14, 'shelf': 14, 'harbor': 14, 'beek': 14, 'treating': 14, 'stores': 14, 'recreate': 14, 'smiling': 14, 'fuck': 14, 'julian': 14, 'demand': 14, 'windsor': 14, 'countryside': 14, 'visceral': 14, 'psychopath': 14, 'passable': 14, 'selected': 14, 'stylized': 14, 'planes': 14, 'unwittingly': 14, 'skull': 14, 'herman': 14, 'bancroft': 14, 'afterthought': 14, 'lottery': 14, 'employer': 14, 'rude': 14, 'judi': 14, 'highschool': 14, 'refused': 14, 'roughly': 14, 'hightech': 14, 'email': 14, 'wrestlers': 14, 'sunglasses': 14, '500': 14, 'swinging': 14, 'comics': 14, 'ramis': 14, 'thereof': 14, 'renowned': 14, 'scratch': 14, 'mctiernan': 14, 'casey': 14, 'duties': 14, 'camps': 14, 'adrenaline': 14, 'shandling': 14, 'passive': 14, 'schrader': 14, 'robs': 14, 'outline': 14, 'sebastian': 14, 'patric': 14, 'yards': 14, 'dysfunctional': 14, 'dame': 14, 'abby': 14, 'utilizing': 14, 'vega': 14, 'machinations': 14, 'pleasantly': 14, 'observation': 14, 'inspiring': 14, 'rufus': 14, 'supreme': 14, 'deft': 14, 'gaps': 14, 'boarding': 14, 'varying': 14, 'quirks': 14, 'polished': 14, 'stevens': 14, 'deed': 14, 'weakness': 14, 'deliverance': 14, 'superstar': 14, 'indulge': 14, 'significantly': 14, 'officials': 14, 'bargain': 14, 'corn': 14, 'laurie': 14, 'spaces': 14, 'whitaker': 14, 'heavenly': 14, 'hoot': 14, 'dorn': 14, 'elise': 14, 'hyperactive': 14, 'customs': 14, 'hysteria': 14, 'remainder': 14, 'cronenberg': 14, 'tool': 14, 'exclusively': 14, 'smash': 14, 'online': 14, 'cotton': 14, 'recalls': 14, 'sale': 14, 'prepare': 14, 'ferris': 14, 'prayer': 14, 'macleane': 14, 'surrealistic': 14, 'homosexuality': 14, 'grabs': 14, 'guardian': 14, 'imperial': 14, 'grocery': 14, 'robber': 14, 'sins': 14, 'shalhoub': 14, 'abraham': 14, 'apprentice': 14, 'jocks': 14, 'pumping': 14, 'funding': 14, 'eachother': 14, 'pfeiffer': 14, 'geronimo': 14, 'skinhead': 14, 'tobey': 14, 'lithgow': 14, 'melancholy': 14, 'lovingly': 14, 'hilary': 14, 'kundun': 14, 'chocolat': 14, 'shelves': 13, 'geared': 13, 'counted': 13, 'featurelength': 13, 'subpar': 13, 'brooke': 13, 'neatly': 13, 'olds': 13, 'onejoke': 13, 'rd': 13, 'focusing': 13, 'unimaginative': 13, 'useful': 13, 'martins': 13, 'lifes': 13, 'mena': 13, 'ethics': 13, 'smashing': 13, 'luxury': 13, 'confines': 13, 'elses': 13, 'awkwardly': 13, 'minus': 13, 'inclusion': 13, 'exgirlfriend': 13, 'collins': 13, 'pro': 13, 'limp': 13, 'cheerleader': 13, 'wasting': 13, 'weirdness': 13, 'establishes': 13, 'boast': 13, 'vivian': 13, 'shoe': 13, 'carla': 13, 'dove': 13, 'longs': 13, 'newfound': 13, 'define': 13, 'failures': 13, 'anyones': 13, 'articulate': 13, 'sacrificing': 13, 'packs': 13, 'originals': 13, 'frenzied': 13, 'frankenheimer': 13, 'brando': 13, 'abound': 13, 'attributes': 13, 'springs': 13, 'closes': 13, 'rabid': 13, 'narrates': 13, 'unsuccessful': 13, 'niece': 13, 'rupert': 13, 'sumptuous': 13, 'crossed': 13, 'kwai': 13, 'punches': 13, 'explode': 13, 'legitimate': 13, 'anime': 13, 'commodity': 13, 'coyote': 13, 'literal': 13, 'bitten': 13, 'searches': 13, 'installments': 13, 'squeeze': 13, 'tonight': 13, 'imaginable': 13, 'platoon': 13, 'disposable': 13, 'un': 13, 'italy': 13, 'willem': 13, 'elmore': 13, 'sixties': 13, 'adept': 13, 'chore': 13, 'relentlessly': 13, 'committing': 13, 'inspire': 13, 'praised': 13, 'meal': 13, 'ginger': 13, 'spontaneous': 13, 'heartbreak': 13, 'lin': 13, 'strains': 13, 'pan': 13, 'stalking': 13, 'cracked': 13, 'addicted': 13, 'sources': 13, 'sweetheart': 13, 'tricky': 13, 'located': 13, 'vein': 13, 'jamaican': 13, 'downs': 13, 'pitiful': 13, '95': 13, 'renting': 13, 'buff': 13, 'active': 13, 'dubbing': 13, 'retread': 13, 'knocking': 13, 'homicidal': 13, 'wash': 13, 'peters': 13, 'rig': 13, 'ostensibly': 13, 'tempted': 13, 'surgery': 13, 'engages': 13, 'ellis': 13, 'epitome': 13, 'sorely': 13, 'shameless': 13, 'companies': 13, 'bursts': 13, 'wilcock': 13, 'divorced': 13, 'explanations': 13, 'alter': 13, 'verge': 13, 'insecure': 13, 'maul': 13, 'massacre': 13, 'sandlers': 13, 'deleted': 13, 'skillful': 13, 'weaving': 13, 'foreshadowing': 13, 'drab': 13, 'hampered': 13, 'pose': 13, 'freddy': 13, 'mall': 13, 'knocks': 13, 'python': 13, 'enforcement': 13, 'honey': 13, 'novelty': 13, 'hacking': 13, 'eighteen': 13, 'recorded': 13, 'spoke': 13, 'farmer': 13, 'blew': 13, 'layer': 13, 'televisions': 13, 'agreed': 13, 'coppolas': 13, 'coppola': 13, 'linked': 13, 'franks': 13, 'eighties': 13, 'palminteri': 13, 'henchman': 13, 'vault': 13, 'ivan': 13, 'inhabit': 13, 'governor': 13, 'shorter': 13, 'indians': 13, 'zack': 13, 'slacker': 13, 'immortal': 13, 'sober': 13, 'grossout': 13, 'tripe': 13, 'possession': 13, 'leto': 13, 'pounds': 13, '1980': 13, 'duds': 13, 'reid': 13, 'gains': 13, 'weather': 13, 'batgirl': 13, 'seductive': 13, 'increasing': 13, 'functions': 13, 'deadbang': 13, 'mcdonalds': 13, 'boost': 13, 'stream': 13, 'furthermore': 13, 'jodie': 13, 'manufactured': 13, 'pompous': 13, 'nerd': 13, 'experimental': 13, 'silliness': 13, 'cradle': 13, 'rivals': 13, 'altar': 13, 'breakthrough': 13, 'mcdonald': 13, 'threedimensional': 13, 'threads': 13, 'afterward': 13, 'mid': 13, 'generous': 13, 'cheek': 13, 'fateful': 13, 'degeneres': 13, 'ripe': 13, 'illfated': 13, 'intact': 13, 'desk': 13, 'unbeknownst': 13, 'rocket': 13, 'soup': 13, 'radiant': 13, 'bleeding': 13, 'adequately': 13, 'threats': 13, 'lingering': 13, 'studies': 13, 'phase': 13, 'mill': 13, 'warnings': 13, 'rescues': 13, 'bombs': 13, 'slang': 13, 'wideeyed': 13, 'seventies': 13, 'devotion': 13, 'trips': 13, 'wiseguy': 13, 'limbo': 13, 'coincidences': 13, 'adopts': 13, 'encourage': 13, 'jolies': 13, 'deception': 13, 'retire': 13, 'customer': 13, 'fuel': 13, 'secondrate': 13, 'flip': 13, 'irving': 13, 'liotta': 13, 'contributed': 13, 'offkilter': 13, 'fifty': 13, 'feeble': 13, 'teri': 13, 'reagan': 13, 'exhibit': 13, 'dench': 13, 'jenna': 13, 'thug': 13, 'understatement': 13, 'address': 13, 'combining': 13, 'townspeople': 13, 'midway': 13, 'designs': 13, 'profitable': 13, 'marital': 13, 'disorder': 13, 'bischoff': 13, 'garth': 13, 'terl': 13, 'fort': 13, 'oppressive': 13, 'hubbard': 13, 'accountant': 13, 'coburn': 13, 'stanton': 13, 'absurdity': 13, 'trekkies': 13, 'idyllic': 13, 'utilize': 13, 'cowrote': 13, 'macdowell': 13, 'resorts': 13, 'miserables': 13, 'delights': 13, 'oconnor': 13, 'abruptly': 13, 'suspected': 13, 'optimistic': 13, 'prepares': 13, 'observe': 13, 'patriot': 13, 'subgenre': 13, 'aykroyd': 13, 'yarn': 13, 'giddy': 13, 'mojo': 13, 'authenticity': 13, 'hefty': 13, 'missteps': 13, 'frears': 13, 'jerky': 13, 'santa': 13, 'buys': 13, 'unnecessarily': 13, 'hounsou': 13, 'briggs': 13, 'slaughter': 13, 'youngest': 13, 'defining': 13, 'lunch': 13, 'tibet': 13, 'storylines': 13, 'grin': 13, 'disjointed': 13, 'engineered': 13, 'botched': 13, 'goodlooking': 13, 'outcast': 13, 'gleefully': 13, 'enchanting': 13, 'daphne': 13, 'gregory': 13, 'terri': 13, 'nuances': 13, 'epilogue': 13, 'motherinlaw': 13, 'resistance': 13, 'displaying': 13, 'foil': 13, 'liberal': 13, 'judges': 13, 'sugar': 13, 'akin': 13, 'seasons': 13, 'maiden': 13, 'neal': 13, 'sevigny': 13, 'mice': 13, 'thatll': 13, 'intrigued': 13, 'boorman': 13, 'enlists': 13, 'endurance': 13, 'stoic': 13, 'finishing': 13, 'mythology': 13, 'acclaim': 13, 'inspirational': 13, 'murdoch': 13, 'hyde': 13, 'bonds': 13, 'nephew': 13, 'roxbury': 13, 'muppet': 13, 'preacher': 13, 'brasco': 13, 'triumphs': 13, 'bookseller': 13, 'vikings': 13, 'linger': 13, 'mommas': 13, 'dislike': 13, 'sophie': 13, 'cousins': 13, 'thompsons': 13, 'adventurous': 13, 'genetic': 13, 'behaviour': 13, 'flows': 13, 'serendipity': 13, 'earp': 13, 'icons': 13, 'companions': 13, 'refreshingly': 13, 'enhance': 13, 'opposition': 13, 'schwimmer': 13, 'kersey': 13, 'nineties': 13, 'atheist': 13, 'condor': 13, 'alain': 13, 'widescreen': 13, 'viewings': 13, 'finchers': 13, 'lucinda': 13, 'bateman': 13, 'zwick': 13, 'terrorism': 13, 'dereks': 13, 'hedaya': 13, 'alda': 13, 'collette': 13, 'yeoh': 13, 'mushu': 13, 'u571': 13, 'ordells': 13, 'motta': 13, 'bianca': 13, 'valjean': 13, 'horned': 13, 'jumbled': 12, 'melissa': 12, 'jaded': 12, 'omar': 12, 'lineup': 12, 'singers': 12, 'reprises': 12, 'grounds': 12, 'behave': 12, 'wannabes': 12, 'joaquin': 12, 'horrid': 12, 'screened': 12, 'needlessly': 12, 'medicine': 12, 'groan': 12, 'strives': 12, 'hostile': 12, 'automobile': 12, 'viewpoint': 12, 'propel': 12, 'kungfu': 12, 'finishes': 12, 'shanghai': 12, 'schlock': 12, 'listens': 12, 'howie': 12, 'robbing': 12, 'poem': 12, 'variations': 12, 'alienation': 12, 'solved': 12, 'striving': 12, 'matchmaker': 12, 'cunning': 12, 'hyams': 12, 'amused': 12, 'apply': 12, 'sprawling': 12, 'slower': 12, 'misadventures': 12, 'reader': 12, 'wastes': 12, 'clip': 12, 'wanda': 12, 'uh': 12, 'overacts': 12, 'macabre': 12, 'hohum': 12, 'mama': 12, 'jeans': 12, 'intensely': 12, 'pans': 12, 'autopilot': 12, 'millers': 12, 'gesture': 12, 'fewer': 12, 'nauseating': 12, 'slaughtered': 12, 'stopping': 12, 'darkest': 12, 'nonsensical': 12, 'stunned': 12, 'mugging': 12, 'prey': 12, 'trainer': 12, 'hal': 12, 'difficulty': 12, 'bloated': 12, 'delroy': 12, 'semblance': 12, 'inserted': 12, 'rounding': 12, 'infinitely': 12, 'hawthorne': 12, 'conductor': 12, 'belonging': 12, 'dangling': 12, 'tongueincheek': 12, 'mutant': 12, 'trappings': 12, 'nerve': 12, 'awarded': 12, 'freely': 12, 'monstrous': 12, 'ditto': 12, 'conveying': 12, 'frames': 12, 'centered': 12, 'geeky': 12, 'leia': 12, 'sobieski': 12, 'flood': 12, 'roads': 12, 'ariel': 12, 'victoria': 12, 'scheming': 12, 'amateur': 12, 'informed': 12, 'smarmy': 12, 'smalltown': 12, 'rickman': 12, 'natives': 12, 'dug': 12, 'gershon': 12, 'aniston': 12, 'engagement': 12, 'swan': 12, 'sayles': 12, 'expectation': 12, 'nell': 12, 'sweaty': 12, 'shifting': 12, 'pocket': 12, 'solitary': 12, 'suspend': 12, 'achieving': 12, 'ventures': 12, 'concludes': 12, 'nerds': 12, 'archer': 12, 'placing': 12, 'bonham': 12, 'geniuses': 12, 'qualify': 12, 'kellys': 12, 'missile': 12, 'problematic': 12, 'disasters': 12, 'conference': 12, 'collision': 12, '1994s': 12, 'lecture': 12, 'insanely': 12, '24': 12, 'roland': 12, 'forsythe': 12, 'dissolves': 12, 'grandma': 12, 'concentrate': 12, 'wielding': 12, 'hooked': 12, 'negotiate': 12, 'dangers': 12, 'leisurely': 12, 'snap': 12, 'graphics': 12, 'canada': 12, 'translation': 12, 'enduring': 12, 'valid': 12, 'fearing': 12, 'document': 12, 'staggering': 12, 'restored': 12, 'subtitled': 12, 'stu': 12, 'gaping': 12, 'sluggish': 12, 'wore': 12, 'willie': 12, 'clarity': 12, 'womens': 12, 'trials': 12, 'patrons': 12, 'revive': 12, 'possessing': 12, 'unknowingly': 12, 'cliffhanger': 12, 'drifting': 12, 'fires': 12, 'lillard': 12, 'incidents': 12, 'claimed': 12, 'marshals': 12, 'wires': 12, 'cannon': 12, 'participation': 12, 'rebellious': 12, 'disliked': 12, 'landau': 12, 'helgenberger': 12, 'maintained': 12, 'blocks': 12, 'schtick': 12, 'heavens': 12, 'november': 12, 'achievements': 12, 'compromise': 12, 'horrified': 12, 'nope': 12, 'lighter': 12, 'ruler': 12, 'matinee': 12, 'standpoint': 12, 'ruth': 12, 'salt': 12, '97': 12, 'verhoevens': 12, 'cider': 12, 'scattered': 12, 'sabotage': 12, 'atmospheric': 12, 'steed': 12, 'foreman': 12, 'scent': 12, 'pains': 12, 'outlook': 12, 'wink': 12, 'academic': 12, 'obtain': 12, 'purposes': 12, 'entrapment': 12, 'summary': 12, 'vintage': 12, 'ernest': 12, 'townsfolk': 12, 'ceremony': 12, 'arrogance': 12, 'matched': 12, 'gotham': 12, 'executives': 12, 'duration': 12, 'publisher': 12, 'landed': 12, 'rear': 12, 'advised': 12, 'tackle': 12, 'passage': 12, 'furniture': 12, 'minded': 12, 'merchandising': 12, 'maureen': 12, '1995s': 12, 'ensue': 12, 'deciding': 12, 'sprinkled': 12, 'noticeably': 12, 'rebels': 12, 'crushed': 12, 'laser': 12, 'hop': 12, 'proclaims': 12, 'clock': 12, 'postal': 12, 'junkie': 12, 'bumps': 12, 'elicit': 12, 'pact': 12, 'policy': 12, 'launch': 12, 'dopey': 12, 'lily': 12, 'perception': 12, 'dern': 12, 'fever': 12, 'swim': 12, 'inviting': 12, 'mamets': 12, 'frog': 12, 'transform': 12, 'windows': 12, 'nyc': 12, 'coaster': 12, 'horrendous': 12, 'patchs': 12, 'hailed': 12, 'staging': 12, 'reverend': 12, 'regulars': 12, 'sensation': 12, 'swinton': 12, 'sentenced': 12, 'dough': 12, 'rally': 12, 'ambiguity': 12, 'dominate': 12, 'casual': 12, 'fog': 12, 'drinks': 12, 'liquor': 12, 'sonnys': 12, 'creep': 12, 'hbo': 12, 'pearl': 12, 'directorwriter': 12, 'screws': 12, 'tobacco': 12, 'caper': 12, 'sonnenfeld': 12, 'distinguished': 12, 'loveless': 12, 'beard': 12, 'mixes': 12, 'capt': 12, 'fuzzy': 12, 'bites': 12, 'principals': 12, 'orgy': 12, 'satisfactory': 12, 'pissed': 12, '99': 12, 'pinkett': 12, 'unanswered': 12, 'williamsons': 12, 'fortyfive': 12, 'shake': 12, 'promotional': 12, 'unemployed': 12, 'psychologically': 12, 'briefcase': 12, 'abortion': 12, 'mira': 12, 'ernie': 12, 'donna': 12, 'counts': 12, 'buffy': 12, 'column': 12, 'charlton': 12, 'richer': 12, 'flimsy': 12, 'grammer': 12, 'freaks': 12, 'toned': 12, 'hamill': 12, 'buffs': 12, 'autistic': 12, 'stormare': 12, 'traces': 12, 'mastermind': 12, 'depending': 12, 'illustrates': 12, 'superheroes': 12, 'twentieth': 12, 'disguised': 12, 'et': 12, 'edits': 12, 'defending': 12, 'hallucinations': 12, 'lawsuit': 12, 'extraneous': 12, 'denial': 12, 'extravagant': 12, 'spies': 12, 'confirmed': 12, 'heterosexual': 12, 'elwood': 12, 'deny': 12, '28': 12, '21': 12, 'moss': 12, 'whoever': 12, 'impressively': 12, 'objective': 12, 'contemplating': 12, 'winners': 12, 'rowlands': 12, 'relating': 12, 'witnessing': 12, 'gallery': 12, 'djimon': 12, 'modest': 12, 'halls': 12, 'bobs': 12, 'fulfilling': 12, 'challenged': 12, 'fiery': 12, 'populated': 12, 'minnesota': 12, 'mutual': 12, 'payne': 12, 'darkly': 12, 'wander': 12, 'diaries': 12, 'warn': 12, 'nicholsons': 12, 'argued': 12, 'kattan': 12, 'basinger': 12, 'shaking': 12, 'settled': 12, 'lucrative': 12, 'abundance': 12, 'liberty': 12, 'intend': 12, 'emergency': 12, 'zucker': 12, 'denouement': 12, 'altmans': 12, 'cane': 12, 'website': 12, 'sidneys': 12, 'additional': 12, 'advisor': 12, 'tourist': 12, 'nathan': 12, 'predicament': 12, 'injustice': 12, 'doo': 12, 'barb': 12, 'raving': 12, 'exceedingly': 12, 'dallas': 12, 'downfall': 12, 'item': 12, 'alliance': 12, 'spoofs': 12, 'infectious': 12, 'chewing': 12, 'blockbusters': 12, 'blackandwhite': 12, 'baggage': 12, 'benicio': 12, 'crooks': 12, 'alluring': 12, 'romy': 12, 'experiments': 12, 'askew': 12, 'cohen': 12, 'tacked': 12, 'perverse': 12, 'click': 12, 'regularly': 12, 'pauls': 12, 'simpsons': 12, 'chip': 12, 'momma': 12, 'beckinsale': 12, 'freezing': 12, 'minister': 12, 'hansel': 12, 'frogs': 12, 'grasshoppers': 12, 'thandie': 12, 'gonzo': 12, 'ronna': 12, 'portal': 12, 'wyatt': 12, 'corky': 12, 'jerrys': 12, 'spade': 12, 'lore': 12, 'artsy': 12, 'infantry': 12, 'scarier': 12, 'binks': 12, 'skulls': 12, 'anton': 12, 'clyde': 12, 'symbols': 12, 'deliberate': 12, 'mikes': 12, 'bandits': 12, 'balancing': 12, 'bulworths': 12, 'fiorentino': 12, 'r2d2': 12, 'pupil': 12, 'pixar': 12, 'zemeckis': 12, 'althea': 12, 'bubby': 12, 'fa': 12, 'ideology': 12, 'dirk': 12, 'gingerbread': 12, 'fellini': 12, 'merton': 12, 'bulow': 12, '410': 11, 'stan': 11, 'invention': 11, 'mindset': 11, 'indication': 11, 'camelot': 11, 'pocahontas': 11, 'hunky': 11, 'exwife': 11, 'newer': 11, 'panned': 11, 'wholesome': 11, 'sordid': 11, 'scribe': 11, 'shakes': 11, 'dinosaur': 11, 'skarsg': 11, 'yuppie': 11, 'shoddy': 11, 'plentiful': 11, 'rope': 11, 'crouching': 11, 'noon': 11, 'dares': 11, 'projected': 11, 'obstacle': 11, 'dartagnan': 11, 'hunts': 11, 'usage': 11, 'billion': 11, 'mirrors': 11, 'opus': 11, 'metropolis': 11, 'warfare': 11, 'shootouts': 11, 'equals': 11, 'disgusted': 11, 'crappy': 11, 'stud': 11, 'joint': 11, 'preceded': 11, 'gregg': 11, 'swarm': 11, 'superhuman': 11, 'bowels': 11, 'photographs': 11, 'claires': 11, 'swing': 11, 'flooded': 11, 'sigh': 11, 'exaggeration': 11, 'greeted': 11, 'dunn': 11, 'examined': 11, 'malevolent': 11, 'refuge': 11, 'categories': 11, 'invest': 11, 'gender': 11, 'mason': 11, 'attributed': 11, 'orson': 11, 'remastered': 11, 'yuen': 11, 'hung': 11, 'bodyguard': 11, 'fist': 11, 'precision': 11, 'gusto': 11, 'wrestler': 11, 'clockwork': 11, 'calculated': 11, 'shamelessly': 11, 'bump': 11, '98': 11, 'strangelove': 11, 'multitude': 11, 'madly': 11, 'bo': 11, 'enlist': 11, 'sickening': 11, 'auto': 11, 'uniforms': 11, 'fascist': 11, 'innocuous': 11, 'representative': 11, 'amnesia': 11, 'stature': 11, 'basics': 11, 'float': 11, 'washed': 11, 'supports': 11, 'vacuous': 11, 'lowest': 11, 'rank': 11, 'robbers': 11, 'engine': 11, 'caulder': 11, 'lumet': 11, 'lumets': 11, 'jew': 11, 'clarence': 11, 'copies': 11, 'panache': 11, 'punk': 11, 'somber': 11, 'muresan': 11, 'tabloid': 11, 'littered': 11, 'nonfans': 11, 'participate': 11, 'responses': 11, 'spilled': 11, 'opposing': 11, 'polite': 11, 'stepping': 11, 'association': 11, 'louie': 11, 'unarmed': 11, 'storms': 11, 'mercy': 11, 'jfk': 11, 'sweethearts': 11, 'gwen': 11, 'reviewing': 11, 'guru': 11, 'mock': 11, 'interminable': 11, 'whore': 11, 'jessie': 11, 'respond': 11, 'angus': 11, 'busey': 11, 'accidental': 11, 'sane': 11, 'filler': 11, 'brandon': 11, 'befriended': 11, 'pregnancy': 11, 'invade': 11, 'lurid': 11, 'marisa': 11, 'whodunit': 11, 'winkler': 11, 'als': 11, 'electrical': 11, 'marketed': 11, 'unexciting': 11, 'proposition': 11, 'investigators': 11, 'sherman': 11, 'hallmark': 11, 'increase': 11, 'nightmarish': 11, 'hunted': 11, 'wry': 11, 'supplies': 11, 'continuity': 11, 'bigalow': 11, 'gigolo': 11, 'plates': 11, 'intercut': 11, 'montreal': 11, 'plague': 11, 'eggs': 11, 'grating': 11, 'relations': 11, 'autobiographical': 11, 'ah': 11, 'officially': 11, 'marijuana': 11, 'plants': 11, 'breathe': 11, 'naughty': 11, 'aimlessly': 11, 'consciousness': 11, '1967': 11, 'strawberry': 11, 'marvin': 11, 'unnamed': 11, 'unsatisfied': 11, 'peacemaker': 11, 'sitcoms': 11, 'apologize': 11, 'sensible': 11, 'consisting': 11, 'widely': 11, 'pressed': 11, 'messy': 11, 'splendid': 11, 'marg': 11, 'reprising': 11, 'positively': 11, 'tossing': 11, 'headlines': 11, 'gamble': 11, 'disgust': 11, 'cleverness': 11, 'fierce': 11, 'digging': 11, 'westerns': 11, 'soil': 11, 'feed': 11, 'waterworld': 11, 'ignores': 11, 'costners': 11, 'switchback': 11, 'el': 11, 'dixon': 11, 'explicitly': 11, 'banana': 11, 'fruit': 11, 'curse': 11, 'tax': 11, 'isabella': 11, 'eagerly': 11, 'vastly': 11, 'familiarity': 11, 'benny': 11, 'economy': 11, 'gough': 11, 'robotic': 11, 'fried': 11, 'asylum': 11, 'enormously': 11, 'costuming': 11, 'borrow': 11, 'weller': 11, 'caligula': 11, 'drowned': 11, 'gail': 11, 'definitive': 11, 'exercises': 11, 'conflicted': 11, 'applied': 11, 'outbursts': 11, 'nail': 11, 'rains': 11, 'shawshank': 11, 'fragile': 11, 'bisexual': 11, 'bait': 11, 'confesses': 11, 'tyson': 11, 'muscle': 11, 'biblical': 11, 'services': 11, 'tidy': 11, 'seagals': 11, 'supermodel': 11, 'overplayed': 11, 'perky': 11, 'overkill': 11, 'gordy': 11, 'reitman': 11, 'transplant': 11, 'deeds': 11, 'decked': 11, 'burly': 11, 'amid': 11, '1993s': 11, 'fucking': 11, 'politician': 11, 'mobile': 11, 'cannes': 11, 'summed': 11, 'circumstance': 11, 'patton': 11, 'soulless': 11, 'september': 11, 'chunk': 11, 'decline': 11, 'bikini': 11, 'fountain': 11, 'appeals': 11, 'zeta': 11, 'urges': 11, 'procedure': 11, 'heightened': 11, 'beware': 11, 'escapist': 11, 'moviegoer': 11, 'whiz': 11, 'gunton': 11, 'hattie': 11, 'aka': 11, 'lowbrow': 11, 'juicy': 11, 'grounded': 11, 'investment': 11, 'smokes': 11, 'profoundly': 11, 'ably': 11, '1969': 11, 'surgeon': 11, 'assassins': 11, 'blossom': 11, 'surfer': 11, 'threaten': 11, 'exhibits': 11, 'astonishingly': 11, '90210': 11, 'favors': 11, 'observed': 11, 'matty': 11, 'pursues': 11, 'backstory': 11, 'swept': 11, 'honeymoon': 11, 'funds': 11, 'joys': 11, 'stirring': 11, 'employing': 11, 'audacity': 11, 'waits': 11, 'computeranimated': 11, 'fulllength': 11, 'operate': 11, 'collected': 11, 'unsympathetic': 11, 'moores': 11, 'undeniable': 11, 'kip': 11, 'butterfly': 11, 'aiming': 11, 'committee': 11, 'pirates': 11, 'sweep': 11, 'comically': 11, 'troy': 11, 'forgiven': 11, 'expressing': 11, 'aunt': 11, 'teachers': 11, 'tying': 11, 'sharks': 11, 'childlike': 11, 'pines': 11, 'evita': 11, 'replete': 11, 'oftentimes': 11, 'cruz': 11, 'waiter': 11, 'figuring': 11, 'titus': 11, 'wreak': 11, 'preceding': 11, 'debacle': 11, 'disagree': 11, 'jeffries': 11, 'decency': 11, 'smirk': 11, 'prominently': 11, 'idealistic': 11, 'banished': 11, 'bassett': 11, 'flirts': 11, 'followers': 11, '1972': 11, 'celebrating': 11, '1962': 11, 'gunplay': 11, 'skarsgard': 11, 'classy': 11, 'lofty': 11, 'carrot': 11, 'booth': 11, 'kathryn': 11, 'eliminated': 11, 'dash': 11, 'rudolph': 11, 'crook': 11, 'satisfaction': 11, 'affects': 11, 'locker': 11, 'stability': 11, 'undermines': 11, 'andrea': 11, 'floats': 11, 'claude': 11, 'spider': 11, 'crippled': 11, 'fern': 11, 'twenties': 11, 'freaky': 11, 'smitten': 11, 'unreal': 11, 'pointofview': 11, 'sometime': 11, 'expand': 11, 'armies': 11, 'taye': 11, 'diggs': 11, 'blazing': 11, 'housewife': 11, 'detailing': 11, 'timely': 11, 'kisses': 11, 'allout': 11, 'fantastically': 11, 'awfulness': 11, 'implications': 11, 'hitmen': 11, 'condescending': 11, 'henriksen': 11, 'loads': 11, 'stakes': 11, 'reciting': 11, 'chairman': 11, 'tougher': 11, 'poke': 11, 'june': 11, 'flynn': 11, 'nicknamed': 11, 'vacant': 11, 'conniving': 11, 'fence': 11, 'affable': 11, 'counter': 11, 'katt': 11, 'orchestra': 11, 'ulrich': 11, 'favour': 11, 'accidents': 11, 'hypnotic': 11, 'tormented': 11, 'lad': 11, 'cinemas': 11, 'mastery': 11, 'library': 11, 'romances': 11, 'sleepless': 11, 'agreeable': 11, 'insecurities': 11, 'remakes': 11, 'stations': 11, 'periods': 11, 'handheld': 11, 'whoopi': 11, 'ambrose': 11, 'mcquarrie': 11, 'marvelously': 11, 'portrayals': 11, 'proyas': 11, 'diedre': 11, 'observes': 11, 'nichols': 11, 'plunkett': 11, 'socially': 11, 'resentment': 11, 'execute': 11, 'elias': 11, 'clinton': 11, 'giggle': 11, 'scarface': 11, 'fasttalking': 11, 'rugrats': 11, 'distraught': 11, 'rerelease': 11, 'glam': 11, 'heights': 11, 'nicks': 11, 'congregation': 11, 'yang': 11, 'toms': 11, 'evelyn': 11, 'fortress': 11, 'pearce': 11, 'props': 11, 'salesmen': 11, 'labeled': 11, 'dunst': 11, 'toback': 11, 'retains': 11, 'discussed': 11, 'shocks': 11, 'instrument': 11, '45': 11, 'rec': 11, 'virgil': 11, 'celebrate': 11, 'foreboding': 11, 'pals': 11, 'notions': 11, 'donny': 11, 'stimulating': 11, 'alessa': 11, 'jewison': 11, 'wilder': 11, 'grinch': 11, 'miranda': 11, 'zoolander': 11, 'india': 11, 'benignis': 11, 'meryl': 11, 'streep': 11, 'seahaven': 11, 'henderson': 11, 'motss': 11, 'failsafe': 11, 'quilt': 11, 'gretchen': 11, 'cavemans': 11, 'mckellar': 11, 'lestat': 11, 'slade': 11, 'millie': 11, 'beaumarchais': 11, 'hulot': 11, 'muriels': 11, 'hrundi': 11, 'caraboo': 11, 'fingernail': 11, 'applaud': 10, 'memento': 10, 'mightve': 10, 'carey': 10, 'dragons': 10, 'celine': 10, 'stalker': 10, 'technological': 10, 'rundown': 10, 'surveillance': 10, 'philadelphia': 10, 'digs': 10, 'culminating': 10, 'longing': 10, 'aberdeen': 10, 'rampling': 10, 'brow': 10, 'confrontations': 10, 'complications': 10, 'canyon': 10, '310': 10, 'foray': 10, 'wrap': 10, 'wrongfully': 10, 'kidding': 10, 'specialist': 10, 'jamaica': 10, 'emotionless': 10, 'schroeder': 10, 'reversal': 10, 'punctuated': 10, 'chaotic': 10, 'cluttered': 10, 'graduated': 10, 'agreement': 10, 'bath': 10, 'counterpart': 10, 'soso': 10, 'frivolous': 10, 'masked': 10, 'worrying': 10, 'jingle': 10, 'burger': 10, 'miniseries': 10, 'benevolent': 10, 'funky': 10, 'dons': 10, 'envelope': 10, 'massachusetts': 10, 'disposal': 10, 'rochon': 10, 'mysteries': 10, 'koepp': 10, 'setups': 10, 'boiling': 10, 'equipped': 10, 'dashing': 10, 'incessant': 10, 'abstract': 10, 'reconciliation': 10, 'breakup': 10, 'illconceived': 10, 'kruger': 10, 'engineer': 10, 'companys': 10, 'pies': 10, 'rudys': 10, 'stall': 10, 'climbing': 10, '102': 10, 'largerthanlife': 10, 'singlehandedly': 10, 'flamboyant': 10, 'dreamed': 10, 'savvy': 10, 'gloom': 10, 'relates': 10, 'dolby': 10, 'wagner': 10, 'understandably': 10, 'crop': 10, 'yunfat': 10, 'opponents': 10, 'rhythm': 10, 'pauses': 10, 'stereotyped': 10, 'insights': 10, 'equation': 10, 'recruited': 10, 'lure': 10, 'troubling': 10, 'exploitative': 10, 'troupe': 10, 'mitchum': 10, 'annoyingly': 10, 'accomplishes': 10, 'parrot': 10, 'magazines': 10, 'highs': 10, 'commonplace': 10, 'onset': 10, 'terrified': 10, 'leelee': 10, 'um': 10, 'rushes': 10, 'noticing': 10, 'predicted': 10, 'vu': 10, 'gunfire': 10, 'myriad': 10, 'utters': 10, 'anthropologist': 10, 'gerald': 10, 'sydney': 10, 'actuality': 10, 'trumpet': 10, 'stepped': 10, 'athletic': 10, 'loaf': 10, 'bands': 10, 'option': 10, 'ineptitude': 10, 'stoned': 10, 'vulgar': 10, 'telephone': 10, 'sizemore': 10, 'sync': 10, 'pronounced': 10, '1000': 10, 'civilians': 10, 'mexican': 10, 'mechanic': 10, 'shiny': 10, 'russ': 10, 'doc': 10, 'limit': 10, 'caves': 10, 'forgiving': 10, 'cowritten': 10, 'jerks': 10, 'lap': 10, 'supercop': 10, 'ala': 10, 'concentrating': 10, 'itd': 10, 'flee': 10, 'bacons': 10, 'nary': 10, 'apocalyptic': 10, 'cowboys': 10, 'screwing': 10, 'cycle': 10, 'tip': 10, 'dispatched': 10, 'compound': 10, 'shawn': 10, 'conscious': 10, 'piles': 10, 'historically': 10, 'cinematically': 10, 'trusty': 10, 'clay': 10, 'helmer': 10, 'accustomed': 10, 'textbook': 10, 'monk': 10, 'cuteness': 10, 'gears': 10, 'resourceful': 10, 'puppet': 10, 'casualties': 10, 'injokes': 10, 'dazzle': 10, 'guinness': 10, 'contender': 10, 'raoul': 10, 'piper': 10, 'economic': 10, 'wary': 10, 'mack': 10, 'juan': 10, 'readily': 10, 'flashing': 10, 'ado': 10, 'ignorance': 10, 'brenda': 10, '300': 10, 'homeless': 10, 'budding': 10, 'farina': 10, 'implausibilities': 10, 'astronomer': 10, '48': 10, 'backwards': 10, 'pursuing': 10, 'lobby': 10, 'hacker': 10, 'quinlan': 10, 'heartstrings': 10, 'recipe': 10, 'insignificant': 10, 'grossing': 10, 'latin': 10, 'branaghs': 10, 'steiger': 10, 'betrayed': 10, 'steadily': 10, 'selena': 10, 'announced': 10, 'gaze': 10, 'superiors': 10, 'cate': 10, 'glorified': 10, 'medak': 10, 'lazard': 10, 'studied': 10, 'supermarket': 10, 'realistically': 10, 'skimpy': 10, 'prequel': 10, 'unwilling': 10, 'stride': 10, 'loggia': 10, 'collar': 10, 'typecast': 10, 'rourke': 10, 'lip': 10, 'mediocrity': 10, 'visible': 10, 'characteristics': 10, 'sunrise': 10, 'witt': 10, 'beals': 10, 'chester': 10, 'materials': 10, 'lo': 10, 'lacrosse': 10, 'ermey': 10, 'utilizes': 10, 'sensual': 10, 'lectures': 10, 'bloodthirsty': 10, 'bottomofthebarrel': 10, 'toss': 10, 'lest': 10, 'sarcasm': 10, 'avenge': 10, 'murderers': 10, 'exhausting': 10, 'plug': 10, 'plotlines': 10, 'incorporating': 10, 'masks': 10, 'mercilessly': 10, 'intrusive': 10, 'imply': 10, 'fortunate': 10, 'marginal': 10, 'welldone': 10, 'quintessential': 10, 'pairs': 10, 'motley': 10, 'meetings': 10, 'transvestite': 10, 'goodhearted': 10, 'bodily': 10, 'gestures': 10, 'unorthodox': 10, 'firstly': 10, 'helpful': 10, 'confined': 10, 'scheduled': 10, 'shagged': 10, 'outright': 10, 'proclaiming': 10, 'gut': 10, 'vitti': 10, 'uncovers': 10, 'excop': 10, 'hardboiled': 10, 'uncaring': 10, 'scenarios': 10, 'spirituality': 10, 'pursued': 10, 'citys': 10, 'diving': 10, 'guinea': 10, 'strive': 10, 'raucous': 10, 'feminist': 10, 'selfabsorbed': 10, 'tedium': 10, 'marries': 10, 'abrasive': 10, 'corridors': 10, 'ira': 10, 'invaded': 10, 'embarrassingly': 10, 'stunningly': 10, 'deceiver': 10, 'unfaithful': 10, 'continuing': 10, 'elevated': 10, 'antagonist': 10, 'bounce': 10, 'heated': 10, 'sophistication': 10, 'pond': 10, 'fichtner': 10, 'wits': 10, 'counterpoint': 10, '1974': 10, 'responsibilities': 10, 'tornado': 10, 'saccharine': 10, 'lacked': 10, 'doogie': 10, 'gig': 10, 'idiocy': 10, 'envisioned': 10, 'adopt': 10, 'graduation': 10, 'scratching': 10, 'secure': 10, 'asides': 10, 'tremendously': 10, 'glimmer': 10, 'impeccable': 10, 'anita': 10, 'intellect': 10, 'dice': 10, 'barn': 10, 'bubbles': 10, 'butterworth': 10, 'occurrence': 10, 'excels': 10, 'robbed': 10, 'examines': 10, 'wickedly': 10, 'screwball': 10, 'habits': 10, 'oral': 10, 'assisted': 10, 'giamatti': 10, 'buffalo': 10, 'railroad': 10, 'mississippi': 10, 'insistence': 10, 'smalltime': 10, 'kilmers': 10, 'misfire': 10, 'veritable': 10, 'intergalactic': 10, 'chevy': 10, 'terrorized': 10, 'launched': 10, 'parsons': 10, 'depend': 10, 'mildmannered': 10, 'studi': 10, 'tycoon': 10, 'assist': 10, 'dynamics': 10, 'interior': 10, 'fluid': 10, 'signature': 10, 'preferred': 10, 'difficulties': 10, 'laced': 10, 'fetish': 10, 'tug': 10, 'burke': 10, 'downtoearth': 10, 'immigrants': 10, 'collapses': 10, 'crashed': 10, 'beth': 10, 'inclined': 10, 'wasteland': 10, 'healing': 10, 'clarke': 10, 'heros': 10, 'cutesy': 10, 'brunette': 10, 'veterans': 10, 'necessity': 10, 'chauffeur': 10, 'tide': 10, 'rewarded': 10, 'pressures': 10, 'meticulous': 10, 'fund': 10, 'peet': 10, 'idol': 10, 'upstairs': 10, 'freeing': 10, 'nitro': 10, 'sport': 10, 'feisty': 10, 'sleeve': 10, 'sporadically': 10, 'multiplex': 10, 'molina': 10, 'laundry': 10, 'disillusioned': 10, 'tasks': 10, 'anguish': 10, 'danielle': 10, 'updated': 10, 'pinnacle': 10, 'goingson': 10, 'prowess': 10, 'supernova': 10, 'shaped': 10, 'tingle': 10, 'echo': 10, 'mirren': 10, 'substitute': 10, 'absorbed': 10, 'intends': 10, 'architect': 10, 'fabric': 10, 'protecting': 10, 'impossibly': 10, 'glances': 10, 'tastes': 10, 'antidote': 10, 'criticisms': 10, 'goldman': 10, 'valmont': 10, 'lunatic': 10, 'judas': 10, 'louise': 10, 'hartman': 10, 'chew': 10, 'lurking': 10, 'rigid': 10, 'trivia': 10, 'button': 10, 'joshua': 10, 'conceit': 10, 'ferrell': 10, 'seann': 10, 'offend': 10, '007': 10, 'misplaced': 10, 'truthful': 10, 'catastrophe': 10, 'rave': 10, 'courteney': 10, 'clique': 10, 'thanksgiving': 10, 'scariest': 10, 'rips': 10, 'remembering': 10, 'yup': 10, 'blunt': 10, 'backed': 10, 'eerily': 10, 'thematically': 10, 'ritchie': 10, 'novikov137': 10, 'quickie': 10, 'labutes': 10, 'rant': 10, 'betting': 10, 'wincott': 10, 'copycat': 10, 'bothers': 10, 'stoltz': 10, 'prescott': 10, 'posey': 10, 'someday': 10, 'milla': 10, 'caution': 10, 'devilish': 10, 'islands': 10, 'skits': 10, 'pilgrim': 10, 'ensuing': 10, 'doses': 10, 'bowden': 10, 'retelling': 10, 'deedles': 10, 'ranger': 10, 'paintings': 10, 'programming': 10, 'alleged': 10, 'effectiveness': 10, 'poseidon': 10, 'eruption': 10, 'sham': 10, 'quartet': 10, 'argues': 10, 'franciss': 10, 'deborah': 10, 'snaps': 10, 'dismissed': 10, 'plantation': 10, 'servants': 10, 'strapped': 10, 'bess': 10, 'matheson': 10, 'randall': 10, 'dismay': 10, 'melvins': 10, 'nikki': 10, 'optimism': 10, 'produces': 10, 'tips': 10, 'timid': 10, 'district': 10, 'pleads': 10, 'bets': 10, 'eldest': 10, 'subjective': 10, 'perrys': 10, '31': 10, 'heritage': 10, 'cried': 10, 'layered': 10, 'actively': 10, 'alert': 10, 'kaplan': 10, 'painter': 10, 'labyrinth': 10, 'grosse': 10, 'http': 10, 'actionthriller': 10, 'connelly': 10, 'discomfort': 10, 'finch': 10, 'strikingly': 10, 'sheep': 10, 'sixteen': 10, 'courier': 10, 'benefactor': 10, 'flourishes': 10, 'kristen': 10, 'non': 10, 'lefty': 10, 'origins': 10, 'dedication': 10, 'billed': 10, 'viking': 10, 'intimacy': 10, 'overwhelmed': 10, 'outrage': 10, 'adjective': 10, 'motor': 10, 'delve': 10, 'moulin': 10, 'profile': 10, 'marred': 10, 'lair': 10, 'suzanne': 10, 'eyecatching': 10, 'leans': 10, 'hysterically': 10, 'slide': 10, 'theatrics': 10, 'tarzans': 10, 'invading': 10, 'releasing': 10, 'illustrated': 10, 'sail': 10, 'colourful': 10, 'vigilante': 10, 'shave': 10, 'shoved': 10, 'finns': 10, 'sylvia': 10, 'chang': 10, 'poets': 10, 'integrity': 10, 'hicks': 10, 'porkys': 10, 'import': 10, 'evokes': 10, 'specifics': 10, 'depravity': 10, 'butch': 10, 'kindhearted': 10, 'gia': 10, 'pesci': 10, 'prices': 10, 'laserdisc': 10, 'troi': 10, 'barren': 10, 'conveyed': 10, 'rene': 10, 'poet': 10, 'doublecrosses': 10, 'protective': 10, 'unfairly': 10, 'recommending': 10, 'cookies': 10, 'ballad': 10, 'hurlyburly': 10, 'rimbaud': 10, 'ballroom': 10, 'washingtons': 10, 'democratic': 10, 'queens': 10, 'roses': 10, 'fosters': 10, 'kimble': 10, 'michaels': 10, 'en': 10, 'jabba': 10, 'carly': 10, 'hogarth': 10, 'roberto': 10, 'uncut': 10, 'zeros': 10, 'sarajevo': 10, 'wang': 10, 'funnest': 10, 'brean': 10, 'comforts': 10, 'joss': 10, 'mol': 10, 'jackieo': 10, 'lesly': 10, 'linney': 10, 'masterfully': 10, 'morrow': 10, 'valentine_': 10, 'crimson': 10, 'jacqueline': 10, 'corleone': 10, 'lillian': 10, 'skinheads': 10, 'andromeda': 10, 'andreas': 10, 'javert': 10, 'gavins': 10, 'cyborsuit': 10, 'cy': 10, 'lancelot': 10, 'kikis': 10, 'sorta': 9, 'unravel': 9, 'runtime': 9, 'tech': 9, 'clout': 9, 'paired': 9, 'unsuccessfully': 9, 'directtovideo': 9, 'implied': 9, 'underwood': 9, 'tacky': 9, 'automatic': 9, 'sucker': 9, 'documentaries': 9, 'tags': 9, 'asshole': 9, 'arnie': 9, 'plodding': 9, 'playwright': 9, 'paralyzed': 9, 'lena': 9, 'scotland': 9, 'rotten': 9, 'familial': 9, 'diva': 9, 'sorrow': 9, 'rhythms': 9, 'marketplace': 9, 'fluffy': 9, 'meaty': 9, 'robust': 9, 'transparent': 9, 'ashamed': 9, 'excruciating': 9, 'plods': 9, 'aide': 9, 'mantra': 9, 'tepid': 9, 'actionadventure': 9, 'khan': 9, 'kang': 9, 'mistakenly': 9, 'goro': 9, 'poses': 9, 'leaden': 9, 'greene': 9, 'manson': 9, 'interiors': 9, 'guitar': 9, 'shred': 9, 'neutral': 9, 'cheezy': 9, 'dreck': 9, 'gate': 9, 'accordingly': 9, 'stares': 9, 'gooey': 9, 'biological': 9, 'pics': 9, 'reliance': 9, 'punchline': 9, 'madman': 9, 'untimely': 9, 'delves': 9, 'hark': 9, 'arena': 9, 'lincoln': 9, 'gugino': 9, 'dandy': 9, 'forgetting': 9, 'fervor': 9, 'regain': 9, 'reply': 9, 'questioned': 9, 'unremarkable': 9, 'distractions': 9, 'truths': 9, 'thesis': 9, 'edgar': 9, 'storyteller': 9, 'zombie': 9, 'dynamite': 9, 'sample': 9, 'trends': 9, 'atop': 9, 'shabby': 9, 'strung': 9, 'spotted': 9, 'cruella': 9, 'shaken': 9, 'bestselling': 9, '1976': 9, 'menu': 9, 'connecting': 9, 'revolve': 9, 'listed': 9, 'faux': 9, 'unfocused': 9, 'warehouse': 9, 'hunk': 9, 'cultures': 9, 'ragtag': 9, 'sweat': 9, 'charts': 9, 'pornographic': 9, 'swamp': 9, 'crotch': 9, 'sentences': 9, 'stormy': 9, 'examine': 9, 'scholar': 9, 'merry': 9, 'berenger': 9, 'repulsive': 9, 'permeated': 9, 'livein': 9, 'manipulate': 9, 'muted': 9, 'bimbo': 9, 'zest': 9, 'associates': 9, 'transferred': 9, 'adjectives': 9, 'moniker': 9, 'progressively': 9, 'dam': 9, 'skies': 9, 'drained': 9, 'applies': 9, 'recycles': 9, 'paperthin': 9, 'shootout': 9, 'policemen': 9, 'sheridan': 9, 'realises': 9, 'rambling': 9, 'nobodys': 9, 'gentlemen': 9, 'ineffectual': 9, 'bounds': 9, '37': 9, 'ninja': 9, 'hodgepodge': 9, 'wherein': 9, 'curve': 9, 'rewards': 9, 'fatale': 9, 'vanish': 9, 'formidable': 9, 'deedle': 9, 'collecting': 9, 'boom': 9, 'flock': 9, 'tensions': 9, 'discount': 9, 'unforgivable': 9, 'convert': 9, 'promptly': 9, 'stargate': 9, 'pr': 9, 'rehab': 9, 'zingers': 9, 'se': 9, 'fictitious': 9, 'thou': 9, 'hyped': 9, 'backs': 9, 'lasts': 9, 'behalf': 9, 'jeep': 9, 'barrier': 9, 'qualifies': 9, 'tidal': 9, 'towering': 9, 'comforting': 9, 'amusingly': 9, 'narrated': 9, 'dj': 9, 'puzzling': 9, 'kinky': 9, 'tomei': 9, 'monotone': 9, 'requirements': 9, 'takeoff': 9, 'joanna': 9, 'terrorize': 9, 'tatopoulos': 9, 'biologist': 9, 'disappointments': 9, 'rampage': 9, 'missiles': 9, 'aircraft': 9, 'unfolding': 9, 'sharply': 9, 'emerging': 9, 'pathetically': 9, 'dolittle': 9, 'resumes': 9, 'premises': 9, 'unlikeable': 9, 'bogged': 9, 'phifer': 9, 'rejects': 9, 'blockade': 9, 'hideously': 9, 'meandering': 9, 'sorority': 9, 'hacked': 9, 'division': 9, 'madeleine': 9, 'somerset': 9, 'swanson': 9, 'puppets': 9, 'criminally': 9, 'bestseller': 9, 'abused': 9, 'repeats': 9, 'gloriously': 9, 'establishment': 9, 'bananas': 9, 'billions': 9, 'backing': 9, 'grass': 9, 'distributor': 9, 'linear': 9, 'bee': 9, 'vhs': 9, 'album': 9, 'keith': 9, 'lerner': 9, 'liners': 9, 'perkins': 9, 'attic': 9, 'simulated': 9, 'mercifully': 9, 'systems': 9, 'distorted': 9, 'oozes': 9, 'scholarship': 9, 'mit': 9, 'phoebe': 9, 'founder': 9, 'kara': 9, 'graceful': 9, 'beattys': 9, 'consultant': 9, 'consist': 9, 'sibling': 9, 'prospect': 9, 'decapitated': 9, 'solving': 9, 'bouts': 9, 'testimony': 9, 'doubted': 9, 'percentage': 9, 'infected': 9, 'unstoppable': 9, 'eves': 9, 'appreciation': 9, 'options': 9, 'persuade': 9, 'compassionate': 9, 'uncredited': 9, 'versatile': 9, 'hiring': 9, 'theft': 9, 'centuries': 9, 'savior': 9, 'exboyfriend': 9, 'protection': 9, 'slept': 9, 'kidnaps': 9, 'cartoony': 9, 'blanks': 9, 'axe': 9, 'controlling': 9, 'weep': 9, 'begging': 9, 'hello': 9, 'freezes': 9, 'entity': 9, 'earning': 9, 'formation': 9, 'mens': 9, 'stating': 9, 'climaxes': 9, 'clumsily': 9, 'conclusions': 9, 'penelope': 9, 'baddies': 9, 'blackmail': 9, 'crawling': 9, 'beams': 9, 'spontaneously': 9, 'frenetic': 9, 'confronting': 9, 'kentucky': 9, 'rednecks': 9, 'diverting': 9, 'otherworldly': 9, 'waynes': 9, 'impersonation': 9, 'technicolor': 9, 'dire': 9, 'cargo': 9, 'narrow': 9, 'embraced': 9, 'patently': 9, 'noises': 9, 'marcia': 9, 'artificially': 9, 'vapid': 9, 'lesbianism': 9, 'marcus': 9, 'abandons': 9, 'printed': 9, 'ample': 9, 'spouse': 9, 'thai': 9, 'inhabits': 9, 'cemetery': 9, 'overtime': 9, 'bow': 9, 'techno': 9, 'dish': 9, 'severed': 9, 'gloves': 9, 'weave': 9, 'bello': 9, 'conclude': 9, 'spiral': 9, 'flatout': 9, 'gulf': 9, 'simpson': 9, 'zorro': 9, 'analogy': 9, 'recreated': 9, 'exclaims': 9, 'howling': 9, 'believer': 9, 'epiphany': 9, 'byrnes': 9, 'spared': 9, '666': 9, '1983': 9, 'goofiness': 9, 'recreating': 9, 'sophomoric': 9, 'desmond': 9, 'aswell': 9, 'spits': 9, 'whip': 9, 'philips': 9, 'dramatics': 9, 'whove': 9, 'adapting': 9, 'draft': 9, 'dino': 9, 'schaech': 9, 'preteen': 9, 'spills': 9, 'rameses': 9, 'accounts': 9, 'hutton': 9, 'ironside': 9, 'snappy': 9, 'proxy': 9, 'avid': 9, 'anxiety': 9, 'coffin': 9, 'benefited': 9, 'knives': 9, 'reeks': 9, 'reappears': 9, 'fondness': 9, 'goth': 9, 'berry': 9, 'collide': 9, 'overnight': 9, 'corners': 9, 'wellcrafted': 9, 'aki': 9, 'stretching': 9, 'eccleston': 9, 'calmly': 9, 'hatcher': 9, 'wreckage': 9, 'realise': 9, 'insulted': 9, 'brent': 9, 'levinson': 9, 'forgiveness': 9, 'dependent': 9, 'abrupt': 9, 'rituals': 9, 'prophecy': 9, 'forman': 9, 'befuddled': 9, 'sentiments': 9, 'oblivion': 9, 'puerto': 9, 'carnival': 9, 'tease': 9, 'sickness': 9, 'charmed': 9, 'boggs': 9, 'powerless': 9, 'amish': 9, 'rangers': 9, 'mating': 9, 'redeem': 9, 'bahamas': 9, 'subversive': 9, 'abysmal': 9, 'misleading': 9, 'crowded': 9, 'encountered': 9, 'unger': 9, 'plugs': 9, 'creatively': 9, 'oldest': 9, 'slipped': 9, 'grape': 9, 'excursion': 9, 'relying': 9, 'jettisoned': 9, 'convictions': 9, 'da': 9, 'caruso': 9, 'sacrifices': 9, 'females': 9, 'cellular': 9, 'lava': 9, 'drastically': 9, 'components': 9, 'hardworking': 9, 'unconscious': 9, 'await': 9, 'ringwald': 9, 'drift': 9, 'formerly': 9, 'weirdly': 9, 'sensational': 9, 'goldeneye': 9, 'retreat': 9, 'clad': 9, 'lowe': 9, 'wallet': 9, 'interludes': 9, 'reclaim': 9, 'badness': 9, 'pained': 9, 'maverick': 9, 'chamber': 9, 'ethical': 9, 'traps': 9, 'liaisons': 9, 'humiliated': 9, 'breezy': 9, 'caption': 9, 'moron': 9, 'hokum': 9, 'hunchback': 9, 'tremors': 9, 'sting': 9, 'mewes': 9, 'bearable': 9, 'twisting': 9, 'grieving': 9, 'drum': 9, 'malicious': 9, 'mutated': 9, 'highconcept': 9, 'comeuppance': 9, 'infinite': 9, 'heathers': 9, 'poignancy': 9, 'grandson': 9, 'descends': 9, 'peck': 9, 'headquarters': 9, 'neglect': 9, 'detour': 9, 'cohesive': 9, 'allegory': 9, 'cherry': 9, 'spreads': 9, 'sneaking': 9, 'drove': 9, 'morgue': 9, 'romantically': 9, 'backgrounds': 9, 'platform': 9, 'proposes': 9, 'illustrate': 9, 'stein': 9, 'adrian': 9, 'kinetic': 9, 'absorb': 9, 'topics': 9, 'labute': 9, 'eckhart': 9, 'casually': 9, 'diary': 9, 'rudd': 9, 'regards': 9, 'transcend': 9, 'moderate': 9, 'dumbest': 9, 'breast': 9, 'nononsense': 9, 'flag': 9, 'mccormack': 9, 'dalton': 9, 'bush': 9, 'fundamentally': 9, 'judged': 9, 'exhausted': 9, 'laughoutloud': 9, 'riley': 9, 'wrought': 9, 'surrounds': 9, 'exudes': 9, 'millenium': 9, 'seduced': 9, 'traits': 9, 'assure': 9, 'coherence': 9, 'unexplained': 9, 'sunlight': 9, 'fullest': 9, 'consequence': 9, 'dale': 9, 'getgo': 9, 'bujold': 9, 'evacuate': 9, 'dragging': 9, 'crusade': 9, 'removing': 9, 'targeted': 9, 'softspoken': 9, 'grisly': 9, 'rhea': 9, 'liaison': 9, 'conjure': 9, 'tieins': 9, 'attracts': 9, 'brackett': 9, 'scathing': 9, 'operating': 9, 'carlos': 9, 'chazz': 9, 'anatomy': 9, 'gems': 9, 'ryans': 9, 'airline': 9, 'rumor': 9, 'exposure': 9, 'magnetic': 9, '4th': 9, 'mini': 9, 'alexs': 9, 'langella': 9, 'masses': 9, 'capra': 9, 'featherstone': 9, 'cheers': 9, 'infidelity': 9, 'rugged': 9, 'proclaim': 9, 'incorporates': 9, 'congo': 9, 'gently': 9, 'ruining': 9, 'dangelo': 9, 'ridley': 9, 'bags': 9, 'progressed': 9, 'koteas': 9, 'unrecognizable': 9, 'panama': 9, 'harmon': 9, 'prevalent': 9, 'preaching': 9, 'cloth': 9, 'climate': 9, 'rescuing': 9, 'wonderland': 9, 'fend': 9, 'siskel': 9, 'stallones': 9, 'zach': 9, 'lynn': 9, '1930s': 9, 'cary': 9, 'tristar': 9, 'taiwan': 9, 'dive': 9, 'ghastly': 9, 'jimmys': 9, 'abrahams': 9, 'flik': 9, 'scars': 9, 'feeds': 9, 'trophy': 9, 'fanatics': 9, 'escapades': 9, 'expertly': 9, 'nyah': 9, 'sorcerer': 9, 'conducted': 9, 'pantoliano': 9, 'danvers': 9, 'cells': 9, 'yearning': 9, 'comingofage': 9, 'regarded': 9, 'subconscious': 9, 'marys': 9, 'deadend': 9, 'snowman': 9, 'intervention': 9, 'splash': 9, 'pillow': 9, 'declared': 9, 'supervisor': 9, 'moreover': 9, 'contribution': 9, 'smug': 9, 'dreamy': 9, 'nancy': 9, 'quarters': 9, 'destructive': 9, 'suspended': 9, 'tuckers': 9, 'norris': 9, 'canadians': 9, 'meanings': 9, 'babys': 9, 'crowds': 9, 'nods': 9, 'characterized': 9, 'borg': 9, 'russells': 9, 'marceau': 9, 'cannibalism': 9, 'existed': 9, 'weisz': 9, 'devon': 9, 'sawa': 9, 'virginity': 9, 'grain': 9, 'mst3k': 9, 'infatuated': 9, 'lesra': 9, 'kurosawa': 9, 'affections': 9, 'mockery': 9, 'introspective': 9, 'oscarwinning': 9, 'luther': 9, 'sherry': 9, 'foreigners': 9, 'baz': 9, 'sparked': 9, 'hammers': 9, 'zardoz': 9, 'exhilarating': 9, 'criticized': 9, 'atlantis': 9, 'hypocrisy': 9, 'uncompromising': 9, 'contacts': 9, 'hutt': 9, 'methodical': 9, 'envy': 9, 'grishams': 9, 'huns': 9, 'aladdin': 9, 'discussions': 9, 'diesel': 9, 'mustsee': 9, 'francie': 9, 'irvings': 9, 'brisk': 9, 'jing': 9, 'robby': 9, 'tenebrae': 9, 'seti': 9, 'notoriety': 9, 'arroway': 9, 'claiborne': 9, 'onegin': 9, 'marcy': 9, 'curdled': 9, 'magruder': 9, 'rhys': 9, 'lebowskis': 9, 'chubby': 9, 'toni': 9, 'tibetan': 9, 'fanny': 9, 'downside': 9, 'bale': 9, 'gerry': 9, 'flanagan': 9, 'fflewdurr': 9, 'kat': 9, 'cosette': 9, 'gurgi': 9, 'rosalba': 9, 'tswsm': 9, 'laserman': 9, 'sagemiller': 8, 'bentley': 8, 'origin': 8, 'unscathed': 8, 'resident': 8, 'remembers': 8, 'seymour': 8, 'precinct': 8, 'positions': 8, 'savages': 8, 'rushing': 8, 'selfrighteous': 8, 'reminding': 8, 'toll': 8, 'cookiecutter': 8, 'lunacy': 8, 'mogul': 8, 'oops': 8, 'thora': 8, 'shrewd': 8, 'chords': 8, 'promoted': 8, 'juggling': 8, 'outlaws': 8, 'hannibal': 8, 'courtship': 8, 'lingers': 8, 'ecstatic': 8, 'sanders': 8, 'luggage': 8, 'county': 8, 'lukewarm': 8, 'mousy': 8, 'annihilation': 8, 'limitations': 8, 'incorrect': 8, 'nikita': 8, 'bmovies': 8, 'dormant': 8, 'awakened': 8, 'lock': 8, 'singularly': 8, 'slowmoving': 8, 'pound': 8, 'juice': 8, 'faye': 8, 'poachers': 8, 'preserve': 8, 'tailor': 8, 'satans': 8, 'spawns': 8, 'slice': 8, 'cheaper': 8, 'heavyweight': 8, 'cautionary': 8, 'unnoticed': 8, 'announcement': 8, 'converted': 8, 'innocents': 8, 'encouraging': 8, 'increases': 8, 'influential': 8, 'sections': 8, 'randomly': 8, 'cryptic': 8, 'comrades': 8, 'overuse': 8, 'streetwise': 8, 'armored': 8, 'vogue': 8, 'moviegoing': 8, 'aspire': 8, 'goers': 8, '33': 8, 'shelton': 8, 'mandatory': 8, 'sherri': 8, 'vera': 8, 'corey': 8, 'cinematographers': 8, 'peer': 8, 'examining': 8, 'framing': 8, 'cheerleaders': 8, 'matteroffact': 8, 'misstep': 8, '1964': 8, 'maine': 8, 'crocodile': 8, 'gleeson': 8, 'unwelcome': 8, 'sniper': 8, 'assessment': 8, 'orbit': 8, 'noisy': 8, 'hating': 8, 'fascism': 8, 'wartime': 8, 'hosts': 8, 'reluctance': 8, 'stumbled': 8, 'inkpot': 8, 'tv2': 8, 'nonlinear': 8, 'valentine': 8, 'residence': 8, 'confuse': 8, 'soderbergh': 8, 'mindnumbingly': 8, 'reject': 8, 'lastly': 8, 'stamped': 8, 'spelling': 8, 'nagging': 8, 'detmer': 8, 'pour': 8, 'firestorm': 8, 'yoda': 8, 'chews': 8, 'perpetrator': 8, 'prodigy': 8, 'onboard': 8, 'duel': 8, 'palatable': 8, 'maudlin': 8, 'posh': 8, 'mismatched': 8, 'assorted': 8, 'lawn': 8, 'jam': 8, 'lyonne': 8, 'succession': 8, 'booming': 8, 'burdened': 8, 'candidates': 8, 'giggles': 8, 'huston': 8, 'inadvertently': 8, 'patterson': 8, 'recite': 8, 'savannah': 8, 'invents': 8, 'tourists': 8, 'unknowns': 8, 'monday': 8, 'relax': 8, 'sage': 8, 'overhead': 8, 'underdog': 8, 'gosh': 8, 'vanished': 8, 'nevada': 8, 'sony': 8, 'scant': 8, 'spiteful': 8, 'dreadfully': 8, 'slut': 8, '94': 8, 'pauly': 8, 'slutty': 8, 'gabrielle': 8, 'arbitrary': 8, 'snails': 8, 'immature': 8, 'dim': 8, 'philandering': 8, 'classified': 8, 'eroticism': 8, 'rollercoaster': 8, 'toller': 8, 'occurrences': 8, 'settlement': 8, 'toes': 8, 'suspiciously': 8, 'tearing': 8, 'repeating': 8, 'proclaimed': 8, 'startled': 8, 'fearful': 8, 'screenings': 8, 'perez': 8, 'badass': 8, 'biker': 8, 'distinctly': 8, 'interviewed': 8, 'premiered': 8, 'fluke': 8, 'sophomore': 8, 'gimmicks': 8, 'phillipe': 8, 'flights': 8, 'brodericks': 8, 'anyhow': 8, 'dosent': 8, 'womanizer': 8, 'indicate': 8, 'pigs': 8, 'slicker': 8, 'tropical': 8, 'conjures': 8, 'campiness': 8, 'unfinished': 8, 'hurts': 8, 'volatile': 8, 'uncovered': 8, 'sheets': 8, 'affectionate': 8, 'wee': 8, 'germans': 8, 'crews': 8, '75': 8, 'links': 8, 'easiest': 8, 'pic': 8, 'blaxploitation': 8, 'bishop': 8, 'implies': 8, 'greens': 8, 'institute': 8, 'mud': 8, 'tribulations': 8, 'jolly': 8, 'gardener': 8, 'frenchman': 8, 'karyo': 8, 'levity': 8, 'eleven': 8, 'shears': 8, 'maxwell': 8, 'edison': 8, 'channing': 8, 'deja': 8, 'minority': 8, 'disastrously': 8, 'harlin': 8, 'redgrave': 8, 'ilm': 8, 'shocker': 8, 'contenders': 8, 'specializes': 8, 'instructor': 8, 'sites': 8, 'choked': 8, 'icky': 8, 'artemus': 8, 'farmers': 8, 'protects': 8, 'artifacts': 8, 'tidbits': 8, 'inform': 8, 'devastated': 8, 'akiva': 8, 'forgivable': 8, 'boo': 8, 'bram': 8, 'donaldson': 8, 'patricks': 8, 'toxic': 8, 'tail': 8, 'veers': 8, 'proposal': 8, 'nameless': 8, 'edges': 8, 'loan': 8, 'stalks': 8, 'terence': 8, 'ripping': 8, 'bid': 8, 'disgruntled': 8, 'hardearned': 8, 'everybodys': 8, 'nastiness': 8, 'respectability': 8, 'lent': 8, 'obscenities': 8, 'swears': 8, 'wrongly': 8, 'rockwell': 8, 'yea': 8, 'ingredient': 8, 'brat': 8, 'celebrated': 8, 'sil': 8, 'tina': 8, 'polar': 8, 'caps': 8, 'tanker': 8, 'accomplishments': 8, 'devastation': 8, 'jared': 8, 'instructed': 8, 'coal': 8, 'reunite': 8, 'tara': 8, 'elude': 8, 'cigarette': 8, 'promoting': 8, 'inyourface': 8, 'restricted': 8, 'morally': 8, 'cheats': 8, 'messed': 8, 'prospective': 8, 'mocked': 8, 'relied': 8, 'macpherson': 8, 'houston': 8, 'balanced': 8, 'vicki': 8, 'ailing': 8, 'chi': 8, 'alot': 8, 'relevance': 8, 'pessimistic': 8, 'gel': 8, 'trickery': 8, 'hosted': 8, 'marrow': 8, 'starters': 8, 'tended': 8, 'obsessively': 8, 'exterior': 8, 'edtv': 8, 'crawls': 8, 'muscles': 8, '1940s': 8, 'allure': 8, 'patriotic': 8, 'blasting': 8, 'acquired': 8, 'coin': 8, 'intricately': 8, 'papers': 8, 'tolerate': 8, 'drown': 8, 'wellacted': 8, 'operates': 8, 'mercenaries': 8, 'professors': 8, 'cheering': 8, 'wayland': 8, 'burstyn': 8, 'rosanna': 8, 'burroughs': 8, 'excesses': 8, 'chord': 8, 'harden': 8, 'longterm': 8, 'license': 8, 'pokes': 8, 'uniqueness': 8, 'cutouts': 8, 'mumbling': 8, 'contradictions': 8, 'reunited': 8, 'smuggling': 8, 'reiner': 8, 'mulholland': 8, 'physics': 8, 'anothers': 8, 'drivers': 8, 'chen': 8, 'yorkers': 8, 'presume': 8, 'adulthood': 8, 'reception': 8, 'bewilderment': 8, 'quoting': 8, 'identifying': 8, 'holland': 8, 'clunky': 8, 'disappointingly': 8, 'hamilton': 8, 'lyrical': 8, 'guided': 8, 'efficiently': 8, 'undeveloped': 8, 'insomnia': 8, 'ceiling': 8, 'mariah': 8, 'chicks': 8, 'effeminate': 8, 'absurdly': 8, 'volume': 8, 'suggesting': 8, 'impassioned': 8, 'yahoo': 8, 'liberties': 8, 'stinker': 8, 'hoggett': 8, 'serling': 8, 'ari': 8, 'blanche': 8, 'entries': 8, 'glenda': 8, 'automobiles': 8, 'beans': 8, 'miriam': 8, 'pathos': 8, 'verbally': 8, 'pirate': 8, 'coolness': 8, 'detachment': 8, 'downtrodden': 8, 'colossal': 8, 'flores': 8, 'hail': 8, 'coverage': 8, 'vinny': 8, 'jacobs': 8, 'hudsucker': 8, 'blink': 8, 'oscarworthy': 8, 'coats': 8, 'pistol': 8, 'benjamin': 8, 'singular': 8, 'booze': 8, 'buffoons': 8, 'sore': 8, 'countrys': 8, 'bearing': 8, 'governments': 8, 'patriotism': 8, 'uncertainty': 8, 'schizophrenic': 8, 'comatose': 8, 'mingna': 8, 'organic': 8, 'channels': 8, 'accomplice': 8, 'louisiana': 8, 'wellmeaning': 8, 'whiskey': 8, 'waterboy': 8, 'bobbys': 8, 'spiner': 8, 'demi': 8, 'mathematician': 8, 'truer': 8, 'elizabeths': 8, 'eds': 8, 'universally': 8, 'braindead': 8, 'boyfriends': 8, 'looses': 8, 'circa': 8, 'moscow': 8, 'weighty': 8, 'armin': 8, 'fumbling': 8, 'elena': 8, 'milos': 8, 'rusty': 8, 'bursting': 8, 'yorker': 8, 'wigand': 8, 'income': 8, 'trigger': 8, 'ingenuity': 8, 'vanishing': 8, 'cigar': 8, 'newcomers': 8, 'sought': 8, 'acerbic': 8, 'outdoor': 8, 'atlanta': 8, 'cheered': 8, 'cavemen': 8, 'scientology': 8, 'bryan': 8, 'kelsey': 8, 'surf': 8, 'trey': 8, 'injected': 8, 'humorless': 8, 'novelist': 8, 'toast': 8, 'chronic': 8, 'misogynistic': 8, 'showers': 8, 'protests': 8, 'handicapped': 8, 'fronts': 8, 'sona': 8, 'freshness': 8, 'bewildered': 8, 'sheens': 8, 'drastic': 8, 'duplicate': 8, 'richness': 8, 'cinderella': 8, 'aiello': 8, 'fleeting': 8, 'triple': 8, 'identification': 8, 'locks': 8, 'indifferent': 8, 'terrorizing': 8, 'benson': 8, 'aura': 8, 'void': 8, 'classmate': 8, 'vet': 8, 'carefree': 8, 'guise': 8, 'guarded': 8, 'shirley': 8, 'crises': 8, 'torturous': 8, 'kinski': 8, 'suicides': 8, 'spectacularly': 8, 'woke': 8, 'doublecrossing': 8, 'teaming': 8, 'vocabulary': 8, 'hisher': 8, '00': 8, 'belushi': 8, 'felicity': 8, 'fischer': 8, 'caravan': 8, 'magically': 8, 'meals': 8, 'impromptu': 8, 'garish': 8, 'hitler': 8, 'andre': 8, 'systematically': 8, 'calvin': 8, 'emptiness': 8, 'purposely': 8, '23': 8, 'seldom': 8, 'coolest': 8, 'infuriating': 8, 'diamonds': 8, 'startlingly': 8, 'stabbed': 8, 'sacred': 8, 'fuss': 8, 'notre': 8, 'formulas': 8, 'defeats': 8, 'demonstration': 8, 'admitted': 8, 'jasmine': 8, 'carroll': 8, 'switching': 8, 'chains': 8, 'sullen': 8, 'reflecting': 8, 'assaults': 8, 'jjaks': 8, '_is_': 8, 'imax': 8, 'tub': 8, 'networks': 8, 'compete': 8, 'seated': 8, 'versa': 8, 'seths': 8, 'tragedies': 8, 'feared': 8, 'muchneeded': 8, 'effortless': 8, 'cranky': 8, 'cons': 8, 'illiterate': 8, 'whoa': 8, 'drifts': 8, 'pacinos': 8, 'pardon': 8, 'bend': 8, 'andys': 8, 'atrocities': 8, 'blob': 8, 'ridden': 8, 'digress': 8, 'youthful': 8, 'alarm': 8, 'kahn': 8, 'purity': 8, 'britain': 8, 'wests': 8, 'excessively': 8, 'blades': 8, '1960': 8, 'todds': 8, 'zombies': 8, 'comparable': 8, 'yorks': 8, 'bash': 8, 'labored': 8, 'booty': 8, 'improbable': 8, 'baron': 8, 'retrospect': 8, 'accuses': 8, 'talky': 8, 'peril': 8, 'successor': 8, 'videotapes': 8, 'mcconnell': 8, 'squid': 8, 'disconcerting': 8, 'terrifically': 8, 'liberation': 8, 'unbreakable': 8, 'poverty': 8, 'uk': 8, 'quits': 8, 'backbone': 8, 'hardnosed': 8, 'afford': 8, 'ruby': 8, 'nba': 8, 'stavros': 8, 'accusations': 8, 'schumachers': 8, 'brewing': 8, 'cronies': 8, 'invincible': 8, 'liberated': 8, 'locales': 8, 'incest': 8, 'slayer': 8, 'illustrating': 8, 'burden': 8, 'metaphysical': 8, 'aloof': 8, 'concrete': 8, 'posters': 8, 'violet': 8, 'collector': 8, 'quantity': 8, 'trooper': 8, 'aggression': 8, 'bythenumbers': 8, 'inferno': 8, 'bluntly': 8, 'craftsmanship': 8, 'wholeheartedly': 8, 'enigma': 8, 'separately': 8, 'jb': 8, 'wh': 8, 'vcr': 8, 'masquerading': 8, 'nihilistic': 8, 'orleans': 8, '1975': 8, 'grandiose': 8, 'checks': 8, 'experimenting': 8, 'rodney': 8, 'cow': 8, 'heyst': 8, 'darlene': 8, 'unbearably': 8, 'marches': 8, 'odette': 8, 'gimmicky': 8, 'babes': 8, 'inconsequential': 8, 'fletcher': 8, 'bunz': 8, 'jittery': 8, 'peasant': 8, 'credentials': 8, 'embedded': 8, 'schwarzeneggers': 8, 'resent': 8, 'puzzled': 8, 'pesky': 8, 'tighter': 8, 'marco': 8, 'plimpton': 8, 'reacting': 8, 'bailey': 8, 'miraculous': 8, 'dwayne': 8, 'momentous': 8, 'pointe': 8, 'stowe': 8, 'bookend': 8, 'prostitutes': 8, 'hormones': 8, 'paradox': 8, 'permanently': 8, 'utopia': 8, 'gym': 8, 'johnnys': 8, 'flourish': 8, 'freeway': 8, 'supported': 8, 'palette': 8, 'centerpiece': 8, 'rarity': 8, 'fading': 8, 'trading': 8, 'fulfilled': 8, 'brick': 8, 'hunters': 8, 'cowardly': 8, 'rosemary': 8, 'shatner': 8, 'fearless': 8, 'complicating': 8, 'thailand': 8, 'contrasting': 8, 'humane': 8, 'borrowing': 8, 'evolve': 8, 'intertwined': 8, 'multidimensional': 8, 'childers': 8, 'cheech': 8, 'restaurants': 8, 'retain': 8, 'behindthescenes': 8, 'aweinspiring': 8, 'fools': 8, 'walters': 8, 'condemnation': 8, 'temporarily': 8, 'columbus': 8, 'rumours': 8, 'undercurrent': 8, 'escapism': 8, 'clocks': 8, 'unheard': 8, 'stylishly': 8, 'bike': 8, 'alison': 8, 'boots': 8, 'hyper': 8, 'jovial': 8, 'overlook': 8, 'wellpaced': 8, 'widespread': 8, 'beforehand': 8, 'henson': 8, 'brokedown': 8, 'franz': 8, 'epics': 8, 'humiliation': 8, 'mcdowall': 8, 'falk': 8, 'samantha': 8, 'posed': 8, 'karens': 8, 'davies': 8, 'communist': 8, 'materialistic': 8, 'fulfillment': 8, 'slamming': 8, 'bloodshed': 8, 'cracking': 8, 'sixty': 8, 'actionpacked': 8, '180': 8, 'journeys': 8, 'outgoing': 8, 'deprived': 8, 'blessing': 8, 'files': 8, 'lords': 8, 'baldwins': 8, 'applause': 8, 'captivated': 8, 'tap': 8, 'ooze': 8, '1947': 8, 'conquered': 8, 'culkin': 8, 'messiah': 8, 'berlin': 8, 'descent': 8, 'worf': 8, 'wilderness': 8, 'segal': 8, 'montoya': 8, 'canvas': 8, 'nefarious': 8, 'revolving': 8, 'lam': 8, 'lori': 8, 'aquarium': 8, 'midlife': 8, 'nervously': 8, 'taylors': 8, 'fishes': 8, 'pills': 8, 'standouts': 8, 'donovan': 8, 'trent': 8, 'verlaine': 8, 'pi': 8, 'curtain': 8, 'yields': 8, 'stubborn': 8, 'unnerving': 8, 'recruit': 8, 'bogart': 8, 'devereaux': 8, 'rightfully': 8, 'michele': 8, 'winters': 8, 'noah': 8, 'gospel': 8, 'ganz': 8, 'subtly': 8, 'pascal': 8, 'nortons': 8, 'matron': 8, 'legally': 8, 'scrutiny': 8, 'ness': 8, 'hesitation': 8, 'tate': 8, 'gridlockd': 8, 'mcdermott': 8, 'divine': 8, 'c3po': 8, 'grady': 8, 'unzipped': 8, 'homers': 8, 'rainmaker': 8, 'shanta': 8, 'collectors': 8, 'tampopo': 8, 'freed': 8, 'ballet': 8, 'accolades': 8, 'pei': 8, 'embeth': 8, 'kimbles': 8, 'colours': 8, 'suspiria': 8, 'fourstar': 8, 'russia': 8, 'groeteschele': 8, 'leeloo': 8, 'marquis': 8, 'debbie': 8, 'drumlin': 8, 'egoyans': 8, 'weaves': 8, 'buren': 8, 'romulus': 8, 'bala': 8, 'dewitt': 8, 'hockley': 8, 'wilkinson': 8, 'goldwyn': 8, 'rereleased': 8, 'aloise': 8, 'labors': 8, 'furtwangler': 8, 'paradine': 8, 'doe': 8, 'pollock': 8, 'pollocks': 8, 'wai': 8, 'elliott': 8, 'rivers': 8, 'rohmers': 8, 'nookey': 8, 'hugos': 8, 'alchemy': 8, 'chon': 8, 'uhf': 8, 'fantine': 8, 'barlow': 8, 'niagara': 8, 'bresson': 8, 'mir': 7, 'h20': 7, 'thankful': 7, 'reformed': 7, 'checked': 7, 'rash': 7, 'fledgling': 7, 'latenight': 7, 'exhusband': 7, 'ponders': 7, 'increased': 7, 'unimpressive': 7, 'bubbling': 7, 'twothirds': 7, 'banality': 7, 'cusacks': 7, 'obscene': 7, 'dads': 7, 'costumed': 7, 'alienated': 7, 'coke': 7, 'bitchy': 7, 'rendering': 7, 'luminous': 7, 'catatonic': 7, 'complexities': 7, 'annoy': 7, 'swashbuckling': 7, 'mcdormand': 7, 'morbid': 7, 'shenanigans': 7, 'wiseass': 7, 'reelection': 7, 'bliss': 7, 'oshea': 7, 'vengeful': 7, 'slain': 7, 'overthrow': 7, 'febre': 7, 'rounds': 7, 'spiers': 7, 'lis': 7, 'weighs': 7, 'candles': 7, '17th': 7, 'tosses': 7, 'prevented': 7, 'stance': 7, 'sonya': 7, 'thunder': 7, 'jade': 7, 'emporer': 7, 'counsel': 7, 'barrel': 7, 'weaponry': 7, 'stupidly': 7, 'concluded': 7, 'brass': 7, 'ninth': 7, 'wynn': 7, 'sweeney': 7, 'leak': 7, 'pizza': 7, 'guiding': 7, 'polish': 7, 'cd': 7, 'integral': 7, '_really_': 7, 'popped': 7, 'wimp': 7, 'erased': 7, 'kurosawas': 7, 'steadicam': 7, 'pumped': 7, 'herrings': 7, 'herring': 7, 'offender': 7, 'depalmas': 7, 'halfassed': 7, 'crucible': 7, 'glow': 7, 'swings': 7, 'revels': 7, 'overzealous': 7, 'rifles': 7, 'conquer': 7, 'ck': 7, 'hardened': 7, 'tattoos': 7, 'cohorts': 7, 'oneliner': 7, 'incredulous': 7, 'alist': 7, 'amiable': 7, 'puppies': 7, 'laborious': 7, 'haircut': 7, 'pierre': 7, 'furry': 7, 'dalmatian': 7, 'solar': 7, '1982': 7, 'hesitate': 7, 'stoner': 7, 'upstaged': 7, 'nutshell': 7, 'maddeningly': 7, 'ownership': 7, 'brawl': 7, 'ashes': 7, 'valiant': 7, 'aimless': 7, 'promiscuous': 7, 'canal': 7, 'predominantly': 7, '110': 7, 'precedes': 7, 'bgrade': 7, 'godawful': 7, 'croc': 7, 'mcbeal': 7, 'alternately': 7, 'stupidest': 7, 'wwii': 7, 'tested': 7, 'thewlis': 7, 'valentines': 7, 'abode': 7, 'nil': 7, 'induced': 7, 'dope': 7, 'editors': 7, 'psychopathic': 7, 'shepard': 7, 'pushy': 7, 'nerdy': 7, 'bard': 7, 'invigorating': 7, 'defeated': 7, 'fixed': 7, 'purposefully': 7, 'pego': 7, 'harmony': 7, 'verdict': 7, 'eden': 7, 'bosses': 7, 'locating': 7, 'nypd': 7, 'educate': 7, 'wistful': 7, 'gathers': 7, 'permission': 7, 'gasp': 7, 'omen': 7, 'meanders': 7, 'lib': 7, 'quirk': 7, 'geri': 7, 'sporty': 7, 'parodying': 7, 'largest': 7, 'beacon': 7, 'oscarcaliber': 7, 'graced': 7, 'threw': 7, 'hastily': 7, 'soccer': 7, 'newt': 7, 'cates': 7, 'ranch': 7, 'behaves': 7, 'ny': 7, 'immune': 7, 'nun': 7, 'ethnic': 7, 'summarized': 7, 'uturn': 7, 'hose': 7, 'dahl': 7, 'gals': 7, 'tarantula': 7, 'budgets': 7, 'endangered': 7, 'jonnie': 7, 'praying': 7, 'wipe': 7, 'klingon': 7, 'circuit': 7, 'tools': 7, 'chariot': 7, 'separation': 7, 'junket': 7, 'innuendo': 7, 'dripping': 7, 'launching': 7, 'outlaw': 7, 'embarassing': 7, 'scummy': 7, 'crystals': 7, 'tramp': 7, 'jawdropping': 7, 'hmmm': 7, 'afflicted': 7, 'americanized': 7, 'fee': 7, 'praising': 7, 'fries': 7, 'shelved': 7, 'shorts': 7, 'concoction': 7, 'esque': 7, 'spreading': 7, 'missouri': 7, 'trucks': 7, 'beguiling': 7, 'freshman': 7, 'coed': 7, 'surrealism': 7, 'kris': 7, 'madonnas': 7, 'cheat': 7, 'wallaces': 7, 'spartacus': 7, 'horners': 7, 'traumatic': 7, 'lapd': 7, 'darcy': 7, 'breakout': 7, '1989s': 7, 'radar': 7, 'wiped': 7, 'artistry': 7, 'snatchers': 7, 'recycling': 7, 'reptilian': 7, 'emerged': 7, 'tokyo': 7, 'pitillo': 7, 'futile': 7, 'contradictory': 7, 'contrasts': 7, 'undermined': 7, 'dial': 7, 'viggo': 7, 'shifty': 7, 'norville': 7, 'bon': 7, 'thwart': 7, 'transitions': 7, 'weitz': 7, 'crass': 7, 'expertise': 7, 'faceless': 7, 'needing': 7, 'secluded': 7, 'tyrell': 7, 'karaoke': 7, 'droids': 7, 'managers': 7, 'tectonic': 7, 'hypocritical': 7, 'scoundrel': 7, 'inmate': 7, 'merchandise': 7, 'interviewer': 7, 'arrangements': 7, 'riff': 7, 'perverted': 7, 'mania': 7, 'skateboarding': 7, 'confirm': 7, 'demeaning': 7, 'overdue': 7, 'evidently': 7, 'bankrupt': 7, 'stairs': 7, 'beatles': 7, 'instruments': 7, 'spelled': 7, 'announce': 7, 'schell': 7, 'influences': 7, 'flaunt': 7, 'shreds': 7, 'gungho': 7, 'bothering': 7, 'engulfed': 7, 'monicas': 7, '29': 7, 'hackers': 7, 'database': 7, 'truthfully': 7, 'jonny': 7, 'compulsive': 7, 'romania': 7, 'scriptwriter': 7, 'morale': 7, 'downward': 7, 'humble': 7, 'desperado': 7, 'taxes': 7, 'northwest': 7, 'supporters': 7, 'commune': 7, 'dunaway': 7, 'domination': 7, 'lois': 7, 'bra': 7, 'reversed': 7, 'maneuvers': 7, 'ham': 7, 'replacing': 7, 'goldsman': 7, 'scissorhands': 7, '18th': 7, 'guarantees': 7, 'stokers': 7, 'blends': 7, 'backwoods': 7, 'redneck': 7, 'feldman': 7, 'routines': 7, 'barrels': 7, 'firearms': 7, 'plotwise': 7, 'keatons': 7, 'jimmies': 7, 'clause': 7, 'bullying': 7, 'tire': 7, 'programs': 7, 'gracefully': 7, 'goatee': 7, 'elaine': 7, 'coolidge': 7, 'luxurious': 7, 'bass': 7, 'wade': 7, 'swore': 7, 'underway': 7, 'twodimensional': 7, 'strokes': 7, 'distrust': 7, 'lusty': 7, 'artwork': 7, 'grades': 7, 'scotts': 7, 'dazed': 7, 'adore': 7, 'btw': 7, 'jumped': 7, 'lungs': 7, 'reruns': 7, 'relic': 7, 'venerable': 7, 'enola': 7, 'airplanes': 7, 'hinges': 7, 'deacon': 7, 'loner': 7, 'disk': 7, 'temperature': 7, 'stepfather': 7, 'bernstein': 7, 'razzie': 7, 'posted': 7, 'wandered': 7, 'bigname': 7, 'virginia': 7, 'seduces': 7, 'amuse': 7, 'collaborated': 7, 'holidays': 7, 'isaac': 7, 'hayes': 7, 'dorky': 7, 'spans': 7, 'forbid': 7, 'leblanc': 7, 'ivory': 7, 'hotels': 7, 'virtuoso': 7, 'batmans': 7, 'chat': 7, 'grossed': 7, 'lifeform': 7, 'technician': 7, 'eaten': 7, 'laden': 7, 'machinery': 7, 'antoine': 7, 'kates': 7, 'assures': 7, 'unscrupulous': 7, 'dared': 7, 'enticing': 7, '96': 7, 'tragically': 7, 'contraption': 7, 'crumbling': 7, 'eighty': 7, 'frighteners': 7, 'nearing': 7, 'sassy': 7, 'fathom': 7, 'ferociously': 7, 'slides': 7, 'nielson': 7, 'jaw': 7, 'slowed': 7, 'glamour': 7, 'russo': 7, 'veneer': 7, 'esposito': 7, 'nsa': 7, 'preachers': 7, 'smack': 7, 'undermine': 7, 'maniacal': 7, 'sputtering': 7, 'untalented': 7, 'bogus': 7, 'tamara': 7, 'yearns': 7, 'arthouse': 7, 'proudly': 7, 'butter': 7, 'purchase': 7, 'contents': 7, 'selfproclaimed': 7, 'wrath': 7, 'detestable': 7, 'attach': 7, 'getaway': 7, 'taut': 7, 'brainard': 7, 'component': 7, 'uncontrollably': 7, 'wreaking': 7, 'atypical': 7, 'exceeds': 7, 'revisited': 7, 'felixs': 7, 'designing': 7, 'motif': 7, 'lemmons': 7, 'violently': 7, 'selfcentered': 7, 'redeemed': 7, 'palmas': 7, 'voodoo': 7, 'embark': 7, 'cuddly': 7, 'controls': 7, 'pole': 7, 'designers': 7, 'recording': 7, 'blissfully': 7, 'disregard': 7, 'beam': 7, 'slipping': 7, 'howser': 7, 'slug': 7, 'slinky': 7, 'fanatical': 7, 'instrumental': 7, 'minors': 7, 'hug': 7, 'thinly': 7, 'separates': 7, 'autobiography': 7, 'friendships': 7, 'blaine': 7, 'blaring': 7, 'whipped': 7, 'sparkling': 7, 'demographic': 7, 'voiceovers': 7, 'soda': 7, 'conducting': 7, 'kiddie': 7, 'culprit': 7, 'digitally': 7, 'brush': 7, 'shunned': 7, 'shouldve': 7, 'fingerprints': 7, 'consistency': 7, 'metaphors': 7, 'impulses': 7, 'subtleties': 7, 'shrieking': 7, 'visionary': 7, 'gruesomely': 7, 'billie': 7, 'barbie': 7, 'rake': 7, 'physician': 7, 'straightlaced': 7, 'hogan': 7, 'robberies': 7, 'bresslaw': 7, 'concocted': 7, 'glib': 7, 'yearold': 7, 'assertive': 7, 'resolutely': 7, 'partial': 7, 'interplay': 7, 'cerebral': 7, 'defying': 7, 'boris': 7, 'patrol': 7, 'fangs': 7, 'declaration': 7, 'classmates': 7, 'homosexuals': 7, 'fatherson': 7, 'exiled': 7, 'bumped': 7, 'offerings': 7, 'mount': 7, 'sands': 7, 'gunshot': 7, 'chunks': 7, 'operator': 7, 'assumption': 7, 'touted': 7, 'needle': 7, 'sap': 7, 'biopic': 7, 'indelible': 7, 'mammoth': 7, 'pre': 7, 'fastforward': 7, 'rosemarys': 7, 'rand': 7, 'morton': 7, 'sworn': 7, 'sealed': 7, 'arch': 7, 'raja': 7, 'pee': 7, 'chop': 7, 'overtly': 7, 'wince': 7, 'swift': 7, 'seamlessly': 7, 'halle': 7, 'stargher': 7, 'hobby': 7, 'carls': 7, 'merciless': 7, 'devotes': 7, 'periodically': 7, 'mindnumbing': 7, 'descriptions': 7, 'identified': 7, 'patsy': 7, 'anticipating': 7, 'haze': 7, 'loading': 7, 'inkpots': 7, 'teammates': 7, 'striptease': 7, 'sincerely': 7, 'preparation': 7, 'occupies': 7, 'stoppard': 7, 'babysitting': 7, 'titillating': 7, 'cafe': 7, 'willingness': 7, 'muellerstahl': 7, 'outrageously': 7, 'enjoyably': 7, 'penguin': 7, 'insider': 7, 'secrecy': 7, 'assassinate': 7, 'crammed': 7, 'fleshed': 7, 'dumbed': 7, 'dominant': 7, 'magnitude': 7, 'makings': 7, 'monks': 7, 'derive': 7, 'spoiling': 7, 'promoter': 7, 'archetypal': 7, 'ridicule': 7, 'fullblown': 7, 'wrestle': 7, 'miko': 7, 'hoffmans': 7, 'mischievous': 7, 'boards': 7, 'identifiable': 7, 'bum': 7, 'muppets': 7, 'andie': 7, 'reshoots': 7, 'invitation': 7, 'supremely': 7, 'coup': 7, 'courageous': 7, 'facinelli': 7, 'pseudonym': 7, 'encourages': 7, 'falsely': 7, 'reassuring': 7, '1963': 7, 'decorated': 7, 'goldie': 7, 'hawn': 7, 'strands': 7, 'hartnett': 7, 'shandlings': 7, 'sleaze': 7, 'mcelhone': 7, 'noel': 7, 'lows': 7, 'momentarily': 7, 'snatch': 7, 'offthewall': 7, 'tent': 7, 'loathe': 7, 'excerpt': 7, 'transforming': 7, 'masterpieces': 7, 'godzillas': 7, 'earthy': 7, 'stabs': 7, 'churning': 7, 'perceptive': 7, 'wangs': 7, 'weaker': 7, 'schoolteacher': 7, 'mercedes': 7, 'moms': 7, 'posturing': 7, 'foxs': 7, 'verhoven': 7, 'scaring': 7, 'layers': 7, 'charmless': 7, 'riddled': 7, 'loveable': 7, 'relishes': 7, 'demanded': 7, 'widower': 7, 'enthusiastically': 7, 'compelled': 7, 'cruises': 7, 'folklore': 7, 'quicker': 7, 'woefully': 7, 'efficiency': 7, 'foods': 7, 'lured': 7, 'rivalry': 7, 'wolfgang': 7, 'allstar': 7, 'doubtful': 7, 'scotty': 7, 'orphaned': 7, 'spree': 7, 'commandments': 7, 'renaissance': 7, 'thickens': 7, 'grandpa': 7, 'lizs': 7, 'delighted': 7, 'bullies': 7, 'hellraiser': 7, 'resorting': 7, 'lipstick': 7, 'victories': 7, 'defends': 7, 'updating': 7, 'landis': 7, 'spunk': 7, 'zoe': 7, 'mustache': 7, 'orgies': 7, 'eraser': 7, 'sixyear': 7, 'riccis': 7, 'arresting': 7, 'professionalism': 7, 'troma': 7, 'afterlife': 7, 'mythic': 7, 'erratic': 7, 'telegraphed': 7, 'highlighted': 7, 'saddles': 7, 'addams': 7, 'levine': 7, 'wheelchair': 7, 'hellbent': 7, 'hats': 7, 'archetypes': 7, 'settlers': 7, 'uttering': 7, 'fifties': 7, 'chemical': 7, '66': 7, 'discernible': 7, 'devout': 7, 'signals': 7, 'reacts': 7, 'duquette': 7, 'korda': 7, 'dimwit': 7, 'haynes': 7, 'clones': 7, 'request': 7, 'allan': 7, 'revisionist': 7, 'beds': 7, 'hams': 7, 'beasts': 7, 'pit': 7, 'lowlife': 7, 'launches': 7, 'loudly': 7, 'gifts': 7, 'contradiction': 7, 'triumphant': 7, 'misha': 7, 'existing': 7, 'ridiculed': 7, 'starlet': 7, 'undertones': 7, 'joans': 7, 'inhuman': 7, 'spine': 7, 'spontaneity': 7, 'amaze': 7, 'utilized': 7, 'richly': 7, 'operas': 7, 'flare': 7, 'reduce': 7, 'broadly': 7, 'peckinpah': 7, 'wyoming': 7, 'muscular': 7, 'glee': 7, 'outsiders': 7, 'embry': 7, 'chockfull': 7, 'rappaport': 7, 'chapters': 7, 'enthusiasts': 7, 'suckered': 7, 'snob': 7, 'junkies': 7, 'kiefer': 7, 'bowie': 7, 'exuberant': 7, 'roro': 7, 'melts': 7, 'widowed': 7, 'shelmikedmu': 7, 'gap': 7, 'crafting': 7, 'whirlwind': 7, 'ennio': 7, 'morricone': 7, 'sewer': 7, 'hybrid': 7, 'samples': 7, 'oozing': 7, 'sterile': 7, 'sledgehammer': 7, 'punching': 7, 'disappoints': 7, 'pets': 7, 'smeared': 7, 'majors': 7, 'pitcher': 7, 'groom': 7, 'errors': 7, 'neighboring': 7, 'drafted': 7, 'spaceys': 7, 'overt': 7, 'raptors': 7, 'attracting': 7, '1939': 7, 'slogans': 7, 'xavier': 7, 'skinny': 7, 'punished': 7, 'seventeen': 7, 'sydow': 7, 'civilized': 7, 'spins': 7, 'conrads': 7, 'solitude': 7, 'excused': 7, 'skeet': 7, 'awakens': 7, 'ubiquitous': 7, 'ronald': 7, 'sidetracked': 7, 'bumpy': 7, 'addressed': 7, 'chips': 7, 'avery': 7, 'flopped': 7, 'regan': 7, 'attachment': 7, 'lapses': 7, 'welltodo': 7, 'gangsta': 7, 'latex': 7, 'hesitant': 7, 'navigate': 7, 'provokes': 7, 'lauded': 7, 'alices': 7, 'connick': 7, 'isabelle': 7, 'hampshire': 7, 'informative': 7, 'glossy': 7, 'rekindle': 7, 'maddy': 7, 'quips': 7, 'viciously': 7, 'uncovering': 7, 'brothel': 7, '27': 7, 'pollak': 7, 'interactive': 7, 'dwelling': 7, 'ghostface': 7, 'villainy': 7, 'cues': 7, 'pickup': 7, 'browning': 7, 'meatloaf': 7, 'transpires': 7, 'slaps': 7, 'sufficiently': 7, 'seventh': 7, 'acknowledge': 7, 'succeeding': 7, 'pimple': 7, 'differs': 7, 'chums': 7, 'privilege': 7, 'concealed': 7, 'griswold': 7, 'bonding': 7, 'christie': 7, 'plotted': 7, 'doyle': 7, 'isle': 7, 'lesbos': 7, 'prone': 7, 'welldeserved': 7, 'devlin': 7, 'foibles': 7, 'composition': 7, 'fragments': 7, 'sufficient': 7, 'accompaniment': 7, 'counterfeit': 7, 'donner': 7, 'unresolved': 7, 'hawaii': 7, 'dispute': 7, 'alcott': 7, 'cabaret': 7, 'mathematical': 7, 'domain': 7, 'historic': 7, 'baffled': 7, 'sendup': 7, 'joking': 7, 'craving': 7, 'kramer': 7, 'glue': 7, 'nominee': 7, 'global': 7, 'grateful': 7, 'imminent': 7, 'dissatisfaction': 7, 'gripe': 7, 'occurring': 7, 'neglected': 7, 'enlightening': 7, 'marines': 7, 'gecko': 7, 'terrain': 7, 'unavoidable': 7, 'raining': 7, 'fates': 7, 'brock': 7, 'pixars': 7, 'madeline': 7, 'holden': 7, 'wendy': 7, 'shrew': 7, 'siblings': 7, 'steer': 7, 'pursuers': 7, 'kilgore': 7, 'kirsten': 7, 'maxine': 7, 'improvised': 7, 'lens': 7, 'fanatic': 7, 'liman': 7, 'expanded': 7, 'principles': 7, 'trauma': 7, 'pep': 7, 'unflattering': 7, 'demonic': 7, 'external': 7, 'innate': 7, 'swell': 7, 'preach': 7, 'grodin': 7, 'penthouse': 7, 'potato': 7, 'transports': 7, 'surpass': 7, 'potency': 7, 'unrequited': 7, 'rebellion': 7, 'sweetest': 7, 'pip': 7, 'roddy': 7, 'tatyana': 7, 'jiali': 7, 'faking': 7, 'fry': 7, 'combs': 7, 'dominic': 7, 'snowball': 7, 'believably': 7, 'triedandtrue': 7, 'shields': 7, 'symphony': 7, 'hound': 7, 'purple': 7, 'gena': 7, 'frederick': 7, 'throats': 7, 'stillman': 7, 'plausibility': 7, 'observer': 7, 'vignette': 7, 'psychosis': 7, 'denies': 7, 'youths': 7, 'commended': 7, 'formal': 7, 'oppression': 7, 'chimp': 7, 'rejection': 7, 'aficionados': 7, 'extraterrestrials': 7, 'paulina': 7, 'explorers': 7, 'lenny': 7, 'tornadoes': 7, 'salon': 7, 'succumbs': 7, 'jeter': 7, 'accompanies': 7, 'sung': 7, 'hav': 7, 'walltowall': 7, 'runofthemill': 7, 'jermaine': 7, 'bullshit': 7, 'karl': 7, 'prentice': 7, 'southwest': 7, 'gradual': 7, 'empathize': 7, 'branch': 7, 'obrien': 7, 'overflowing': 7, 'brightest': 7, 'combo': 7, 'cutthroat': 7, 'boyd': 7, 'notwithstanding': 7, 'rhett': 7, 'jasper': 7, 'tristen': 7, 'fastest': 7, 'duvalls': 7, 'freemans': 7, 'elder': 7, 'brightly': 7, 'gangs': 7, 'pawn': 7, 'bravura': 7, 'flips': 7, 'feds': 7, 'looming': 7, 'katrina': 7, 'recovery': 7, 'comicbook': 7, 'buttons': 7, 'librarian': 7, 'outdoors': 7, 'diatribe': 7, 'ferocious': 7, 'deftly': 7, '_election_': 7, 'workings': 7, 'duane': 7, 'teds': 7, 'negotiations': 7, 'morpheus': 7, 'sobbing': 7, 'propelled': 7, 'shakur': 7, 'drawback': 7, 'honour': 7, 'showy': 7, 'jarmusch': 7, 'droll': 7, 'biased': 7, 'giorgio': 7, 'schlesinger': 7, 'burnham': 7, 'bitterness': 7, 'kite': 7, 'forefront': 7, 'langs': 7, 'mozart': 7, 'dario': 7, 'architecture': 7, 'sullivan': 7, 'caviezel': 7, 'tearjerker': 7, 'vividly': 7, 'safely': 7, 'taxing': 7, 'ronnie': 7, 'hobbes': 7, 'davidtz': 7, 'stealer': 7, 'scholars': 7, 'bombers': 7, 'falter': 7, 'wellrounded': 7, 'antiwar': 7, 'larch': 7, 'catalyst': 7, 'kieslowski': 7, 'exley': 7, 'connecticut': 7, 'topping': 7, 'perceived': 7, 'isaacman': 7, 'indistinguishable': 7, 'redfords': 7, 'doren': 7, 'quincy': 7, 'margarets': 7, 'darby': 7, 'kindness': 7, 'unassuming': 7, 'osnard': 7, 'hortense': 7, 'hauer': 7, 'cappie': 7, 'redefines': 7, 'amarcord': 7, 'abolitionists': 7, 'skylar': 7, 'yeager': 7, 'danish': 7, 'curry': 7, 'lovett': 7, '1912': 7, 'wheels': 7, 'vincents': 7, 'morrisons': 7, 'rumpo': 7, 'patlabor': 7, 'harper': 7, 'removal': 7, '_pollock_': 7, 'passions': 7, 'invaders': 7, 'keyser': 7, 'du': 7, 'shackleton': 7, 'trask': 7, 'ruafro': 7, 'taels': 7, 'borrowers': 7, 'roberta': 7, 'eilonwy': 7, 'stempel': 7, 'tulips': 7, '_shaft_': 7, 'strangeness': 6, 'bordering': 6, 'freespirited': 6, 'garrett': 6, 'elwes': 6, 'invariably': 6, 'chock': 6, 'desolation': 6, 'depraved': 6, 'condemn': 6, 'condone': 6, 'tomas': 6, 'indifference': 6, 'restrain': 6, 'mysticism': 6, 'fourteen': 6, 'beg': 6, 'notches': 6, 'fellas': 6, 'rehashed': 6, 'deneuve': 6, 'vow': 6, 'goodnight': 6, 'dogged': 6, 'distributors': 6, 'empathetic': 6, 'middleclass': 6, 'suburbia': 6, '52': 6, 'withdrawn': 6, 'smallest': 6, 'piss': 6, 'succumb': 6, 'prosaic': 6, 'tournament': 6, 'alternates': 6, 'revered': 6, 'selfawareness': 6, 'lamest': 6, 'remarked': 6, 'colonists': 6, 'incarcerated': 6, 'exteriors': 6, 'scarred': 6, 'soundtracks': 6, 'scoring': 6, 'screeching': 6, 'drowns': 6, 'audible': 6, 'scifihorror': 6, 'cocktail': 6, 'recapture': 6, 'cinemax': 6, 'nuff': 6, 'activist': 6, 'rade': 6, 'disgustingly': 6, 'mist': 6, 'squandered': 6, 'kidnaped': 6, 'andrews': 6, 'aggravating': 6, 'fanfare': 6, 'deservedly': 6, 'perspectives': 6, 'payperview': 6, 'gambler': 6, 'sheds': 6, 'quieter': 6, 'cathartic': 6, 'jeanluc': 6, 'impeccably': 6, 'transportation': 6, 'narcotics': 6, 'multifaceted': 6, 'envision': 6, 'decipher': 6, 'artistically': 6, 'wiser': 6, 'lucked': 6, 'manchurian': 6, 'commonly': 6, 'coasts': 6, 'joely': 6, 'depardieu': 6, 'niros': 6, 'heretofore': 6, '1961': 6, 'onesided': 6, 'soviets': 6, 'mono': 6, 'repertoire': 6, 'durham': 6, 'regions': 6, 'cesar': 6, 'inventions': 6, 'vile': 6, 'kerry': 6, 'carbon': 6, 'scripting': 6, 'kongs': 6, 'nfl': 6, 'jets': 6, 'crushing': 6, 'orlando': 6, 'caroline': 6, 'schoolers': 6, 'figuratively': 6, 'educated': 6, 'min': 6, 'workingclass': 6, 'airy': 6, 'soaring': 6, 'fahey': 6, 'distinguishes': 6, 'cease': 6, 'revived': 6, 'tooth': 6, 'hector': 6, 'humankind': 6, 'grunts': 6, 'heinlein': 6, 'groaning': 6, 'cursing': 6, 'balk': 6, 'justification': 6, 'incorporate': 6, 'tempting': 6, 'limey': 6, 'stint': 6, 'professionally': 6, 'expenses': 6, 'brennan': 6, 'astoundingly': 6, 'whoops': 6, 'flirt': 6, 'mandy': 6, 'dominates': 6, 'prerelease': 6, 'shifted': 6, 'protected': 6, 'repetition': 6, 'ulterior': 6, 'brimming': 6, 'prisons': 6, 'detracts': 6, 'vomit': 6, 'varied': 6, 'serpico': 6, 'colliding': 6, 'rabbi': 6, 'thespian': 6, 'dannys': 6, 'regulations': 6, 'meditation': 6, 'liven': 6, 'leering': 6, 'giuseppe': 6, 'slickers': 6, 'propensity': 6, 'gheorghe': 6, 'putrid': 6, 'brainy': 6, 'allaround': 6, 'whew': 6, 'hoskins': 6, 'clifford': 6, 'cod': 6, 'tenley': 6, 'invent': 6, 'snobbish': 6, 'catcher': 6, 'furlong': 6, 'halfhearted': 6, 'rifkin': 6, 'punchlines': 6, 'ducks': 6, 'newell': 6, 'alienate': 6, 'scales': 6, 'sturdy': 6, 'registers': 6, 'railway': 6, 'palm': 6, 'dunno': 6, 'mesh': 6, 'mafioso': 6, 'hatch': 6, 'clashes': 6, 'ignoring': 6, 'knee': 6, 'inbred': 6, 'exposing': 6, 'dwell': 6, 'scruffy': 6, 'ugliness': 6, '57': 6, 'mush': 6, 'whine': 6, 'iota': 6, 'requests': 6, 'ahem': 6, 'barred': 6, 'wrecking': 6, 'golly': 6, 'bothersome': 6, 'nears': 6, 'onslaught': 6, 'noirish': 6, 'unpredictability': 6, 'tattooed': 6, 'astonished': 6, 'eschews': 6, 'clintons': 6, 'users': 6, 'stamper': 6, 'driller': 6, 'distinguish': 6, 'nicer': 6, 'irwin': 6, 'lowlevel': 6, 'broadcasting': 6, 'realtime': 6, 'tactic': 6, 'watery': 6, 'punks': 6, 'veins': 6, 'sm': 6, 'pope': 6, 'anemic': 6, 'multimillion': 6, 'darned': 6, 'composers': 6, 'zwicks': 6, 'liberating': 6, 'relocated': 6, 'spaders': 6, 'craze': 6, 'unattractive': 6, 'unmistakable': 6, 'whiff': 6, 'onebyone': 6, 'atomic': 6, 'footprints': 6, 'fraught': 6, 'birdcage': 6, 'patiently': 6, 'waltz': 6, 'jovi': 6, 'claudias': 6, 'blythe': 6, 'danner': 6, 'enables': 6, 'vigor': 6, 'smartly': 6, 'inadequate': 6, 'negatives': 6, 'obi': 6, 'faked': 6, 'incompetence': 6, 'providence': 6, 'yep': 6, 'distanced': 6, 'crossdressing': 6, 'docudrama': 6, 'brazilian': 6, 'capras': 6, 'worldly': 6, 'capitalism': 6, 'carved': 6, 'cabinet': 6, 'shores': 6, '30s': 6, 'mounting': 6, 'heir': 6, 'slack': 6, 'dutton': 6, 'businessmen': 6, 'humiliating': 6, 'brag': 6, 'nuns': 6, 'ropes': 6, 'advises': 6, 'pistols': 6, 'goddamn': 6, 'awaits': 6, 'debts': 6, 'handyman': 6, 'bouncing': 6, 'unleashed': 6, 'leisure': 6, 'continent': 6, 'renny': 6, 'eldard': 6, '400': 6, 'graves': 6, 'chemicals': 6, 'hoods': 6, 'convicts': 6, 'faint': 6, 'capabilities': 6, 'sneakers': 6, 'drips': 6, 'parable': 6, 'bane': 6, 'ling': 6, 'spinoff': 6, 'omegahedron': 6, 'tshirt': 6, 'otoole': 6, 'szwarc': 6, 'bosco': 6, 'goldsmith': 6, 'stockard': 6, 'backyard': 6, 'reflected': 6, 'inducing': 6, 'gamut': 6, 'stitches': 6, 'bloodsoaked': 6, 'detriment': 6, 'mykelti': 6, 'fords': 6, 'nudge': 6, 'chaplin': 6, 'artie': 6, 'info': 6, 'dvdrom': 6, 'brides': 6, 'guntoting': 6, 'wrongs': 6, 'iv': 6, 'tenth': 6, 'interacting': 6, 'privy': 6, 'alumnus': 6, 'oneself': 6, 'brolin': 6, 'invisibility': 6, 'relaxing': 6, 'flooding': 6, 'sweeps': 6, 'finer': 6, 'linklater': 6, 'skye': 6, 'lorre': 6, 'revolting': 6, 'slime': 6, 'cloned': 6, 'observing': 6, 'ruling': 6, 'tripplehorn': 6, 'engines': 6, 'coldhearted': 6, 'splendor': 6, 'ricardo': 6, 'mouthing': 6, 'coos': 6, 'copied': 6, 'cassidy': 6, 'atrocity': 6, 'kumble': 6, 'whines': 6, 'shouted': 6, 'mathilda': 6, 'plastered': 6, 'elevate': 6, 'dullness': 6, 'unentertaining': 6, 'exchanging': 6, 'fest': 6, 'crossgates': 6, 'adheres': 6, 'prolonged': 6, 'broadbent': 6, 'slam': 6, 'sidewalk': 6, 'sirens': 6, 'robe': 6, 'freaking': 6, 'belongings': 6, 'sailors': 6, 'transmission': 6, 'choses': 6, 'puberty': 6, 'skipping': 6, 'offense': 6, 'rainstorm': 6, 'mastered': 6, 'cram': 6, 'frighten': 6, 'numb': 6, 'ditch': 6, 'gladly': 6, 'uncomfortably': 6, 'quitting': 6, 'unspectacular': 6, 'photograph': 6, 'chuckled': 6, 'unprecedented': 6, 'manufacturer': 6, 'bums': 6, 'contributions': 6, 'ames': 6, 'mines': 6, 'bravado': 6, 'charity': 6, 'dicillo': 6, 'sahara': 6, 'psychedelic': 6, 'athlete': 6, 'spitting': 6, 'emphasizes': 6, 'reprise': 6, 'promote': 6, 'impressions': 6, 'ripoffs': 6, 'devise': 6, 'hookers': 6, 'wachowski': 6, 'exploited': 6, 'sendoff': 6, 'golf': 6, 'personified': 6, 'satirizing': 6, 'stooges': 6, 'nobrainer': 6, 'incongruity': 6, 'pill': 6, 'listened': 6, 'cutout': 6, 'finesse': 6, 'hitch': 6, 'dans': 6, 'adultery': 6, 'republican': 6, 'substandard': 6, 'technicians': 6, 'copying': 6, 'naomi': 6, 'dourif': 6, 'tiffany': 6, 'enable': 6, 'moaning': 6, 'sickly': 6, 'culmination': 6, 'warp': 6, 'patriarch': 6, 'urging': 6, 'evolved': 6, 'allies': 6, 'lovemaking': 6, 'longhaired': 6, 'parlor': 6, 'postapocalyptic': 6, 'idealized': 6, 'stupor': 6, 'recovering': 6, 'frighteningly': 6, 'shrug': 6, 'anytime': 6, 'allusions': 6, 'canaan': 6, 'botch': 6, 'poe': 6, 'machismo': 6, 'marshal': 6, 'bout': 6, 'pianist': 6, 'generating': 6, 'plummets': 6, 'reap': 6, 'olin': 6, 'nickname': 6, 'handcuffed': 6, 'strolls': 6, 'moods': 6, 'reservation': 6, 'starmaking': 6, 'downtown': 6, 'hardest': 6, 'vatican': 6, 'arnolds': 6, 'churches': 6, 'glitter': 6, 'aplomb': 6, 'evidenced': 6, 'imaginary': 6, 'sherlock': 6, 'poorer': 6, 'obsessions': 6, 'populate': 6, 'farcical': 6, 'desolate': 6, 'unhappily': 6, 'moriarty': 6, 'gallagher': 6, 'rays': 6, 'sketchy': 6, 'dives': 6, 'dominating': 6, 'pout': 6, 'distances': 6, 'injoke': 6, 'winslow': 6, 'batch': 6, '3d': 6, 'jawdroppingly': 6, 'treasures': 6, 'koufax': 6, 'supervision': 6, 'copious': 6, 'squabble': 6, 'slated': 6, 'francois': 6, '61': 6, 'taunts': 6, 'cheeks': 6, 'rife': 6, 'blossoms': 6, 'consecutive': 6, 'maneuver': 6, 'legacy': 6, 'buenos': 6, 'aires': 6, 'cosmic': 6, 'neighbourhood': 6, 'eyepopping': 6, 'giants': 6, 'minions': 6, 'fullfledged': 6, 'comprehension': 6, 'reservations': 6, 'passport': 6, 'preserved': 6, 'reubens': 6, 'dancers': 6, 'metallic': 6, 'ingenue': 6, 'thumb': 6, 'blending': 6, 'swordfish': 6, 'nonhuman': 6, '10yearold': 6, 'pawns': 6, 'novak': 6, 'buxom': 6, 'cancel': 6, 'emphasize': 6, 'shite': 6, 'calculating': 6, 'fakes': 6, 'testosterone': 6, 'pooch': 6, 'foe': 6, 'sway': 6, 'vinnie': 6, 'ramifications': 6, 'ridiculousness': 6, 'robicheaux': 6, 'insecurity': 6, 'wager': 6, 'comedians': 6, 'cooler': 6, 'den': 6, 'satellites': 6, 'astute': 6, 'recognizing': 6, 'butchered': 6, 'drawnout': 6, 'misunderstood': 6, 'coffey': 6, 'fantasizes': 6, 'salinger': 6, 'cents': 6, 'bayou': 6, 'proprietor': 6, 'mannered': 6, '_not_': 6, 'fanciful': 6, 'georges': 6, 'articles': 6, 'unhealthy': 6, 'aired': 6, 'illicit': 6, 'organizations': 6, 'afar': 6, 'unholy': 6, 'boiled': 6, 'fleming': 6, 'rican': 6, 'hurry': 6, 'preparations': 6, 'pedro': 6, 'asses': 6, 'earliest': 6, 'knox': 6, 'sexton': 6, 'illegitimate': 6, 'misfits': 6, '1966': 6, 'chainsmoking': 6, 'opted': 6, 'werewolves': 6, 'adrenalin': 6, 'slob': 6, 'taco': 6, 'seniors': 6, 'coscreenwriter': 6, 'caddyshack': 6, 'shoving': 6, 'becker': 6, 'villagers': 6, 'thirties': 6, 'frontier': 6, 'awaited': 6, 'transpired': 6, 'mcfarlane': 6, 'halfbaked': 6, 'derives': 6, 'megalomaniac': 6, 'royalty': 6, 'escalates': 6, 'exiting': 6, 'hearty': 6, '_54_': 6, 'breckin': 6, 'granny': 6, 'whit': 6, 'philosophies': 6, 'inexcusable': 6, 'hackford': 6, 'hottest': 6, 'chops': 6, 'diversion': 6, 'eaters': 6, 'larson': 6, 'signify': 6, 'enamored': 6, 'profits': 6, 'foursome': 6, 'saturated': 6, 'snatches': 6, 'vivica': 6, 'hasidic': 6, 'preventing': 6, 'cathrine': 6, 'morphing': 6, 'journal': 6, 'heald': 6, 'straw': 6, 'deaf': 6, 'natascha': 6, 'darnell': 6, 'brandi': 6, 'oversized': 6, 'intoxicated': 6, 'cabs': 6, 'cryogenically': 6, 'shagwell': 6, 'laying': 6, 'quoted': 6, 'enchanted': 6, 'investing': 6, 'caretaker': 6, 'claws': 6, 'rooftops': 6, 'demonstrating': 6, 'carrieanne': 6, 'texture': 6, 'dumas': 6, 'pronounce': 6, 'digest': 6, 'construed': 6, 'loathsome': 6, 'dialogues': 6, 'claus': 6, 'afflecks': 6, 'regrets': 6, 'likelihood': 6, 'attentions': 6, 'marvellous': 6, '14yearold': 6, 'crosscountry': 6, 'dentist': 6, 'vitality': 6, 'champ': 6, 'shues': 6, 'inserts': 6, 'advancing': 6, 'transporting': 6, 'lela': 6, 'stuttering': 6, 'reeses': 6, 'sunshine': 6, 'showstopping': 6, 'silvio': 6, 'perfected': 6, 'sociological': 6, 'hells': 6, 'abundant': 6, 'filter': 6, 'loopy': 6, 'petersen': 6, 'raping': 6, 'emphasizing': 6, 'poems': 6, 'fellinis': 6, 'heed': 6, 'blueprint': 6, 'lapaglia': 6, 'fantastical': 6, 'benz': 6, 'mayo': 6, 'greer': 6, 'makeover': 6, 'miniature': 6, 'entrepreneur': 6, 'abuses': 6, 'gloss': 6, 'emmanuelle': 6, 'harbors': 6, 'skeletons': 6, 'eastwick': 6, 'splitting': 6, 'wine': 6, 'cursed': 6, 'imbues': 6, 'injection': 6, '1958': 6, 'borderline': 6, 'goop': 6, 'phelps': 6, 'showcasing': 6, 'magician': 6, 'rocker': 6, 'lenses': 6, 'stylistically': 6, 'blackout': 6, 'hairdresser': 6, 'dilemmas': 6, 'campbells': 6, 'resounding': 6, 'persistence': 6, 'occupation': 6, 'oddball': 6, 'leaning': 6, 'dee': 6, 'rubinvega': 6, 'captive': 6, 'happygolucky': 6, 'landmark': 6, 'orgasm': 6, 'trashed': 6, 'farrell': 6, 'trevor': 6, 'pitched': 6, 'hmm': 6, 'premonition': 6, 'delaney': 6, 'submerged': 6, 'implant': 6, 'perpetual': 6, 'inanity': 6, 'fiasco': 6, 'mug': 6, 'drugged': 6, 'marlowe': 6, 'chiseled': 6, 'molded': 6, 'tiring': 6, 'rainy': 6, 'bereft': 6, 'grunting': 6, 'flatulence': 6, 'woodsboro': 6, 'corman': 6, 'waving': 6, 'dinos': 6, 'losses': 6, 'attenborough': 6, 'possessions': 6, 'duh': 6, 'goose': 6, 'kooky': 6, 'solace': 6, 'wider': 6, 'mostow': 6, 'fold': 6, 'advertisements': 6, 'makeshift': 6, 'murrays': 6, 'geres': 6, 'powered': 6, 'delayed': 6, 'fishoutofwater': 6, 'stepdaughter': 6, 'renders': 6, 'improves': 6, 'undead': 6, 'celibacy': 6, 'programmed': 6, 'dense': 6, 'disappearing': 6, 'yearn': 6, 'shelly': 6, 'sheryl': 6, 'taboo': 6, 'buckets': 6, 'livingston': 6, 'limo': 6, 'milked': 6, 'erupts': 6, 'melting': 6, 'squirm': 6, 'undiscovered': 6, 'headstrong': 6, 'tomlin': 6, 'anxious': 6, 'organ': 6, 'jacobi': 6, 'reflections': 6, 'breakin': 6, 'gleeful': 6, 'metaphorical': 6, 'interpretations': 6, 'licking': 6, 'rickys': 6, 'impulse': 6, 'unreasonable': 6, 'animatronic': 6, 'hc': 6, 'interrupt': 6, 'flaming': 6, 'council': 6, 'forests': 6, 'mechanics': 6, 'immersed': 6, 'ski': 6, 'welldeveloped': 6, 'raves': 6, 'traditionally': 6, 'dilapidated': 6, 'mede': 6, 'rider': 6, 'remorse': 6, 'landlord': 6, 'bin': 6, 'aftermath': 6, 'alma': 6, 'barriers': 6, 'trinity': 6, 'delicately': 6, 'arlo': 6, 'serviceable': 6, 'sergio': 6, 'evocative': 6, 'collaborator': 6, 'longsuffering': 6, 'deviate': 6, 'pause': 6, 'nesmith': 6, 'continuous': 6, 'sculptress': 6, 'attire': 6, 'rants': 6, 'despise': 6, 'hospitality': 6, 'crib': 6, 'yakuza': 6, 'luscious': 6, 'hungarian': 6, 'sack': 6, 'sheila': 6, 'instructions': 6, 'sailboat': 6, 'elementary': 6, 'beresford': 6, 'vancouver': 6, 'motorcycles': 6, 'illeana': 6, 'tribune': 6, 'preferably': 6, 'caleb': 6, 'commercially': 6, 'fatherinlaw': 6, 'oprah': 6, 'mediums': 6, 'conflicting': 6, 'prejudice': 6, '1600': 6, 'chiefly': 6, 'welltimed': 6, 'dot': 6, 'starbucks': 6, 'riotously': 6, 'graduates': 6, 'fraud': 6, 'elfont': 6, 'cynics': 6, 'tuned': 6, 'gutsy': 6, 'dissimilar': 6, 'cornball': 6, 'lyric': 6, 'improvise': 6, 'sunhill': 6, 'investigations': 6, 'strips': 6, 'typewriter': 6, 'worldweary': 6, 'deepest': 6, 'precocious': 6, 'jims': 6, 'sarone': 6, 'waterfall': 6, 'bells': 6, 'lampoons': 6, 'stott': 6, 'branches': 6, 'betray': 6, 'industries': 6, 'confidently': 6, 'refusal': 6, 'rests': 6, 'picturesque': 6, 'celestial': 6, 'sexes': 6, 'rhetoric': 6, 'deconstructing': 6, 'squabbles': 6, 'speculate': 6, 'earthly': 6, 'inflicted': 6, 'bicker': 6, 'dorothy': 6, 'rainbow': 6, 'prelude': 6, 'anarchic': 6, 'thirst': 6, 'chuckie': 6, 'affinity': 6, 'skyscrapers': 6, 'mcdowell': 6, 'particulars': 6, 'sensitivity': 6, 'alcoholism': 6, 'identities': 6, 'colored': 6, 'abundantly': 6, 'progression': 6, 'waist': 6, 'noodles': 6, 'cheerfully': 6, 'nia': 6, '1991s': 6, 'midair': 6, 'intrusion': 6, 'bierko': 6, 'simulation': 6, 'unwritten': 6, 'dushku': 6, 'recut': 6, 'hodges': 6, 'objectivity': 6, 'muslim': 6, 'schwartz': 6, 'vulgarity': 6, 'transsexual': 6, 'existential': 6, 'weigh': 6, '2000s': 6, 'pondering': 6, 'setpieces': 6, 'unwanted': 6, 'misunderstanding': 6, 'fled': 6, 'genetics': 6, 'professionals': 6, 'dispenses': 6, 'speaker': 6, 'ephrons': 6, 'baked': 6, 'charmingly': 6, 'showcases': 6, 'obscured': 6, 'seams': 6, 'titanics': 6, 'dominated': 6, 'construct': 6, 'intimidating': 6, 'mo': 6, 'trivial': 6, 'narratives': 6, 'jester': 6, 'surpassed': 6, 'bloodied': 6, 'reigning': 6, 'dignified': 6, 'cans': 6, 'victorian': 6, 'collapsing': 6, 'arraki': 6, 'leftover': 6, 'theatrically': 6, 'modeling': 6, 'vertigo': 6, 'mommie': 6, 'dearest': 6, 'meek': 6, 'loren': 6, 'loot': 6, 'katana': 6, 'resurrected': 6, 'barks': 6, 'ramirez': 6, 'humming': 6, 'wyatts': 6, 'relaxed': 6, 'dinsmoor': 6, 'blucas': 6, 'jen': 6, 'refined': 6, 'indulges': 6, 'rightly': 6, 'rafael': 6, 'sissy': 6, 'sketches': 6, 'cringeinducing': 6, 'schmidt': 6, 'disarming': 6, 'happenings': 6, 'callous': 6, 'biehn': 6, 'advantages': 6, 'likened': 6, 'erase': 6, 'grandeur': 6, 'cough': 6, 'adviser': 6, 'dolly': 6, 'grandparents': 6, 'birdy': 6, 'storage': 6, 'attained': 6, 'defensive': 6, 'fernando': 6, 'immigrant': 6, 'maries': 6, 'inbetween': 6, 'cache': 6, 'shudder': 6, 'management': 6, 'domineering': 6, 'discipline': 6, 'foppish': 6, 'dragnet': 6, 'catharsis': 6, 'cackling': 6, 'chimps': 6, 'stash': 6, 'raunch': 6, 'integrated': 6, 'honors': 6, 'tyrannical': 6, 'burma': 6, 'uninitiated': 6, 'silently': 6, 'chabat': 6, 'benign': 6, 'dropout': 6, 'guffman': 6, 'stamina': 6, 'tread': 6, 'tumultuous': 6, 'warrants': 6, 'revisit': 6, 'emperors': 6, 'consume': 6, 'idiosyncratic': 6, 'contracts': 6, 'strategically': 6, 'sidesplitting': 6, 'kickass': 6, 'schedule': 6, 'manipulations': 6, '_saving': 6, 'ryan_': 6, 'hellish': 6, 'omaha': 6, 'departments': 6, 'laforge': 6, 'frakes': 6, 'android': 6, 'boldly': 6, 'shirts': 6, 'sidekicks': 6, 'snowy': 6, 'romanticcomedy': 6, 'censors': 6, 'supportive': 6, 'unite': 6, 'admittingly': 6, 'guccione': 6, 'fad': 6, 'translates': 6, 'dishes': 6, 'plumber': 6, 'brit': 6, 'skewed': 6, 'quibble': 6, 'illusions': 6, 'tuning': 6, 'erbe': 6, 'billys': 6, 'disapproves': 6, 'turboman': 6, 'mirrored': 6, 'garnered': 6, 'coles': 6, 'technologically': 6, 'prayers': 6, 'tan': 6, 'cheeky': 6, 'bomber': 6, 'cattle': 6, 'embarks': 6, 'wherever': 6, 'cristoffer': 6, 'perils': 6, 'reiser': 6, 'wednesday': 6, 'roach': 6, 'northern': 6, 'jeunet': 6, 'dominique': 6, 'zoo': 6, 'spades': 6, 'matildas': 6, 'correctness': 6, 'torch': 6, 'banker': 6, 't2': 6, 'firepower': 6, 'lorraine': 6, 'antisocial': 6, 'gales': 6, 'admitting': 6, 'nearest': 6, 'jewelry': 6, 'reporting': 6, 'oriental': 6, 'geena': 6, 'condom': 6, 'niche': 6, 'howards': 6, 'traveled': 6, 'arsenal': 6, 'comfortably': 6, 'irons': 6, 'dimitri': 6, 'kgb': 6, 'visited': 6, '_vampires_': 6, 'devised': 6, 'unfriendly': 6, 'squirrel': 6, 'johnston': 6, 'bashing': 6, 'sprite': 6, 'impersonal': 6, 'spillane': 6, 'deathbed': 6, 'malaysia': 6, 'lydia': 6, 'uniquely': 6, 'fur': 6, 'tonya': 6, 'reduces': 6, 'vertical': 6, '_rushmore_': 6, 'adoption': 6, 'elegantly': 6, 'mortality': 6, 'mullen': 6, 'missions': 6, 'henrys': 6, 'hoax': 6, 'conceive': 6, 'bethany': 6, 'disclaimer': 6, 'chewbacca': 6, 'maude': 6, 'hanson': 6, 'unrestrained': 6, 'cantarini': 6, 'senate': 6, 'jarjar': 6, 'carolyn': 6, 'fitts': 6, 'mathematics': 6, 'awakenings': 6, 'organizing': 6, 'forbids': 6, 'mcguire': 6, 'dil': 6, 'nobility': 6, 'shang': 6, 'farquaads': 6, 'itami': 6, 'vin': 6, 'postmodern': 6, 'stendhal': 6, 'segues': 6, 'annas': 6, 'translate': 6, 'tenderness': 6, 'societal': 6, 'dillane': 6, 'coyle': 6, 'monroe': 6, 'audacious': 6, 'afterglow': 6, 'marianne': 6, 'phyllis': 6, 'conformity': 6, 'notoriously': 6, 'forceful': 6, 'dvds': 6, 'codirector': 6, 'unwavering': 6, 'anecdotes': 6, 'bittersweet': 6, 'korben': 6, 'lasse': 6, 'upsetting': 6, 'crowes': 6, 'sade': 6, 'unquestionably': 6, 'textured': 6, 'sagan': 6, 'leasure': 6, 'privacy': 6, 'malicks': 6, 'mazzello': 6, 'poise': 6, 'lars': 6, 'brett': 6, 'footing': 6, 'irvin': 6, 'bubbys': 6, 'tilda': 6, 'ulee': 6, 'squeal': 6, 'everpresent': 6, 'jonze': 6, 'louisa': 6, 'superficially': 6, 'diversity': 6, 'colqhoun': 6, 'hunger': 6, 'cannibal': 6, 'hartley': 6, 'cynthias': 6, 'bukater': 6, 'regime': 6, 'courts': 6, 'luhrmanns': 6, 'gaz': 6, 'kala': 6, 'kerchak': 6, 'terk': 6, 'treehorn': 6, 'annies': 6, 'obscurity': 6, 'aristocracy': 6, 'niccols': 6, 'hadden': 6, 'charmer': 6, 'winfrey': 6, 'sethes': 6, '40s': 6, 'daylewis': 6, 'kerr': 6, 'cecil': 6, 'cams': 6, 'calendar': 6, 'hamlets': 6, 'rylance': 6, 'powerfully': 6, 'bava': 6, 'trimmed': 6, 'bannen': 6, 'soze': 6, 'bethlehem': 6, 'herzog': 6, 'lauri': 6, 'fong': 6, 'ocp': 6, 'monetary': 6, 'authoritarian': 6, 'tati': 6, 'floor_': 6, 'galactic': 6, 'robertas': 6, 'alvarado': 6, 'delmar': 6, 'tandy': 6, 'maglietta': 6, 'hypnotized': 6, 'katarina': 6, 'worrall': 6, 'ffing': 6, 'camembert': 6, 'dussander': 6, 'apparitions': 5, 'occupying': 5, 'stink': 5, 'cloying': 5, 'interspersed': 5, 'suspicions': 5, 'tanks': 5, 'schraders': 5, 'winding': 5, 'snippets': 5, 'entendres': 5, 'eyelashes': 5, 'hideaway': 5, 'rotting': 5, 'muttering': 5, 'vindictive': 5, 'kristin': 5, 'roving': 5, 'ferocity': 5, 'overloaded': 5, 'sleepwalk': 5, 'kasdans': 5, 'carriage': 5, 'expresses': 5, 'malls': 5, 'illadvised': 5, 'padding': 5, 'homoerotic': 5, 'faded': 5, 'tattoo': 5, 'gould': 5, 'masterson': 5, 'bandwagon': 5, 'asia': 5, 'richelieu': 5, 'moran': 5, 'gregor': 5, 'swordplay': 5, 'shao': 5, 'introductory': 5, 'miscasting': 5, 'remar': 5, 'shou': 5, 'jax': 5, 'conspire': 5, 'cereal': 5, 'imagines': 5, 'lookalikes': 5, 'stateoftheart': 5, 'dingy': 5, 'highlighting': 5, 'breeding': 5, 'criticizing': 5, 'spying': 5, 'silk': 5, 'crux': 5, 'mumbojumbo': 5, 'sabrina': 5, 'adrien': 5, 'grungy': 5, 'wildlife': 5, 'strasser': 5, 'jills': 5, 'leatherclad': 5, 'scatological': 5, 'truckload': 5, 'jumbo': 5, 'jai': 5, 'korean': 5, 'afforded': 5, 'aidan': 5, 'jolts': 5, 'facetoface': 5, 'supplying': 5, 'kirkland': 5, 'blocked': 5, 'outofcontrol': 5, 'passionately': 5, 'abigail': 5, 'seizes': 5, 'accusation': 5, 'witchcraft': 5, 'haughty': 5, 'banged': 5, 'godard': 5, 'esteemed': 5, 'undecided': 5, 'environments': 5, 'photographic': 5, 'breathless': 5, 'squadron': 5, 'mishmash': 5, 'ehren': 5, 'deems': 5, 'consciously': 5, 'paroled': 5, 'imitating': 5, 'stomping': 5, 'annoyance': 5, 'requirement': 5, 'le': 5, 'hooded': 5, 'unison': 5, 'recorder': 5, 'lindsey': 5, 'antichrist': 5, 'boxers': 5, 'selfcongratulatory': 5, 'setpiece': 5, 'threequarters': 5, 'rapper': 5, 'escalate': 5, 'recovers': 5, 'abel': 5, 'bartkowiak': 5, 'workmanlike': 5, 'tempo': 5, 'waitresses': 5, 'hacks': 5, 'insurmountable': 5, 'profane': 5, 'renfro': 5, 'martys': 5, 'stripping': 5, 'imprisonment': 5, 'knockoff': 5, 'chapel': 5, 'finney': 5, 'wilde': 5, 'outraged': 5, 'leland': 5, 'betrays': 5, '93': 5, 'sterling': 5, 'lawnmower': 5, 'goddess': 5, 'compensation': 5, 'pump': 5, 'fists': 5, 'recruitment': 5, 'mattered': 5, 'montgomery': 5, 'marketable': 5, 'flew': 5, 'baffles': 5, 'excon': 5, 'handinhand': 5, 'downer': 5, '36': 5, 'headline': 5, 'terminal': 5, 'showering': 5, 'forehead': 5, 'unjustly': 5, 'paraphrase': 5, 'masochistic': 5, 'monumentally': 5, 'mikael': 5, 'inexperienced': 5, 'evaluation': 5, 'theo': 5, 'futility': 5, 'stinkers': 5, 'weirs': 5, 'jamey': 5, 'concluding': 5, 'manners': 5, '1900s': 5, 'extraordinaire': 5, 'endeavor': 5, 'eminently': 5, 'agreeing': 5, 'halfdozen': 5, 'dwarfs': 5, 'vomiting': 5, 'halliwell': 5, 'bunton': 5, 'maxim': 5, 'elton': 5, 'spotting': 5, 'bluecollar': 5, 'biel': 5, 'reported': 5, 'disheartening': 5, 'dangerously': 5, 'shaye': 5, 'rotating': 5, 'distancing': 5, 'peppy': 5, 'bombastic': 5, 'downbeat': 5, 'basil': 5, 'maury': 5, 'chaykin': 5, 'codes': 5, 'remington': 5, 'stacks': 5, 'pounding': 5, 'grinds': 5, 'wb': 5, 'persuades': 5, 'sugary': 5, 'region': 5, 'guerrilla': 5, 'federico': 5, 'til': 5, 'drifter': 5, 'checkout': 5, 'congratulations': 5, 'vultures': 5, 'sniff': 5, 'greenlight': 5, 'guild': 5, 'rockies': 5, 'goodboy': 5, 'experts': 5, 'evolves': 5, 'tolan': 5, 'bedazzled': 5, 'unsubtle': 5, 'retro': 5, 'chart': 5, 'temptress': 5, 'suitcase': 5, 'stardust': 5, 'wares': 5, 'riotous': 5, 'sparkle': 5, 'diana': 5, 'camcorder': 5, 'negligible': 5, 'innumerable': 5, 'intolerable': 5, 'marla': 5, 'ing': 5, 'dorian': 5, 'anguished': 5, 'interference': 5, 'worries': 5, 'curly': 5, 'helicopters': 5, 'opulent': 5, 'overacted': 5, 'soaked': 5, 'asinine': 5, 'procedures': 5, 'iffy': 5, 'chrysler': 5, 'commissioned': 5, 'blueprints': 5, 'criticizes': 5, 'assembles': 5, 'buscemis': 5, 'scowls': 5, 'mopes': 5, 'aerosmith': 5, 'ketchup': 5, 'twoandahalf': 5, 'dicks': 5, 'greeting': 5, '30second': 5, 'msnbc': 5, 'journalists': 5, 'topsecret': 5, 'narrating': 5, 'lovestruck': 5, 'iggy': 5, 'poured': 5, 'smells': 5, 'scratches': 5, 'everytime': 5, 'aisles': 5, 'oversexed': 5, 'filthy': 5, 'smashed': 5, 'spray': 5, 'selfimportant': 5, 'swat': 5, 'typhoon': 5, 'wornout': 5, 'gojira': 5, 'mankinds': 5, 'relocate': 5, 'weighed': 5, 'breathes': 5, 'loft': 5, 'rossi': 5, 'anybodys': 5, 'reigns': 5, 'washedup': 5, 'klumps': 5, 'negativity': 5, 'noone': 5, 'strobe': 5, 'relaxation': 5, 'irritated': 5, 'discarded': 5, 'cleaner': 5, 'touchstone': 5, 'alaska': 5, 'prompted': 5, 'raft': 5, 'recount': 5, 'stills': 5, 'barrymores': 5, 'pied': 5, 'meier': 5, 'yuks': 5, 'shaved': 5, 'trader': 5, 'zombielike': 5, 'hos': 5, 'egotistical': 5, 'manipulating': 5, 'lifestyles': 5, 'protectors': 5, 'subculture': 5, 'julies': 5, 'esteem': 5, 'owe': 5, 'treachery': 5, 'undemanding': 5, 'proposed': 5, 'weed': 5, 'seaside': 5, 'stack': 5, 'doubly': 5, 'miracles': 5, 'tcheky': 5, 'danza': 5, 'rejoice': 5, 'peppers': 5, 'varies': 5, 'maximilian': 5, 'majestic': 5, 'costing': 5, 'illustrious': 5, 'roaring': 5, 'suzy': 5, 'amis': 5, 'wargames': 5, 'dade': 5, 'geeks': 5, '105': 5, 'conspicuously': 5, 'swiss': 5, 'evaluate': 5, 'anders': 5, 'manhunt': 5, 'argo': 5, 'exploded': 5, 'climbs': 5, 'hijinks': 5, 'socks': 5, 'tapped': 5, '16x9': 5, 'thx': 5, 'indepth': 5, 'additions': 5, 'constable': 5, 'flipped': 5, 'yankee': 5, 'mgm': 5, 'kingsleys': 5, 'brancato': 5, 'entails': 5, 'helpfully': 5, 'dzundza': 5, 'royce': 5, 'geocities': 5, 'propose': 5, 'leaping': 5, 'cobra': 5, 'ultracool': 5, 'multimillionaire': 5, 'cumming': 5, 'extract': 5, 'barton': 5, 'prematurely': 5, 'richest': 5, 'whitney': 5, 'voyeuristic': 5, 'ploy': 5, 'sociopath': 5, 'deposit': 5, 'fetch': 5, 'compact': 5, 'git': 5, 'franklins': 5, 'reappear': 5, 'paintbynumbers': 5, 'innovation': 5, 'dramatized': 5, 'motivational': 5, 'cleared': 5, 'traditions': 5, 'charter': 5, 'mallrats': 5, 'alexandre': 5, 'ione': 5, 'mcqueen': 5, 'shuttle': 5, 'carrier': 5, 'gunman': 5, 'swayze': 5, 'gasoline': 5, 'canned': 5, 'ammunition': 5, 'primetime': 5, 'dc': 5, 'sneering': 5, 'abduction': 5, 'personas': 5, 'grinning': 5, 'jeb': 5, 'lump': 5, 'tucci': 5, 'cmon': 5, 'garofalos': 5, 'soontobe': 5, 'gunned': 5, 'fatherly': 5, 'maternal': 5, 'earthlings': 5, 'venora': 5, 'expressionless': 5, 'postproduction': 5, 'geez': 5, '1992s': 5, 'competitor': 5, 'skg': 5, 'churned': 5, 'trendy': 5, 'wonderment': 5, 'teaser': 5, 'managing': 5, '_scream_': 5, 'wynter': 5, 'joon': 5, 'cohesion': 5, 'glaringly': 5, 'punctuate': 5, 'dosage': 5, 'liquid': 5, 'supplied': 5, 'initiation': 5, 'fiveminute': 5, 'catwoman': 5, 'dictionary': 5, 'cleans': 5, 'sweden': 5, 'smashes': 5, 'arranges': 5, 'screentime': 5, 'stem': 5, 'supremacy': 5, 'barf': 5, 'nether': 5, 'crummy': 5, 'substantially': 5, 'literate': 5, 'rube': 5, 'insufferable': 5, 'dour': 5, 'conversion': 5, 'hitchhiker': 5, 'negated': 5, 'wellchoreographed': 5, 'diverted': 5, 'ye': 5, 'kjv': 5, 'glancing': 5, 'disappearance': 5, 'benton': 5, 'characterdriven': 5, 'outnumber': 5, 'fireworks': 5, 'pretensions': 5, 'brim': 5, 'nipples': 5, 'trifle': 5, 'cheesiness': 5, 'heightens': 5, 'blanket': 5, 'publishing': 5, 'divorces': 5, 'hubby': 5, 'raid': 5, 'spit': 5, 'skeletal': 5, 'meteorite': 5, 'evolving': 5, 'lampooning': 5, 'deteriorates': 5, 'braxton': 5, 'kennesaw': 5, 'rooker': 5, 'crafty': 5, 'socialite': 5, 'twisty': 5, 'jonas': 5, 'emulate': 5, 'originated': 5, 'waddington': 5, 'explorer': 5, 'steamy': 5, 'summoning': 5, 'stricken': 5, 'cheaply': 5, 'forgetful': 5, 'hovering': 5, 'splits': 5, 'contributing': 5, 'venturing': 5, 'siren': 5, 'goofball': 5, 'shortlived': 5, 'chabert': 5, 'happier': 5, 'baranski': 5, 'cybill': 5, 'irresponsible': 5, 'eyecandy': 5, 'ritter': 5, 'vowed': 5, 'eyeballs': 5, 'embarrass': 5, 'concede': 5, 'depictions': 5, 'completing': 5, 'torrid': 5, 'devotees': 5, 'klutz': 5, 'wallow': 5, 'peripheral': 5, 'forged': 5, 'spewing': 5, 'malloy': 5, 'unabashedly': 5, 'selfdestructive': 5, 'babble': 5, 'temporary': 5, 'presumed': 5, 'thunderous': 5, 'confess': 5, 'rep': 5, 'mulroney': 5, 'underwear': 5, 'purchases': 5, 'genx': 5, 'mtvs': 5, 'emphasized': 5, 'mechanism': 5, 'fray': 5, 'continuation': 5, 'psychology': 5, 'rapaport': 5, 'filing': 5, 'torment': 5, 'modeled': 5, 'tomatoes': 5, 'tenuous': 5, 'colleen': 5, 'licks': 5, 'feeding': 5, 'rubble': 5, 'sciorra': 5, 'ordering': 5, 'circular': 5, 'electricity': 5, 'rubells': 5, 'pales': 5, 'shanes': 5, 'flailing': 5, 'drooling': 5, 'furiously': 5, 'dom': 5, 'mutation': 5, 'weepy': 5, 'demo': 5, 'consumer': 5, 'churn': 5, 'med': 5, 'file': 5, 'forte': 5, 'hardy': 5, 'curtains': 5, 'resonate': 5, 'turpin': 5, 'runners': 5, 'housekeeper': 5, 'vonnegut': 5, 'albino': 5, 'inundated': 5, 'tourdeforce': 5, 'dreaming': 5, 'uneventful': 5, 'humorously': 5, 'casanova': 5, 'calibre': 5, 'wellintentioned': 5, 'dominance': 5, '2029': 5, 'chess': 5, 'bakers': 5, 'elfmans': 5, 'johnathon': 5, 'snowcovered': 5, 'lastminute': 5, 'tantrums': 5, 'embittered': 5, 'lugosi': 5, 'laboratory': 5, 'deceptively': 5, 'morose': 5, 'whiplash': 5, 'humiliate': 5, 'potboiler': 5, 'software': 5, 'employment': 5, 'fixes': 5, 'pouty': 5, 'unrelenting': 5, 'blasts': 5, 'hordes': 5, 'customary': 5, 'heinleins': 5, 'hairstyles': 5, 'lawernce': 5, 'acrobatics': 5, 'thrillride': 5, 'spheres': 5, 'lasted': 5, 'turf': 5, 'mishap': 5, 'lams': 5, 'sleepwalking': 5, 'verify': 5, 'judds': 5, 'rewrites': 5, 'muck': 5, 'pressing': 5, 'heartbreakers': 5, 'threes': 5, 'bathing': 5, 'stagnant': 5, 'targeting': 5, 'selfrespect': 5, 'assurance': 5, 'arliss': 5, 'deficiencies': 5, 'entities': 5, 'objections': 5, 'animosity': 5, 'catharine': 5, 'singh': 5, 'decadent': 5, 'eloi': 5, 'requested': 5, 'switched': 5, 'imagining': 5, 'weatherman': 5, 'shells': 5, 'injuries': 5, 'sleek': 5, 'iconic': 5, 'heft': 5, 'resents': 5, 'misfit': 5, 'knowingly': 5, 'hues': 5, 'warranted': 5, 'nebbish': 5, 'pleaser': 5, 'copout': 5, 'filmgoers': 5, 'devolves': 5, 'fielding': 5, 'rendezvous': 5, 'penance': 5, 'crichtons': 5, 'travesty': 5, 'henslowe': 5, 'blames': 5, 'viola': 5, 'darabont': 5, 'silverstones': 5, 'jada': 5, 'onetime': 5, 'pockets': 5, 'mosaic': 5, 'intersect': 5, 'fraction': 5, 'unworthy': 5, 'babbling': 5, 'cbs': 5, 'obtained': 5, 'interpret': 5, 'dealings': 5, 'employers': 5, 'hazy': 5, 'fax': 5, 'stephan': 5, 'wigs': 5, 'beholder': 5, 'imported': 5, 'dank': 5, 'darrens': 5, 'quinns': 5, '_real_': 5, 'listless': 5, 'workshop': 5, 'sacrilegious': 5, 'inquisition': 5, 'bearded': 5, 'newspapers': 5, 'sensuous': 5, 'almod': 5, 'chic': 5, 'bret': 5, 'adaption': 5, 'inhabiting': 5, 'frasier': 5, 'assigns': 5, 'snl': 5, 'frights': 5, 'grudge': 5, 'getup': 5, 'solves': 5, 'wunderkind': 5, 'koontz': 5, 'tagged': 5, 'trousers': 5, 'riffing': 5, 'scoop': 5, 'nineyearold': 5, 'dicaprios': 5, 'menial': 5, 'grinding': 5, 'ticking': 5, 'disfigured': 5, 'carving': 5, 'juncture': 5, 'consumes': 5, 'wizardry': 5, 'perceptible': 5, 'anjelica': 5, 'compromised': 5, 'criticize': 5, 'busboy': 5, 'vh1': 5, 'pandering': 5, 'scarcely': 5, 'soggy': 5, 'darkman': 5, '1984s': 5, 'homecoming': 5, 'hospitals': 5, 'payoffs': 5, 'ibn': 5, 'fahdlan': 5, 'casted': 5, 'pear': 5, 'mekhi': 5, 'flounder': 5, 'nanny': 5, 'visitors': 5, 'tricked': 5, 'bonts': 5, 'floors': 5, 'twentyfive': 5, 'chelsom': 5, 'cellist': 5, 'porters': 5, 'mishandled': 5, 'kitten': 5, 'toting': 5, 'billionaire': 5, 'marian': 5, 'vomits': 5, 'gandolfini': 5, 'bugged': 5, 'lawrences': 5, 'dumps': 5, 'hushed': 5, 'obviousness': 5, 'natured': 5, 'ooh': 5, 'conceal': 5, 'unsatisfactory': 5, 'cowriting': 5, 'orphanage': 5, 'pleading': 5, 'minime': 5, 'foxx': 5, 'separating': 5, 'crusader': 5, 'infuse': 5, 'lookout': 5, 'ditched': 5, 'careless': 5, 'meticulously': 5, '1954': 5, 'fingertips': 5, 'reprehensible': 5, 'sexcrazed': 5, 'flower': 5, 'pretense': 5, 'spectacles': 5, 'decoration': 5, 'inventor': 5, 'oscarnominated': 5, 'bog': 5, 'slashed': 5, 'pours': 5, 'vic': 5, 'slums': 5, 'midwestern': 5, 'humdrum': 5, 'scratched': 5, 'observant': 5, 'raids': 5, 'emptyheaded': 5, 'adherence': 5, 'finnegan': 5, 'torpedoes': 5, 'tentacles': 5, 'sommers': 5, 'knowledgeable': 5, 'pipes': 5, 'peeled': 5, 'fireball': 5, 'warring': 5, 'horta': 5, 'treasured': 5, 'englund': 5, 'cuckoos': 5, 'cravens': 5, 'geller': 5, 'reliving': 5, 'painstaking': 5, 'fabled': 5, 'facher': 5, 'hardpressed': 5, 'mcfarlanes': 5, 'fueled': 5, 'grate': 5, 'contrasted': 5, 'fused': 5, 'loops': 5, 'compliments': 5, 'reds': 5, 'focal': 5, 'demmes': 5, 'halves': 5, 'hawkes': 5, 'peterson': 5, 'valeries': 5, 'strays': 5, 'derelict': 5, 'irrational': 5, 'raul': 5, 'bases': 5, 'julias': 5, 'timeline': 5, 'awakening': 5, 'comply': 5, 'taplitz': 5, 'bolt': 5, 'marcie': 5, 'finely': 5, 'honed': 5, 'leopard': 5, 'inheritance': 5, 'geoff': 5, 'clashing': 5, 'inc': 5, 'contend': 5, 'amber': 5, 'introductions': 5, 'leatherface': 5, 'pits': 5, 'richie': 5, 'bungee': 5, 'delpy': 5, 'bowen': 5, 'thierry': 5, 'catholicism': 5, 'mangled': 5, 'millionaires': 5, 'tod': 5, 'opaque': 5, 'soppy': 5, 'montages': 5, 'conspiracies': 5, 'outworld': 5, 'rayden': 5, 'selfworth': 5, 'helming': 5, 'dichotomy': 5, 'obsolete': 5, 'unceremoniously': 5, 'protector': 5, 'rubbish': 5, 'prophetic': 5, 'slugs': 5, 'darkened': 5, 'bind': 5, 'jams': 5, 'unrelentingly': 5, 'stashed': 5, 'fatally': 5, 'kinship': 5, 'diet': 5, 'frontal': 5, 'parttime': 5, 'egyptian': 5, 'oneal': 5, 'payroll': 5, 'drenched': 5, 'rodgers': 5, 'kicker': 5, 'tripping': 5, 'acknowledged': 5, 'engineering': 5, 'cafeteria': 5, 'chopping': 5, 'ohlmyer': 5, 'detect': 5, 'hull': 5, 'leagues': 5, 'perplexing': 5, 'reshoot': 5, '_knock_off_': 5, 'improbably': 5, 'blurred': 5, 'spoofing': 5, 'becky': 5, 'antihero': 5, 'stirred': 5, 'atkinson': 5, 'buyer': 5, 'flown': 5, 'hurting': 5, 'intrepid': 5, 'scandals': 5, 'unbalanced': 5, 'scriptures': 5, 'prophets': 5, 'beaming': 5, 'selleck': 5, 'helens': 5, 'whisper': 5, 'bedridden': 5, 'strategic': 5, 'kidnapper': 5, 'headtohead': 5, 'coliseum': 5, 'manual': 5, 'insure': 5, 'punish': 5, 'vail': 5, 'embassy': 5, 'shen': 5, 'sneer': 5, 'diminutive': 5, 'leone': 5, 'strutting': 5, 'sucking': 5, 'manmade': 5, 'voyeurism': 5, 'enterprises': 5, 'yellowstone': 5, 'overprotective': 5, 'celebrates': 5, 'simpler': 5, 'gazes': 5, 'keys': 5, 'freewheeling': 5, 'resurrecting': 5, 'afloat': 5, 'rosenberg': 5, 'nailing': 5, 'gathered': 5, 'outback': 5, 'sideshow': 5, 'jolt': 5, '21st': 5, 'individuality': 5, 'lowly': 5, 'contracted': 5, 'strand': 5, 'prostitution': 5, 'bushes': 5, 'arrange': 5, 'mcginley': 5, 'midget': 5, 'boorish': 5, 'unafraid': 5, 'rollicking': 5, 'flexibility': 5, 'strongwilled': 5, 'latch': 5, 'rebound': 5, 'coated': 5, 'razor': 5, 'indulgent': 5, 'avantgarde': 5, 'threeminute': 5, 'spicy': 5, 'penultimate': 5, 'newborn': 5, 'lists': 5, 'arranged': 5, 'oddballs': 5, 'sizes': 5, 'survey': 5, 'anticipate': 5, 'predictions': 5, 'plunge': 5, 'overwritten': 5, 'seducing': 5, 'shootings': 5, 'effectsladen': 5, 'sunsets': 5, 'araki': 5, 'masturbation': 5, 'angsty': 5, 'duval': 5, 'quaids': 5, 'romero': 5, 'semen': 5, 'madam': 5, 'dangerfield': 5, 'munson': 5, 'roys': 5, 'cryogenic': 5, 'annabella': 5, 'feats': 5, 'chimpanzee': 5, 'selfassured': 5, 'shelley': 5, 'heysts': 5, 'paymer': 5, 'divulge': 5, 'fulci': 5, 'theology': 5, 'plush': 5, 'cavanaugh': 5, 'fairytale': 5, 'magda': 5, 'pratfalls': 5, 'proficient': 5, 'signing': 5, 'shallowness': 5, 'straighttovideo': 5, 'bulging': 5, 'scrapbook': 5, 'ballistic': 5, 'goggles': 5, 'foolishness': 5, 'devises': 5, 'nishi': 5, 'singles': 5, 'traced': 5, 'forming': 5, 'marthas': 5, 'expendable': 5, 'paternal': 5, 'rocking': 5, 'plea': 5, 'berg': 5, 'rushon': 5, 'nikkis': 5, 'inconsistency': 5, 'inexperience': 5, 'indicating': 5, 'functioning': 5, 'slapped': 5, 'pretentiousness': 5, 'heckerlings': 5, 'sticky': 5, 'juggles': 5, 'mnemonic': 5, 'onetwo': 5, 'coltrane': 5, 'undercut': 5, 'capability': 5, 'alzheimers': 5, 'pin': 5, 'secretive': 5, 'immerse': 5, 'mutilation': 5, 'deniros': 5, 'implausibility': 5, 'sants': 5, 'hairdo': 5, 'kilrathi': 5, 'gypsy': 5, 'copper': 5, 'maze': 5, '2s': 5, 'bundle': 5, 'cad': 5, 'gaudy': 5, 'knicks': 5, 'surrender': 5, 'letterman': 5, 'announcer': 5, 'eddies': 5, 'reels': 5, 'woven': 5, 'neon': 5, 'risking': 5, 'interrogation': 5, 'laments': 5, '5th': 5, 'heals': 5, 'embodied': 5, 'nominees': 5, 'emoting': 5, 'nuanced': 5, 'willy': 5, 'robbies': 5, 'riffs': 5, 'camping': 5, 'scenestealing': 5, 'splendidly': 5, 'bribe': 5, 'anal': 5, 'hallmarks': 5, 'whim': 5, 'tierney': 5, 'greystoke': 5, 'paxtons': 5, 'receipts': 5, 'bravely': 5, 'neds': 5, 'vaults': 5, 'intricacies': 5, 'keifer': 5, 'deadline': 5, 'replica': 5, 'intrinsic': 5, 'cale': 5, 'panther': 5, 'creepiness': 5, 'insect': 5, 'anacondas': 5, 'ravages': 5, 'icet': 5, 'clunker': 5, 'griswolds': 5, 'chuckling': 5, 'ridgemont': 5, 'indulging': 5, 'inherited': 5, 'arrangement': 5, 'spaghetti': 5, 'marky': 5, 'keiko': 5, 'landlady': 5, 'armand': 5, 'grabbed': 5, 'grieco': 5, 'concentrated': 5, 'underpinnings': 5, 'belle': 5, 'retiring': 5, 'practices': 5, 'ringing': 5, 'vocals': 5, 'videocassette': 5, 'sank': 5, 'tuna': 5, 'philippe': 5, 'drugstore': 5, 'wage': 5, 'recipient': 5, 'retaliation': 5, 'gum': 5, 'completion': 5, 'blurry': 5, 'manipulator': 5, 'aphrodite': 5, 'organised': 5, 'lowlifes': 5, 'pistone': 5, 'regrettably': 5, 'depps': 5, 'bloodbath': 5, 'zhang': 5, 'interpreter': 5, 'assistants': 5, 'shortened': 5, 'protracted': 5, 'brits': 5, 'milieu': 5, 'wardrobes': 5, 'blurts': 5, 'jokey': 5, 'gen': 5, 'revisiting': 5, 'inexorably': 5, 'numbered': 5, 'inhabited': 5, 'womanizing': 5, 'rooted': 5, 'dueling': 5, 'cooperation': 5, 'suburbs': 5, 'unintelligible': 5, 'tammy': 5, 'tasty': 5, 'recap': 5, 'diego': 5, 'tipped': 5, 'fran': 5, 'travelers': 5, 'repulsed': 5, 'provoke': 5, 'assets': 5, 'blindly': 5, '26': 5, 'scumball': 5, 'stationed': 5, 'reticent': 5, 'memorial': 5, 'victorious': 5, 'assemble': 5, 'roundtree': 5, 'blamed': 5, 'battered': 5, 'fistful': 5, 'oeuvre': 5, 'jeanpierre': 5, 'uncontrollable': 5, 'cassandra': 5, 'cassie': 5, 'purgatory': 5, 'easygoing': 5, 'kudrows': 5, 'marin': 5, 'resigned': 5, 'hostages': 5, 'tangled': 5, 'applauded': 5, 'kirby': 5, 'imitations': 5, 'partridge': 5, 'robards': 5, 'selfhelp': 5, 'longrunning': 5, 'distasteful': 5, 'thy': 5, 'boasting': 5, 'confirmation': 5, 'messes': 5, 'onearmed': 5, 'batcave': 5, 'alternating': 5, '42': 5, 'theodore': 5, 'restoring': 5, 'certificate': 5, 'dwaynes': 5, 'penniless': 5, 'vortex': 5, 'cashing': 5, 'trajectory': 5, 'highstrung': 5, 'antagonists': 5, 'tribes': 5, 'mi2': 5, 'struts': 5, 'looters': 5, 'overexposed': 5, 'sw': 5, 'speedy': 5, 'eraserhead': 5, 'sparse': 5, 'stampede': 5, 'firsthand': 5, 'att': 5, 'unleashes': 5, 'strangest': 5, 'encased': 5, 'distributed': 5, 'coping': 5, 'olmstead': 5, 'utah': 5, 'taciturn': 5, 'arrakis': 5, 'commenting': 5, 'quandary': 5, 'unengaging': 5, 'fortunes': 5, 'colour': 5, 'overlooking': 5, 'smarts': 5, 'daytime': 5, 'grunt': 5, 'hairy': 5, 'asianamerican': 5, 'cohort': 5, 'danson': 5, 'mels': 5, 'boormans': 5, 'swiftly': 5, 'caped': 5, 'jekyll': 5, 'fizzles': 5, 'fabulously': 5, 'piggy': 5, 'shipped': 5, 'veer': 5, 'hectic': 5, 'radiation': 5, 'zeist': 5, 'glued': 5, 'rapidfire': 5, 'frat': 5, 'raquel': 5, 'disdain': 5, 'hestons': 5, 'unsinkable': 5, 'conaway': 5, 'decay': 5, 'climatic': 5, 'fractured': 5, 'gigs': 5, 'chappelle': 5, 'fleshing': 5, 'elections': 5, 'newsletter': 5, 'predilection': 5, 'declare': 5, 'resignation': 5, 'boatload': 5, 'hillbillies': 5, 'dearly': 5, 'worldclass': 5, 'champagne': 5, 'plucky': 5, 'ensuring': 5, 'tribal': 5, 'hygiene': 5, 'unborn': 5, 'soars': 5, 'insisting': 5, 'looney': 5, 'busted': 5, 'newsweek': 5, 'granddaddy': 5, 'communications': 5, 'ghostly': 5, 'princes': 5, 'noname': 5, 'astray': 5, 'evade': 5, 'brew': 5, 'honorable': 5, 'repair': 5, 'overdose': 5, 'acknowledges': 5, 'breillat': 5, 'cottage': 5, 'monologues': 5, 'roars': 5, 'hallie': 5, 'broker': 5, 'embody': 5, 'inoffensive': 5, 'dazzled': 5, 'aptitude': 5, 'nomis': 5, 'sensuality': 5, 'conceivable': 5, 'adage': 5, 'pertaining': 5, 'repercussions': 5, 'bankable': 5, 'gunfights': 5, 'watergate': 5, 'tact': 5, 'enhances': 5, 'factions': 5, 'productive': 5, 'overturned': 5, 'granddaughter': 5, 'prof': 5, 'bluescreen': 5, 'paranormal': 5, 'gunmen': 5, 'roswell': 5, 'impose': 5, 'youngster': 5, 'saddened': 5, 'heady': 5, 'attends': 5, '16mm': 5, 'jadzia': 5, 'saucy': 5, 'reaper': 5, 'repartee': 5, 'encompasses': 5, 'instantaneously': 5, 'trim': 5, 'restoration': 5, 'censorship': 5, 'ww2': 5, 'imitate': 5, 'obscenity': 5, 'eberts': 5, 'whomever': 5, 'solemn': 5, 'selfesteem': 5, 'rockets': 5, 'sinful': 5, 'treks': 5, 'balthazar': 5, 'getty': 5, 'ferrara': 5, 'assaulting': 5, 'buffoonish': 5, 'dedicates': 5, 'aristocrat': 5, 'backfires': 5, 'dday': 5, 'diminished': 5, 'insurrections': 5, 'amadeus': 5, 'throwback': 5, 'melrose': 5, 'uproariously': 5, 'neonoir': 5, 'schlondorff': 5, 'headphones': 5, 'upandcoming': 5, 'proft': 5, 'memorably': 5, 'lila': 5, 'denominator': 5, 'tee': 5, 'palance': 5, 'translator': 5, 'mourning': 5, 'competing': 5, 'plainly': 5, 'arabia': 5, 'historian': 5, 'meter': 5, 'inquires': 5, 'unmatched': 5, 'surpasses': 5, 'incriminating': 5, 'amazement': 5, 'pledge': 5, 'condemned': 5, 'cheery': 5, 'saxon': 5, 'karate': 5, 'wrongdoing': 5, 'ode': 5, 'antithesis': 5, 'deer': 5, 'unsurprisingly': 5, 'dredd': 5, 'bubblegum': 5, 'bouncy': 5, 'selfreferential': 5, 'suffocating': 5, 'lukes': 5, 'protesters': 5, 'advancement': 5, 'representation': 5, 'gilliams': 5, 'delectable': 5, 'knockout': 5, 'vary': 5, 'fade': 5, 'insiders': 5, 'detractors': 5, 'anxiously': 5, 'overload': 5, 'angered': 5, 'published': 5, 'slackers': 5, 'rightful': 5, 'connoisseurs': 5, 'talkative': 5, 'cello': 5, 'thrax': 5, 'disturbingly': 5, 'reside': 5, 'clicks': 5, 'ferraras': 5, 'schwartzenegger': 5, 'marina': 5, 'fling': 5, 'corruptor': 5, 'suitors': 5, 'typed': 5, 'jays': 5, 'abducted': 5, 'kalvert': 5, 'qualified': 5, 'consumed': 5, 'mutters': 5, 'parting': 5, 'halfheartedly': 5, 'freakish': 5, 'sisterinlaw': 5, 'exterminate': 5, 'rounded': 5, 'carvey': 5, 'dismayed': 5, 'webbs': 5, 'departs': 5, 'obsessivecompulsive': 5, 'solutions': 5, 'lamberts': 5, 'catastrophic': 5, 'threeway': 5, 'spaceships': 5, 'grips': 5, 'exemplified': 5, 'sitter': 5, 'imf': 5, 'berkeley': 5, 'amys': 5, 'luciano': 5, 'xusia': 5, 'steeped': 5, 'lynching': 5, 'highlevel': 5, 'advent': 5, 'woodward': 5, 'betsys': 5, 'preferring': 5, 'luhrmann': 5, 'underappreciated': 5, 'befriend': 5, 'penns': 5, 'baptist': 5, 'sublime': 5, 'achingly': 5, 'norma': 5, 'spillanes': 5, 'extremes': 5, 'societys': 5, 'believeable': 5, 'melinda': 5, 'hendrix': 5, 'interlude': 5, 'ayla': 5, 'harding': 5, 'catholics': 5, 'arthurian': 5, 'grail': 5, 'ripper': 5, 'swarms': 5, 'morocco': 5, 'patrice': 5, 'ebouaney': 5, 'lien': 5, 'preachy': 5, 'reissue': 5, 'cleese': 5, 'merrill': 5, 'gamblers': 5, 'yelchin': 5, 'boorem': 5, 'purposeful': 5, 'resolves': 5, 'milestone': 5, 'plate': 5, 'yield': 5, 'wiseguys': 5, 'spares': 5, 'dogmas': 5, 'dogmatic': 5, 'carlin': 5, 'lightsaber': 5, 'discoveries': 5, 'gradys': 5, 'savor': 5, 'therein': 5, 'drummer': 5, 'eliciting': 5, 'frothy': 5, 'weiss': 5, 'lambeaus': 5, 'groove': 5, 'sputnik': 5, 'hindu': 5, 'das': 5, 'perceive': 5, 'disturbs': 5, 'pinocchio': 5, 'juzo': 5, 'aurelius': 5, 'proximo': 5, 'cautious': 5, 'orlock': 5, 'hutter': 5, 'savoring': 5, 'costly': 5, 'landscapes': 5, 'dorff': 5, 'interrogated': 5, '1957': 5, 'ethereal': 5, 'facehugger': 5, 'emira': 5, 'bombed': 5, 'televised': 5, 'intolerance': 5, 'adroitly': 5, 'immerses': 5, 'bandit': 5, 'crazybeautiful': 5, 'affliction': 5, 'tow': 5, 'interracial': 5, 'azazel': 5, 'udall': 5, 'tolerance': 5, 'beetles': 5, 'collaborators': 5, 'neednt': 5, 'harassed': 5, 'precarious': 5, 'hitchcockian': 5, 'attentive': 5, 'springsteen': 5, 'grownups': 5, 'communism': 5, 'balcony': 5, 'patti': 5, 'schwartzman': 5, 'standoff': 5, 'tinted': 5, 'texan': 5, 'daytoday': 5, 'pub': 5, 'infant': 5, 'tutor': 5, 'qualms': 5, 'pharaoh': 5, 'errol': 5, 'greenleaf': 5, 'threeyear': 5, 'presentday': 5, 'olyphant': 5, 'acutely': 5, 'ralphie': 5, 'bb': 5, 'giosue': 5, 'toughest': 5, 'jos': 5, 'guardians': 5, 'translating': 5, 'thorton': 5, 'strathairn': 5, 'fierstein': 5, 'likeability': 5, 'activists': 5, 'painstakingly': 5, 'textures': 5, 'contestants': 5, 'soontek': 5, 'lea': 5, 'osmond': 5, 'alek': 5, 'visnjic': 5, 'truest': 5, 'cricket': 5, 'participants': 5, 'rum': 5, 'bedford': 5, 'malkovichs': 5, 'herlihy': 5, 'locking': 5, 'welsh': 5, 'satine': 5, 'courtesan': 5, 'ohh': 5, 'ee': 5, 'rimini': 5, 'tappan': 5, 'huddleston': 5, 'deakins': 5, 'lightyear': 5, 'bullseye': 5, 'readings': 5, 'toucha': 5, 'bostwick': 5, 'heroines': 5, 'hogans': 5, 'nicolet': 5, 'massage': 5, 'stacy': 5, 'demme': 5, 'verona': 5, 'snubbed': 5, 'protestant': 5, 'castles': 5, 'iris': 5, 'gos': 5, 'pumpkin': 5, 'critter': 5, 'murnaus': 5, 'meatier': 5, 'marcellus': 5, 'centre': 5, 'supervisors': 5, 'hanako': 5, 'commoner': 5, 'squeamish': 5, 'grahams': 5, 'iowa': 5, 'castro': 5, 'twohy': 5, 'starghers': 5, 'enclosed': 5, 'jars': 5, 'rewind': 5, 'wilders': 5, 'watsons': 5, 'perlman': 5, 'reddick': 5, 'banquet': 5, 'pornographers': 5, 'elicited': 5, 'farrah': 5, 'zallian': 5, 'pauline': 5, 'alberta': 5, 'leuchter': 5, 'guinevere': 5, 'newtonjohn': 5, 'lamas': 5, 'lindsay': 5, 'drillers': 5, 'oddsandends': 5, 'vacances': 5, 'regiment': 5, 'singleton': 5, 'tran': 5, 'maggies': 5, 'hub': 5, 'zaire': 5, 'mongkut': 5, 'deathless': 5, 'kahuna': 5, 'ulysses': 5, 'hoke': 5, 'anney': 5, 'vianne': 5, 'bettany': 5, 'gallos': 5, 'greenfingers': 5, 'vig': 5, 'kerrigans': 5, 'angelas': 5, 'mindfuck': 4, 'chopped': 4, 'craziness': 4, 'y2k': 4, 'sunken': 4, 'basing': 4, 'palate': 4, 'handsdown': 4, 'rickles': 4, 'computerized': 4, 'spouts': 4, 'obsesses': 4, 'overdoes': 4, 'parked': 4, '2176': 4, 'hoodlums': 4, 'lapse': 4, 'unsavory': 4, 'documents': 4, 'walkers': 4, 'dork': 4, 'obstetrician': 4, 'hid': 4, 'boulevard': 4, 'kaisa': 4, 'gossip': 4, 'norway': 4, 'fabricate': 4, 'nosy': 4, 'parental': 4, 'preening': 4, 'hmmmm': 4, 'irrepressible': 4, 'hows': 4, 'accentuate': 4, 'keeper': 4, 'regurgitated': 4, 'lecter': 4, '47': 4, 'adolescents': 4, '15year': 4, 'preoccupation': 4, 'songwriter': 4, 'degenerate': 4, 'evenly': 4, 'ambivalent': 4, 'extend': 4, 'irishman': 4, 'spew': 4, 'stateside': 4, 'athos': 4, 'frisky': 4, 'francesca': 4, 'regroup': 4, 'quintano': 4, 'planner': 4, 'remark': 4, 'marxist': 4, 'viewpoints': 4, 'watcher': 4, 'mortals': 4, 'hess': 4, 'execrable': 4, 'hallucination': 4, 'bridgette': 4, 'choreographer': 4, 'lifelike': 4, 'backdraft': 4, 'parillaud': 4, 'minimalist': 4, 'madeforvideo': 4, 'compulsion': 4, 'underwhelming': 4, 'thespians': 4, 'devious': 4, 'strategies': 4, 'twobit': 4, 'grenier': 4, 'pretext': 4, 'surfacing': 4, 'undergoes': 4, 'alterego': 4, 'lures': 4, 'darius': 4, 'khondji': 4, 'rustic': 4, 'drawings': 4, 'slams': 4, 'suspending': 4, 'santoro': 4, 'ricks': 4, 'deux': 4, 'outdone': 4, 'hormone': 4, 'coven': 4, 'summoned': 4, 'credulity': 4, 'nighttime': 4, 'immaculate': 4, 'accusing': 4, 'recurrent': 4, 'histrionics': 4, 'puffing': 4, 'pontificate': 4, 'gallows': 4, 'lending': 4, 'dispensed': 4, 'heartily': 4, 'decapitating': 4, 'arlington': 4, 'congratulate': 4, 'grammar': 4, 'guttenberg': 4, 'sniveling': 4, 'thuggish': 4, 'flustered': 4, 'earnestness': 4, 'paces': 4, 'aversion': 4, 'coaxing': 4, 'bowls': 4, 'prophecies': 4, 'alluded': 4, 'deanna': 4, 'similarity': 4, 'pas': 4, 'underutilized': 4, 'moneymaking': 4, 'trademarks': 4, 'kai': 4, 'issac': 4, 'disciplined': 4, 'steadfast': 4, 'photogenic': 4, 'unsung': 4, 'issacs': 4, 'accordance': 4, 'andrzej': 4, 'xray': 4, 'interfere': 4, 'barroom': 4, 'poof': 4, 'replacements': 4, 'unity': 4, 'belts': 4, 'provoked': 4, 'stirs': 4, 'kent': 4, 'humiliates': 4, 'homework': 4, 'zipper': 4, 'snapshots': 4, '107': 4, 'gambon': 4, 'realms': 4, 'sellers': 4, 'ginty': 4, 'bauer': 4, 'behaving': 4, 'horrorcomedy': 4, 'cam': 4, 'endangers': 4, 'alligators': 4, 'berserk': 4, 'nuke': 4, 'poked': 4, 'irritatingly': 4, 'cornered': 4, 'marking': 4, 'oversee': 4, 'treaty': 4, 'reputable': 4, 'laszlo': 4, 'aggressively': 4, 'ulees': 4, 'cornucopia': 4, 'pseudointellectual': 4, 'radha': 4, 'receptionist': 4, 'certified': 4, 'greta': 4, 'indecipherable': 4, 'clarkson': 4, 'funded': 4, 'transcendental': 4, 'pervasive': 4, 'aw': 4, 'drews': 4, 'braces': 4, 'forlanis': 4, 'swill': 4, 'timetotime': 4, 'jungles': 4, 'unacceptable': 4, 'pruitt': 4, 'pseudo': 4, 'complained': 4, 'turtles': 4, 'misfires': 4, 'wendt': 4, 'fetched': 4, 'boating': 4, 'reincarnation': 4, 'coaching': 4, 'selfloathing': 4, 'davison': 4, 'funloving': 4, 'backfire': 4, 'jeremiah': 4, 'reteaming': 4, 'firth': 4, '1948': 4, 'jazzy': 4, 'migrant': 4, 'investigated': 4, 'hardass': 4, 'mcglone': 4, 'rail': 4, 'pitches': 4, 'humanitarian': 4, 'squalid': 4, 'cherokee': 4, 'bingo': 4, 'stranding': 4, 'hick': 4, 'busty': 4, 'copping': 4, 'conquest': 4, 'terel': 4, 'lumbering': 4, 'omega': 4, 'coattails': 4, 'blaze': 4, 'gwens': 4, 'overcame': 4, 'morons': 4, 'obligation': 4, 'disposition': 4, 'exacting': 4, 'giancarlo': 4, 'slomo': 4, 'enlighten': 4, 'drawer': 4, 'laboured': 4, 'upperclass': 4, 'confessions': 4, 'brace': 4, 'infuses': 4, 'deceit': 4, 'tediously': 4, 'steroid': 4, 'deepcore': 4, 'shuttles': 4, 'rockhound': 4, 'unfit': 4, 'heroism': 4, 'bravery': 4, 'disliking': 4, 'synthetic': 4, 'extinction': 4, 'paychecks': 4, 'scenic': 4, 'righteous': 4, 'stubbornly': 4, 'kirshner': 4, 'exquisitely': 4, 'commanded': 4, 'drawl': 4, 'aesthetic': 4, 'bondage': 4, 'wax': 4, 'smacks': 4, 'prinzes': 4, 'goat': 4, 'hatosy': 4, 'selma': 4, 'pros': 4, 'reworking': 4, 'overheated': 4, 'houseboat': 4, 'confirms': 4, 'goodies': 4, 'bottles': 4, 'spliced': 4, 'abounds': 4, 'taunt': 4, 'stacked': 4, 'pitted': 4, '12year': 4, 'radiate': 4, 'ashton': 4, 'needy': 4, 'pacula': 4, 'remade': 4, 'behemoth': 4, 'afterschool': 4, 'harms': 4, 'hallway': 4, 'glitz': 4, 'suchet': 4, 'coleman': 4, 'enlivened': 4, 'skipped': 4, 'pining': 4, 'expansive': 4, 'excel': 4, 'discerning': 4, 'lined': 4, 'concoct': 4, 'nic': 4, 'razzle': 4, 'altering': 4, 'besieged': 4, 'karlas': 4, 'skeleton': 4, 'chalk': 4, 'giggling': 4, 'libido': 4, 'anakins': 4, 'floppy': 4, 'manufacturing': 4, 'analyzed': 4, 'afoot': 4, 'custom': 4, 'storyboards': 4, 'rethink': 4, 'talkshow': 4, 'unimportant': 4, 'onehundred': 4, 'languages': 4, 'sadie': 4, 'lionel': 4, 'visas': 4, 'urine': 4, 'shaping': 4, 'uninterested': 4, 'backdrops': 4, 'ripleys': 4, 'wrecked': 4, 'improvisational': 4, 'roaming': 4, 'megan': 4, 'multi': 4, 'offspring': 4, 'prompting': 4, 'animator': 4, 'fawning': 4, 'fingered': 4, 'promisingly': 4, 'splattered': 4, 'resonates': 4, 'isles': 4, 'pertinent': 4, 'congress': 4, 'distinguishing': 4, 'whereby': 4, 'recovered': 4, 'transparently': 4, 'unhip': 4, 'ingrained': 4, 'fab': 4, 'dianne': 4, 'carradine': 4, 'defied': 4, 'ranking': 4, 'compensated': 4, '800': 4, 'orbiting': 4, 'impacts': 4, 'meatiest': 4, 'leonis': 4, 'oscarwinner': 4, 'semler': 4, 'tens': 4, 'cowgirl': 4, 'windshield': 4, 'saddening': 4, 'bogs': 4, 'throwaways': 4, 'involuntary': 4, 'signifying': 4, 'elicits': 4, 'spirals': 4, 'simpleton': 4, 'gist': 4, 'bubbly': 4, 'lebanese': 4, 'kahl': 4, 'oklahoma': 4, 'bombing': 4, 'rapist': 4, 'dip': 4, 'enrolls': 4, 'dorm': 4, 'genders': 4, 'dunaways': 4, 'assumptions': 4, 'wiest': 4, 'goran': 4, 'whimsy': 4, 'talentless': 4, 'elders': 4, 'packages': 4, 'spurts': 4, 'caged': 4, 'envisions': 4, 'dislikes': 4, 'raking': 4, 'competitive': 4, 'marquee': 4, 'dodging': 4, 'cruising': 4, 'halfhuman': 4, 'gamely': 4, 'telepathically': 4, 'hijinx': 4, 'aisle': 4, 'lennox': 4, 'burgess': 4, 'commented': 4, 'dispatches': 4, 'escort': 4, 'trump': 4, 'jnr': 4, 'overwhelmingly': 4, 'ustinov': 4, 'groans': 4, 'execs': 4, 'zippy': 4, 'someplace': 4, 'commando': 4, 'mushy': 4, 'patented': 4, 'friedkin': 4, 'recourse': 4, 'regina': 4, 'turnaround': 4, 'wellingtons': 4, 'addy': 4, 'inanimate': 4, 'frothing': 4, 'villa': 4, 'mcshane': 4, 'stout': 4, 'yanks': 4, 'cockney': 4, 'highpowered': 4, 'leverage': 4, 'mouthed': 4, 'conman': 4, 'hoodlum': 4, 'investigative': 4, 'singleminded': 4, 'embellish': 4, 'blackness': 4, 'audition': 4, 'individually': 4, 'fellatio': 4, 'bender': 4, 'payed': 4, 'rewatched': 4, 'immeadiately': 4, 'procreate': 4, 'mates': 4, 'subjecting': 4, 'fishy': 4, 'melted': 4, 'dryland': 4, 'mariner': 4, 'midpoint': 4, 'seethrough': 4, 'dexterity': 4, 'wavering': 4, 'automated': 4, 'greenlit': 4, 'miners': 4, 'scowling': 4, 'elimination': 4, 'cincinnati': 4, 'ohio': 4, 'monstrously': 4, 'deplorable': 4, 'stabbing': 4, 'somethings': 4, 'denmark': 4, 'declan': 4, 'mulqueen': 4, 'assasination': 4, 'pasted': 4, 'dole': 4, 'fullfrontal': 4, 'clothed': 4, 'delay': 4, 'astronomy': 4, 'winded': 4, 'tanner': 4, '2d': 4, 'seasonal': 4, 'decreasing': 4, 'colonization': 4, 'unemotional': 4, 'robinsons': 4, 'backseat': 4, 'psychos': 4, 'anew': 4, 'coconspirator': 4, 'sloppily': 4, 'waning': 4, 'pieced': 4, 'bonfire': 4, 'cain': 4, 'declining': 4, 'edit': 4, 'cruiser': 4, 'ranges': 4, 'pov': 4, 'drain': 4, 'verite': 4, 'justifiable': 4, 'encouraged': 4, 'imperfections': 4, 'becks': 4, 'culminates': 4, 'thirdrate': 4, 'contemplates': 4, 'heshe': 4, 'washes': 4, 'competitors': 4, 'rigged': 4, 'researcher': 4, 'beef': 4, 'manor': 4, 'cloaked': 4, 'caesar': 4, 'pasts': 4, 'persuaded': 4, 'tangible': 4, 'unlimited': 4, 'macdougal': 4, 'skyscraper': 4, 'loathed': 4, 'brussels': 4, 'elected': 4, 'placements': 4, 'blackmailed': 4, 'elmer': 4, 'teases': 4, 'bratty': 4, 'epa': 4, 'incestuous': 4, 'barges': 4, 'caulfield': 4, 'selfdefense': 4, 'duality': 4, 'repellent': 4, 'clooneys': 4, 'pudgy': 4, 'buttocks': 4, 'mae': 4, 'vamp': 4, 'jinnie': 4, 'processing': 4, 'economics': 4, 'stratford': 4, 'spheeris': 4, 'goround': 4, 'vanni': 4, 'grasping': 4, 'insensitive': 4, 'dummy': 4, 'beleaguered': 4, 'travails': 4, 'bucket': 4, 'morass': 4, 'deceptive': 4, 'bookie': 4, 'woeful': 4, 'naught': 4, 'masterwork': 4, 'advocating': 4, 'dastardly': 4, 'ravens': 4, 'villages': 4, 'prettyboy': 4, 'motivated': 4, 'executions': 4, 'crusty': 4, 'straps': 4, 'bankruptcy': 4, 'weebo': 4, 'offices': 4, 'monas': 4, 'tombstone': 4, 'sporadic': 4, 'midler': 4, 'oneman': 4, 'elliotts': 4, 'stowaway': 4, 'conspirators': 4, 'helium': 4, 'presences': 4, 'oriented': 4, 'debuted': 4, 'mollys': 4, 'console': 4, 'spouses': 4, 'flake': 4, 'rambles': 4, 'maneuvering': 4, 'statues': 4, 'vivacious': 4, 'rhodes': 4, 'vibrancy': 4, 'earthworms': 4, 'heavier': 4, 'tilly': 4, 'cg': 4, 'render': 4, 'momentary': 4, 'colorado': 4, 'bunnys': 4, 'shroff': 4, 'eagle': 4, 'populace': 4, 'brandishing': 4, 'meld': 4, 'ninjas': 4, 'smiled': 4, 'excellently': 4, 'hamhanded': 4, 'umm': 4, 'religions': 4, 'muslims': 4, 'worship': 4, 'advertisement': 4, 'reinventing': 4, 'veloz': 4, 'playground': 4, 'standin': 4, 'fizzle': 4, 'crumble': 4, 'bombshell': 4, 'duplicitous': 4, 'twentytwo': 4, 'unreliable': 4, 'backup': 4, 'unmemorable': 4, 'languid': 4, 'tickle': 4, '_last_': 4, 'perversely': 4, 'netherworld': 4, 'nightingale': 4, 'pea': 4, 'ella': 4, 'agility': 4, 'voted': 4, 'scheider': 4, 'documentation': 4, 'romeos': 4, 'discouraging': 4, 'dental': 4, 'functional': 4, 'quotable': 4, 'matarazzo': 4, 'unexplored': 4, 'petrified': 4, 'kinder': 4, 'stoop': 4, 'captors': 4, 'cement': 4, 'consult': 4, 'skeptic': 4, 'inaccurate': 4, 'countdown': 4, '999': 4, 'wool': 4, 'occult': 4, 'abandonment': 4, 'balloons': 4, 'watered': 4, 'virginal': 4, 'businesses': 4, 'founded': 4, 'shadyac': 4, 'insatiable': 4, 'owing': 4, 'madame': 4, 'desiree': 4, 'escorting': 4, 'billboard': 4, 'undermining': 4, 'publicist': 4, 'entanglements': 4, 'roths': 4, 'creepers': 4, 'mutilated': 4, 'eileen': 4, 'pedophile': 4, 'chatter': 4, 'dependable': 4, 'klass': 4, 'complacency': 4, 'homages': 4, 'honoring': 4, 'drool': 4, 'visualization': 4, 'karloff': 4, 'paltrows': 4, 'kristy': 4, 'bela': 4, 'omniscient': 4, 'mushrooms': 4, 'goofily': 4, 'newsgroup': 4, 'failings': 4, 'cristofer': 4, 'dissuade': 4, 'frumpy': 4, 'positioned': 4, 'blissful': 4, 'operatic': 4, 'downandout': 4, 'illegally': 4, 'cements': 4, 'withdrawal': 4, 'rudimentary': 4, 'unflinching': 4, 'joyless': 4, 'bodys': 4, 'neverending': 4, 'interstellar': 4, 'jenkins': 4, 'rears': 4, 'phenomenally': 4, 'coating': 4, 'whack': 4, 'fiddle': 4, 'gleaming': 4, 'matte': 4, 'consisted': 4, 'mindblowing': 4, 'olympic': 4, 'whatnot': 4, 'jillian': 4, 'therons': 4, 'handy': 4, 'gish': 4, 'amendment': 4, 'lehman': 4, 'watereddown': 4, 'wellworn': 4, 'plunges': 4, 'tvmovie': 4, 'kel': 4, 'wildfire': 4, 'suggestive': 4, 'ogled': 4, 'irs': 4, 'decrepit': 4, 'panning': 4, 'deliriously': 4, 'fireballs': 4, 'sustaining': 4, 'whackedout': 4, 'robes': 4, 'ming': 4, 'dividing': 4, 'repressed': 4, 'exploiting': 4, 'tights': 4, 'artfully': 4, 'heaps': 4, 'contagion': 4, 'communicating': 4, 'aiding': 4, 'molds': 4, 'mannequins': 4, 'weinstein': 4, 'hiller': 4, 'finance': 4, 'cds': 4, 'groovy': 4, 'costarring': 4, 'hamming': 4, 'raines': 4, 'swells': 4, 'sexpot': 4, 'zeal': 4, 'sabotaged': 4, 'erstwhile': 4, 'dea': 4, 'innocently': 4, 'octopus': 4, 'senile': 4, 'silvers': 4, 'halperin': 4, 'ethel': 4, 'kindergarten': 4, 'writings': 4, 'attribute': 4, 'chin': 4, 'healed': 4, 'crock': 4, 'threehour': 4, 'alcoholics': 4, 'johnsons': 4, 'responded': 4, 'vanishes': 4, 'garp': 4, 'brewster': 4, 'tenant': 4, 'latent': 4, 'selfconscious': 4, 'episodic': 4, 'insidious': 4, 'vicepresident': 4, 'enthralling': 4, 'stylist': 4, 'iran': 4, 'blindfolded': 4, 'lowell': 4, 'assaulted': 4, 'rifle': 4, 'mcgregors': 4, 'elliots': 4, 'priscilla': 4, 'frau': 4, 'maniacally': 4, 'guillermo': 4, 'incidental': 4, 'breasted': 4, 'contrivance': 4, 'dugan': 4, 'alessandro': 4, 'sadler': 4, 'bashed': 4, 'greasy': 4, 'locale': 4, 'spices': 4, 'remedy': 4, 'spiritualist': 4, 'toninho': 4, 'perrineau': 4, 'crossdresser': 4, 'documented': 4, 'hospitalized': 4, 'awoke': 4, 'hubbards': 4, 'entrusted': 4, 'begrudgingly': 4, 'periscope': 4, 'vendor': 4, 'tanning': 4, 'lid': 4, 'implanted': 4, 'koontzs': 4, 'ramble': 4, 'profanities': 4, 'filmgoing': 4, 'stripes': 4, 'underachieving': 4, 'stacey': 4, 'accommodating': 4, '600': 4, 'timer': 4, 'alfre': 4, 'woodard': 4, 'mythological': 4, 'hoopla': 4, 'heinous': 4, 'compilation': 4, 'whichever': 4, 'odious': 4, 'unapologetically': 4, 'dougray': 4, 'actioncomedy': 4, 'goofier': 4, 'headacheinducing': 4, 'bernhard': 4, 'glazed': 4, 'sela': 4, 'sanitized': 4, 'blandness': 4, 'selects': 4, 'ghouls': 4, 'dismissing': 4, 'ivey': 4, 'estevez': 4, 'tshirts': 4, 'harboring': 4, 'longlost': 4, 'skintight': 4, '12yearold': 4, 'trashing': 4, 'tinkering': 4, 'yerzy': 4, 'underestimate': 4, '90minute': 4, 'nonchalantly': 4, 'pupils': 4, 'steers': 4, 'tingles': 4, 'coughlan': 4, 'silverware': 4, 'eviction': 4, 'patriarchal': 4, 'rationality': 4, 'researching': 4, 'rumbles': 4, 'hums': 4, 'hichock': 4, 'linking': 4, 'stoddard': 4, 'fraker': 4, 'nastassja': 4, 'hustling': 4, 'shirtless': 4, 'rainforest': 4, 'nocturnal': 4, 'regaining': 4, 'tart': 4, 'trusting': 4, 'burglary': 4, 'dierdre': 4, 'lining': 4, 'resists': 4, 'motherly': 4, 'melding': 4, 'sanitary': 4, 'bloodless': 4, 'disagrees': 4, 'lout': 4, 'turbulence': 4, 'bonifant': 4, 'selfserving': 4, 'grosses': 4, 'troyer': 4, 'applicable': 4, 'flannery': 4, 'manifest': 4, 'sorcery': 4, 'oven': 4, 'amateurishly': 4, 'distracts': 4, 'sensing': 4, 'chorus': 4, 'agile': 4, 'wrecks': 4, 'monastery': 4, 'sammys': 4, 'manned': 4, 'thwarted': 4, 'contemptuous': 4, 'powerhungry': 4, 'modernizing': 4, 'camaraderie': 4, 'condensed': 4, 'doubles': 4, 'paradigm': 4, 'chastity': 4, 'vocally': 4, 'intellectuals': 4, 'titillation': 4, 'cockroaches': 4, 'alienates': 4, 'shipping': 4, 'stored': 4, 'frankensteins': 4, 'engineers': 4, 'michel': 4, 'myra': 4, 'trusts': 4, 'ludicrously': 4, 'spanner': 4, 'bernie': 4, 'wifetobe': 4, 'agatha': 4, 'predicting': 4, 'stuckup': 4, 'input': 4, 'enliven': 4, 'straighten': 4, 'sharper': 4, 'zen': 4, 'corbin': 4, 'parenting': 4, 'setbacks': 4, 'tombs': 4, 'variant': 4, 'planetary': 4, 'limb': 4, 'moustache': 4, 'risings': 4, 'argonautica': 4, 'ambush': 4, 'volunteers': 4, 'careening': 4, 'quart': 4, 'schoolboy': 4, 'disembodied': 4, 'pulsing': 4, 'spiffy': 4, 'debonair': 4, 'brotherinlaw': 4, '_and_': 4, 'unoriginality': 4, 'ie': 4, 'adolescence': 4, 'selfaware': 4, 'doorstep': 4, 'shapeless': 4, 'unofficial': 4, 'enhancing': 4, 'dwarf': 4, 'silliest': 4, 'prosperous': 4, 'leaking': 4, '115': 4, 'susceptible': 4, 'donning': 4, 'violator': 4, 'spiderman': 4, 'fragmented': 4, 'unleash': 4, 'ordinarily': 4, 'beatings': 4, 'peeling': 4, 'fichtners': 4, 'ooooh': 4, 'jolting': 4, 'atkins': 4, 'yawns': 4, 'vying': 4, 'plumbing': 4, 'nightly': 4, 'blossoming': 4, 'decadence': 4, 'foxy': 4, 'alltoo': 4, 'vita': 4, 'longwinded': 4, 'yum': 4, 'lark': 4, 'reappearance': 4, 'roldan': 4, 'decently': 4, 'kraft': 4, 'cocoon': 4, 'boyish': 4, '30th': 4, 'appointment': 4, 'invades': 4, 'linz': 4, 'outcasts': 4, 'dime': 4, 'farting': 4, 'lil': 4, 'neptune': 4, 'noticably': 4, 'juries': 4, 'acquit': 4, 'isolate': 4, 'selfconsciousness': 4, 'summarize': 4, 'slop': 4, 'squeaky': 4, 'daredevil': 4, 'vieluf': 4, 'krzysztof': 4, 'dodge': 4, 'wizards': 4, 'elves': 4, 'embracing': 4, 'ogres': 4, 'reich': 4, 'necrophilia': 4, 'teresa': 4, 'hiatus': 4, 'orchestrated': 4, 'inflicting': 4, 'awesomely': 4, 'infiltrate': 4, 'simulate': 4, 'comrade': 4, 'lawman': 4, 'klines': 4, 'integrate': 4, 'gladiators': 4, 'indoctrinated': 4, 'foresee': 4, 'nipple': 4, 'campfire': 4, 'rambo': 4, 'shaws': 4, 'disaffected': 4, 'twentysomethings': 4, 'dionna': 4, 'bargained': 4, 'brighter': 4, 'exited': 4, 'showtime': 4, 'soothing': 4, 'africanamericans': 4, 'baywatch': 4, 'standby': 4, 'candle': 4, 'sunrises': 4, 'confessing': 4, 'flex': 4, 'prompts': 4, 'detracted': 4, 'unkempt': 4, 'precursor': 4, 'overplay': 4, 'throes': 4, 'jagged': 4, 'zip': 4, 'douglass': 4, 'culturally': 4, 'neanderthal': 4, 'continual': 4, 'smuggled': 4, 'yulin': 4, 'souza': 4, 'stump': 4, 'frown': 4, 'snowfall': 4, 'monolith': 4, 'swallows': 4, 'cribbing': 4, 'outlined': 4, 'ufo': 4, 'pragmatic': 4, 'divide': 4, 'manifestations': 4, 'hk': 4, 'steele': 4, 'inquisitive': 4, 'selfpity': 4, 'herzfeld': 4, '100m': 4, 'impregnate': 4, 'toughguy': 4, 'alleys': 4, 'haim': 4, 'frightens': 4, 'stewardess': 4, 'routes': 4, 'prediction': 4, 'glitzy': 4, 'jurrasic': 4, 'lowered': 4, 'dissapointing': 4, 'screamed': 4, 'hayman': 4, 'stressedout': 4, 'analyst': 4, 'satirize': 4, 'brighten': 4, 'damning': 4, 'thoughtfully': 4, 'tong': 4, 'adapt': 4, 'hops': 4, 'rex': 4, 'slogan': 4, 'yaz': 4, 'basket': 4, 'vr': 4, 'concocts': 4, 'snicker': 4, 'scooby': 4, 'farms': 4, 'hanged': 4, 'playmate': 4, 'bounty': 4, 'grabbing': 4, 'flipping': 4, 'stew': 4, 'overrun': 4, 'disgraced': 4, 'dual': 4, 'grimy': 4, 'pike': 4, 'perfekt': 4, 'discernable': 4, 'wonderbra': 4, 'creepier': 4, 'starstudded': 4, 'symbolically': 4, 'suprisingly': 4, 'kafka': 4, 'marsden': 4, 'fetishes': 4, 'retarded': 4, 'disturb': 4, 'pitts': 4, 'unfeeling': 4, 'taps': 4, 'lifethreatening': 4, 'conspicuous': 4, 'roam': 4, 'kari': 4, 'dummies': 4, 'newhart': 4, 'documenting': 4, 'selfrespecting': 4, 'log': 4, 'sherilyn': 4, 'fenn': 4, 'scantilyclad': 4, 'workplace': 4, 'initech': 4, 'incorrectly': 4, 'schizophrenia': 4, 'protest': 4, 'roleshifting': 4, 'outsmarted': 4, 'attuned': 4, 'bless': 4, 'circumcision': 4, 'fabricated': 4, 'edmund': 4, 'micelli': 4, 'perceptions': 4, 'elegance': 4, 'jeez': 4, 'amiss': 4, 'indignity': 4, 'sadomasochism': 4, 'illuminate': 4, 'mistaking': 4, 'doublecross': 4, 'kristofferson': 4, 'tellingly': 4, 'helgeland': 4, 'pitching': 4, 'robertson': 4, 'nondescript': 4, 'berardinelli': 4, 'bernsen': 4, 'cerrano': 4, 'tanaka': 4, 'overpaid': 4, 'quotient': 4, 'panicking': 4, 'geological': 4, 'cooked': 4, 'assess': 4, 'ancestors': 4, 'panoramic': 4, 'mcconaugheys': 4, 'index': 4, 'prosecution': 4, 'inches': 4, 'outta': 4, 'writhing': 4, 'foreplay': 4, 'har': 4, 'kalifornia': 4, 'gielgud': 4, 'fallacy': 4, 'tangents': 4, '87': 4, 'slumber': 4, 'penalty': 4, 'haphazard': 4, 'serra': 4, 'mightily': 4, 'programmer': 4, 'wreaks': 4, '1914': 4, 'dafoes': 4, 'hades': 4, 'deceitful': 4, 'jewels': 4, 'wrapping': 4, 'radius': 4, 'hamburger': 4, 'partake': 4, 'removes': 4, 'retrospective': 4, 'seance': 4, 'saints': 4, 'graveyard': 4, 'howler': 4, 'malroux': 4, 'vamps': 4, 'dinky': 4, 'notebook': 4, 'subscribe': 4, 'melancholic': 4, 'approve': 4, 'cart': 4, 'dane': 4, 'thermians': 4, 'sarris': 4, 'embarrasses': 4, 'baddie': 4, 'renamed': 4, 'avenging': 4, 'peep': 4, 'publicly': 4, 'ciscos': 4, 'infuriated': 4, 'pampered': 4, 'gumption': 4, 'preference': 4, 'assert': 4, 'masculinity': 4, 'partnership': 4, 'guffaws': 4, 'kilronan': 4, 'conception': 4, 'spiked': 4, 'displeasure': 4, 'condoms': 4, 'replied': 4, 'uninspiring': 4, 'juggle': 4, 'fword': 4, 'invite': 4, 'excellence': 4, 'breeds': 4, 'insides': 4, 'banned': 4, 'sockets': 4, 'tootsie': 4, 'chum': 4, 'bmw': 4, 'bounces': 4, 'hardedged': 4, 'austens': 4, 'patron': 4, 'dragonheart': 4, '150': 4, 'adjani': 4, 'chandler': 4, 'equates': 4, 'oncoming': 4, 'tis': 4, 'vernon': 4, 'romanticism': 4, 'osborne': 4, 'feminine': 4, 'judgments': 4, 'delia': 4, 'queasy': 4, 'oneupmanship': 4, 'unlucky': 4, 'conspires': 4, 'favorable': 4, 'bruised': 4, '700': 4, 'thee': 4, 'actioner': 4, 'opt': 4, 'ribisis': 4, 'peek': 4, 'potters': 4, 'hitlers': 4, 'overwhelm': 4, 'port': 4, 'poisoning': 4, 'prop': 4, 'evens': 4, 'auction': 4, 'sheet': 4, 'prospects': 4, 'neighbour': 4, 'columbine': 4, 'gaby': 4, 'poop': 4, 'sputters': 4, 'exams': 4, 'blather': 4, 'athletes': 4, 'institutions': 4, 'referenced': 4, 'utmost': 4, 'innuendoes': 4, 'writingdirecting': 4, 'spewed': 4, 'shattering': 4, 'adopting': 4, 'helluva': 4, 'backlash': 4, 'brazen': 4, 'semester': 4, 'disneyfied': 4, 'smattering': 4, 'sappiness': 4, 'grit': 4, 'godlike': 4, 'broader': 4, 'ills': 4, 'intermittent': 4, 'triangles': 4, 'agony': 4, 'owed': 4, 'frail': 4, 'entertains': 4, 'glave': 4, 'niceguy': 4, 'scout': 4, 'unscary': 4, 'salute': 4, 'armys': 4, 'stefanson': 4, 'guesses': 4, 'lied': 4, 'extracted': 4, 'flowed': 4, 'rehashes': 4, 'mangle': 4, 'maura': 4, 'browns': 4, 'irritates': 4, 'specialeffects': 4, 'jailed': 4, 'richardsons': 4, 'willingly': 4, 'forcefully': 4, 'boob': 4, 'omnipotent': 4, 'doozy': 4, 'firefighter': 4, 'tucked': 4, 'predominant': 4, 'exasperation': 4, 'militia': 4, 'sampling': 4, 'latifah': 4, 'outdated': 4, 'englishman': 4, 'aplenty': 4, 'alyssa': 4, 'milano': 4, 'mishaps': 4, 'marisol': 4, 'casinos': 4, 'buellers': 4, 'excite': 4, 'swords': 4, 'newark': 4, 'dolph': 4, 'rollins': 4, 'rambunctious': 4, 'handgun': 4, 'outrun': 4, 'cherish': 4, 'penetrate': 4, 'redheaded': 4, 'fuels': 4, 'repulsion': 4, '137': 4, 'urged': 4, 'friction': 4, 'noltes': 4, 'rb': 4, 'heroics': 4, 'inserting': 4, 'draco': 4, 'telegram': 4, 'gays': 4, 'betsy': 4, 'longest': 4, 'playfully': 4, 'roache': 4, 'chernobyl': 4, 'incumbent': 4, 'hunch': 4, 'fuse': 4, 'chronological': 4, 'triggers': 4, 'horatio': 4, 'application': 4, 'tawdry': 4, 'betters': 4, 'prestige': 4, 'resurrect': 4, 'peanut': 4, 'politely': 4, 'tirade': 4, 'laptop': 4, 'bystander': 4, 'attacker': 4, 'slapping': 4, 'geriatric': 4, 'narcotic': 4, 'gulp': 4, 'shearer': 4, 'organisms': 4, 'moranis': 4, '^': 4, 'choir': 4, 'captains': 4, 'edginess': 4, 'steep': 4, 'zachs': 4, 'dudley': 4, 'professes': 4, 'nachos': 4, 'acquaintances': 4, 'cheung': 4, 'macfadyen': 4, 'bimbos': 4, 'universitys': 4, 'coveted': 4, 'fencing': 4, 'tsai': 4, 'hallucinatory': 4, 'repairman': 4, 'jogging': 4, 'butchers': 4, 'amandas': 4, 'cripple': 4, 'sardonic': 4, 'hurried': 4, 'zoot': 4, 'mugs': 4, 'nationwide': 4, 'occured': 4, 'gardner': 4, 'weirdest': 4, 'drunkard': 4, 'dome': 4, 'unbridled': 4, 'undeserved': 4, 'successive': 4, 'lamebrained': 4, 'robins': 4, 'eliza': 4, 'laziness': 4, 'bens': 4, 'vacuum': 4, 'friedkins': 4, 'teller': 4, 'tours': 4, 'hedwigs': 4, 'gnosis': 4, 'rouge': 4, '129': 4, 'aerial': 4, 'tulip': 4, 'whereabouts': 4, 'overlapping': 4, 'blackman': 4, 'melora': 4, 'disclosed': 4, 'forgives': 4, 'transgressions': 4, 'isaiah': 4, 'adversary': 4, 'storywise': 4, 'tore': 4, 'whipping': 4, 'excursions': 4, 'harvest': 4, 'ladybug': 4, 'caterpillar': 4, 'mole': 4, 'amazes': 4, 'punishing': 4, 'underscores': 4, 'vondie': 4, 'cringes': 4, 'chats': 4, 'leachman': 4, 'austrian': 4, 'bystanders': 4, 'hi': 4, 'prototype': 4, 'dillons': 4, 'starving': 4, 'fella': 4, 'emmannuelle': 4, 'lingerie': 4, 'rudolphs': 4, 'hershey': 4, 'lisbon': 4, 'arty': 4, 'vistas': 4, 'spiders': 4, 'undistinguished': 4, 'enforcer': 4, 'blackmailing': 4, 'scumbag': 4, 'slo': 4, 'opener': 4, 'synchronized': 4, 'maestro': 4, 'excepting': 4, 'pigeons': 4, 'gunfight': 4, 'arouse': 4, 'bulb': 4, 'sang': 4, 'tackled': 4, 'unadulterated': 4, 'ushered': 4, 'misadventure': 4, 'littleknown': 4, 'binds': 4, 'backers': 4, 'shelter': 4, 'enslaved': 4, 'routinely': 4, 'scrappy': 4, 'enlightenment': 4, 'taunting': 4, 'crucified': 4, 'arquettes': 4, 'henrikson': 4, 'snoop': 4, 'attains': 4, 'graynamore': 4, 'colleges': 4, 'ville': 4, 'classroom': 4, 'mullan': 4, 'gevedon': 4, 'ostensible': 4, 'lassez': 4, 'improving': 4, 'evangelist': 4, 'engrossed': 4, 'blandly': 4, 'chairs': 4, 'intuition': 4, 'boardroom': 4, 'frightful': 4, 'feather': 4, 'brethren': 4, 'undress': 4, 'coxs': 4, 'maddening': 4, 'meander': 4, 'revamped': 4, 'thorough': 4, 'cringing': 4, 'grimacing': 4, 'lookalike': 4, 'drilling': 4, 'eloquent': 4, 'nonfiction': 4, 'verse': 4, 'prints': 4, 'pleases': 4, 'wenders': 4, 'angelic': 4, 'ruminations': 4, 'typecasting': 4, 'lounging': 4, 'salary': 4, 'lessthanstellar': 4, 'kissner': 4, 'lung': 4, 'gardening': 4, 'kinnears': 4, 'imbue': 4, 'knees': 4, 'fundamentals': 4, 'romano': 4, '7th': 4, 'courtneys': 4, 'swallowed': 4, 'redeems': 4, 'brood': 4, 'doyles': 4, 'damsel': 4, 'earthshattering': 4, 'governmental': 4, 'trysts': 4, 'falters': 4, 'hostility': 4, 'turbulent': 4, 'gabby': 4, '11yearold': 4, 'tigers': 4, 'buffoon': 4, 'reappearing': 4, 'autopsy': 4, 'selecting': 4, 'tortures': 4, 'extracurricular': 4, 'consumers': 4, 'longawaited': 4, 'yielded': 4, 'grinder': 4, 'gregson': 4, 'mikey': 4, 'reliant': 4, '_': 4, 'walmart': 4, 'mctiernans': 4, 'passages': 4, 'clinical': 4, 'heighten': 4, 'selfconsciously': 4, 'accumulated': 4, 'tripp': 4, 'cashier': 4, 'mcgowans': 4, 'spokesman': 4, '1800s': 4, 'transmit': 4, 'rack': 4, 'bigwig': 4, 'topbilled': 4, 'endangering': 4, 'clearing': 4, 'ca': 4, 'reserve': 4, 'barney': 4, 'knotts': 4, 'payment': 4, 'extramarital': 4, 'remaking': 4, 'pentagon': 4, 'marion': 4, 'mamas': 4, 'kerseys': 4, 'bronsons': 4, 'pillsbury': 4, 'woodenly': 4, 'barcelona': 4, 'strangle': 4, 'mobs': 4, 'compulsory': 4, 'ana': 4, 'dissolve': 4, 'smartmouthed': 4, 'impediment': 4, 'noholdsbarred': 4, 'clarify': 4, 'lagoon': 4, 'serials': 4, 'flintstones': 4, 'daughterinlaw': 4, 'stella': 4, 'unprepared': 4, 'wobbly': 4, 'ironsides': 4, 'rosy': 4, 'sidelines': 4, 'courageously': 4, 'dispatch': 4, 'impersonators': 4, 'arbogast': 4, 'defy': 4, 'ramseys': 4, 'irritation': 4, 'saucers': 4, 'terminators': 4, 'hulk': 4, 'wormhole': 4, 'amazon': 4, 'thade': 4, 'princeton': 4, 'overstated': 4, 'rows': 4, 'triggered': 4, 'cheng': 4, 'harrelsons': 4, 'prolific': 4, 'properties': 4, 'semi': 4, 'spiceworld': 4, 'unjust': 4, 'rangoon': 4, 'practiced': 4, 'muddy': 4, 'distressed': 4, 'mulders': 4, 'outlining': 4, 'textual': 4, 'newfoundland': 4, 'damato': 4, 'answering': 4, 'implants': 4, 'exfootball': 4, 'hala': 4, 'debilitating': 4, 'voyager': 4, 'hurdle': 4, 'echoing': 4, 'unimpressed': 4, 'macaulay': 4, 'workaday': 4, 'rigg': 4, 'bewildering': 4, 'peels': 4, 'clearer': 4, 'herbert': 4, 'overseen': 4, 'harkonnen': 4, 'fremen': 4, 'homeworld': 4, 'vladimir': 4, 'stung': 4, 'improvements': 4, 'extension': 4, 'ideologies': 4, 'ingrid': 4, 'sunderland': 4, 'perversion': 4, 'wags': 4, 'debauchery': 4, 'savant': 4, 'opportunistic': 4, 'bidding': 4, 'scrutinize': 4, 'allamerican': 4, 'hardships': 4, 'nonthreatening': 4, 'goodmans': 4, 'devote': 4, 'rates': 4, 'orton': 4, 'crs': 4, 'normandy': 4, 'cemetary': 4, 'flawlessly': 4, 'mantegna': 4, 'entrenched': 4, 'unshaven': 4, 'bloodsuckers': 4, 'picky': 4, 'membership': 4, 'crusaders': 4, 'ivys': 4, 'occupy': 4, 'boobs': 4, 'needles': 4, 'dispose': 4, 'nab': 4, 'announcing': 4, 'intersection': 4, 'greatlooking': 4, 'defect': 4, 'apted': 4, 'heiress': 4, 'representing': 4, 'ingmar': 4, 'ringo': 4, 'realising': 4, 'complicate': 4, 'joyous': 4, 'cannibals': 4, 'bigshot': 4, 'loudmouth': 4, '_dirty_work_': 4, 'incarnations': 4, 'tiff': 4, 'salaries': 4, 'brute': 4, 'showings': 4, 'erins': 4, 'prevail': 4, 'hardhitting': 4, 'yen': 4, 'vincenzo': 4, 'squarely': 4, 'consumption': 4, 'molestation': 4, 'easter': 4, 'hooking': 4, 'icing': 4, 'comebacks': 4, 'powdered': 4, 'aroused': 4, 'flatly': 4, 'burying': 4, 'londons': 4, 'bolster': 4, 'ranting': 4, 'proficiency': 4, 'creed': 4, '125th': 4, 'jefferson': 4, 'filtered': 4, 'overhyped': 4, 'stems': 4, 'inkling': 4, 'falwell': 4, 'ominously': 4, 'mos': 4, 'zooming': 4, 'delusional': 4, 'enraged': 4, 'justifies': 4, 'mathilde': 4, 'adventurer': 4, 'intrigues': 4, 'protege': 4, 'indecent': 4, 'paquin': 4, 'postwar': 4, 'excuses': 4, 'resentful': 4, 'bookends': 4, 'gaerity': 4, 'doves': 4, 'captivity': 4, 'shadowed': 4, 'delicatessen': 4, 'dreyfus': 4, 'tenants': 4, 'aristocratic': 4, 'lusts': 4, 'drix': 4, 'obtuse': 4, 'overshadow': 4, 'burnt': 4, 'farleys': 4, 'hogget': 4, 'shack': 4, 'pyramid': 4, 'ra': 4, 'lem': 4, 'premier': 4, 'sacrificed': 4, 'filters': 4, 'moresco': 4, 'catalog': 4, 'intangible': 4, 'persecution': 4, 'apaches': 4, 'oppressed': 4, 'mara': 4, 'turkish': 4, 'siegel': 4, 'torturing': 4, 'perplexed': 4, 'hipster': 4, 'rapport': 4, 'grated': 4, 'consuming': 4, 'persuasion': 4, 'glengarry': 4, 'byron': 4, 'incongruous': 4, 'waging': 4, 'inventiveness': 4, 'taped': 4, 'joyride': 4, 'jewisons': 4, 'welloff': 4, 'hurricanes': 4, 'banking': 4, 'akira': 4, 'undefined': 4, 'radically': 4, 'paraphernalia': 4, 'erica': 4, 'wiccan': 4, 'exchanged': 4, 'imaginations': 4, 'inhibitions': 4, 'sonias': 4, 'outstandingly': 4, 'criteria': 4, 'nova': 4, 'masterminds': 4, 'jackals': 4, 'carville': 4, 'sparring': 4, 'radiantly': 4, 'deem': 4, 'vartan': 4, 'toaster': 4, 'straightfaced': 4, 'enlisted': 4, 'metaphorically': 4, 'hardball': 4, 'cartman': 4, 'zed': 4, 'combatants': 4, 'occupied': 4, 'sidious': 4, '_soldier_': 4, 'slowpaced': 4, 'schwimmers': 4, 'recounts': 4, 'fresher': 4, 'acquaintance': 4, 'talon': 4, 'settling': 4, 'composing': 4, 'welch': 4, 'nino': 4, 'stinky': 4, 'slaughtering': 4, 'pothead': 4, 'yearbook': 4, 'oxymoron': 4, 'arlene': 4, 'presidency': 4, 'constitutes': 4, 'isla': 4, 'kirbys': 4, 'naming': 4, 'mansions': 4, 'unforgiven': 4, 'exaggerate': 4, 'voters': 4, 'borgnine': 4, 'albertson': 4, 'affectionately': 4, 'viable': 4, 'soak': 4, 'discrimination': 4, 'kidmans': 4, 'spanking': 4, 'dykstra': 4, 'novalee': 4, 'mideighties': 4, 'promotes': 4, 'advisors': 4, 'cliffs': 4, 'anarchy': 4, 'violinist': 4, 'fergus': 4, 'repugnant': 4, 'yesterday': 4, 'disgrace': 4, 'rosary': 4, 'wainwright': 4, 'immortals': 4, 'darling': 4, 'hooper': 4, 'graffiti': 4, 'neonazi': 4, 'chopsocky': 4, 'belgian': 4, 'lumumbas': 4, 'bustling': 4, 'colonial': 4, 'abroad': 4, 'complementing': 4, 'aldas': 4, 'periphery': 4, 'chivalry': 4, 'paternalistic': 4, 'mobutu': 4, 'shaolin': 4, 'keiying': 4, 'contestant': 4, 'paragraphs': 4, 'ambulance': 4, 'carols': 4, 'sling': 4, 'expectant': 4, 'scarce': 4, 'maroon': 4, 'renton': 4, 'riker': 4, 'unhinged': 4, 'cruelly': 4, 'parkers': 4, 'enthralled': 4, 'vito': 4, 'schreber': 4, 'visitor': 4, 'metatron': 4, 'bartleby': 4, 'ensures': 4, 'doctrine': 4, 'amidalas': 4, 'guiness': 4, 'eightyearold': 4, 'doting': 4, 'curmudgeon': 4, 'leer': 4, 'masseuse': 4, 'mizrahi': 4, 'incomplete': 4, 'cherished': 4, 'daleks': 4, 'janney': 4, 'cheerleading': 4, 'upbringing': 4, 'nuance': 4, 'exclamation': 4, 'herbie': 4, 'blended': 4, 'fink': 4, 'hickam': 4, 'gyllenhaal': 4, 'navaz': 4, 'shops': 4, 'riggs': 4, 'bickle': 4, 'chinas': 4, 'katzenberg': 4, 'issuing': 4, 'ramen': 4, 'noodle': 4, 'trepidation': 4, 'c3p0': 4, 'mansley': 4, 'alexandra': 4, 'homophobe': 4, 'auteuil': 4, 'heartwrenching': 4, 'nicoletta': 4, 'braschi': 4, 'symptoms': 4, 'manni': 4, 'chillingly': 4, 'melody': 4, 'nugent': 4, 'menagerie': 4, 'paramedic': 4, 'toby': 4, 'braugher': 4, 'allpowerful': 4, 'christoff': 4, 'inseparable': 4, 'endeavors': 4, 'compares': 4, 'winterbottom': 4, 'boyce': 4, 'effected': 4, 'maxime': 4, 'preconceived': 4, 'executes': 4, 'footloose': 4, 'swaying': 4, 'burgeoning': 4, 'bostock': 4, 'enraptured': 4, 'crossover': 4, 'imhotep': 4, 'mummies': 4, 'giallo': 4, 'franco': 4, 'tylers': 4, 'coulda': 4, 'armpit': 4, 'interacts': 4, 'albanian': 4, 'democracy': 4, 'firstclass': 4, 'albania': 4, 'auschwitz': 4, '35mm': 4, 'sawalha': 4, 'rooster': 4, 'tweedy': 4, 'horrocks': 4, 'civilian': 4, 'analyzing': 4, 'groetescheles': 4, 'communists': 4, 'webber': 4, 'hy': 4, 'labour': 4, 'affirmation': 4, 'reassures': 4, 'blume': 4, 'cunningham': 4, 'divorcing': 4, 'truce': 4, 'headon': 4, 'apologies': 4, 'hawkins': 4, 'outrageousness': 4, 'piven': 4, 'hallstrom': 4, 'larrys': 4, 'guilderland': 4, 'embraces': 4, 'metcalf': 4, 'welldefined': 4, 'endearingly': 4, 'unpretentious': 4, 'morriss': 4, 'sensory': 4, 'roulette': 4, 'saigon': 4, 'resulted': 4, 'quills': 4, 'kaufmans': 4, 'biao': 4, 'flourishing': 4, 'fang': 4, 'beijing': 4, 'culled': 4, 'mackey': 4, 'interpreted': 4, 'ellies': 4, 'skerritt': 4, 'unimaginable': 4, 'grudgingly': 4, 'paralysed': 4, 'hannon': 4, 'healy': 4, 'disabled': 4, 'ante': 4, 'phobia': 4, 'immersing': 4, 'impoverished': 4, 'tretiak': 4, 'fusion': 4, 'chronicle': 4, 'peach': 4, 'tipping': 4, 'mega': 4, 'aural': 4, 'narrowminded': 4, 'defiantly': 4, 'sugiyama': 4, 'allie': 4, 'treacherous': 4, 'carnegie': 4, 'morita': 4, 'salonga': 4, 'tahoe': 4, 'compromising': 4, 'holdings': 4, 'mcgehee': 4, 'graciously': 4, 'uncles': 4, 'campion': 4, 'tranquil': 4, 'nu': 4, 'righthand': 4, '14th': 4, 'trench': 4, 'succumbed': 4, 'befall': 4, 'helfgott': 4, 'tracked': 4, '3rd': 4, 'bondsman': 4, 'deliberation': 4, 'hinting': 4, 'broadcasts': 4, 'suo': 4, 'evenings': 4, 'soderberghs': 4, 'leonards': 4, 'sisco': 4, 'splashes': 4, 'israel': 4, 'apartments': 4, 'rivka': 4, 'glistening': 4, 'malka': 4, 'schmaltzy': 4, 'acknowledging': 4, 'crowdpleasing': 4, 'classification': 4, 'diggler': 4, 'ons': 4, 'glorify': 4, 'spiritually': 4, 'mallorys': 4, 'totalitarian': 4, 'regimes': 4, 'fashionable': 4, 'joadson': 4, 'replaces': 4, 'kozmo': 4, 'nihilists': 4, 'roundup': 4, 'prospector': 4, 'wetmore': 4, 'panders': 4, 'stadium': 4, 'defended': 4, 'greets': 4, 'writerdirectorproducer': 4, 'steerage': 4, 'fingal': 4, 'clubber': 4, 'rockys': 4, 'patrasche': 4, 'deter': 4, 'pidgeon': 4, '_beloved_': 4, 'kimberly': 4, 'livelier': 4, 'terrance': 4, 'quo': 4, '1970': 4, 'tykwers': 4, 'tavington': 4, 'figurative': 4, 'selfconfident': 4, 'unhappiness': 4, 'lifeboats': 4, 'symbolized': 4, '_ghost': 4, 'shell_': 4, 'czech': 4, 'crewmembers': 4, 'lag': 4, 'pyle': 4, 'swipe': 4, 'alteration': 4, 'savings': 4, 'jiff': 4, 'uproarious': 4, 'marsellus': 4, 'admittance': 4, 'packaging': 4, 'dayton': 4, 'spacious': 4, 'kosteas': 4, 'deans': 4, 'odin': 4, 'odins': 4, 'prosecutor': 4, 'stillers': 4, 'invests': 4, 'ratner': 4, 'rockin': 4, 'forrester': 4, 'portraits': 4, '1940': 4, 'firebird': 4, 'evoked': 4, 'mckellan': 4, 'arctic': 4, 'atheism': 4, 'laughton': 4, 'middleweight': 4, 'ideological': 4, 'sommerset': 4, 'symbolizes': 4, 'sheik': 4, '1932': 4, 'necklace': 4, 'seas': 4, 'plunged': 4, 'sabor': 4, 'curses': 4, 'peasants': 4, 'trance': 4, 'privileged': 4, '2nd': 4, 'manifested': 4, 'halloweentown': 4, 'kint': 4, 'hatami': 4, 'saito': 4, 'perseverance': 4, 'garlic': 4, 'hillbilly': 4, 'oneil': 4, 'mottas': 4, 'decaying': 4, 'slades': 4, 'seperate': 4, 'antarctica': 4, 'ilona': 4, 'gerrys': 4, 'decisive': 4, 'tbwp': 4, 'cubas': 4, 'herskovitz': 4, 'rulers': 4, 'fawcett': 4, 'risque': 4, 'shackletons': 4, 'offbroadway': 4, 'shreks': 4, 'cyborg': 4, 'guides': 4, 'blush': 4, 'stoppidge': 4, 'cloke': 4, 'franknfurter': 4, 'disputes': 4, 'disciple': 4, 'dar': 4, 'brigante': 4, 'kleinfeld': 4, 'respectful': 4, 'feihongs': 4, 'seal': 4, 'ginseng': 4, 'columbo': 4, 'irma': 4, 'bowed': 4, 'gabe': 4, 'mortician': 4, 'pentecostal': 4, 'escalating': 4, 'mystic': 4, 'domingo': 4, 'hamunaptra': 4, 'endora': 4, 'biancas': 4, 'odile': 4, 'sweetly': 4, 'lotte': 4, 'innercity': 4, 'pattis': 4, 'fugly': 4, 'louisas': 4, 'anh': 4, 'pams': 4, 'tics': 4, 'dusty': 4, 'guaspari': 4, 'twentyone': 4, 'u2': 4, 'beacham': 4, 'actresss': 4, 'bea': 4, 'bilal': 4, 'uneducated': 4, 'dershowitz': 4, 'gallo': 4, 'saunders': 4, 'sheldon': 4, 'muriel': 4, 'trunchbull': 4, '_daylight_': 4, 'elgin': 4, 'liveactiondisney': 4, 'taymor': 4, 'anya': 4, 'archbishop': 4, 'disappearances': 3, 'packaged': 3, 'hourlong': 3, 'transfers': 3, 'spoonfed': 3, 'kayley': 3, 'warlord': 3, 'excalibur': 3, 'twoheaded': 3, 'showmanship': 3, 'garretts': 3, 'grievous': 3, 'undergoing': 3, 'proliferation': 3, 'inexpensive': 3, 'exlover': 3, 'stalk': 3, 'implicitly': 3, 'dabo': 3, 'decapitations': 3, 'unwind': 3, 'matteroffactly': 3, 'projector': 3, 'cleveland': 3, 'pa': 3, 'fistfight': 3, 'scriptwriters': 3, 'simultaneous': 3, 'vodka': 3, 'unamusing': 3, 'sunset': 3, 'unfulfilled': 3, 'smelly': 3, 'headey': 3, 'periodic': 3, 'sloshed': 3, 'snorting': 3, 'tires': 3, 'unveil': 3, 'twitch': 3, 'insouciance': 3, 'ceremonial': 3, 'stifled': 3, 'delving': 3, 'pronounces': 3, 'riddles': 3, 'uncharismatic': 3, 'pisspoor': 3, 'gunk': 3, 'blares': 3, 'strayed': 3, 'stuntwork': 3, 'ladders': 3, 'manns': 3, 'temptations': 3, 'slices': 3, 'cuesta': 3, 'dano': 3, 'citing': 3, 'whitecollar': 3, 'artful': 3, 'whitman': 3, 'predestined': 3, 'everpopular': 3, 'democrat': 3, 'reconcile': 3, 'highflying': 3, 'coordinator': 3, 'aramis': 3, 'kremp': 3, 'porthos': 3, '30minute': 3, 'filth': 3, 'subtext': 3, 'anyways': 3, 'volumes': 3, 'greased': 3, 'mystics': 3, 'sidetracks': 3, 'modicum': 3, 'barbet': 3, 'coproduced': 3, 'swirling': 3, 'gases': 3, 'meddling': 3, 'ponytail': 3, 'yelled': 3, 'alicias': 3, 'classify': 3, 'melange': 3, '2020': 3, 'techie': 3, 'yawning': 3, 'cranking': 3, 'blunders': 3, 'gargantuan': 3, 'bellows': 3, 'clumsiness': 3, '1949': 3, 'formality': 3, 'zoologist': 3, 'maneating': 3, 'mumbo': 3, 'lurches': 3, 'overtake': 3, 'randle': 3, 'minion': 3, 'manipulates': 3, 'phew': 3, 'farts': 3, 'grey': 3, 'foo': 3, 'trout': 3, '100minute': 3, 'headscratcher': 3, 'masterminded': 3, 'benings': 3, 'trades': 3, 'absurdist': 3, 'mumbled': 3, 'cranked': 3, 'halfbrother': 3, 'rashomon': 3, 'deconstruction': 3, 'proposterous': 3, 'machina': 3, 'idolizes': 3, 'unearthed': 3, 'infects': 3, 'spells': 3, 'prim': 3, 'puritan': 3, 'alarming': 3, 'synchronicity': 3, 'distractingly': 3, 'huffing': 3, 'bantering': 3, 'delicacy': 3, 'diversions': 3, 'imperfect': 3, 'muddle': 3, 'ceaselessly': 3, 'complements': 3, 'pillage': 3, 'headings': 3, 'blurs': 3, 'scanners': 3, 'immunity': 3, 'detonation': 3, 'keyboard': 3, 'chestnut': 3, 'miramaxs': 3, 'imports': 3, 'barbed': 3, 'frain': 3, 'cellmate': 3, 'waltzes': 3, 'interminably': 3, 'captor': 3, 'morneau': 3, 'mime': 3, 'growl': 3, 'growling': 3, 'foisted': 3, 'chlo': 3, 'flail': 3, 'wail': 3, 'letterboxed': 3, 'bios': 3, 'pictured': 3, 'sheltons': 3, 'davidovich': 3, 'interfering': 3, 'jivetalking': 3, 'imdb': 3, 'kellogg': 3, 'olsen': 3, 'squirming': 3, 'zaniness': 3, 'trachtenberg': 3, 'unexceptional': 3, 'cheri': 3, 'portland': 3, 'stroll': 3, 'hughley': 3, 'adlib': 3, 'mainland': 3, 'po': 3, 'bodyguards': 3, 'oday': 3, 'mac': 3, 'lethargic': 3, 'gambit': 3, 'facilitate': 3, '44': 3, 'astounded': 3, 'collage': 3, 'seed': 3, 'grumpier': 3, 'truelife': 3, 'disenchanted': 3, 'miner': 3, 'preoccupied': 3, 'underage': 3, 'unpleasantness': 3, 'hoop': 3, 'stuffy': 3, 'pork': 3, 'yacht': 3, 'skipper': 3, 'dissatisfied': 3, 'paleontologist': 3, 'hemisphere': 3, 'slippery': 3, 'unnatural': 3, 'crocodiles': 3, 'radioactive': 3, 'counterattack': 3, 'germ': 3, 'mettle': 3, 'uhhuh': 3, 'turgid': 3, 'winston': 3, 'churns': 3, 'geneticist': 3, 'moreaus': 3, 'beastpeople': 3, 'suppress': 3, 'binoche': 3, 'noun': 3, 'jennys': 3, 'constricted': 3, 'timetravel': 3, 'conventionally': 3, 'pretentiously': 3, '24yearold': 3, 'fancies': 3, 'mumbles': 3, 'photographers': 3, 'counselors': 3, 'dweeb': 3, 'aldys': 3, 'suggestions': 3, 'hyperdrive': 3, 'finals': 3, 'pygmalion': 3, 'reunites': 3, 'huntingburg': 3, 'overworked': 3, 'evacuated': 3, 'speedboat': 3, 'rescuers': 3, 'swims': 3, 'worldrenowned': 3, 'psychotics': 3, 'furthering': 3, 'caulders': 3, 'discourage': 3, 'aloud': 3, 'novikov': 3, 'hamper': 3, 'belonged': 3, 'hassidic': 3, 'orthodox': 3, 'crewman': 3, 'onlookers': 3, 'leaf': 3, 'lamely': 3, 'lehmann': 3, 'charitable': 3, 'fiendish': 3, 'clubhopping': 3, 'parrish': 3, 'welfare': 3, 'disorienting': 3, 'madeup': 3, 'whacked': 3, 'disinterested': 3, 'peacefully': 3, 'integration': 3, 'orchestral': 3, 'marx': 3, 'smother': 3, 'intern': 3, 'scenestealer': 3, 'stifle': 3, 'adoptive': 3, 'loanshark': 3, 'mccarthy': 3, 'costarred': 3, 'dietl': 3, 'builder': 3, 'mortgage': 3, 'louies': 3, 'austen': 3, 'guerrillas': 3, 'luppi': 3, 'antique': 3, 'cronos': 3, 'threeday': 3, 'boil': 3, 'tuesday': 3, 'jackpot': 3, 'pancakes': 3, 'microwave': 3, 'darrell': 3, 'dang': 3, 'underhanded': 3, 'attain': 3, 'harrier': 3, 'airwolf': 3, 'incite': 3, 'revolt': 3, 'crumbs': 3, 'roast': 3, 'unequivocal': 3, 'drone': 3, 'duguay': 3, 'cheetah': 3, 'connors': 3, 'vindication': 3, 'whispers': 3, 'mutates': 3, 'toughs': 3, 'pleasurable': 3, 'durden': 3, 'smoked': 3, 'redhead': 3, 'offputting': 3, 'multiplexes': 3, 'adores': 3, 'hike': 3, 'lombardos': 3, 'lustful': 3, 'menageatrois': 3, 'propelling': 3, 'oildriller': 3, 'inspect': 3, 'nincompoops': 3, 'humourless': 3, 'primates': 3, 'plotholes': 3, 'bollocks': 3, 'draven': 3, 'wordofmouth': 3, 'subsidiary': 3, 'shackled': 3, 'pier': 3, 'seductress': 3, 'insultingly': 3, 'zak': 3, 'orth': 3, 'addressing': 3, 'shrimp': 3, 'afoul': 3, 'welcomed': 3, 'leftovers': 3, 'tolls': 3, 'tyranny': 3, 'catandmouse': 3, 'appallingly': 3, 'ahh': 3, 'boymeetsgirl': 3, 'nicest': 3, 'leviathan': 3, 'servicable': 3, 'nadia': 3, 'burr': 3, 'emmerichs': 3, 'timmonds': 3, 'amok': 3, 'topples': 3, 'wrinkles': 3, 'underside': 3, 'dietz': 3, 'depressive': 3, 'erotica': 3, 'dwells': 3, 'unchecked': 3, 'extraction': 3, 'overgrown': 3, 'hamster': 3, 'wipes': 3, 'boyz': 3, 'hilt': 3, 'blinking': 3, 'venue': 3, 'lurk': 3, 'slash': 3, 'confederation': 3, 'blocking': 3, 'plod': 3, 'racer': 3, 'googoo': 3, 'complement': 3, 'ketchum': 3, 'warlock': 3, 'infamy': 3, 'narcolepsy': 3, 'tourettes': 3, 'diney': 3, 'featurette': 3, 'lapage': 3, 'nontraditional': 3, 'undeserving': 3, 'constance': 3, 'counterculture': 3, 'faints': 3, 'inadvertent': 3, 'deposited': 3, 'remnants': 3, 'selick': 3, 'desirable': 3, 'nurses': 3, 'interviewees': 3, 'gord': 3, 'bards': 3, 'dissected': 3, 'collapse': 3, 'eccentrics': 3, 'escalated': 3, 'overcrowded': 3, 'nonviolent': 3, 'squares': 3, 'blethyn': 3, 'swoop': 3, 'ferguson': 3, 'descended': 3, 'drones': 3, 'tolerated': 3, 'widows': 3, 'gees': 3, 'soprano': 3, 'telescopes': 3, 'biederman': 3, 'rittenhouse': 3, 'recommends': 3, 'yada': 3, 'tolkin': 3, 'leders': 3, 'sadist': 3, 'crosby': 3, 'firefighters': 3, 'cosmopolitan': 3, 'locates': 3, 'secondincommand': 3, 'mawkish': 3, 'firefighting': 3, 'goof': 3, 'lilianna': 3, 'unmoved': 3, 'advise': 3, 'silverado': 3, 'mi': 3, 'rodriguezs': 3, 'despised': 3, 'issued': 3, 'extremist': 3, 'fruitless': 3, 'costa': 3, 'rightwing': 3, 'pursuer': 3, 'query': 3, 'pryor': 3, 'refugees': 3, 'krypton': 3, 'toole': 3, 'supermans': 3, 'sails': 3, 'hairstyle': 3, 'alias': 3, 'bulldozer': 3, 'lovesick': 3, 'rapists': 3, 'seize': 3, 'vaccaro': 3, 'otis': 3, 'bunnies': 3, 'approved': 3, 'commentaries': 3, 'reeve': 3, 'aunts': 3, 'misfortune': 3, 'beetlejuice': 3, 'accumulation': 3, 'shelleys': 3, 'ultra': 3, 'barksdale': 3, 'squandering': 3, 'splicing': 3, 'infests': 3, 'shredded': 3, 'empathic': 3, 'vixen': 3, 'acquits': 3, 'contributors': 3, 'ustinovs': 3, 'brewsters': 3, 'diggers': 3, 'outgrown': 3, 'copland': 3, 'spousal': 3, 'wellington': 3, '53': 3, 'lances': 3, 'reworked': 3, 'ambassadors': 3, 'sykes': 3, 'steak': 3, 'conversing': 3, 'sweaters': 3, 'unsophisticated': 3, 'winstone': 3, 'boulder': 3, 'lovejoy': 3, 'exporn': 3, 'complication': 3, 'accounted': 3, 'widmark': 3, 'reputedly': 3, 'apparantly': 3, 'ratcliffe': 3, 'wizened': 3, 'traveler': 3, 'auditions': 3, 'bellhop': 3, 'valeria': 3, 'golino': 3, 'sperm': 3, 'proval': 3, 'hayeks': 3, 'cleaver': 3, 'dukes': 3, 'yarns': 3, 'damnation': 3, 'piracy': 3, 'smokers': 3, 'fastmoving': 3, 'skis': 3, 'crops': 3, 'coproducer': 3, 'gills': 3, 'reflective': 3, 'amarillo': 3, 'goodall': 3, 'dorado': 3, 'hitchhiking': 3, 'deduction': 3, 'selves': 3, 'upstages': 3, 'dammit': 3, 'crud': 3, 'cassavetes': 3, 'confinement': 3, 'jeanluke': 3, 'glorias': 3, 'broads': 3, 'emotive': 3, 'plethora': 3, 'boozing': 3, 'matriarchal': 3, 'clea': 3, 'bonkers': 3, 'incomprehensibly': 3, 'posse': 3, 'lesbians': 3, 'seclusion': 3, 'cater': 3, 'capulet': 3, 'spurgeon': 3, 'uncommonly': 3, 'flipper': 3, 'wessell': 3, 'gluttony': 3, 'arcade': 3, 'juxtaposition': 3, 'lite': 3, 'inclination': 3, 'diabolique': 3, 'clocking': 3, 'thrash': 3, 'hinged': 3, 'torsos': 3, 'izzard': 3, 'wane': 3, 'chechik': 3, 'vanities': 3, 'refund': 3, 'alfreds': 3, 'brawn': 3, 'riddler': 3, 'hypothetically': 3, 'makeout': 3, 'coolio': 3, 'flatliners': 3, 'rocked': 3, 'springboard': 3, 'zgrade': 3, 'schlockfest': 3, 'masculine': 3, 'tatooed': 3, 'sutherlands': 3, 'oded': 3, 'fehr': 3, 'fooling': 3, 'arija': 3, 'bareikis': 3, 'bowel': 3, 'looker': 3, 'supremacist': 3, 'atrociously': 3, 'bythebook': 3, 'overwhelms': 3, 'overpowered': 3, 'smiley': 3, 'grouchy': 3, 'obscenely': 3, 'befitting': 3, 'redemptive': 3, 'christianity': 3, 'incapacitated': 3, 'uncharacteristically': 3, 'corinthians': 3, 'tightfitting': 3, 'rehearsal': 3, 'baseketball': 3, 'skips': 3, 'bounced': 3, 'whacking': 3, 'knockoffs': 3, 'catherines': 3, 'bernsteins': 3, 'bailed': 3, 'magnate': 3, 'kristopherson': 3, 'dab': 3, 'streams': 3, 'narcissistic': 3, 'preserving': 3, 'marlo': 3, 'onagain': 3, 'offagain': 3, 'superficiality': 3, 'forays': 3, 'tangential': 3, 'skyline': 3, 'faintest': 3, 'odonnells': 3, 'shapely': 3, 'appliances': 3, 'pfieffer': 3, 'sesame': 3, 'ceo': 3, 'wayanss': 3, 'upstart': 3, 'cyril': 3, 'connote': 3, 'awash': 3, 'repairs': 3, 'infested': 3, 'grenades': 3, 'misty': 3, 'juices': 3, 'detector': 3, 'illtimed': 3, 'legions': 3, 'clamoring': 3, 'nuisance': 3, 'janes': 3, 'garcias': 3, 'wayside': 3, 'shortterm': 3, 'jello': 3, 'hoenicker': 3, 'updates': 3, 'automaton': 3, 'cringed': 3, 'certifiable': 3, 'yugo': 3, 'personalized': 3, 'demoted': 3, 'dutiful': 3, 'dolphin': 3, 'mascot': 3, 'leers': 3, 'usurped': 3, 'existance': 3, 'jupiter': 3, 'overdo': 3, 'shove': 3, 'corridor': 3, 'pizzazz': 3, 'ungar': 3, 'bette': 3, 'ditches': 3, 'denton': 3, 'nucci': 3, 'newage': 3, 'valet': 3, 'prick': 3, 'aboveaverage': 3, 'rote': 3, 'upsidedown': 3, 'dullest': 3, 'harring': 3, 'concussion': 3, 'watts': 3, 'awakes': 3, 'pointers': 3, 'suspenseless': 3, 'syrup': 3, 'gagging': 3, 'joystick': 3, 'conduit': 3, 'rallies': 3, 'graphically': 3, 'thirds': 3, 'vulcan': 3, 'radiates': 3, 'bows': 3, '_armageddon_': 3, 'strippers': 3, '_in': 3, 'paltry': 3, 'grander': 3, 'polyester': 3, 'sender': 3, 'masturbatory': 3, 'confounding': 3, 'veiled': 3, 'afternoons': 3, 'fastfood': 3, 'panties': 3, 'sacrificial': 3, 'manslaughter': 3, 'toughtalking': 3, 'poorlywritten': 3, 'numbing': 3, 'dermot': 3, 'jakes': 3, 'sizeable': 3, 'allnight': 3, 'tantalizing': 3, 'moxon': 3, 'coaches': 3, 'bronze': 3, 'repetitiveness': 3, 'plucked': 3, 'responding': 3, 'creeped': 3, 'splitsecond': 3, 'gadgetry': 3, 'loeb': 3, '58': 3, 'undergo': 3, 'collectible': 3, 'pup': 3, 'probation': 3, 'unenthusiastic': 3, 'organs': 3, 'appetite': 3, 'urinates': 3, 'growls': 3, 'yuck': 3, 'feebly': 3, 'oldmans': 3, 'demarkov': 3, 'falcone': 3, 'arminarm': 3, 'onehour': 3, 'lanky': 3, 'pallid': 3, 'disarmingly': 3, 'clarks': 3, 'unlock': 3, 'supersmart': 3, 'cattrall': 3, 'wrench': 3, '210': 3, 'astrology': 3, 'prophesized': 3, 'scribbling': 3, 'careys': 3, 'blacker': 3, 'beesley': 3, 'puff': 3, 'billies': 3, 'codependency': 3, 'archenemy': 3, 'champions': 3, 'patchwork': 3, 'sprang': 3, 'surfing': 3, 'omnipresent': 3, 'eyebrows': 3, 'bluer': 3, 'mox': 3, 'playbook': 3, 'eyeopening': 3, 'nickelodeon': 3, 'zetajoness': 3, 'jeepers': 3, 'pipe': 3, 'tapestry': 3, 'winged': 3, 'satanic': 3, 'molester': 3, 'bio': 3, 'joanne': 3, 'menacingly': 3, 'fleder': 3, 'fictionesque': 3, 'wellstaged': 3, 'boulle': 3, 'surmise': 3, 'goldsmiths': 3, 'paws': 3, 'eachs': 3, 'miscalculation': 3, 'spotty': 3, 'charleton': 3, 'allusion': 3, 'stupefying': 3, 'streetcar': 3, 'locket': 3, 'warmup': 3, 'dissatisfying': 3, 'competence': 3, 'lieu': 3, 'sprouse': 3, 'overseas': 3, 'apologizing': 3, 'bribes': 3, 'tits': 3, 'screwy': 3, 'transvestites': 3, 'lurks': 3, 'gutted': 3, 'voting': 3, 'monotony': 3, 'divinity': 3, 'manifestation': 3, 'listing': 3, 'instructs': 3, 'rubbing': 3, 'fullon': 3, 'informant': 3, 'holliday': 3, 'tch': 3, 'ky': 3, 'emails': 3, 'angrily': 3, 'acupuncture': 3, 'xander': 3, 'squarejawed': 3, 'psychically': 3, 'klendathu': 3, 'satiric': 3, 'squishing': 3, 'roaches': 3, 'jab': 3, 'cityscape': 3, 'acrobatic': 3, 'leonetti': 3, 'preschoolers': 3, 'snore': 3, 'chows': 3, 'tut': 3, 'toothpick': 3, 'unforgiveable': 3, 'annabeth': 3, 'weisberg': 3, 'usher': 3, 'shoveler': 3, 'scrambling': 3, 'revulsion': 3, 'canceled': 3, 'prance': 3, 'motherdaughter': 3, 'enact': 3, 'waxing': 3, 'ideally': 3, 'nonexistant': 3, 'tagteam': 3, 'cozy': 3, '80foot': 3, 'subconsciously': 3, 'gabriels': 3, 'align': 3, 'deane': 3, 'stillliving': 3, 'offence': 3, 'umpteenth': 3, 'herkyjerky': 3, 'disarm': 3, 'zeus': 3, 'weena': 3, 'honcho': 3, 'submit': 3, 'yipes': 3, 'lotto': 3, 'winnings': 3, 'declined': 3, 'fiddling': 3, 'shadowing': 3, 'seeker': 3, 'quell': 3, 'violins': 3, 'counterbalanced': 3, 'godless': 3, 'rooftop': 3, 'succumbing': 3, 'hirsch': 3, 'junkyard': 3, 'batteries': 3, 'cadre': 3, 'amalgamation': 3, 'cellar': 3, 'timehonored': 3, 'astrophysicist': 3, 'descend': 3, 'quadruple': 3, 'preproduction': 3, 'disclosure': 3, 'disallows': 3, 'lesseps': 3, 'curing': 3, 'extracting': 3, 'ad2am': 3, 'burrow': 3, 'heal': 3, 'tumor': 3, 'unruly': 3, 'rye': 3, 'infinitum': 3, 'freshest': 3, 'gaffes': 3, '1944': 3, 'specter': 3, 'fictions': 3, 'lina': 3, 'relieved': 3, 'grittier': 3, 'hollywoodized': 3, 'beyer': 3, 'wails': 3, 'serpentine': 3, 'eventful': 3, 'upandcomers': 3, 'recollection': 3, 'karaszewski': 3, 'chapelle': 3, 'macdonalds': 3, 'commitments': 3, 'upholding': 3, 'translated': 3, 'discredit': 3, 'newsman': 3, 'irate': 3, 'graeme': 3, 'revell': 3, 'pisses': 3, 'lick': 3, 'farbissina': 3, 'philosophizing': 3, 'iguana': 3, 'landfill': 3, 'steaming': 3, 'flushing': 3, 'coldblooded': 3, 'caustic': 3, 'perf': 3, 'nivola': 3, 'booby': 3, 'stooge': 3, 'brunt': 3, 'mornay': 3, '86': 3, 'careerminded': 3, 'sarahs': 3, 'vars': 3, 'despondent': 3, 'courting': 3, 'serenaded': 3, 'dawkins': 3, 'sasha': 3, 'organizes': 3, 'pristine': 3, 'hulking': 3, 'klingons': 3, 'ding': 3, 'snobby': 3, 'filmography': 3, 'mchales': 3, 'drills': 3, 'blurt': 3, 'coastal': 3, 'cranks': 3, 'yo': 3, 'retriever': 3, 'vi': 3, 'recieved': 3, 'dashed': 3, 'handtohand': 3, 'peeing': 3, 'magnificently': 3, 'respite': 3, 'upn': 3, 'larroquette': 3, 'admonition': 3, 'telescope': 3, 'lifts': 3, 'necessities': 3, 'prescribed': 3, 'autism': 3, 'oclock': 3, 'squeals': 3, 'malice': 3, 'ineptly': 3, 'cheaplooking': 3, 'lowrent': 3, 'lowtech': 3, 'motorbike': 3, 'doubtlessly': 3, 'scrambled': 3, 'deterioration': 3, 'weakly': 3, 'blaming': 3, 'differentiate': 3, 'wasteful': 3, 'sixteenth': 3, 'mistreated': 3, 'stepmother': 3, 'vinci': 3, 'godfrey': 3, 'burglar': 3, 'outofplace': 3, 'mcdowells': 3, 'charade': 3, 'symbolize': 3, 'thumping': 3, 'misspelled': 3, 'stillmans': 3, '54s': 3, 'tackedon': 3, 'euphoric': 3, 'chagrin': 3, 'emilio': 3, 'turgeon': 3, 'kitschy': 3, 'duplicity': 3, 'cleavagebusting': 3, 'cleopatra': 3, 'banner': 3, 'marley': 3, 'kaela': 3, 'danika': 3, 'lamp': 3, 'shagging': 3, 'howlers': 3, 'broods': 3, 'bumping': 3, 'rationale': 3, 'norwood': 3, 'tropics': 3, 'giveaway': 3, 'distributing': 3, 'mckean': 3, 'unanimously': 3, 'exam': 3, 'anns': 3, 'tambor': 3, 'sneeze': 3, 'krabb': 3, 'antwerp': 3, 'cakes': 3, 'dishwasher': 3, 'rossellini': 3, 'simcha': 3, 'shovel': 3, 'chajas': 3, 'sufferings': 3, 'brazenly': 3, 'rehashing': 3, 'primordial': 3, 'portals': 3, 'veiny': 3, 'fireplace': 3, 'projections': 3, 'baseless': 3, 'pedigree': 3, 'ishtar': 3, 'coupling': 3, 'vessey': 3, 'overhearing': 3, 'snack': 3, 'discord': 3, 'bemused': 3, 'seldes': 3, 'wheelchairbound': 3, 'purse': 3, 'darnells': 3, 'della': 3, 'damaging': 3, 'stagy': 3, 'brashness': 3, 'scholarly': 3, 'inevitability': 3, 'littleseen': 3, 'bloom': 3, 'paraphrasing': 3, 'uninformed': 3, 'hormonal': 3, 'scantily': 3, 'slashers': 3, 'sacks': 3, 'vicarious': 3, 'gourmet': 3, 'cabel': 3, 'evan': 3, 'intrude': 3, 'festivities': 3, 'aretha': 3, 'clapton': 3, 'kensington': 3, 'verne': 3, 'mirkine': 3, 'specialised': 3, 'spectrum': 3, 'slaying': 3, 'culinary': 3, 'telekinetic': 3, 'intervals': 3, 'ambiguously': 3, 'piled': 3, 'buckley': 3, 'appetizing': 3, 'norse': 3, '103': 3, 'deceptions': 3, 'longed': 3, 'omit': 3, 'transit': 3, 'holdup': 3, 'fourletter': 3, 'swordsman': 3, 'cardinals': 3, 'inn': 3, 'oppressively': 3, 'tunnels': 3, 'fullyclothed': 3, 'wronged': 3, 'aesthetically': 3, 'impenetrable': 3, 'hypothesis': 3, 'shuns': 3, 'sacked': 3, 'desaster': 3, 'biz': 3, 'amazings': 3, 'craves': 3, 'foes': 3, 'santas': 3, 'manufacture': 3, 'budgie': 3, 'ocallaghan': 3, 'honours': 3, 'maynard': 3, 'greener': 3, 'slum': 3, 'wisconsin': 3, 'admirer': 3, 'pumpedup': 3, 'turkeys': 3, 'rocco': 3, 'rasputin': 3, 'extensively': 3, 'handdrawn': 3, 'halfdigested': 3, 'oblige': 3, 'psychopaths': 3, 'amistads': 3, 'verhovens': 3, 'dehumanization': 3, 'tissue': 3, 'blandest': 3, '1938': 3, 'toe': 3, 'weirdo': 3, 'greet': 3, 'mustve': 3, 'deficiency': 3, 'stoners': 3, 'royalties': 3, 'facetious': 3, 'selfparody': 3, 'loop': 3, 'anticlimatic': 3, 'leukemia': 3, 'apology': 3, 'harmful': 3, 'nothingness': 3, 'sleepwalks': 3, 'assasin': 3, 'illustration': 3, 'pyrotechnics': 3, 'wallpaper': 3, 'journeyed': 3, 'favored': 3, 'pomp': 3, 'violated': 3, 'baigelman': 3, 'arduous': 3, 'spikes': 3, 'antagonizes': 3, 'paynes': 3, 'jailbreak': 3, 'strangled': 3, 'defendant': 3, 'vandamme': 3, 'dolce': 3, 'miscues': 3, 'brittany': 3, 'rachels': 3, 'soften': 3, 'purr': 3, 'cliques': 3, 'mired': 3, 'derisive': 3, 'matching': 3, 'stocks': 3, 'wading': 3, 'sludge': 3, 'festering': 3, 'progressing': 3, 'riches': 3, 'humanly': 3, 'inherit': 3, 'horde': 3, 'overpopulation': 3, 'bestow': 3, 'stimulate': 3, 'minivan': 3, 'pintsized': 3, 'boundary': 3, 'eisner': 3, 'firms': 3, 'impresses': 3, 'pledges': 3, 'feminism': 3, 'daydreams': 3, 'yanked': 3, 'lifeforms': 3, 'trimming': 3, 'sentient': 3, 'eiffel': 3, 'serafine': 3, 'cord': 3, 'kieslowskis': 3, 'intelligible': 3, 'fetching': 3, 'infrared': 3, 'scams': 3, 'archival': 3, 'bummer': 3, 'bakshi': 3, 'cursory': 3, 'sanitarium': 3, 'kattans': 3, 'revives': 3, 'jammed': 3, 'prophet': 3, 'bonehead': 3, 'incompetents': 3, 'gobbledygook': 3, 'beers': 3, 'noggin': 3, 'beart': 3, 'towne': 3, 'pulsating': 3, 'outworlds': 3, 'rhapsody': 3, 'nineteenth': 3, 'brainiac': 3, 'apprehend': 3, 'nigger': 3, 'humourous': 3, 'flap': 3, 'reactor': 3, 'exude': 3, 'bombast': 3, 'horn': 3, 'bai': 3, 'alltoobrief': 3, 'opposites': 3, 'archetype': 3, 'conduct': 3, 'isaacs': 3, 'grimly': 3, 'marathon': 3, 'narratively': 3, 'prozac': 3, 'monumental': 3, 'alls': 3, 'bebe': 3, 'neuwirth': 3, 'exhibiting': 3, 'looms': 3, 'loutish': 3, 'wallowing': 3, 'nonchalant': 3, 'selfishness': 3, 'amplified': 3, 'pigeon': 3, 'feral': 3, 'wideopen': 3, 'thirtyyearold': 3, 'bettys': 3, 'disparate': 3, 'deluded': 3, 'delusions': 3, 'risqu': 3, 'floridas': 3, 'populating': 3, 'negotiation': 3, 'rasp': 3, 'objection': 3, 'injects': 3, 'glimmers': 3, 'nathaniel': 3, 'thaddeus': 3, 'railroads': 3, 'insincerity': 3, 'noxious': 3, 'debris': 3, 'strikeout': 3, 'underling': 3, 'lebrock': 3, 'successors': 3, 'lollipop': 3, 'batters': 3, 'habitat': 3, 'affectations': 3, '_double_team_': 3, 'energetically': 3, 'detonating': 3, 'circuitry': 3, 'tigerland': 3, 'countryman': 3, 'orginal': 3, 'marsha': 3, 'glenne': 3, 'cluelessness': 3, 'violencegore': 3, 'stieger': 3, 'terrace': 3, 'indicative': 3, 'oily': 3, 'sleuthing': 3, 'intimidation': 3, 'rowan': 3, 'driscoll': 3, 'vibrations': 3, 'decrease': 3, 'rarest': 3, 'irreverent': 3, 'heil': 3, 'informants': 3, 'smelling': 3, 'groaned': 3, 'moviestar': 3, 'schumaccer': 3, 'blur': 3, 'vii': 3, 'foreshadows': 3, 'godly': 3, 'proffessor': 3, 'twitching': 3, 'leery': 3, 'capshaw': 3, 'fireman': 3, 'insincere': 3, 'thoughtless': 3, 'cluelesss': 3, 'koster': 3, 'burrows': 3, 'nickolas': 3, 'warrens': 3, 'doubting': 3, 'hairdos': 3, 'tipsy': 3, 'rub': 3, 'kickboxing': 3, 'bleachers': 3, 'exemplifies': 3, 'panicked': 3, 'haul': 3, 'hauled': 3, 'stressed': 3, 'youngers': 3, 'businesswoman': 3, 'silicone': 3, 'axel': 3, 'cora': 3, 'sponge': 3, 'strapping': 3, 'pine': 3, 'prairie': 3, 'outandout': 3, 'thirtysomething': 3, 'teary': 3, 'nubile': 3, 'grins': 3, 'cavernous': 3, 'vampirefilms': 3, 'dessert': 3, 'crows': 3, 'preppie': 3, 'tarnish': 3, 'schmuck': 3, 'nap': 3, 'subvert': 3, '78': 3, 'droves': 3, 'pentup': 3, 'chimes': 3, 'jalla': 3, 'yasmin': 3, 'josef': 3, 'doused': 3, 'riots': 3, 'soaking': 3, 'dilbert': 3, 'labeling': 3, 'enlightened': 3, 'rhode': 3, 'deepvoiced': 3, 'infused': 3, 'midgets': 3, 'ceases': 3, 'whitey': 3, 'zellwegers': 3, 'dissolved': 3, 'magma': 3, 'fakelooking': 3, 'improvisation': 3, 'carelessly': 3, 'barbecue': 3, 'scientifically': 3, 'claustrophobia': 3, 'hiss': 3, 'muttered': 3, 'wideangle': 3, 'dyer': 3, 'sliced': 3, 'mounts': 3, 'bizarrely': 3, 'confusingly': 3, 'helgelands': 3, 'inauspicious': 3, 'drugaddicted': 3, 'splat': 3, 'skyrocket': 3, 'wades': 3, 'pious': 3, 'necks': 3, 'aww': 3, 'whispering': 3, 'ingenuous': 3, 'tumbles': 3, 'testicles': 3, 'purchasing': 3, '8th': 3, 'perennial': 3, 'aaa': 3, 'bakula': 3, 'quantum': 3, 'daunting': 3, 'goggins': 3, 'huff': 3, 'hitter': 3, 'absences': 3, 'terminology': 3, 'renewed': 3, 'volcanoes': 3, 'volcanic': 3, 'wando': 3, 'busybody': 3, 'kkk': 3, 'injecting': 3, 'facile': 3, 'symptomatic': 3, 'onwards': 3, 'sneaky': 3, 'ponderous': 3, 'slog': 3, 'crotchety': 3, 'tainted': 3, 'voyeurs': 3, 'militant': 3, 'coitus': 3, 'tatum': 3, 'guitarist': 3, 'masturbates': 3, 'dispondent': 3, 'harmed': 3, 'everythings': 3, 'heresy': 3, 'brandis': 3, 'ishmael': 3, 'helper': 3, 'steroids': 3, 'harland': 3, 'klutzy': 3, 'regretfully': 3, 'peewee': 3, 'servant': 3, 'lacklustre': 3, 'stoicism': 3, 'endowed': 3, 'loretta': 3, 'conducts': 3, 'bidder': 3, 'mountainside': 3, 'gunpoint': 3, 'sh': 3, 'emblazoned': 3, 'rover': 3, 'disinterest': 3, 'invoke': 3, 'clowns': 3, 'sprung': 3, 'whisked': 3, 'fabio': 3, 'mccoll': 3, 'unspeakable': 3, 'idiosyncrasies': 3, 'doublecrossed': 3, 'rolf': 3, 'extort': 3, 'horndog': 3, 'volker': 3, 'snazzy': 3, 'pulsepounding': 3, '_does_': 3, 'foreground': 3, 'unraveled': 3, '_babe_': 3, '_more_': 3, 'noticable': 3, 'landmarks': 3, 'szubanski': 3, '_do_': 3, 'rooney': 3, 'tutelage': 3, 'guillotine': 3, 'reissued': 3, 'dobie': 3, 'sylvie': 3, 'windswept': 3, 'jiro': 3, 'goddaughter': 3, 'pander': 3, 'clientele': 3, 'pbs': 3, 'punched': 3, 'stag': 3, 'hounded': 3, 'underplays': 3, 'mommy': 3, 'lysterine': 3, 'cantonese': 3, 'reenactment': 3, 'skyrocketed': 3, 'dissipates': 3, 'takeshi': 3, 'kitano': 3, 'foreshadow': 3, 'retribution': 3, 'intestines': 3, 'slicing': 3, 'superlative': 3, 'blot': 3, 'psychosexual': 3, 'profundity': 3, 'baroque': 3, 'harford': 3, 'overcoat': 3, 'partygoers': 3, 'electronically': 3, 'annoys': 3, 'ploys': 3, 'batting': 3, 'terrorizes': 3, 'eminent': 3, 'indoors': 3, 'instigated': 3, 'install': 3, 'tasted': 3, 'wrightpenn': 3, 'confrontational': 3, 'pestering': 3, 'crust': 3, 'slot': 3, 'priority': 3, 'flurry': 3, 'immersive': 3, 'videodrome': 3, 'inlaws': 3, 'viceversa': 3, 'gregs': 3, 'bosom': 3, 'investigates': 3, '20year': 3, 'sanctuary': 3, 'marlowes': 3, 'baffling': 3, 'christines': 3, 'pondered': 3, 'brainchild': 3, 'cosmos': 3, 'hangout': 3, 'bigots': 3, 'garners': 3, 'technobabble': 3, 'preaches': 3, 'dante': 3, 'lolas': 3, 'reinforce': 3, 'hoppers': 3, 'lol': 3, 'lax': 3, 'michelles': 3, 'override': 3, 'schrieber': 3, '3s': 3, 'attenuated': 3, 'ghostfaces': 3, 'conceptually': 3, 'afield': 3, 'authored': 3, 'crescendos': 3, 'synch': 3, 'cementing': 3, 'patches': 3, 'ovation': 3, 'simpering': 3, 'abhorrent': 3, 'recklessly': 3, 'wringing': 3, 'dwindling': 3, 'honorary': 3, 'wrapper': 3, '15th': 3, 'fistfights': 3, 'overextended': 3, 'interoffice': 3, 'slammed': 3, 'nursery': 3, 'wilds': 3, 'findings': 3, 'dharma': 3, 'extinct': 3, 'lovehewitt': 3, 'torro': 3, 'antiheroes': 3, 'weariness': 3, 'osmet': 3, 'uber': 3, 'bleached': 3, 'unforced': 3, 'postcold': 3, 'horrendously': 3, 'micheles': 3, 'threesome': 3, 'reverts': 3, 'civilisation': 3, 'spook': 3, 'immersion': 3, 'flippant': 3, 'overact': 3, 'linc': 3, 'demille': 3, 'mindful': 3, 'watchful': 3, 'riproaring': 3, 'applauding': 3, 'thud': 3, 'cambell': 3, 'clancy': 3, 'coopers': 3, 'simian': 3, 'primate': 3, '17year': 3, 'jagger': 3, 'abe': 3, '1871': 3, 'australias': 3, 'filmic': 3, 'fedoras': 3, 'fellows': 3, 'boarded': 3, 'ilsa': 3, 'breathy': 3, 'curl': 3, 'terminated': 3, 'therapists': 3, 'illinois': 3, 'pileup': 3, 'loquacious': 3, 'medley': 3, 'secondtier': 3, 'degradation': 3, 'stifler': 3, 'heaped': 3, 'stiflers': 3, 'levys': 3, 'embroiled': 3, 'panthers': 3, 'jackinthebox': 3, 'bathed': 3, 'oddest': 3, 'fashions': 3, 'dysfunction': 3, 'whistles': 3, 'lampoon': 3, 'embarked': 3, 'intentioned': 3, 'ole': 3, 'tack': 3, 'rowdy': 3, 'cummings': 3, 'genxers': 3, 'ditching': 3, 'gobs': 3, 'examinations': 3, 'lundgren': 3, 'stupefyingly': 3, 'crunch': 3, 'bokeem': 3, 'woodbine': 3, 'handguns': 3, 'applegate': 3, 'airheaded': 3, 'organisation': 3, 'haste': 3, 'mcmillan': 3, 'medal': 3, 'skimp': 3, '88': 3, 'surrealist': 3, 'snapping': 3, 'marshalls': 3, 'iced': 3, 'hensons': 3, 'commend': 3, 'barking': 3, 'logically': 3, 'snipers': 3, 'covert': 3, 'feverish': 3, 'oddity': 3, 'fringe': 3, 'ambitiously': 3, 'pogue': 3, 'legitimacy': 3, 'brokendown': 3, 'thom': 3, 'judson': 3, 'mackenzie': 3, 'teammate': 3, 'caricatured': 3, 'danica': 3, 'pfferpot': 3, 'dickson': 3, 'impersonator': 3, 'avenues': 3, 'preferences': 3, 'snobs': 3, 'breech': 3, 'iguanas': 3, 'footprint': 3, 'hermit': 3, 'polynesian': 3, 'beta': 3, 'thinnest': 3, 'excusable': 3, 'unwillingness': 3, 'delany': 3, 'joshuas': 3, 'eponymous': 3, 'intriguingly': 3, 'smirks': 3, 'mimicking': 3, 'deluge': 3, 'foleys': 3, 'businesslike': 3, 'infantile': 3, 'winks': 3, 'talkin': 3, 'marching': 3, 'ying': 3, 'unwitting': 3, 'pickles': 3, 'dill': 3, 'pretentions': 3, 'outbreak': 3, 'ciphers': 3, 'parted': 3, 'unctuous': 3, 'shrugs': 3, 'poisoned': 3, 'filmfreakcentral': 3, 'longlived': 3, 'spock': 3, 'nexus': 3, 'soran': 3, 'datas': 3, 'stewarts': 3, 'paramounts': 3, 'keenen': 3, 'takenoprisoners': 3, 'cartwright': 3, 'fortitude': 3, 'defenses': 3, 'selfdiscovery': 3, 'undying': 3, 'marsh': 3, 'juxtaposing': 3, 'goldmans': 3, 'obliterated': 3, 'shuts': 3, 'piling': 3, 'houseman': 3, 'rivera': 3, 'oise': 3, 'leos': 3, 'sized': 3, 'inadequacies': 3, 'twentyeight': 3, 'olympia': 3, 'dukakis': 3, 'jennifers': 3, 'videotaping': 3, 'amends': 3, 'cleanup': 3, 'floorboards': 3, 'regeneration': 3, 'ottman': 3, 'kangsheng': 3, 'kueimei': 3, 'huddle': 3, 'zones': 3, 'hallways': 3, 'taiwanese': 3, 'wordy': 3, 'druggedout': 3, 'unmistakably': 3, 'unbiased': 3, 'lollies': 3, 'munching': 3, 'bared': 3, 'rafe': 3, 'awaken': 3, 'oneonone': 3, 'professions': 3, 'truetolife': 3, 'setback': 3, 'shook': 3, 'humored': 3, 'quake': 3, 'multinational': 3, 'argonauticus': 3, 'oconnors': 3, 'comicrelief': 3, 'rhyme': 3, 'spoons': 3, 'dartagnans': 3, 'skates': 3, 'heman': 3, 'dousing': 3, 'bruces': 3, 'liable': 3, 'obligations': 3, 'calming': 3, 'sexiness': 3, 'sizable': 3, 'replayed': 3, 'pow': 3, 'yemen': 3, 'racially': 3, 'pandemonium': 3, '108': 3, 'bfilms': 3, 'rapes': 3, 'commandeer': 3, 'vacationing': 3, 'titty': 3, 'seafood': 3, 'glamrock': 3, 'formally': 3, 'lizards': 3, 'lynns': 3, 'tudeski': 3, 'overjoyed': 3, 'deficient': 3, 'congenial': 3, 'mechanisms': 3, 'eagerness': 3, 'defects': 3, 'gator': 3, 'obscures': 3, 'offending': 3, '43': 3, 'franchises': 3, 'attatched': 3, 'dung': 3, 'beetle': 3, 'ranft': 3, 'speeds': 3, 'piercing': 3, 'smugly': 3, 'decrees': 3, 'boisterous': 3, 'bestfriend': 3, 'scuzzy': 3, 'fatuous': 3, 'towers': 3, 'cloris': 3, 'thicker': 3, 'impostors': 3, 'maurices': 3, 'debating': 3, 'midland': 3, 'festivals': 3, 'organizer': 3, 'pare': 3, 'cruisers': 3, 'sofia': 3, 'androids': 3, 'enquirer': 3, 'workmen': 3, 'composite': 3, 'blawp': 3, 'impaired': 3, 'engulf': 3, 'trotted': 3, 'peeks': 3, 'luster': 3, 'titillate': 3, 'juxtaposed': 3, 'slyly': 3, 'jawed': 3, 'repetitious': 3, 'whips': 3, 'doorway': 3, 'pinup': 3, 'hurtling': 3, 'breather': 3, 'speakers': 3, 'raison': 3, 'shyer': 3, 'mar': 3, 'affordable': 3, 'retail': 3, 'damnit': 3, 'weber': 3, 'argentina': 3, 'bangs': 3, 'pm': 3, 'samoan': 3, 'ethic': 3, 'humanoid': 3, 'assuredly': 3, 'scientologist': 3, 'melt': 3, 'amblyn': 3, 'unemployment': 3, 'corresponds': 3, 'platter': 3, 'booted': 3, 'diarrhea': 3, 'bolstered': 3, 'brill': 3, 'undisputed': 3, 'encouragement': 3, 'aficionado': 3, 'simpleminded': 3, 'unambitious': 3, 'intimidates': 3, 'jodi': 3, 'indien': 3, 'edie': 3, 'mcclurg': 3, 'visibly': 3, 'asbestos': 3, 'jurisdiction': 3, 'flakes': 3, 'assassinated': 3, 'philosophers': 3, 'phantoms': 3, 'hone': 3, 'stahls': 3, 'rochelle': 3, 'polito': 3, 'tending': 3, 'refrain': 3, 'eulogy': 3, 'obnoxiously': 3, 'participating': 3, 'unsuitable': 3, 'compose': 3, 'mournful': 3, 'whaley': 3, 'hierarchy': 3, 'chronicling': 3, 'backtrack': 3, 'smut': 3, 'screwedup': 3, 'abolish': 3, 'blasted': 3, 'appalled': 3, 'crawfords': 3, 'hangers': 3, 'tantrum': 3, 'pepsi': 3, '1945': 3, 'crudeness': 3, 'brags': 3, 'regrettable': 3, '130': 3, 'melodramas': 3, 'humanitys': 3, 'ouch': 3, 'craigs': 3, 'stevenson': 3, 'sweater': 3, 'skating': 3, 'wim': 3, 'groceries': 3, 'saws': 3, 'stephie': 3, 'hudsons': 3, 'recalling': 3, 'dinners': 3, 'postmans': 3, 'quota': 3, 'outlet': 3, 'modernize': 3, 'limitless': 3, 'plaything': 3, 'snooty': 3, 'estellas': 3, 'veterinarian': 3, 'scamper': 3, 'townie': 3, 'soliloquy': 3, 'dennehy': 3, 'lodged': 3, 'acknowledgment': 3, 'hu': 3, 'mao': 3, 'westernized': 3, 'unfulfilling': 3, 'welei': 3, 'imparted': 3, 'rained': 3, 'reinvent': 3, 'unpopular': 3, 'frequents': 3, 'wendys': 3, 'sermon': 3, 'paolo': 3, 'clinging': 3, 'nurturing': 3, 'concealing': 3, 'botches': 3, 'digressions': 3, 'tenminute': 3, 'wittiness': 3, 'commission': 3, 'cahoots': 3, 'entangled': 3, 'resisting': 3, 'telltale': 3, 'sutton': 3, 'womb': 3, 'indulgence': 3, 'triad': 3, 'brotherhood': 3, 'screamers': 3, 'splattering': 3, 'impaled': 3, 'magnified': 3, 'pads': 3, '05': 3, 'starcrossed': 3, 'hugs': 3, 'aimee': 3, 'compass': 3, 'pendleton': 3, 'namesake': 3, 'krueger': 3, 'misfired': 3, 'partaking': 3, 'soulful': 3, 'clutter': 3, 'personification': 3, 'girard': 3, 'unwarranted': 3, 'sloppiness': 3, 'twentysomething': 3, 'spill': 3, 'sal': 3, 'alliances': 3, 'jobeth': 3, 'lefessier': 3, 'drivein': 3, 'calitri': 3, 'mcbride': 3, 'eluded': 3, 'chaser': 3, 'bilkos': 3, 'diverts': 3, 'druggie': 3, 'priestley': 3, 'mesmerized': 3, 'egos': 3, 'generously': 3, 'pulitzer': 3, 'hazardous': 3, 'kotter': 3, 'sterns': 3, 'schulman': 3, 'sportscaster': 3, 'consensus': 3, 'pasadena': 3, 'oboe': 3, 'digger': 3, 'decorates': 3, 'undercuts': 3, 'humbled': 3, 'staggers': 3, 'shatter': 3, 'baxter': 3, 'alterations': 3, 'loomis': 3, 'badges': 3, 'meager': 3, 'skinner': 3, 'telepathic': 3, 'assimilate': 3, 'noraruthaol': 3, 'jun': 3, 'cb': 3, '_that_': 3, 'traci': 3, 'metropolitan': 3, 'snippet': 3, 'gullible': 3, 'contaminated': 3, 'goriest': 3, 'generalized': 3, 'baring': 3, 'coaxes': 3, 'unbroken': 3, 'unblinking': 3, 'evenhanded': 3, 'auteurs': 3, 'arid': 3, 'bedside': 3, 'recounting': 3, 'eisenberg': 3, 'reinforcing': 3, '32': 3, '1985s': 3, '1982s': 3, 'unto': 3, 'impulsively': 3, 'etienne': 3, 'francoise': 3, 'transpire': 3, 'assembly': 3, 'untamed': 3, 'goldbergs': 3, 'thriving': 3, 'credibly': 3, 'wellpaid': 3, 'freds': 3, 'simplified': 3, 'belinda': 3, 'disenfranchised': 3, 'determines': 3, 'freelance': 3, 'bandages': 3, 'doomsday': 3, 'comprehensive': 3, 'interviewing': 3, 'tanked': 3, 'purchased': 3, 'junkets': 3, 'representatives': 3, 'implodes': 3, 'limousine': 3, 'everetts': 3, 'simmer': 3, 'aristocrats': 3, 'bulletproof': 3, 'vest': 3, 'softly': 3, 'cogs': 3, 'gizmos': 3, 'skirts': 3, 'hesse': 3, 'surefire': 3, 'spews': 3, 'miniscule': 3, 'catchphrases': 3, 'singapore': 3, 'obtains': 3, 'duped': 3, 'reinterpretation': 3, 'shale': 3, 'upright': 3, 'pastels': 3, 'deejay': 3, 'passports': 3, 'smuggler': 3, 'wrist': 3, 'motormouth': 3, 'comedythriller': 3, 'russel': 3, 'runins': 3, 'stocked': 3, 'caller': 3, 'processes': 3, 'stereotypically': 3, 'adored': 3, 'blas': 3, 'histories': 3, 'trot': 3, 'theorists': 3, 'gestate': 3, 'avoidance': 3, 'selfcontained': 3, 'implicit': 3, 'marijo': 3, 'threestar': 3, 'degraded': 3, 'tampering': 3, 'parochial': 3, 'vocation': 3, 'schmaltz': 3, 'remarking': 3, 'shoestring': 3, 'vicky': 3, 'bitterly': 3, '_polish_wedding_': 3, 'comedydrama': 3, 'bolek': 3, 'hypocrite': 3, 'serbedzija': 3, 'lastditch': 3, 'rapids': 3, 'skeletor': 3, 'gosnell': 3, 'rya': 3, 'kihlstedt': 3, 'snowstorm': 3, 'acme': 3, 'boxes': 3, 'boomers': 3, 'macnee': 3, 'balloon': 3, 'underplayed': 3, 'mca': 3, 'dubs': 3, 'herberts': 3, 'undertaking': 3, 'extends': 3, 'expands': 3, 'spacing': 3, 'commerce': 3, 'longstanding': 3, 'atreides': 3, 'emergence': 3, 'oneeyed': 3, 'eno': 3, 'disown': 3, 'gripes': 3, 'eg': 3, 'omission': 3, 'circulating': 3, 'nominal': 3, 'wallenberg': 3, 'savoy': 3, 'jilted': 3, 'snively': 3, 'cleanedup': 3, 'holloway': 3, 'restart': 3, 'bombarded': 3, 'underbelly': 3, 'bareknuckle': 3, 'douriff': 3, 'publish': 3, 'overplaying': 3, 'bamboo': 3, 'offset': 3, 'bureaucratic': 3, 'cleaned': 3, 'exacerbated': 3, 'loosing': 3, '48th': 3, 'roleplaying': 3, 'descending': 3, 'allied': 3, 'pecker': 3, 'wrenching': 3, 'selfdeprecation': 3, 'bumble': 3, 'elitist': 3, 'slashing': 3, 'karatechopping': 3, 'havilland': 3, 'starved': 3, 'debuting': 3, 'goldsmans': 3, 'favourites': 3, 'ruafo': 3, 'directive': 3, 'feud': 3, 'crusher': 3, 'ribald': 3, 'jackass': 3, 'augmented': 3, 'chatting': 3, 'cabbie': 3, 'hypodermic': 3, 'intoxicating': 3, 'sweating': 3, 'shaggy': 3, 'rocksolid': 3, 'chopsticks': 3, 'nonetoosubtle': 3, 'patillo': 3, 'ticks': 3, 'vans': 3, 'spanned': 3, 'ragsdale': 3, 'exits': 3, 'monarch': 3, 'depressingly': 3, 'submarines': 3, 'highpriced': 3, 'absurdities': 3, 'lumps': 3, 'magoos': 3, 'acute': 3, 'choreographing': 3, 'planted': 3, 'sweetnatured': 3, 'subtitling': 3, 'feldmans': 3, 'loveinterest': 3, 'requesting': 3, 'westworld': 3, 'thoughtfulness': 3, 'trois': 3, 'freshly': 3, 'menage': 3, 'obligingly': 3, 'subservient': 3, 'facet': 3, 'packing': 3, 'mckenna': 3, 'groundwork': 3, 'impotent': 3, 'saget': 3, '_saturday_night_live_': 3, 'yu': 3, 'selfreference': 3, 'surrenders': 3, 'grad': 3, 'longstreet': 3, 'opting': 3, 'bricks': 3, 'fictionalized': 3, 'greyhound': 3, 'offing': 3, 'matured': 3, 'relation': 3, 'kims': 3, '40yearold': 3, 'confides': 3, 'agonizing': 3, 'logs': 3, 'groucho': 3, 'rv': 3, 'traumatised': 3, 'aspires': 3, 'teeters': 3, 'vowing': 3, 'terrys': 3, 'wristwatch': 3, 'sympathise': 3, 'plights': 3, 'jaunt': 3, 'freshfaced': 3, 'directoral': 3, 'pubs': 3, 'tick': 3, 'ate': 3, 'lovell': 3, 'travers': 3, 'misunderstand': 3, 'impervious': 3, '84': 3, 'registered': 3, 'sector': 3, 'hairraising': 3, 'sinbad': 3, 'olympics': 3, 'bootleg': 3, '1988s': 3, 'potatoes': 3, 'buddhist': 3, 'chants': 3, 'cloning': 3, 'eighth': 3, 'wired': 3, 'unifying': 3, 'chisolm': 3, 'silky': 3, 'capped': 3, 'derringdo': 3, 'caffeine': 3, 'marveling': 3, 'vegetable': 3, 'branded': 3, 'puncture': 3, 'transfixed': 3, 'shawnee': 3, 'housed': 3, 'apprehension': 3, 'dellaplane': 3, 'nite': 3, 'valleys': 3, 'ingesting': 3, 'worldview': 3, 'hispanic': 3, 'binge': 3, 'tequila': 3, 'chong': 3, 'manifesting': 3, 'jansen': 3, 'crosscutting': 3, 'brakes': 3, 'cathy': 3, 'platitudes': 3, 'carnal': 3, 'intercourse': 3, 'moralistic': 3, 'processor': 3, 'petulant': 3, 'fleetingly': 3, 'malcolms': 3, 'deficit': 3, 'stumped': 3, 'nbc': 3, '39': 3, 'risible': 3, 'rimbauds': 3, '16yearold': 3, 'bourgeoisie': 3, 'everlasting': 3, 'antons': 3, 'breakups': 3, 'garofolo': 3, 'wring': 3, 'bowies': 3, 'madcap': 3, 'accuse': 3, 'skater': 3, 'columnist': 3, 'docked': 3, 'oaf': 3, 'puppeteer': 3, 'neuroses': 3, 'paradoxically': 3, 'cindys': 3, 'charging': 3, 'pinon': 3, 'edith': 3, 'sketched': 3, 'tenement': 3, 'mischief': 3, 'wresting': 3, 'plotdriven': 3, 'zilch': 3, 'haddad': 3, 'earnestly': 3, 'groomed': 3, 'orser': 3, 'brightness': 3, 'dissapointment': 3, 'flocking': 3, 'oneill': 3, 'portmans': 3, 'hoary': 3, 'requiem': 3, 'smacking': 3, 'assante': 3, 'hugging': 3, 'gatewood': 3, 'induces': 3, 'smuggle': 3, 'troop': 3, 'splatter': 3, 'wisecrack': 3, 'ironies': 3, 'israeli': 3, 'overcoming': 3, 'pulpy': 3, 'hodge': 3, 'adrift': 3, 'eccentricities': 3, 'mias': 3, 'apprehended': 3, 'ax': 3, 'suitor': 3, 'coldly': 3, 'contagious': 3, 'harasses': 3, 'downstairs': 3, 'referee': 3, 'bigwigs': 3, 'sorted': 3, 'ps': 3, 'upandup': 3, 'superiority': 3, 'avital': 3, 'confederate': 3, 'mcgrath': 3, 'tearfully': 3, 'impulsive': 3, 'rubins': 3, 'theresas': 3, 'bracco': 3, 'appreciable': 3, 'detox': 3, 'prohibitionera': 3, 'hammett': 3, 'backward': 3, 'velocity': 3, 'faithfulness': 3, 'nolan': 3, 'maryland': 3, 'manuscript': 3, 'shorthand': 3, 'comedically': 3, 'novelists': 3, 'tweed': 3, 'creeping': 3, 'sonia': 3, 'constraints': 3, 'fitzgerald': 3, 'upscale': 3, 'lobster': 3, 'flirtatious': 3, 'blaster': 3, 'rosenthal': 3, 'undone': 3, 'atwood': 3, 'it92s': 3, 'don92t': 3, 'walkens': 3, 'ofallon': 3, 'disrespectful': 3, 'tomato': 3, 'flea': 3, 'durning': 3, 'unidentified': 3, 'busting': 3, 'whoville': 3, 'grinchs': 3, 'momsen': 3, 'laughlin': 3, 'buckles': 3, 'uncompelling': 3, 'pratt': 3, 'thundering': 3, 'henstridges': 3, 'glide': 3, 'numbingly': 3, 'garlington': 3, 'mcdiarmid': 3, 'pernilla': 3, 'snobbery': 3, 'extravaganzas': 3, 'rosss': 3, 'arye': 3, 'sanctioned': 3, 'tray': 3, 'runner_': 3, 'blurb': 3, 'samurai_': 3, 'endo': 3, 'buddhism': 3, 'arabella': 3, 'guerilla': 3, 'conceivably': 3, 'connects': 3, 'seville': 3, 'chimera': 3, 'incentive': 3, 'hideout': 3, 'roxburgh': 3, 'colorless': 3, 'seans': 3, 'excluded': 3, 'ageing': 3, 'unisol': 3, 'fullyrealized': 3, 'scrooged': 3, 'goldthwait': 3, 'dimlylit': 3, 'thursday': 3, 'strengthens': 3, 'puzo': 3, 'erupting': 3, 'resurrects': 3, 'ehdan': 3, 'alana': 3, 'guiteau': 3, 'guinee': 3, '______': 3, '_____': 3, 'departed': 3, 'developer': 3, 'ivana': 3, 'bravest': 3, 'declines': 3, 'wigger': 3, 'declaring': 3, 'intensive': 3, 'damages': 3, 'willpower': 3, 'unnoticeable': 3, 'bolts': 3, 'dollop': 3, 'wages': 3, 'suggestively': 3, 'wheeler': 3, 'sorna': 3, 'projection': 3, 'sattler': 3, 'dining': 3, 'trex': 3, 'spilling': 3, 'incognito': 3, 'weirder': 3, 'descendent': 3, 'unaccomplished': 3, 'berlinger': 3, 'complacent': 3, 'upwards': 3, 'shortage': 3, 'conscientious': 3, 'selfabsorption': 3, 'mendes': 3, 'nosedive': 3, 'irreverence': 3, 'boyum': 3, 'modestly': 3, 'negotiating': 3, 'bicentennial': 3, 'flirtation': 3, 'superimposed': 3, 'babaloo': 3, 'mandel': 3, 'carrera': 3, '1953': 3, 'heffron': 3, 'exacts': 3, 'thurgood': 3, 'pharmaceutical': 3, 'sampson': 3, 'bellboy': 3, 'plaza': 3, 'siam': 3, 'educating': 3, 'prejudices': 3, 'tennant': 3, 'spaceballs': 3, 'wellreceived': 3, 'levison': 3, 'tugs': 3, 'deschanel': 3, 'prizes': 3, 'olive': 3, 'libbys': 3, 'sociopathic': 3, 'disintegrate': 3, 'meshes': 3, 'jimi': 3, 'squealing': 3, 'malibu': 3, 'tormenting': 3, 'decapitate': 3, 'stomachs': 3, 'offed': 3, 'wierd': 3, 'ministers': 3, 'roxanne': 3, 'prehistoric': 3, 'brownings': 3, 'kiernan': 3, 'clubbing': 3, 'believers': 3, 'posessed': 3, 'connotations': 3, 'frayn': 3, 'exterminator': 3, 'patent': 3, 'lsd': 3, 'substances': 3, 'permeates': 3, 'memoirs': 3, 'thrusts': 3, 'yglesias': 3, 'mis': 3, 'goulds': 3, 'quint': 3, 'orca': 3, 'grizzled': 3, 'armada': 3, 'meteoric': 3, 'prominence': 3, 'empires': 3, 'facto': 3, 'intervene': 3, 'gripped': 3, 'shrift': 3, 'outshine': 3, 'educational': 3, 'touchy': 3, 'swastika': 3, 'ringwalds': 3, 'tasteful': 3, 'janssens': 3, 'pecks': 3, 'ping': 3, 'concocting': 3, 'chapman': 3, 'pollini': 3, 'cody': 3, 'shaffer': 3, 'sensations': 3, 'garfield': 3, 'brautigan': 3, 'traders': 3, 'cinques': 3, 'unenviable': 3, 'preface': 3, 'hypochondriac': 3, '1959': 3, 'vigilantes': 3, 'boyles': 3, 'pillpopping': 3, 'writerdirectorstar': 3, 'billington': 3, 'muses': 3, 'polls': 3, 'quibbles': 3, 'hindrance': 3, 'venting': 3, 'hiv': 3, 'bastille': 3, 'safecracker': 3, 'chronicled': 3, 'conway': 3, 'arrests': 3, 'tommys': 3, 'narrators': 3, 'exasperated': 3, 'filmnoir': 3, 'masse': 3, 'loki': 3, 'christs': 3, 'editorial': 3, 'palpatine': 3, 'coruscant': 3, 'lloyds': 3, 'naturalism': 3, 'selfimposed': 3, 'masking': 3, 'cort': 3, 'josu': 3, 'pennsylvania': 3, 'pertwee': 3, 'prototypical': 3, 'furnishings': 3, 'cybil': 3, 'normalcy': 3, 'disillusionment': 3, 'troublesome': 3, 'hackmans': 3, 'complementary': 3, 'mucho': 3, 'sheltered': 3, 'tings': 3, 'floyd': 3, 'hyperkinetic': 3, 'reggae': 3, 'pioneer': 3, 'littlest': 3, 'teased': 3, 'gatherings': 3, 'mant': 3, 'falcon': 3, '_october': 3, 'sky_': 3, 'breathlessly': 3, 'dent': 3, 'cleancut': 3, 'babs': 3, 'touchyfeely': 3, 'damons': 3, 'attractions': 3, 'sikh': 3, 'vent': 3, 'bombings': 3, 'soared': 3, 'zippel': 3, 'ballads': 3, 'egan': 3, 'tampopos': 3, 'mayhew': 3, 'fleet': 3, 'mahoney': 3, 'pignon': 3, 'anonymously': 3, 'milks': 3, 'executioners': 3, 'germania': 3, 'lifeaffirming': 3, 'antisemitic': 3, 'chaplins': 3, 'deported': 3, 'slurs': 3, 'joyful': 3, 'shooin': 3, 'jerusalem': 3, 'lusting': 3, 'infatuation': 3, 'romanced': 3, 'unchanged': 3, 'poltergeist': 3, 'atmospherically': 3, 'orlocks': 3, 'hutters': 3, 'bach': 3, 'alfredo': 3, 'reas': 3, 'brogue': 3, 'welldrawn': 3, 'biographical': 3, 'hyena': 3, 'indeterminate': 3, 'institutes': 3, 'hoblit': 3, 'centres': 3, 'burbanks': 3, 'francies': 3, 'osullivan': 3, 'freighter': 3, 'coalwood': 3, 'scholarships': 3, 'griers': 3, 'sulaco': 3, 'jettison': 3, 'hypersleep': 3, '109': 3, 'wafflemovies': 3, 'delegation': 3, 'yugoslavia': 3, 'orphans': 3, 'sensitively': 3, 'cottrell': 3, 'simplest': 3, 'coeur': 3, 'permits': 3, 'squash': 3, 'outwardly': 3, 'consummate': 3, 'surge': 3, 'preconceptions': 3, 'limelight': 3, 'distrustful': 3, 'boothe': 3, 'overcomes': 3, 'villian': 3, 'innuendos': 3, 'ang': 3, 'stockwell': 3, 'hernandez': 3, 'oakley': 3, 'recluse': 3, 'idols': 3, 'wily': 3, 'insular': 3, 'fracture': 3, 'uninhibited': 3, 'outsmart': 3, 'disguising': 3, 'underestimated': 3, 'flesheating': 3, 'goblin': 3, 'norms': 3, 'initiates': 3, 'staining': 3, 'parasites': 3, 'untrue': 3, 'derail': 3, 'falsehood': 3, 'forge': 3, 'schumann': 3, 'hungary': 3, 'newsreel': 3, 'outtake': 3, 'heartache': 3, 'conversely': 3, 'louiso': 3, 'harshly': 3, 'misfortunes': 3, 'rumored': 3, 'suburb': 3, 'pronouncements': 3, 'teetering': 3, 'aftereffects': 3, 'negotiates': 3, 'webbers': 3, 'dictator': 3, 'ascend': 3, 'lupone': 3, 'gladys': 3, 'welltold': 3, 'monogamy': 3, 'dubey': 3, 'novice': 3, 'dissapointed': 3, 'rages': 3, 'littles': 3, 'lipnicki': 3, 'tinseltown': 3, 'unwed': 3, 'factual': 3, 'runway': 3, 'sprinkle': 3, 'befriending': 3, 'ritualistic': 3, 'foolishly': 3, 'damper': 3, 'coined': 3, 'gangland': 3, 'raps': 3, 'struggled': 3, 'hebrew': 3, 'hubert': 3, 'spats': 3, 'doowop': 3, 'chute': 3, 'assists': 3, 'serene': 3, 'captivate': 3, 'vincennes': 3, 'carve': 3, 'abbe': 3, 'termination': 3, 'harwich': 3, 'fatherless': 3, '41': 3, 'wah': 3, 'hungs': 3, 'uphold': 3, 'instigates': 3, 'surpassing': 3, 'observers': 3, 'imaginatively': 3, 'substantive': 3, 'menkens': 3, 'dazzlingly': 3, 'wallop': 3, 'crescendo': 3, 'billingsley': 3, 'indescribable': 3, 'shepards': 3, 'technicality': 3, 'fixture': 3, 'aloft': 3, 'independance': 3, 'sponsors': 3, 'bias': 3, 'bella': 3, 'cronenbergs': 3, 'airwaves': 3, 'escapee': 3, 'aftertaste': 3, 'peppered': 3, 'sweetbacks': 3, 'ssbas': 3, 'allwhite': 3, 'franken': 3, 'tori': 3, 'revenue': 3, 'naivet': 3, 'briscoe': 3, 'rev': 3, '1937': 3, 'asskicking': 3, 'incarnate': 3, 'mirandas': 3, 'anonymity': 3, 'apparatus': 3, 'bioport': 3, 'amphibian': 3, 'pods': 3, 'hitching': 3, 'bowman': 3, 'oldschool': 3, 'justly': 3, 'meany': 3, 'pf': 3, 'norad': 3, 'modem': 3, 'interface': 3, 'bluntman': 3, 'skewers': 3, 'obligated': 3, 'lightening': 3, 'ozon': 3, 'unneeded': 3, 'pumps': 3, 'epstein': 3, 'burial': 3, 'instills': 3, 'heer': 3, 'miseenscene': 3, 'humanist': 3, 'koji': 3, 'yakusho': 3, 'fees': 3, 'mai': 3, 'kindred': 3, 'disneyland': 3, 'monopoly': 3, 'miguel': 3, 'zhou': 3, 'hun': 3, 'chandelier': 3, 'conscripted': 3, 'gedde': 3, 'watanabe': 3, 'blackmailer': 3, 'spera': 3, 'sanxay': 3, 'suture': 3, 'donat': 3, 'beset': 3, 'swintons': 3, 'canon': 3, 'morsel': 3, 'permit': 3, 'alters': 3, 'nostromo': 3, 'lifting': 3, 'highstakes': 3, 'suprising': 3, 'electrifying': 3, '_onegin_': 3, 'brushed': 3, 'remi': 3, 'undulating': 3, 'fondas': 3, 'granddaughters': 3, 'softens': 3, 'codgers': 3, 'vittis': 3, 'sparkles': 3, 'aunjanue': 3, 'divergent': 3, 'expanding': 3, 'shyamalans': 3, 'errant': 3, 'delirious': 3, 'fritz': 3, 'homeland': 3, 'countrymen': 3, 'wahlbergs': 3, 'boasted': 3, 'skywalkers': 3, 'bitching': 3, 'output': 3, 'atf': 3, 'dargus': 3, 'crony': 3, 'gara': 3, 'wordlessly': 3, 'gangstas': 3, '1st': 3, 'rennie': 3, 'pretenses': 3, 'hydepierce': 3, 'sear': 3, 'mcnaughtons': 3, 'turnoff': 3, 'catastrophes': 3, 'awardcalibre': 3, 'rotterdam': 3, 'sonyloews': 3, 'reinvented': 3, 'upstate': 3, 'sugiyamas': 3, 'tentative': 3, 'verisimilitude': 3, 'aronofskys': 3, 'gullette': 3, 'flavour': 3, 'toiling': 3, 'eccentricity': 3, 'individualism': 3, 'schreck': 3, 'kafkaesque': 3, 'oneofakind': 3, 'sect': 3, 'torah': 3, 'meirs': 3, 'yossef': 3, 'prays': 3, 'nervousness': 3, 'closeknit': 3, 'emissary': 3, 'ravenous': 3, 'gabriela': 3, 'gabrielas': 3, 'eyebrow': 3, 'swoon': 3, 'contemplative': 3, 'cutter': 3, 'magnifying': 3, 'seep': 3, 'inadequacy': 3, 'condemning': 3, 'affirmative': 3, 'indignant': 3, 'rebirth': 3, 'fluids': 3, 'sctv': 3, 'alienating': 3, 'westerners': 3, 'implication': 3, 'vine': 3, 'farming': 3, 'monitor': 3, 'irreparable': 3, 'didactic': 3, 'differ': 3, 'collects': 3, 'admires': 3, 'bouajila': 3, 'marseilles': 3, 'zidler': 3, 'judiths': 3, 'doss': 3, 'outdo': 3, 'halen': 3, 'battleship': 3, 'potemkin': 3, 'odessa': 3, 'immeasurably': 3, 'trailing': 3, 'enterprising': 3, 'layoff': 3, 'predatory': 3, 'tantor': 3, 'highenergy': 3, 'stapleton': 3, 'frustrations': 3, 'naturalistic': 3, 'balances': 3, 'michells': 3, 'cmdr': 3, 'brannon': 3, 'revolutionaries': 3, 'columbian': 3, 'evergrowing': 3, 'dotcom': 3, 'mindel': 3, 'smartest': 3, 'alien3': 3, 'whedon': 3, 'jeunets': 3, 'hamm': 3, 'ratzenberger': 3, 'varney': 3, 'eschewing': 3, 'grains': 3, 'edgecomb': 3, 'hutchinson': 3, 'percy': 3, 'vibe': 3, 'testicle': 3, 'juni': 3, 'wonka': 3, 'tongues': 3, 'clair': 3, 'mockumentary': 3, 'intros': 3, 'tastefully': 3, 'bunker': 3, 'yvette': 3, 'furst': 3, 'labelled': 3, 'werner': 3, 'underlined': 3, 'mortizen': 3, 'rhymes': 3, 'eligible': 3, 'gable': 3, 'cals': 3, 'frolic': 3, 'rebhorn': 3, 'merged': 3, 'grifters': 3, 'vinyl': 3, 'portly': 3, 'obliterates': 3, 'overpowering': 3, 'stressful': 3, 'sarossy': 3, 'bbc': 3, 'selfdestructs': 3, 'fingals': 3, 'humphrey': 3, 'gravely': 3, 'oneroom': 3, 'nellos': 3, 'aloises': 3, 'mcgill': 3, 'voights': 3, 'recollections': 3, 'inflection': 3, 'virgils': 3, 'hesitance': 3, 'satisfyingly': 3, 'subordinates': 3, 'measured': 3, 'cohagen': 3, 'variable': 3, 'suggs': 3, 'uncommon': 3, 'disquieting': 3, 'sliceanddice': 3, 'reintroduced': 3, 'subtler': 3, 'saddam': 3, 'briers': 3, 'hummable': 3, 'organism': 3, '1943': 3, 'supercilious': 3, 'garafolo': 3, 'reminiscient': 3, 'smoothes': 3, 'wachowskis': 3, 'tibetans': 3, 'treads': 3, 'familar': 3, 'fiesty': 3, 'corps': 3, 'spur': 3, 'dwarves': 3, 'songcatcher': 3, 'emmy': 3, 'impish': 3, 'midlevel': 3, 'yakking': 3, 'stodge': 3, 'unattainable': 3, 'artifice': 3, 'oshii': 3, 'sv2': 3, 'shinohara': 3, '_patlabor': 3, 'movie_': 3, 'housing': 3, 'schindler': 3, 'laconic': 3, 'strides': 3, 'rite': 3, 'tiering': 3, 'horseback': 3, 'risen': 3, 'bowfingers': 3, 'nowfamous': 3, 'wether': 3, 'seing': 3, 'spotless': 3, 'sciences': 3, 'transylvania': 3, 'haywire': 3, 'freaked': 3, 'bloomington': 3, 'modes': 3, 'duet': 3, 'capitalizes': 3, 'claudius': 3, 'spall': 3, 'twotiming': 3, 'tinge': 3, 'steering': 3, 'beaulieu': 3, 'monitoring': 3, 'servo': 3, 'minkoff': 3, 'supplement': 3, 'spaceport': 3, 'specified': 3, 'algar': 3, 'saintsaens': 3, 'igor': 3, 'appointed': 3, 'tennessee': 3, 'clive': 3, 'adulterous': 3, 'undoing': 3, '12th': 3, 'foreigner': 3, 'goings': 3, 'buyers': 3, 'predicaments': 3, 'twisters': 3, 'obtaining': 3, 'dreamlike': 3, 'voluntary': 3, 'unreality': 3, 'ridding': 3, 'furthers': 3, 'faithfully': 3, 'fundamentalists': 3, 'karras': 3, 'wales': 3, 'breathtakingly': 3, 'refugee': 3, 'uproar': 3, 'ramius': 3, 'porcelain': 3, 'actionsuspense': 3, 'krasner': 3, 'symbiosis': 3, 'madigan': 3, 'revitalizing': 3, 'immoral': 3, 'nihilist': 3, 'nietzsche': 3, 'unintended': 3, 'rices': 3, 'sustenance': 3, 'shrouded': 3, 'upfront': 3, 'adaptions': 3, 'geneva': 3, 'proposing': 3, 'undo': 3, 'hillarous': 3, 'sellars': 3, 'carvers': 3, 'shortcut': 3, 'alanis': 3, 'morissette': 3, 'mansfield': 3, 'rozema': 3, 'squalor': 3, '91': 3, 'fenster': 3, 'onward': 3, 'gorefest': 3, 'corresponding': 3, 'spectators': 3, 'mychael': 3, 'shimmering': 3, 'recommendable': 3, 'wondrously': 3, 'humidity': 3, '2013': 3, 'oddities': 3, 'appetites': 3, 'echelon': 3, 'lyne': 3, 'flagging': 3, 'collaborate': 3, 'confection': 3, 'cowriters': 3, 'goldmine': 3, 'shootemup': 3, 'appreciating': 3, 'kaurism': 3, 'ki': 3, 'winsome': 3, 'sheree': 3, 'crumb': 3, 'emmanuel': 3, 'jeannes': 3, 'malcovich': 3, 'cassel': 3, 'resplendent': 3, 'sculptor': 3, 'sheppard': 3, 'kuzco': 3, 'oceans': 3, 'poignance': 3, 'mickeys': 3, 'memorias': 3, 'castros': 3, 'adversarial': 3, 'revolutions': 3, 'bourgeois': 3, 'touchingly': 3, 'marcos': 3, 'gabriella': 3, 'probable': 3, 'brenneman': 3, 'clears': 3, 'spencers': 3, 'urinate': 3, 'feudal': 3, 'neary': 3, 'antarctic': 3, 'frigid': 3, 'complemented': 3, 'coincides': 3, 'cecilia': 3, 'withstand': 3, 'extravaganza': 3, 'shor': 3, 'wint': 3, 'hubley': 3, 'gi': 3, 'orientation': 3, 'heartpounding': 3, 'fionas': 3, 'stantons': 3, 'democrats': 3, 'distinctively': 3, 'zeffirelli': 3, 'naturalness': 3, 'satisfies': 3, 'screwer': 3, 'controversies': 3, 'riddick': 3, 'donella': 3, 'lewton': 3, 'leuchters': 3, 'samaritan': 3, 'coloreds': 3, 'opposes': 3, 'lynched': 3, 'receptions': 3, 'dementeds': 3, 'kennedys': 3, 'flamingos': 3, 'longevity': 3, 'moralizing': 3, 'economical': 3, 'shade': 3, 'guzman': 3, 'hopelessness': 3, 'tobacks': 3, 'tirades': 3, 'toneddown': 3, 'taming': 3, 'prep': 3, 'keegan': 3, 'zuko': 3, 'batemans': 3, 'huey': 3, 'wows': 3, 'requiring': 3, 'hoyts': 3, 'changeofpace': 3, 'disembowelments': 3, 'mcgoohan': 3, 'conservatives': 3, 'keating': 3, 'immorality': 3, 'christians': 3, 'awareness': 3, 'modernity': 3, 'llewelyn': 3, 'overarching': 3, 'feuding': 3, 'gutwrenching': 3, 'bergmans': 3, 'calvinist': 3, 'tagging': 3, 'egyptians': 3, '_gattaca_': 3, 'discards': 3, 'lasseter': 3, 'gilberts': 3, 'cramped': 3, 'hayashi': 3, 'flamm': 3, 'eisley': 3, 'commentators': 3, 'lutz': 3, 'gordonlevitt': 3, 'larisa': 3, 'oleynik': 3, 'heath': 3, 'ledger': 3, 'kats': 3, 'bacri': 3, 'realestate': 3, 'brokers': 3, 'timetraveling': 3, 'maclean': 3, 'shoeless': 3, 'highpitched': 3, 'flealands': 3, 'floom': 3, 'nurtures': 3, 'lenders': 3, 'dey': 3, 'internationally': 3, 'rudner': 3, 'surveying': 3, 'caerthan': 3, 'burnell': 3, 'suns': 3, 'hughton': 3, 'gungan': 3, 'flamboyantly': 3, 'scottthomas': 3, 'topflight': 3, 'bille': 3, 'candyman': 3, 'spaniards': 3, 'archers': 3, 'hackett': 3, 'ballerina': 3, 'completly': 3, 'prydain': 3, 'dallben': 3, 'wens': 3, 'enright': 3, 'rickmans': 3, 'phylida': 3, 'kimmy': 3, 'wheezy': 3, 'hoyle': 3, 'furrows': 3, 'augusts': 3, 'copolla': 3, 'copollas': 3, 'marrakech': 3, 'sufi': 3, 'cristal': 3, 'licia': 3, 'mimmo': 3, 'catania': 3, 'massironi': 3, 'soldini': 3, 'fernandos': 3, 'hustons': 3, 'lilith': 3, 'imam': 3, 'boogieman': 3, 'hallstroms': 3, 'armande': 3, 'gutch': 3, 'insubstantial': 3, 'messinger': 3, 'seale': 3, 'refrigerator': 3, 'moretti': 3, 'genevi': 3, '_cliffhanger_': 3, 'soninlaw': 3, 'bart': 3, 'blakes': 3, 'auditor': 3, 'hayley': 3, 'reuben': 3, 'dobson': 3, 'countess': 3, 'olenska': 3, 'trucker': 3, 'bidet': 3, 'mandala': 3, 'tamahori': 3, 'renault': 3, 'salieri': 3, 'mozarts': 3, 'mckellans': 3, 'legged': 3, 'beiderman': 3, 'watto': 3, 'podrace': 3, 'bressons': 3, 'longbaugh': 3, 'chidduck': 3, 'jiji': 3, 'packer': 3, 'kerrigan': 3, 'malachy': 3, 'des': 3, 'aboriginal': 3, 'rigormortis': 3, 'searles': 3, 'snag': 2, 'downshifts': 2, 'password': 2, 'unraveling': 2, 'excites': 2, 'tugboat': 2, 'drunkenly': 2, 'challenger': 2, 'belated': 2, 'differentiates': 2, 'runin': 2, 'hydra': 2, 'tgif': 2, 'urkel': 2, 'pinchot': 2, 'psychotherapy': 2, 'restauranteur': 2, 'stalkers': 2, 'gleason': 2, 'daylights': 2, 'toolbox': 2, 'validity': 2, '175': 2, 'brutalized': 2, 'specialized': 2, 'flickering': 2, 'harrisburg': 2, 'firstrun': 2, 'deviants': 2, 'flutters': 2, 'pussy': 2, 'hairs': 2, 'paves': 2, 'obstetrics': 2, 'everreliable': 2, 'swedish': 2, 'strindberg': 2, 'longings': 2, 'puke': 2, 'dashboard': 2, 'sabotages': 2, 'mainstays': 2, 'thwarts': 2, 'pastoral': 2, 'nossiters': 2, 'wedlock': 2, 'rds': 2, 'emote': 2, 'deliveries': 2, 'suvaris': 2, 'yikes': 2, 'hullo': 2, 'manhunter': 2, 'budge': 2, 'eventempered': 2, 'highwire': 2, 'pakula': 2, 'chapin': 2, 'howies': 2, 'ennui': 2, 'concurrently': 2, 'bluster': 2, 'newbie': 2, 'zwigoffs': 2, 'strategist': 2, 'contingent': 2, 'matchmaking': 2, 'matchmakers': 2, 'dumass': 2, 'xing': 2, 'xiong': 2, 'torches': 2, 'grime': 2, 'raiden': 2, 'utility': 2, 'critiques': 2, 'sheeva': 2, 'siouxsie': 2, 'sioux': 2, 'seattlebased': 2, 'moping': 2, 'insist': 2, 'parillauds': 2, 'crybaby': 2, 'toughasnails': 2, 'agonizingly': 2, 'ballard': 2, 'returnee': 2, 'sillylooking': 2, 'felon': 2, 'reddish': 2, 'stillborn': 2, 'fin': 2, 'glacier': 2, 'pointlessly': 2, 'prepubescent': 2, 'jargon': 2, 'ditty': 2, 'friggin': 2, 'salvageable': 2, 'uninterrupted': 2, 'abcs': 2, 'resurgence': 2, 'spears': 2, 'volkswagen': 2, 'pensively': 2, 'sherbedgia': 2, 'fulfills': 2, 'digitized': 2, 'selfhealing': 2, 'detonate': 2, 'ebola': 2, 'razzledazzle': 2, 'kleenex': 2, 'pest': 2, 'maggots': 2, 'clairvoyant': 2, 'knell': 2, 'zenith': 2, 'telekinesis': 2, 'endanger': 2, 'interupts': 2, 'adjacent': 2, 'adorned': 2, 'cheapened': 2, 'disasterous': 2, 'salem': 2, 'beckon': 2, 'proctor': 2, 'smears': 2, 'surges': 2, 'errs': 2, 'veracity': 2, 'pandoras': 2, 'abigails': 2, 'zealously': 2, 'inexorable': 2, 'deteriorate': 2, 'hytner': 2, 'pedestal': 2, 'pricks': 2, 'reprieve': 2, 'bewitching': 2, 'founding': 2, 'exasperating': 2, 'dissect': 2, 'selfappointed': 2, 'fret': 2, 'nodded': 2, 'starkly': 2, 'purports': 2, '24hour': 2, 'pillpoppin': 2, 'demolition': 2, 'rookies': 2, 'tnt': 2, 'lopped': 2, 'uppity': 2, 'tribunal': 2, 'shelling': 2, 'krugers': 2, 'pecan': 2, 'insinuate': 2, 'ashleys': 2, 'flanked': 2, 'flops': 2, 'flattering': 2, 'wiseacre': 2, 'lackadaisical': 2, 'evince': 2, 'snarling': 2, 'vitriol': 2, 'merrier': 2, 'welshman': 2, 'gruffudd': 2, 'pelt': 2, 'furs': 2, 'export': 2, 'brie': 2, 'nauseum': 2, 'offlimits': 2, 'discusses': 2, 'kickoff': 2, 'vci': 2, 'chariots': 2, 'themed': 2, 'petrie': 2, 'dabney': 2, 'quimby': 2, 'potty': 2, 'revenues': 2, 'poppins': 2, 'corrupter': 2, 'wooping': 2, 'handily': 2, 'dmx': 2, 'blistering': 2, 'trish': 2, 'puritanical': 2, 'reigned': 2, 'industrys': 2, 'waterfront': 2, 'heartbeat': 2, 'staccato': 2, 'flabbergasted': 2, 'fingernails': 2, 'hoosiers': 2, 'reins': 2, 'hasbeen': 2, 'sumo': 2, 'nobodies': 2, 'clap': 2, 'proclivities': 2, 'pathological': 2, 'crabs': 2, 'eliminating': 2, 'cutaway': 2, 'imposed': 2, 'bludgeons': 2, 'glimcher': 2, 'drawbridge': 2, 'riders': 2, 'stiffs': 2, 'mein': 2, 'midweek': 2, 'pitchblack': 2, 'ashby': 2, 'worships': 2, 'sewers': 2, 'unenjoyable': 2, 'cynically': 2, 'boneheaded': 2, 'echoed': 2, 'nauseam': 2, 'prodded': 2, 'skewered': 2, 'commanders': 2, 'tactical': 2, 'neumeier': 2, 'selective': 2, 'earthling': 2, 'platoons': 2, 'ot': 2, 'gravy': 2, '1933': 2, 'incidently': 2, 'delved': 2, 'almasy': 2, 'wartorn': 2, 'heartbroken': 2, 'reclusive': 2, 'signified': 2, 'transcended': 2, 'drugaddled': 2, 'cholodenkos': 2, 'pigeonholed': 2, 'currency': 2, 'lucys': 2, 'overdosing': 2, 'meatballs': 2, 'hots': 2, 'groaninducing': 2, 'flighty': 2, 'granite': 2, 'janey': 2, 'jojo': 2, 'toughness': 2, 'arcs': 2, 'oldself': 2, 'nadir': 2, 'jumpstart': 2, 'stamps': 2, 'pounded': 2, 'jrs': 2, 'aborted': 2, 'yost': 2, 'salomon': 2, 'asner': 2, 'sneers': 2, 'natures': 2, 'meanie': 2, 'turteltaub': 2, 'abovepar': 2, 'runnings': 2, 'esophagus': 2, 'thal': 2, 'nunn': 2, 'seafaring': 2, 'paradiso': 2, 'goliath': 2, 'languidly': 2, 'lugubrious': 2, 'seltzer': 2, 'romanian': 2, 'amen': 2, 'prefabricated': 2, 'differentiated': 2, 'chisholm': 2, 'ernst': 2, 'header': 2, 'chestnuts': 2, 'cubs': 2, 'gatins': 2, 'lobs': 2, 'lawns': 2, 'selfdestruct': 2, 'bloods': 2, 'remedial': 2, 'lillards': 2, 'stylings': 2, 'michigan': 2, 'lex': 2, 'acdc': 2, 'ramones': 2, 'overdrive': 2, 'halfstar': 2, 'zoomins': 2, 'seasick': 2, 'dupr': 2, 'plotless': 2, 'inordinate': 2, 'partnerincrime': 2, 'fastmotion': 2, 'cows': 2, 'belching': 2, 'bellowing': 2, 'frosted': 2, 'georgina': 2, 'liverpool': 2, 'tho': 2, 'mosleys': 2, 'swingin': 2, 'stiers': 2, 'incompetently': 2, 'wherewithal': 2, 'vessels': 2, 'tattered': 2, 'ammo': 2, 'bregman': 2, 'mic': 2, 'lease': 2, 'schmoe': 2, 'anistons': 2, 'serina': 2, 'regional': 2, 'targetted': 2, 'ritz': 2, 'matewan': 2, '126': 2, 'delgado': 2, 'patinkin': 2, 'violation': 2, 'ds': 2, 'ollie': 2, 'scrubbed': 2, 'lodge': 2, 'ribs': 2, 'stove': 2, 'circling': 2, 'shaving': 2, 'expire': 2, 'meanness': 2, 'arguable': 2, 'octane': 2, 'duguays': 2, 'assination': 2, 'irritate': 2, 'xrated': 2, 'streetsmart': 2, 'conned': 2, 'understudy': 2, 'payday': 2, 'softcore': 2, 'copulation': 2, 'onstage': 2, 'virtuous': 2, 'newswoman': 2, 'fitzpatrick': 2, 'englishspeaking': 2, 'minimize': 2, 'insomniac': 2, 'weaken': 2, 'gilligan': 2, 'gilligans': 2, 'drivethru': 2, 'headset': 2, 'gawk': 2, 'lowerclass': 2, 'ambience': 2, 'pointlessness': 2, 'jells': 2, 'enabling': 2, 'molesting': 2, 'guaranteeing': 2, 'assigning': 2, 'fillings': 2, 'appetizer': 2, 'inhibit': 2, 'wildest': 2, 'rocksactually': 2, 'twirl': 2, 'landonce': 2, 'sequencesthey': 2, 'constructedharry': 2, 'wrongperhaps': 2, 'minuteand': 2, 'futileattempt': 2, 'characterthe': 2, 'wiseassis': 2, 'almostwitty': 2, 'guidelines': 2, 'pyrotechnic': 2, 'oilguycumastronaut': 2, 'helmets': 2, 'soundmix': 2, 'titanicfever': 2, 'throughouterase': 2, 'sketching': 2, 'carsex': 2, 'mooncrawler': 2, 'independentminded': 2, 'wouldbeahabs': 2, 'malebonding': 2, 'acquaintancesid': 2, 'chestbeating': 2, 'birdhouse': 2, 'trailera': 2, 'bodybuilders': 2, 'authorsive': 2, 'prouder': 2, 'nosing': 2, 'draggedout': 2, 'highways': 2, 'uhaul': 2, 'sadists': 2, 'ashe': 2, 'gaunt': 2, 'seminaked': 2, 'sexism': 2, 'wallows': 2, 'fess': 2, 'warmed': 2, 'openheart': 2, 'kink': 2, 'prochnow': 2, 'logistics': 2, 'mailing': 2, 'windy': 2, 'ayers': 2, 'catalogue': 2, 'giggly': 2, 'fonz': 2, 'impatiently': 2, 'viruses': 2, 'toho': 2, 'niko': 2, 'radiationinduced': 2, 'tatopouloss': 2, 'roche': 2, 'dinosaurlike': 2, 'brushing': 2, 'warheads': 2, 'f18': 2, 'nitpicky': 2, 'stogie': 2, 'coinciding': 2, 'dietzs': 2, 'cracker': 2, 'swoons': 2, 'revisits': 2, 'klump': 2, 'extracts': 2, 'beaker': 2, 'flabby': 2, 'bins': 2, 'buffet': 2, 'trough': 2, 'fiend': 2, 'sagging': 2, 'conversational': 2, '55': 2, 'enabled': 2, 'santaro': 2, 'offshoot': 2, 'realised': 2, 'sinises': 2, 'powerhouse': 2, 'slayings': 2, 'schoolwork': 2, 'misdeed': 2, 'scroll': 2, 'chortling': 2, 'housekeeping': 2, 'raved': 2, 'urgent': 2, 'huggable': 2, 'brinks': 2, 'stormtroopers': 2, 'catered': 2, 'betcha': 2, 'orville': 2, 'cheapo': 2, 'disrobe': 2, 'cloths': 2, 'storyboard': 2, 'effaced': 2, 'mouthpieces': 2, 'deafmute': 2, 'bilingual': 2, 'rio': 2, 'historians': 2, '1928': 2, 'colton': 2, 'maughams': 2, 'awkwardness': 2, 'sanctimonious': 2, 'czechoslovakia': 2, 'puppetry': 2, 'blech': 2, 'directorscreenwriter': 2, 'deference': 2, 'gentry': 2, 'stallion': 2, 'mare': 2, 'missus': 2, 'diagnosis': 2, 'cambodia': 2, 'sagas': 2, 'telegraphs': 2, 'triggering': 2, 'ejection': 2, '161': 2, 'lice': 2, 'endemic': 2, 'amuck': 2, 'impregnated': 2, 'miley': 2, 'genes': 2, 'toad': 2, 'stunted': 2, 'verbose': 2, 'slims': 2, 'cnote': 2, 'rosebudd': 2, 'knockin': 2, 'persuasively': 2, 'blankets': 2, 'telemarketer': 2, 'hagerty': 2, 'secures': 2, 'sandwich': 2, 'ramblings': 2, 'sausages': 2, 'internment': 2, 'branaugh': 2, 'wordplay': 2, 'cringeworthy': 2, 'bah': 2, 'tolerant': 2, 'legalized': 2, 'collateral': 2, 'creditors': 2, 'hemp': 2, 'highquality': 2, 'scotsman': 2, 'greenhouse': 2, 'matronly': 2, 'destitute': 2, 'ummm': 2, 'danzas': 2, 'goodguy': 2, 'buddying': 2, 'fours': 2, 'retched': 2, 'steinberg': 2, 'cometdisaster': 2, 'peering': 2, 'hotchner': 2, 'outdid': 2, 'lapsed': 2, 'forgiveable': 2, 'shrieks': 2, 'cheapest': 2, 'tasha': 2, 'yar': 2, 'auspicious': 2, 'smokejumpers': 2, 'smokejumper': 2, 'wynt': 2, 'dollhouse': 2, 'lifeordeath': 2, 'chopper': 2, 'flings': 2, 'ramp': 2, 'cheapens': 2, 'goofs': 2, 'santiago': 2, 'swelling': 2, 'countered': 2, 'lumbers': 2, 'engagements': 2, 'menendez': 2, 'cuteasabutton': 2, 'beauties': 2, 'bazaar': 2, 'mademoiselle': 2, 'dakota': 2, 'antigovernment': 2, 'supervising': 2, 'gavras': 2, 'lowry': 2, 'frewer': 2, 'salkind': 2, 'exiles': 2, 'frustrate': 2, 'zaltar': 2, 'minorleague': 2, 'lanes': 2, 'stuffing': 2, 'bochner': 2, 'bumper': 2, 'tylenol': 2, 'editions': 2, 'probes': 2, 'brevity': 2, 'extensions': 2, 'lengthen': 2, 'claptrap': 2, 'visjnic': 2, 'spat': 2, 'exorcism': 2, 'spattering': 2, 'yagher': 2, 'diction': 2, 'beater': 2, 'photocopied': 2, 'tempt': 2, 'kernel': 2, 'sire': 2, 'halfalien': 2, 'slinks': 2, 'module': 2, 'underlines': 2, 'whitakers': 2, 'empath': 2, 'mutter': 2, 'psychotically': 2, 'shopper': 2, 'empowerment': 2, 'grizzly': 2, 'roped': 2, 'baird': 2, '1925': 2, 'infomercial': 2, 'boosting': 2, 'realizations': 2, 'frying': 2, 'informercial': 2, 'knuckleheads': 2, 'polo': 2, 'codirectors': 2, 'rehearsals': 2, 'attributable': 2, 'biomolecular': 2, 'fatty': 2, 'reentry': 2, 'elects': 2, 'maddog': 2, 'sunning': 2, 'onetwopunch': 2, 'logan': 2, 'deedee': 2, 'melliss': 2, 'scintos': 2, 'skindiving': 2, 'beards': 2, 'glazers': 2, 'halfworld': 2, 'gratuity': 2, 'hatchett': 2, 'englishmen': 2, 'hisses': 2, 'valiantly': 2, 'roomie': 2, 'bong': 2, 'markpaul': 2, 'gosselaar': 2, 'paula': 2, 'stooped': 2, 'sellout': 2, 'tomita': 2, 'lana': 2, 'navel': 2, 'writerdirectors': 2, 'exhilerating': 2, 'terra': 2, 'kinfolk': 2, 'cited': 2, 'institutionalized': 2, 'badge': 2, 'krays': 2, 'unchallenging': 2, '92': 2, 'postapocalypse': 2, 'nittygritty': 2, 'haircuts': 2, 'resource': 2, 'majorino': 2, 'outshines': 2, 'dearth': 2, 'denizen': 2, 'impossibility': 2, 'bettered': 2, 'kathie': 2, 'lacrosses': 2, 'snowbound': 2, 'seatbelts': 2, 'tangent': 2, 'kewl': 2, 'bitchiness': 2, 'hardyharhar': 2, 'lameass': 2, 'amply': 2, 'rejecting': 2, 'figueroa': 2, 'northam': 2, 'nickys': 2, 'sternly': 2, 'discourse': 2, 'pouts': 2, 'boggles': 2, 'bores': 2, 'forums': 2, 'termed': 2, '20something': 2, 'installation': 2, 'swoosie': 2, 'assasinate': 2, 'romps': 2, 'valentina': 2, 'koslova': 2, 'exira': 2, 'sprays': 2, 'solvent': 2, 'williss': 2, 'exploitive': 2, 'slambang': 2, 'operatives': 2, 'slumps': 2, 'trejo': 2, 'disapproval': 2, 'interferes': 2, 'paradoxes': 2, '_urban': 2, 'legend_': 2, 'moderation': 2, 'tautness': 2, 'swayed': 2, 'midaugust': 2, 'machineguns': 2, 'annihilate': 2, 'reassembled': 2, 'glamor': 2, 'invective': 2, 'readmit': 2, 'exuberance': 2, 'shooter': 2, 'conspirator': 2, 'splitscreen': 2, 'coupon': 2, 'consolation': 2, 'oxford': 2, 'patched': 2, 'tux': 2, 'badasses': 2, 'sonnenfelds': 2, 'hensleigh': 2, 'augustus': 2, 'julio': 2, 'mechoso': 2, 'hailing': 2, 'detraction': 2, 'crenna': 2, 'bondian': 2, 'karma': 2, 'embroidered': 2, 'productivity': 2, 'capping': 2, 'entrusting': 2, '6000': 2, 'ogrady': 2, 'poehler': 2, 'deuces': 2, 'manwhoring': 2, 'massproduced': 2, 'flushed': 2, 'intermittently': 2, 'shopkeeper': 2, 'forsythes': 2, 'interrogates': 2, 'sears': 2, 'goon': 2, 'couriers': 2, 'topsyturvy': 2, 'continuos': 2, 'corniness': 2, 'reminisce': 2, 'hauntings': 2, 'meritorious': 2, 'insomniacs': 2, 'funhouse': 2, 'mopey': 2, 'breezes': 2, 'munsters': 2, 'eugenio': 2, 'zanetti': 2, 'goblins': 2, 'recoup': 2, 'domestically': 2, 'welllit': 2, 'promoters': 2, 'sexstarved': 2, 'flounders': 2, 'pummel': 2, 'orchestrating': 2, 'mindsets': 2, 'amiel': 2, 'posterior': 2, 'patting': 2, 'paull': 2, 'wackiness': 2, 'makin': 2, 'holder': 2, 'cocacola': 2, 'mael': 2, 'blackmailers': 2, 'emmet': 2, 'tvmovieoftheweek': 2, 'tempts': 2, 'hauntingly': 2, 'melodic': 2, 'notefornote': 2, 'taggert': 2, 'environmental': 2, 'perpetrators': 2, 'banjopicking': 2, 'porches': 2, 'seige': 2, 'pulpit': 2, 'donate': 2, 'environmentally': 2, 'perfume': 2, 'overstuffed': 2, 'confetti': 2, 'builtin': 2, 'prescription': 2, 'nah': 2, '12997': 2, '61397': 2, 'straits': 2, 'recycle': 2, 'treading': 2, '6th': 2, 'janice': 2, 'oncepromising': 2, 'bouquet': 2, 'rebuffs': 2, 'hubbys': 2, 'grouse': 2, 'selfmade': 2, 'whimper': 2, 'overpriced': 2, 'caverns': 2, 'oooh': 2, 'digestive': 2, 'witless': 2, 'arisen': 2, 'parlay': 2, 'mook': 2, 'absinthe': 2, 'labyrinthine': 2, 'pate': 2, 'tweaking': 2, 'retell': 2, 'opar': 2, 'animatronics': 2, 'weismuller': 2, 'compatible': 2, 'donor': 2, 'reconsiders': 2, 'underdevelopment': 2, 'matts': 2, 'natch': 2, 'unsentimental': 2, 'camouflage': 2, 'duct': 2, 'stuffs': 2, 'roared': 2, 'industrialist': 2, 'wooed': 2, 'halfasleep': 2, 'tbird': 2, 'anthropomorphized': 2, 'smearing': 2, 'approximate': 2, 'modulation': 2, 'coward': 2, 'dullard': 2, 'fumble': 2, 'dolphins': 2, '2058': 2, 'colonize': 2, 'lacey': 2, 'munchkin': 2, 'faltering': 2, 'reconsider': 2, 'grumpiest': 2, 'matthaus': 2, 'hackwork': 2, 'lilly': 2, 'lillys': 2, 'newlywed': 2, 'consoling': 2, 'unrepentantly': 2, 'fucked': 2, 'buddha': 2, 'holographic': 2, 'planetarium': 2, 'blinding': 2, 'bungalow': 2, 'unlocked': 2, 'theroux': 2, 'satirist': 2, 'ubar': 2, 'heigl': 2, 'stabile': 2, 'chuckys': 2, 'subtract': 2, 'unharmed': 2, 'squeakyclean': 2, 'regressive': 2, 'silenced': 2, 'cheesiest': 2, 'overlaid': 2, 'jumpy': 2, 'ram': 2, 'shrasta': 2, 'lever': 2, 'attendance': 2, 'allegiance': 2, 'sonic': 2, 'disregards': 2, 'ss': 2, 'trenchcoat': 2, 'substituted': 2, 'guffaw': 2, 'shogun': 2, 'sterotypes': 2, 'drek': 2, 'bungles': 2, '_must_': 2, 'hiccup': 2, 'gurgle': 2, 'awwwww': 2, 'domino': 2, 'nearimpossible': 2, 'monument': 2, 'chompers': 2, 'alf': 2, 'eyelids': 2, 'joff': 2, 'hairstylist': 2, 'racy': 2, 'wittier': 2, 'triplecrosses': 2, 'deepseated': 2, 'petite': 2, 'peggy': 2, 'platinum': 2, 'indicated': 2, 'guiltypleasure': 2, 'stripclub': 2, 'sliminess': 2, 'coyotes': 2, 'championships': 2, 'footballcrazy': 2, 'carousing': 2, 'herein': 2, 'missable': 2, 'homilies': 2, 'buffedup': 2, 'diabetic': 2, 'insulin': 2, 'gland': 2, 'airs': 2, 'creepiest': 2, 'garland': 2, 'characteristically': 2, 'tiniest': 2, 'characterize': 2, 'bode': 2, 'spooked': 2, 'waaaaay': 2, 'bedtime': 2, 'coscripted': 2, 'counseling': 2, 'leash': 2, 'unfurls': 2, 'lumber': 2, '18wheeler': 2, 'caton': 2, 'implanting': 2, 'doofus': 2, 'satiate': 2, 'voracious': 2, 'torry': 2, 'lapping': 2, 'gravesite': 2, 'brushes': 2, 'christophers': 2, 'depthless': 2, 'typewriters': 2, 'designated': 2, 'heep': 2, 'toddler': 2, 'condolences': 2, 'alerted': 2, 'tomaso': 2, 'scrolls': 2, 'popes': 2, 'visionaries': 2, 'highbudget': 2, 'superstardom': 2, 'russiansounding': 2, 'loudest': 2, 'deerintheheadlights': 2, 'pox': 2, 'necessitates': 2, 'genesis': 2, 'clowning': 2, 'walcott': 2, 'shavedheaded': 2, 'scarylooking': 2, 'oedekerk': 2, 'diseases': 2, 'hmos': 2, 'tasmania': 2, 'terrorise': 2, 'turpins': 2, 'fancey': 2, 'strapp': 2, 'daley': 2, 'flasher': 2, 'harriett': 2, 'housemaid': 2, 'starlets': 2, 'talbot': 2, 'rothwell': 2, 'doubleentendres': 2, 'commemorating': 2, 'tweeder': 2, 'rrating': 2, 'aaliyah': 2, 'megabuck': 2, 'froth': 2, 'egodriven': 2, 'mgmua': 2, 'drainage': 2, 'creeper': 2, 'fiendishly': 2, 'salva': 2, 'italians': 2, 'lonesome': 2, 'slobbering': 2, 'dungeon': 2, 'ashly': 2, 'merchants': 2, 'whirls': 2, 'freebie': 2, 'gullivers': 2, 'justifying': 2, 'allimportant': 2, 'flexible': 2, 'posture': 2, 'lon': 2, 'chaney': 2, 'potheads': 2, 'unmasked': 2, 'diaphragm': 2, 'amicable': 2, 'langes': 2, 'dubois': 2, 'sustained': 2, 'impersonates': 2, 'mimics': 2, 'advertise': 2, 'familyfriendly': 2, 'jollies': 2, 'mistreatment': 2, 'transvestitism': 2, 'glenglenda': 2, 'voicedover': 2, 'crackles': 2, 'alarmed': 2, 'tails': 2, 'cemented': 2, 'serialkiller': 2, 'voicework': 2, 'massmarket': 2, 'blasphemy': 2, 'sprinkling': 2, 'entertainingly': 2, 'elitism': 2, 'cornell': 2, 'truffaut': 2, 'golddiggers': 2, 'erotically': 2, 'chirping': 2, 'mantle': 2, 'trashiness': 2, 'adjusting': 2, 'pouting': 2, 'amphetamines': 2, 'proximity': 2, 'actioners': 2, 'touting': 2, 'rethought': 2, 'misbegotten': 2, 'silhouetted': 2, 'addled': 2, 'ferret': 2, 'roams': 2, 'hurling': 2, 'starships': 2, 'ultraviolence': 2, 'antiseptic': 2, 'whizzing': 2, 'avalon': 2, 'avail': 2, 'pratically': 2, 'lawerence': 2, 'particulary': 2, 'lawerences': 2, 'overuses': 2, 'xena': 2, 'mk': 2, 'bluescreening': 2, 'mindlessly': 2, 'nothin': 2, 'rabidly': 2, 'shlock': 2, 'deviates': 2, 'impregnating': 2, 'noodleheaded': 2, 'spun': 2, 'humorfree': 2, 'tots': 2, 'doubled': 2, 'instigate': 2, 'phoniness': 2, 'yun': 2, 'repay': 2, 'outs': 2, 'impunity': 2, 'collides': 2, 'beresfords': 2, 'mercies': 2, 'avenger': 2, 'liottas': 2, 'sec': 2, 'sulking': 2, 'lawford': 2, 'beads': 2, 'gogo': 2, 'hewitts': 2, 'schemers': 2, 'withheld': 2, 'garnering': 2, 'steely': 2, 'weld': 2, 'coughing': 2, 'abomination': 2, 'summertime': 2, 'spindly': 2, 'thrashing': 2, 'pontificating': 2, 'jackman': 2, 'antiterrorist': 2, 'drinker': 2, 'grieve': 2, 'stanleys': 2, 'coerce': 2, 'download': 2, 'bleach': 2, 'tarsem': 2, 'sharpedged': 2, 'panes': 2, 'bleed': 2, 'catharines': 2, 'supplier': 2, 'beenthere': 2, 'donethat': 2, 'pivot': 2, 'taller': 2, 'hyperreal': 2, 'specimens': 2, 'signatures': 2, 'confining': 2, 'hein': 2, 'cinergi': 2, 'compiled': 2, 'ovitz': 2, 'racks': 2, 'whoopee': 2, 'backstabbing': 2, 'softporn': 2, 'roughneck': 2, 'je': 2, 'sexier': 2, 'materialize': 2, 'halfinteresting': 2, 'reconnect': 2, 'throttle': 2, 'flares': 2, 'crest': 2, 'ornery': 2, 'nitrous': 2, 'oxide': 2, 'hotcakes': 2, 'swamps': 2, 'purrs': 2, 'dory': 2, 'nosedives': 2, 'latters': 2, 'outofshape': 2, 'womanabusing': 2, 'joanou': 2, 'hatchers': 2, 'cajun': 2, 'hrs': 2, 'fairuza': 2, 'belligerent': 2, '51': 2, 'igniting': 2, 'crave': 2, 'deus': 2, 'biochemist': 2, 'doctorate': 2, 'awed': 2, 'latifa': 2, 'favorably': 2, 'absolution': 2, 'plow': 2, 'mcconaughay': 2, 'devestating': 2, 'overemotional': 2, 'reiners': 2, 'voila': 2, 'scribblings': 2, 'topped': 2, 'saxophone': 2, 'halfempty': 2, 'catatonically': 2, 'peeping': 2, 'inception': 2, '79': 2, 'exhale': 2, 'unpromising': 2, 'tripledigit': 2, 'participated': 2, 'lobotomy': 2, 'predicts': 2, 'virgo': 2, 'swanky': 2, 'exuding': 2, 'heym': 2, 'punishable': 2, 'jakobs': 2, 'kassovitz': 2, 'crafts': 2, 'balaban': 2, 'overextension': 2, 'diners': 2, 'generalizations': 2, 'ontario': 2, 'tortuous': 2, 'thirtysix': 2, 'embarrassments': 2, 'benzali': 2, 'agencies': 2, 'verges': 2, 'addictive': 2, 'sideeffects': 2, 'wigands': 2, 'severance': 2, 'safer': 2, 'sympathies': 2, 'riflely': 2, 'voyeur': 2, 'foggiest': 2, 'hoo': 2, 'souvenir': 2, 'priestly': 2, 'definitly': 2, 'nelken': 2, 'depaul': 2, 'honing': 2, 'singlemindedly': 2, 'perfs': 2, 'crossroads': 2, 'chauvinistic': 2, 'slayers': 2, 'copulate': 2, 'obituary': 2, 'molasses': 2, 'illtempered': 2, 'copulating': 2, 'dished': 2, 'nauseous': 2, 'lope': 2, 'bends': 2, 'prayed': 2, 'oliveira': 2, 'irreversible': 2, 'honchos': 2, 'tabasco': 2, 'lowcut': 2, 'var': 2, 'aspired': 2, 'turners': 2, 'palitaliano': 2, 'rehired': 2, 'wcws': 2, 'mcmahons': 2, 'mcmahon': 2, 'rockystyle': 2, 'midteen': 2, 'reoccurring': 2, 'converging': 2, 'jung': 2, 'barbarians': 2, 'prances': 2, 'mananimal': 2, 'evasion': 2, 'lachman': 2, 'sextons': 2, 'spicers': 2, 'cutrate': 2, 'racked': 2, 'gortons': 2, 'protruding': 2, 'baio': 2, 'succinct': 2, 'superintelligent': 2, 'relay': 2, 'imitates': 2, '83': 2, 'bloodspattered': 2, 'gent': 2, 'slappedtogether': 2, 'headlined': 2, 'rumpled': 2, 'curmudgeons': 2, 'punctuates': 2, 'honks': 2, 'phnah': 2, 'stickers': 2, 'fucks': 2, 'genital': 2, 'bureaucrat': 2, 'supersecret': 2, 'smallscale': 2, 'flatter': 2, 'drafts': 2, 'subordinate': 2, 'hasten': 2, 'uplifted': 2, 'leguizamos': 2, 'rot': 2, 'roofs': 2, 'evaporated': 2, 'pensive': 2, 'situated': 2, 'socialist': 2, 'godmother': 2, 'wickedness': 2, 'propels': 2, 'takeover': 2, 'discotheque': 2, 'eras': 2, 'heyday': 2, 'firsttimer': 2, '11thhour': 2, '_54_s': 2, 'lifelessness': 2, 'vip': 2, 'famously': 2, 'dottie': 2, 'preppies': 2, 'dogooder': 2, 'acquitted': 2, 'violations': 2, 'acquittal': 2, 'toyed': 2, 'barzoon': 2, 'christabella': 2, 'homogeneity': 2, 'entourage': 2, 'romping': 2, 'wetsuits': 2, 'latterday': 2, 'crispin': 2, 'comprises': 2, 'ogle': 2, 'fluctuates': 2, 'norsemen': 2, 'softy': 2, 'lund': 2, 'benj': 2, 'artifact': 2, 'hankypanky': 2, 'littletono': 2, 'plump': 2, 'acquire': 2, 'decisively': 2, 'abominable': 2, 'nutcase': 2, 'overachiever': 2, 'gymnasium': 2, 'jeroen': 2, 'nonreligious': 2, '20yearold': 2, 'chaja': 2, 'demonstrations': 2, 'gentile': 2, 'baking': 2, 'suitcases': 2, 'hasidics': 2, 'ultraorthodox': 2, 'adhere': 2, 'kalman': 2, 'antisemitism': 2, 'bradley': 2, 'insulated': 2, 'flavoring': 2, 'effervescent': 2, 'quack': 2, 'unappetizing': 2, 'ope': 2, 'mabe': 2, 'overdecorated': 2, 'belches': 2, 'stainedglass': 2, 'gapes': 2, 'filmy': 2, 'cherubic': 2, 'billowy': 2, 'spooketeria': 2, 'lamps': 2, 'terrify': 2, 'hash': 2, 'effectsextravaganza': 2, 'subconscience': 2, 'paralells': 2, 'overruns': 2, 'philanderer': 2, 'flaky': 2, 'idaho': 2, 'wasps': 2, 'tricia': 2, 'editted': 2, 'machete': 2, 'unmotivated': 2, 'quirkily': 2, 'dowling': 2, 'jacksonville': 2, 'disprove': 2, 'urinating': 2, 'zeiks': 2, 'whitfield': 2, 'abusing': 2, 'harrassing': 2, 'chaired': 2, 'selfprofessed': 2, 'whittled': 2, 'harnessed': 2, 'sweepstakes': 2, 'coeds': 2, 'parka': 2, 'humbly': 2, 'comely': 2, 'rosenbaum': 2, 'wreaked': 2, 'penitentiary': 2, 'calloway': 2, 'chamberlain': 2, 'mcteer': 2, 'vendetta': 2, '10year': 2, 'nauseatingly': 2, 'bombard': 2, 'intro': 2, 'hottotrot': 2, 'bigglesworth': 2, 'frenchcanadian': 2, 'treill': 2, 'plagiarism': 2, 'chadz': 2, 'cineplex': 2, 'dabbling': 2, 'scrumptious': 2, 'livened': 2, 'gellars': 2, 'henri': 2, 'arouses': 2, 'publics': 2, 'eatery': 2, 'smallscreen': 2, 'overcooked': 2, 'canines': 2, 'residue': 2, 'ablaze': 2, 'springtime': 2, 'summation': 2, 'quantify': 2, 'serena': 2, 'es': 2, 'ecological': 2, 'graft': 2, 'trashily': 2, 'bs': 2, 'goddamned': 2, 'holdups': 2, 'whould': 2, 'bullcrap': 2, 'swashbuckler': 2, 'spiritless': 2, 'lackey': 2, 'extricate': 2, 'timecop': 2, 'multiplied': 2, 'plagiarized': 2, 'kiddieporn': 2, 'merteuil': 2, 'hargrove': 2, 'exceed': 2, 'yammering': 2, 'geiger': 2, 'frolicking': 2, 'practise': 2, 'dissembles': 2, 'vibrate': 2, 'hurls': 2, 'forks': 2, 'spleen': 2, 'effete': 2, 'snuffed': 2, 'assuring': 2, 'actioncrime': 2, 'wowed': 2, 'implode': 2, 'tapping': 2, 'beattie': 2, 'flush': 2, 'vies': 2, 'withering': 2, 'waldo': 2, 'emerson': 2, 'alvin': 2, 'yawner': 2, 'pastures': 2, 'ucla': 2, 'dreamer': 2, 'sayings': 2, 'englands': 2, 'biceps': 2, 'buttkicking': 2, 'laras': 2, 'bluth': 2, 'margin': 2, 'hanover': 2, 'mohicans': 2, 'teeshirt': 2, 'superpower': 2, 'undetected': 2, 'modernization': 2, 'nooooo': 2, 'shatters': 2, 'outdoes': 2, 'ridiculing': 2, 'apologizes': 2, 'magnetism': 2, 'mined': 2, 'rueland': 2, 'oreilly': 2, 'quizzing': 2, 'premieres': 2, 'angelo': 2, 'ideaa': 2, '34': 2, 'redoing': 2, 'deconstruct': 2, 'incrowd': 2, 'hotties': 2, 'smugness': 2, 'clitoris': 2, 'scaramangas': 2, 'fittingly': 2, 'clifton': 2, '360': 2, 'whistle': 2, 'zaillian': 2, 'schlictmann': 2, 'drugaddict': 2, 'unbilled': 2, 'cogliostro': 2, 'flatulating': 2, 'blowout': 2, 'unwisely': 2, 'violators': 2, 'mucked': 2, 'mtvstyle': 2, 'freddies': 2, 'daisies': 2, 'inferiority': 2, 'jungers': 2, 'maelstrom': 2, 'halfbuttoned': 2, 'unabomber': 2, 'benches': 2, 'exterminating': 2, 'exterminated': 2, 'robotics': 2, 'guile': 2, 'liberate': 2, 'chun': 2, 'wakeup': 2, 'partying': 2, 'felatio': 2, 'nightclubs': 2, 'cooperative': 2, 'espositos': 2, 'shoveling': 2, 'interrelated': 2, 'conglomeration': 2, 'countrywestern': 2, 'covenant': 2, 'shalt': 2, 'wildeyed': 2, 'vylette': 2, 'uncharted': 2, 'saps': 2, 'semilikable': 2, 'prolong': 2, 'reflex': 2, '11story': 2, 'himalayas': 2, 'interim': 2, 'strangling': 2, 'terraforming': 2, 'hospitable': 2, 'familyoriented': 2, 'digimon': 2, 'keeble': 2, 'dubya': 2, 'pinpoint': 2, 'foiling': 2, 'robed': 2, 'nixes': 2, 'puking': 2, 'portable': 2, 'zerogravity': 2, 'airlock': 2, 'unreleased': 2, 'halfwitted': 2, 'fulltime': 2, 'fretful': 2, 'consciencestricken': 2, 'anchors': 2, 'cher': 2, 'sarandons': 2, 'horne': 2, 'eradicated': 2, 'navigator': 2, 'everton': 2, 'halfmachine': 2, 'buckman': 2, 'delpys': 2, 'linklaters': 2, 'wolfs': 2, 'waller': 2, 'disobedience': 2, 'dissection': 2, 'blackwolf': 2, 'mutants': 2, 'luftwaffe': 2, 'submission': 2, 'gleaned': 2, 'vigilant': 2, 'lineage': 2, 'ghandi': 2, '18yearold': 2, 'attendants': 2, 'jeanmarc': 2, 'barr': 2, 'kinks': 2, 'smits': 2, 'squeezes': 2, 'horndogs': 2, 'ultimatum': 2, 'morphed': 2, 'hourandahalf': 2, 'eclipsed': 2, 'writerproducer': 2, 'teamwork': 2, 'dictators': 2, 'disengaged': 2, 'highspeed': 2, 'chunnel': 2, 'mk2': 2, 'gateway': 2, 'sindel': 2, 'kitana': 2, 'fatality': 2, 'pollutes': 2, 'unequivocally': 2, '1869': 2, 'legless': 2, 'stymied': 2, 'doa': 2, 'illogic': 2, 'whizbang': 2, 'mibs': 2, 'solomon': 2, 'superweapon': 2, 'nono': 2, 'jungian': 2, '607': 2, 'arcadia': 2, 'blouse': 2, 'lighted': 2, 'snidley': 2, 'whitlow': 2, 'hazard': 2, 'highschoolers': 2, 'tooobvious': 2, 'soundbite': 2, 'lithium': 2, 'cassavettes': 2, 'housewarming': 2, 'potions': 2, 'degenerated': 2, 'searched': 2, 'bellamy': 2, 'def': 2, 'gottfrieds': 2, 'xmen': 2, 'merges': 2, 'birthed': 2, 'behaviors': 2, 'revelatory': 2, 'subtheme': 2, 'contemplation': 2, 'dupe': 2, 'ironclad': 2, 'kyra': 2, 'sedgwick': 2, 'finelytuned': 2, 'widerelease': 2, 'throbbing': 2, 'divert': 2, 'maturing': 2, 'rawness': 2, 'collections': 2, 'presaged': 2, 'litter': 2, 'potholes': 2, 'nastier': 2, 'moxxon': 2, 'slaughterhouse': 2, 'moxxons': 2, 'painkillers': 2, 'similarlythemed': 2, 'macht': 2, 'pinkerton': 2, 'politicallycorrect': 2, 'roderick': 2, 'boyds': 2, 'galloping': 2, 'innerworkings': 2, 'lambasted': 2, 'ohso': 2, 'reef': 2, 'eyed': 2, 'thered': 2, 'sideswipes': 2, 'propellers': 2, 'harbour': 2, 'marker': 2, 'brolins': 2, 'accidently': 2, 'tramps': 2, 'cribbed': 2, 'jointly': 2, 'emits': 2, 'garbled': 2, 'mentallychallenged': 2, 'facilitated': 2, 'choke': 2, 'administration': 2, 'jellyfish': 2, 'personnel': 2, 'mishmosh': 2, 'minisub': 2, 'disorientation': 2, 'internally': 2, 'outpost': 2, 'desouza': 2, 'schneiders': 2, 'microbombs': 2, 'tsuis': 2, 'amounted': 2, 'preposterously': 2, 'diminish': 2, 'wd40': 2, 'sags': 2, 'stomp': 2, 'joness': 2, 'herzfelds': 2, 'grabbag': 2, 'altmanesque': 2, 'kidney': 2, 'headly': 2, 'jigsaw': 2, '132': 2, 'adjuster': 2, 'modus': 2, 'operandi': 2, 'dispense': 2, 'wellplaced': 2, 'epiphanies': 2, 'cycles': 2, 'dimly': 2, 'multiply': 2, 'curfew': 2, 'highranking': 2, '11year': 2, 'airliner': 2, '26th': 2, 'depended': 2, 'fluently': 2, 'sighs': 2, 'chummy': 2, 'meeks': 2, 'overabundance': 2, 'maureens': 2, 'warburton': 2, 'websites': 2, 'beheaded': 2, 'ungodly': 2, 'dauphin': 2, 'miscue': 2, 'systematic': 2, 'misled': 2, 'untouched': 2, 'characterisation': 2, 'stammering': 2, 'rooming': 2, 'gymnastics': 2, 'gs': 2, 'structurally': 2, 'yearnings': 2, 'elisabeths': 2, 'laptops': 2, 'bulldog': 2, 'lorry': 2, 'summing': 2, 'umbrellas': 2, 'antsy': 2, 'weirdlooking': 2, 'pau': 2, 'recreates': 2, 'credence': 2, 'cheeziness': 2, 'razorsharp': 2, 'locally': 2, 'fundraiser': 2, 'fabrications': 2, 'communities': 2, '113': 2, 'bask': 2, 'faultless': 2, 'hangover': 2, 'yuelin': 2, 'hunka': 2, 'surplus': 2, 'cutest': 2, 'kindest': 2, 'moby': 2, '2017': 2, 'congressional': 2, 'kickboxer': 2, 'accomplices': 2, 'noseworthy': 2, 'wormer': 2, 'braeden': 2, 'heirs': 2, 'hawaiian': 2, 'geyser': 2, 'billionth': 2, 'hooters': 2, 'poorlystaged': 2, 'puffy': 2, 'ugliest': 2, 'moons': 2, 'menaces': 2, 'misspelling': 2, 'alignment': 2, 'illuminati': 2, 'relics': 2, 'uppercrust': 2, 'orwell': 2, 'housewives': 2, 'ribbons': 2, 'nutter': 2, 'sinfully': 2, 'retreating': 2, 'howled': 2, 'fluent': 2, 'ticker': 2, 'volunteer': 2, 'meddled': 2, 'ejogo': 2, 'limply': 2, 'soar': 2, 'defuse': 2, 'sulka': 2, '31yearold': 2, 'hamstrung': 2, 'skyrocketing': 2, 'wwf': 2, 'filmthe': 2, 'palmers': 2, 'oregon': 2, 'lauras': 2, 'gratifying': 2, 'enhancers': 2, 'custodians': 2, 'roros': 2, 'flashdance': 2, 'perado': 2, 'pitchers': 2, 'victorias': 2, 'scornful': 2, '20s': 2, 'flaunting': 2, 'subdues': 2, 'jukebox': 2, 'confucius': 2, 'unfailingly': 2, 'skitlength': 2, 'theatergoers': 2, 'elaborately': 2, 'downsizing': 2, 'lumbergh': 2, 'levying': 2, 'misrepresenting': 2, 'baileygaites': 2, 'tooforgiving': 2, 'manifests': 2, 'jumproping': 2, 'newsmagazine': 2, 'sleightofhand': 2, 'grossness': 2, 'albinos': 2, 'curveballs': 2, 'softtossed': 2, 'mongo': 2, 'brownlee': 2, 'jerod': 2, 'mixon': 2, 'whitebread': 2, 'toopleasant': 2, 'schitck': 2, 'contort': 2, 'highcaliber': 2, 'genevieve': 2, 'stupendously': 2, 'gabys': 2, 'toppled': 2, 'carrol': 2, 'inanely': 2, 'anthropology': 2, 'neglecting': 2, 'voluptuous': 2, 'unappreciated': 2, 'stapled': 2, 'scarring': 2, 'lenient': 2, 'gettogether': 2, 'goddard': 2, 'measurements': 2, 'timeframe': 2, 'landslide': 2, 'savagely': 2, 'liftoff': 2, 'giger': 2, 'hive': 2, 'faulted': 2, 'maybury': 2, 'outlines': 2, 'amorality': 2, 'ecstasy': 2, 'contentedly': 2, '102minute': 2, 'blathers': 2, 'herek': 2, 'laughometer': 2, 'bemusement': 2, 'buckwheat': 2, 'foiled': 2, 'exclaiming': 2, 'tightened': 2, 'sheesh': 2, 'gstring': 2, 'pongo': 2, 'pups': 2, 'endearment': 2, 'stiletto': 2, 'itchy': 2, 'scratchy': 2, 'unforgivingly': 2, 'unprofessional': 2, 'approachable': 2, 'inning': 2, 'kents': 2, 'cantrell': 2, 'haysbert': 2, 'takaaki': 2, 'ishibashi': 2, 'bigleague': 2, 'exhibition': 2, 'huffs': 2, 'fouls': 2, 'abysmally': 2, 'conceited': 2, 'rearing': 2, 'volcanologist': 2, 'investor': 2, 'amorous': 2, 'deathdefying': 2, 'tremor': 2, 'headlong': 2, 'erupt': 2, 'lakes': 2, 'boozed': 2, 'porcine': 2, 'underscored': 2, 'schlocky': 2, 'tentacled': 2, 'canton': 2, 'expel': 2, 'thighs': 2, 'finnegans': 2, 'groaner': 2, 'regurgitation': 2, 'casualty': 2, 'maltin': 2, 'mandingos': 2, 'brawls': 2, 'grandchild': 2, 'wench': 2, 'derogatory': 2, 'studly': 2, 'sexploitation': 2, 'wexlers': 2, 'glossing': 2, 'overshadows': 2, 'macgowan': 2, 'jordon': 2, 'mower': 2, 'annoyances': 2, 'christened': 2, 'ladybugs': 2, 'graff': 2, 'jonathon': 2, 'downplays': 2, 'mccracken': 2, 'milking': 2, 'aformentioned': 2, 'shagadellic': 2, 'traveller': 2, 'hearttugging': 2, 'kamen': 2, 'eduardo': 2, 'dryer': 2, '30yearold': 2, 'rigorous': 2, 'overbeck': 2, 'stupids': 2, 'snot': 2, 'impressionist': 2, 'priced': 2, 'oneandahalf': 2, 'toddlers': 2, 'rumoured': 2, 'plunder': 2, 'ascetic': 2, 'diluted': 2, 'actualizing': 2, 'renounce': 2, 'grapples': 2, 'almas': 2, 'schomberg': 2, 'interwoven': 2, 'mcgruder': 2, 'miscalculated': 2, 'brynner': 2, 'retorts': 2, 'waded': 2, 'darlenes': 2, 'mms': 2, 'morricones': 2, 'overdramatic': 2, 'popsicle': 2, 'proffered': 2, 'lucio': 2, 'frizzi': 2, 'dunwich': 2, 'fulcis': 2, 'geezer': 2, 'patchy': 2, 'hoppe': 2, 'groping': 2, 'kennel': 2, 'schemer': 2, 'schl': 2, 'ndorff': 2, 'outperform': 2, '_what': 2, 'come_': 2, '_brazil_': 2, 'irks': 2, 'sciorras': 2, 'hawking': 2, 'macys': 2, 'moneygrubbing': 2, 'applying': 2, 'partition': 2, 'travelled': 2, 'restraining': 2, 'dangles': 2, 'environs': 2, 'expletive': 2, 'softened': 2, 'poodle': 2, 'demarco': 2, 'saviors': 2, 'sachs': 2, 'morsels': 2, 'chameleon': 2, 'banshee': 2, 'soliloquies': 2, 'seductively': 2, 'ze': 2, 'dobies': 2, 'busts': 2, 'succinctly': 2, 'priesthood': 2, 'overflows': 2, 'moviemakers': 2, 'filmgoer': 2, 'ringleader': 2, 'tomfoolery': 2, 'lull': 2, 'selfindulgent': 2, 'condemns': 2, 'uninvolved': 2, 'nightspot': 2, 'sketchily': 2, 'expositions': 2, 'streisand': 2, 'waxes': 2, 'prissy': 2, 'overtaken': 2, 'weighted': 2, 'genteel': 2, 'behaved': 2, 'contractions': 2, 'hudlin': 2, 'tamala': 2, 'therell': 2, 'propulsion': 2, 'halfexpecting': 2, 'thanking': 2, 'dishonor': 2, 'elbow': 2, 'prude': 2, 'criticallyacclaimed': 2, 'faithless': 2, 'exorcise': 2, 'rococo': 2, 'passwordprotected': 2, 'cultish': 2, 'incense': 2, 'unerotic': 2, 'junes': 2, 'neglects': 2, 'trailed': 2, 'nieces': 2, 'combative': 2, 'confuses': 2, 'deftness': 2, 'chewed': 2, 'leons': 2, 'cocks': 2, 'cooling': 2, 'feces': 2, 'ignites': 2, 'congresswoman': 2, 'rearrange': 2, 'maliciously': 2, 'moview': 2, 'notsobright': 2, 'premed': 2, 'berkshire': 2, 'publishes': 2, 'garret': 2, 'garrets': 2, 'tearjerking': 2, 'yared': 2, 'mandokis': 2, 'disconnect': 2, 'sisterhood': 2, 'dramedy': 2, 'optimum': 2, 'hurriedly': 2, 'nursing': 2, 'tweaked': 2, 'neoreality': 2, 'tinges': 2, 'bioports': 2, 'focker': 2, 'somebodys': 2, 'steins': 2, 'seminude': 2, 'shayne': 2, 'astound': 2, 'buggers': 2, 'impersonating': 2, 'gwar': 2, 'gauntlet': 2, 'flaccid': 2, 'squads': 2, 'whores': 2, 'shackles': 2, 'pc': 2, 'saffron': 2, 'cheapie': 2, 'cineplexes': 2, 'contingency': 2, 'blanchetts': 2, 'parisian': 2, 'sacha': 2, 'leeches': 2, 'overrides': 2, 'duffle': 2, 'wally': 2, 'mil': 2, 'patrics': 2, 'bullocks': 2, 'longabandoned': 2, 'rodent': 2, 'arse': 2, 'posts': 2, 'dials': 2, 'moviewithinamovie': 2, 'knifewielding': 2, 'hishertheir': 2, 'isare': 2, 'umpteen': 2, 'laughless': 2, 'pais': 2, 'demings': 2, 'prequels': 2, 'decor': 2, 'migrate': 2, 'louder': 2, 'inheriting': 2, 'cokehead': 2, 'pronouncing': 2, 'infamously': 2, 'crackle': 2, 'nicotine': 2, 'bested': 2, 'revolted': 2, 'plaguing': 2, 'carin': 2, 'shaimans': 2, 'aces': 2, 'memorizing': 2, 'infuriates': 2, 'outfield': 2, 'bazooka': 2, 'olden': 2, 'koch': 2, 'mujibur': 2, 'sirajul': 2, 'islam': 2, 'broadcaster': 2, 'berman': 2, 'arenas': 2, 'clicheridden': 2, 'thang': 2, 'ikea': 2, 'projectionist': 2, 'corporations': 2, 'markets': 2, 'stakeout': 2, 'dotted': 2, 'garb': 2, 'implement': 2, 'perkiness': 2, '22minute': 2, 'dozing': 2, 'korsmo': 2, 'recognise': 2, 'phillippes': 2, 'faltered': 2, 'motifs': 2, 'snatched': 2, 'rigeur': 2, 'overplotted': 2, 'quizzical': 2, 'swaggering': 2, 'hippos': 2, 'nm': 2, 'migrating': 2, 'interchangeable': 2, 'wesson': 2, 'thusly': 2, 'forthcoming': 2, 'incorporated': 2, 'utopian': 2, 'waspy': 2, 'beginnings': 2, 'deglamed': 2, 'castigates': 2, 'cultured': 2, 'shielded': 2, 'divisive': 2, 'inflections': 2, 'swelled': 2, 'strut': 2, 'gutwrenchingly': 2, '59': 2, 'softening': 2, 'obsess': 2, 'belting': 2, 'cubes': 2, 'minutiae': 2, 'gleam': 2, 'adlibbed': 2, 'loony': 2, 'niggling': 2, 'saluting': 2, 'salutes': 2, 'transaction': 2, 'peculiarly': 2, 'jibe': 2, 'fowler': 2, 'divisions': 2, 'submits': 2, 'glares': 2, 'unwillingly': 2, 'unmasking': 2, '50000': 2, 'veronicas': 2, 'austins': 2, 'distilled': 2, 'conciousness': 2, 'celebs': 2, 'richmond': 2, 'turtletaub': 2, '1971s': 2, 'trackers': 2, 'unashamedly': 2, 'gait': 2, 'seeminglyendless': 2, 'overheard': 2, 'twas': 2, 'underwoods': 2, '1978s': 2, 'imbecilic': 2, 'abetting': 2, 'mortgages': 2, 'rampaging': 2, 'heroically': 2, 'shrill': 2, '76': 2, 'rewatch': 2, 'suceeds': 2, 'expressionistic': 2, 'rotary': 2, 'cloaks': 2, 'beleive': 2, 'eligibility': 2, 'parachutes': 2, 'ignite': 2, 'quicktempered': 2, 'mancuso': 2, 'whacks': 2, 'crowbar': 2, 'belushis': 2, 'neonazis': 2, 'duplication': 2, 'bluegrass': 2, 'cleophus': 2, 'pickett': 2, 'semiserious': 2, 'functionary': 2, 'spectaculars': 2, 'firsttier': 2, 'degrading': 2, 'recipients': 2, 'lads': 2, 'alyson': 2, 'hannigan': 2, 'presold': 2, 'wasp': 2, 'minimally': 2, 'decoy': 2, 'shirishama': 2, 'artificiality': 2, 'susanne': 2, 'matures': 2, 'unfunniest': 2, 'tampered': 2, 'imcomprehinsable': 2, 'html': 2, 'cremated': 2, 'reprised': 2, 'vickie': 2, 'shae': 2, 'doofy': 2, 'negatively': 2, 'pcu': 2, 'elisa': 2, 'kessler': 2, 'wham': 2, 'highwaymen': 2, 'cranium': 2, 'grimace': 2, 'asians': 2, 'essay': 2, 'rockers': 2, 'skew': 2, 'tumbling': 2, 'gio': 2, 'vela': 2, 'furnished': 2, 'impacted': 2, 'inventors': 2, 'thornesmith': 2, 'septien': 2, 'leprechaun': 2, 'shameful': 2, 'mane': 2, 'commences': 2, 'heartthrob': 2, 'butabi': 2, 'bouncer': 2, '83minute': 2, 'culminate': 2, 'haddaways': 2, 'overreaching': 2, 'staros': 2, 'mid80s': 2, 'illsynched': 2, 'brilliancy': 2, 'stonefaced': 2, 'postlethwaite': 2, 'heavymetal': 2, 'overscored': 2, 'batter': 2, 'clicked': 2, 'boling': 2, 'dotson': 2, 'krajeski': 2, 'lu': 2, 'blatz': 2, 'bumfuck': 2, 'colon': 2, 'rewire': 2, 'ku': 2, 'klux': 2, 'klan': 2, 'padded': 2, 'wrinkled': 2, 'cleansing': 2, 'reestablish': 2, 'cavanaughs': 2, 'amputated': 2, 'bellow': 2, 'disorganised': 2, 'frenchmen': 2, 'stomps': 2, 'kits': 2, 'humanities': 2, 'umbrella': 2, 'taxis': 2, 'avenue': 2, 'misdemeanors': 2, 'doppelganger': 2, 'decoding': 2, 'expelled': 2, 'fay': 2, 'hazel': 2, 'uncompleted': 2, 'grader': 2, 'beal': 2, 'reifsnyder': 2, 'differing': 2, 'passingly': 2, 'tutors': 2, 'pistones': 2, 'gangsterflick': 2, 'blindingly': 2, 'brascos': 2, 'betterment': 2, 'gush': 2, 'starstruck': 2, 'wellearned': 2, 'tiered': 2, 'namesakes': 2, 'poignantly': 2, 'greats': 2, 'wald': 2, 'rosewood': 2, 'ramboesque': 2, 'overexposure': 2, 'brest': 2, 'redeyed': 2, 'executioner': 2, 'intensively': 2, 'macarena': 2, 'offensively': 2, 'qu': 2, 'blinded': 2, 'rationalize': 2, 'misinterpreted': 2, 'threeyearold': 2, 'cheryl': 2, 'debutante': 2, 'decorum': 2, 'jeopardize': 2, 'attired': 2, 'racoon': 2, 'shemp': 2, 'garfunkels': 2, 'parsley': 2, 'smooch': 2, 'reserves': 2, 'disability': 2, 'existent': 2, 'woodman': 2, 'dragonlike': 2, 'dairy': 2, 'trekker': 2, 'debates': 2, 'nonetoopleased': 2, 'victimized': 2, 'koenig': 2, '24th': 2, 'burlesque': 2, 'coalesce': 2, 'gratuitously': 2, 'revel': 2, 'torrential': 2, 'preschool': 2, 'rhino': 2, 'exwifes': 2, 'filmand': 2, 'sitcomish': 2, 'infrequent': 2, 'binges': 2, 'reunions': 2, 'junky': 2, 'remarries': 2, 'actordirector': 2, 'satisfactorily': 2, 'disoriented': 2, 'md': 2, 'ostentatious': 2, 'overdirecting': 2, 'cnn': 2, 'slickest': 2, 'squaring': 2, 'mashed': 2, 'ruben': 2, 'smoother': 2, 'daffy': 2, 'mercer': 2, 'prerequisite': 2, 'caron': 2, 'scumballs': 2, 'slowmo': 2, 'fondly': 2, 'meathooks': 2, 'cower': 2, 'horsing': 2, 'banishes': 2, 'penetrated': 2, 'constitute': 2, 'oneway': 2, 'godforsaken': 2, 'mingliang': 2, 'downpour': 2, 'sectors': 2, 'quarantined': 2, 'nearfuture': 2, 'evacuation': 2, 'nonverbal': 2, 'dreariness': 2, 'astaire': 2, 'hartleys': 2, 'chalkboard': 2, 'flanery': 2, 'ritzy': 2, 'assisting': 2, 'aback': 2, 'gilliard': 2, 'dribble': 2, 'researchers': 2, 'frightfully': 2, 'criticise': 2, 'nonevent': 2, 'lunches': 2, 'morses': 2, 'arkins': 2, '16yearolds': 2, 'dross': 2, 'erm': 2, 'ava': 2, 'genieveve': 2, 'stuntman': 2, 'highrise': 2, 'spiel': 2, 'squabbling': 2, 'cocreator': 2, 'lillianna': 2, 'induce': 2, 'motivator': 2, 'xinxin': 2, 'ref': 2, 'boyishly': 2, 'doeeyed': 2, 'chambermaid': 2, 'tavern': 2, '106': 2, 'selfmocking': 2, 'devitos': 2, 'venomous': 2, 'protocol': 2, 'annabel': 2, 'mishandle': 2, 'smutty': 2, 'washing': 2, 'wilsons': 2, 'slump': 2, 'ticked': 2, 'rewound': 2, 'lonergan': 2, 'topform': 2, 'clockwatchers': 2, 'rousingly': 2, 'onescene': 2, 'laughfree': 2, 'hays': 2, 'cowering': 2, 'yemeni': 2, 'friedklin': 2, 'policies': 2, 'navarro': 2, 'santanico': 2, 'regales': 2, 'wichita': 2, 'slaughters': 2, 'truckers': 2, 'bikers': 2, 'incoherence': 2, 'labours': 2, 'presiding': 2, 'buchman': 2, 'quebec': 2, 'informing': 2, 'ozs': 2, 'preliminary': 2, 'drearily': 2, 'acres': 2, 'misogynist': 2, 'malefemale': 2, 'spector': 2, 'relinquish': 2, 'gingerly': 2, 'littering': 2, 'occurances': 2, 'repent': 2, 'favoring': 2, 'seller': 2, 'trys': 2, 'insectopia': 2, 'colonys': 2, 'imbeciles': 2, 'martialarts': 2, 'dresser': 2, 'stoops': 2, 'baffle': 2, 'canoe': 2, 'dodges': 2, 'crates': 2, 'straightest': 2, 'cowers': 2, 'outrunning': 2, 'shante': 2, 'smirking': 2, 'centuryfox': 2, 'fumes': 2, 'glassy': 2, 'deteriorating': 2, 'vigil': 2, 'semiautobiographical': 2, 'selfeffacing': 2, 'scorn': 2, 'cadaverous': 2, 'melee': 2, 'hingle': 2, 'commissioner': 2, 'gordan': 2, 'vendela': 2, 'dumbfounded': 2, 'senators': 2, 'darting': 2, 'placards': 2, 'vaudeville': 2, 'dailies': 2, 'emile': 2, 'dann': 2, 'lyons': 2, 'leyland': 2, 'terrestrial': 2, '_breakfast_of_champions_': 2, 'excrutiatingly': 2, 'hoover': 2, 'celia': 2, 'lukas': 2, 'haas': 2, 'apex': 2, 'similarlynamed': 2, 'francine': 2, 'unfilmable': 2, 'consoles': 2, 'emanates': 2, 'scan': 2, 'harebrained': 2, 'crusoe': 2, '1965': 2, 'sturm': 2, 'und': 2, 'drang': 2, 'monthly': 2, 'inperson': 2, 'spaced': 2, 'graininess': 2, 'invigorate': 2, 'dislikable': 2, 'shacking': 2, 'reenters': 2, 'britton': 2, 'vegasbased': 2, 'richies': 2, 'cdrom': 2, 'raccoon': 2, 'hypedup': 2, 'improv': 2, 'nordoffhall': 2, 'hither': 2, 'toppling': 2, 'scaffolding': 2, 'vigorous': 2, 'flamenco': 2, 'narcissistically': 2, 'angular': 2, 'devolve': 2, 'katharine': 2, 'finales': 2, 'morph': 2, 'patrolman': 2, 'biographies': 2, 'drabby': 2, 'mananimals': 2, 'deformed': 2, 'curtolo': 2, 'duarte': 2, 'cheeze': 2, 'affluent': 2, 'journalism': 2, 'thomspon': 2, 'dialouge': 2, 'neonlit': 2, 'multitiered': 2, 'overlap': 2, 'trafficking': 2, 'nightlife': 2, 'docks': 2, 'predicated': 2, 'oversees': 2, 'ore': 2, 'organize': 2, 'journals': 2, 'illogically': 2, 'folly': 2, 'pejorative': 2, 'subliminal': 2, 'undetectable': 2, 'zimmerly': 2, 'ramona': 2, 'midgett': 2, 'screwup': 2, 'interstitial': 2, 'delegates': 2, 'dwight': 2, 'chides': 2, 'eyeball': 2, 'spurting': 2, 'makingof': 2, 'messily': 2, 'leaks': 2, 'sewage': 2, 'pottymouth': 2, 'accommodates': 2, 'fanbase': 2, 'psyched': 2, 'auditorium': 2, 'rioting': 2, 'skirmish': 2, 'puerile': 2, 'scattershot': 2, 'diddly': 2, 'tally': 2, 'indulged': 2, 'bountiful': 2, 'emax': 2, 'mailman': 2, 'submediocrity': 2, 'mineral': 2, 'graynamores': 2, 'deduce': 2, 'hammerhead': 2, 'hardness': 2, 'absentmindedness': 2, 'rumba': 2, 'belloq': 2, 'asswhole': 2, 'hypothetical': 2, 'zellwegger': 2, 'hydraulic': 2, 'homemade': 2, 'edna': 2, 'pools': 2, 'surgical': 2, 'motorist': 2, 'bureau': 2, 'constipated': 2, 'gregarious': 2, 'plumb': 2, 'mobbed': 2, 'abductions': 2, 'assimilating': 2, 'microchip': 2, 'machinelike': 2, 'zagged': 2, 'punisher': 2, 'rainsoaked': 2, 'miniatures': 2, 'banzai': 2, 'pungent': 2, 'pawnbroker': 2, '28yearold': 2, 'perks': 2, 'longingly': 2, 'garbed': 2, 'silences': 2, 'indolent': 2, 'dismissive': 2, 'utilising': 2, 'prodigious': 2, 'foresight': 2, 'demornay': 2, 'edson': 2, 'serenely': 2, 'infiltrates': 2, 'prized': 2, 'enrich': 2, 'unparalleled': 2, 'espoused': 2, 'cryin': 2, 'suckers': 2, 'glimpsing': 2, 'collars': 2, 'cuffs': 2, 'bickers': 2, 'supposes': 2, 'dicillos': 2, 'frowns': 2, 'offcamera': 2, 'caterer': 2, 'graph': 2, 'exponential': 2, 'sighting': 2, 'deepspace': 2, 'capitalise': 2, 'biography': 2, 'outburst': 2, 'werewolfism': 2, 'handcuffs': 2, 'loudmouthed': 2, 'licensed': 2, 'digestible': 2, 'distinguishable': 2, 'dansons': 2, 'corp': 2, 'pharmacist': 2, 'whitehaired': 2, 'imperative': 2, 'dispatching': 2, 'singlemindedness': 2, 'fatales': 2, 'talia': 2, 'oahu': 2, 'arching': 2, 'musclebound': 2, 'swooping': 2, 'daresay': 2, 'speculated': 2, 'blondhaired': 2, 'dictated': 2, 'bloomingdales': 2, 'trager': 2, 'cholera': 2, 'ohsocleverly': 2, 'purportedly': 2, 'snarky': 2, 'tightens': 2, 'idly': 2, 'unredeemable': 2, 'mccleod': 2, 'humid': 2, 'accosted': 2, 'immortality': 2, 'corrected': 2, 'forgetable': 2, 'candlelight': 2, 'fridge': 2, 'cups': 2, 'farewell': 2, 'townfolk': 2, 'headaches': 2, 'slithers': 2, 'mule': 2, 'sickeningly': 2, 'horniness': 2, 'popculture': 2, 'betraying': 2, 'abject': 2, 'inimitable': 2, 'mid70s': 2, 'blooming': 2, 'havisham': 2, 'beaudene': 2, 'vaguest': 2, 'silhouette': 2, 'alfonso': 2, 'francesco': 2, 'perk': 2, 'judicial': 2, 'abrams': 2, 'asteroids': 2, 'spastic': 2, 'precariously': 2, 'lughead': 2, 'resuscitation': 2, 'schoolchildren': 2, 'drippy': 2, 'abs': 2, 'gedrick': 2, 'nearconstant': 2, 'erickson': 2, 'rediscovered': 2, 'soles': 2, 'splashed': 2, 'hsu': 2, 'antonioni': 2, 'jialis': 2, 'dutifully': 2, 'luncheon': 2, 'vienna': 2, 'inward': 2, 'expressionism': 2, 'freakin': 2, 'wellexecuted': 2, 'reanimator': 2, 'reshooting': 2, 'bergl': 2, 'globes': 2, 'sues': 2, 'spacek': 2, 'flaus': 2, 'elmaloglou': 2, 'conversions': 2, 'filmdom': 2, 'aussie': 2, 'achilles': 2, 'heel': 2, 'melbourne': 2, 'slender': 2, 'unclothed': 2, 'amusements': 2, 'harmonica': 2, 'zinger': 2, 'barker': 2, 'shambles': 2, 'skulking': 2, 'schmidts': 2, 'deceive': 2, 'donners': 2, 'muggers': 2, 'pausing': 2, 'infancy': 2, 'abdomen': 2, 'insideout': 2, 'subtitle': 2, 'ornament': 2, 'caryhiroyuki': 2, 'tagawa': 2, 'flashiness': 2, 'shards': 2, 'brokerage': 2, 'neurological': 2, 'darryls': 2, 'exgirlfriends': 2, 'buisness': 2, 'livelihoods': 2, 'misgivings': 2, 'foregone': 2, 'rantings': 2, 'warmnfuzzy': 2, 'hiroshi': 2, 'crams': 2, 'lifesaving': 2, 'murata': 2, 'imbecile': 2, 'drying': 2, 'forensic': 2, '_urban_legend_': 2, '_i_know': 2, 'damsels': 2, 'backside': 2, 'unwise': 2, 'skirmishes': 2, 'cultureclash': 2, 'draped': 2, 'herald': 2, 'sharif': 2, 'menzies': 2, 'whimpering': 2, 'morritz': 2, 'converge': 2, 'beethoven': 2, 'zappa': 2, 'toilets': 2, 'backstage': 2, 'saturn': 2, 'napkin': 2, 'hotter': 2, 'thirtyfive': 2, 'chins': 2, 'gertz': 2, 'cowriterdirector': 2, 'midsection': 2, 'oomph': 2, 'eleanor': 2, 'shelby': 2, 'sena': 2, 'outwitting': 2, 'huckster': 2, 'careens': 2, 'plummeting': 2, 'empathizes': 2, 'ghostlike': 2, 'macnamara': 2, 'foothold': 2, 'lesbo': 2, 'budweiser': 2, 'johto': 2, 'unown': 2, 'entei': 2, 'biggerthanlife': 2, 'parachute': 2, 'firestorms': 2, '64': 2, 'hurl': 2, 'amc': 2, 'meteors': 2, 'portuguese': 2, 'helms': 2, 'incredulously': 2, '_hope': 2, 'floats_': 2, 'woe': 2, 'transferring': 2, 'whittaker': 2, 'blunder': 2, 'cuckolded': 2, 'akroyd': 2, 'enriched': 2, 'thorn': 2, 'forts': 2, 'fullforce': 2, 'tvseries': 2, 'polarized': 2, 'orangutan': 2, 'shotforshot': 2, 'twang': 2, 'eloquently': 2, 'lamb': 2, 'naughton': 2, 'nowtired': 2, 'synergy': 2, 'byplay': 2, 'terrifyingly': 2, 'eclipse': 2, 'crusades': 2, 'organisations': 2, 'dickerson': 2, 'xphiles': 2, 'steenburgen': 2, 'whitefaced': 2, 'neverland': 2, 'spaceks': 2, 'superintelligence': 2, 'goldblums': 2, 'powders': 2, 'unplugging': 2, 'electrocution': 2, 'mon': 2, '03': 2, '3654': 2, 'nntphub': 2, 'newsgroups': 2, 'currentfilms': 2, 'eclmtcts1': 2, 'leeper': 2, 'originator': 2, 'cancellation': 2, 'swimsuit': 2, '150th': 2, 'malfunction': 2, 'larsen': 2, 'risa': 2, 'jonah': 2, 'wiping': 2, 'pencil': 2, 'bhorror': 2, 'laudable': 2, 'pritchett': 2, 'breillats': 2, 'rigors': 2, 'kneejerk': 2, 'oversimplification': 2, 'reboux': 2, 'morosely': 2, 'storybook': 2, 'transitory': 2, 'elenas': 2, 'railing': 2, 'tawdriness': 2, '5yearold': 2, 'tricking': 2, 'monahan': 2, 'balbricker': 2, 'honeywell': 2, 'outoftouch': 2, 'complicates': 2, 'plunging': 2, 'recharge': 2, 'fowl': 2, 'discarding': 2, 'fleabag': 2, 'rko': 2, 'guarding': 2, 'encore': 2, 'bejesus': 2, 'tyke': 2, 'scowl': 2, 'abovethetitle': 2, 'saddest': 2, 'fictious': 2, 'quarry': 2, 'scapegoat': 2, 'embezzlement': 2, 'wilma': 2, 'dampened': 2, 'sopranos': 2, 'merchant': 2, 'flic': 2, 'shivers': 2, 'croaker': 2, 'wittily': 2, 'spout': 2, 'nannies': 2, 'mahurin': 2, 'knepper': 2, 'cloudy': 2, 'twoyear': 2, 'shelmickedmu': 2, 'windup': 2, 'fiercely': 2, 'jackhammer': 2, 'affability': 2, 'anomaly': 2, 'diplomat': 2, 'infer': 2, 'chancellor': 2, 'selfindulgence': 2, 'skids': 2, 'fretting': 2, 'unabombers': 2, 'lemonade': 2, 'restrictions': 2, 'tabloids': 2, 'fleshes': 2, 'toothless': 2, 'kidfriendly': 2, 'abounding': 2, 'grossly': 2, 'glove': 2, 'overplays': 2, 'brendas': 2, 'robo': 2, 'coax': 2, 'sundae': 2, 'flavorful': 2, 'gunslingers': 2, 'approval': 2, 'latitude': 2, 'masquerade': 2, 'miscarriage': 2, 'bending': 2, 'vista': 2, 'proverbs': 2, 'blitz': 2, 'cullen': 2, 'blackmarket': 2, 'stringy': 2, 'arnies': 2, 'electromagnetic': 2, 'user': 2, 'outsmarts': 2, 'actionmovie': 2, 'joyce': 2, 'dart': 2, 'equality': 2, 'peewees': 2, 'yale': 2, 'tenure': 2, 'homeboys': 2, 'kod': 2, 'auctioned': 2, 'liveliness': 2, 'scraping': 2, 'shootem': 2, 'cords': 2, 'phonesex': 2, 'multibillion': 2, 'synonym': 2, 'inaccurately': 2, 'bras': 2, 'haliwell': 2, 'lulls': 2, 'piers': 2, 'viruslike': 2, 'superintendent': 2, 'briefer': 2, 'ufoology': 2, 'greys': 2, 'writercreator': 2, '20thcentury': 2, 'cannibalize': 2, 'jungle2jungle': 2, 'abril': 2, 'josiane': 2, 'balasko': 2, 'humerous': 2, 'midsummer': 2, 'sprucing': 2, 'quickflash': 2, 'rut': 2, 'beaman': 2, 'sparking': 2, 'pummeling': 2, 'digestion': 2, 'sic': 2, 'legion': 2, 'purge': 2, 'cackles': 2, 'ceos': 2, 'underestimates': 2, 'hangar': 2, 'ripple': 2, 'enlivens': 2, 'recreations': 2, '8yearold': 2, 'experimentation': 2, 'fathered': 2, 'uncouth': 2, 'weirdoes': 2, 'snowcapped': 2, 'spinal': 2, 'offends': 2, 'cardiac': 2, 'dohlen': 2, 'errands': 2, 'incapacitate': 2, 'appropriateness': 2, 'electrocuted': 2, 'tediousness': 2, 'forties': 2, 'disowned': 2, 'sandworms': 2, 'fulfilment': 2, 'bene': 2, 'centurys': 2, 'prewar': 2, 'tinto': 2, 'schellenberg': 2, 'diplomats': 2, 'berger': 2, 'kellerman': 2, 'thulin': 2, 'margerithe': 2, 'scruples': 2, 'hedonistic': 2, 'womanhood': 2, 'exorcised': 2, 'haphazardly': 2, 'demilles': 2, 'brenners': 2, 'misconduct': 2, 'oncourt': 2, 'surfaces': 2, 'rabies': 2, 'januarys': 2, 'disrespect': 2, 'capitalizing': 2, 'shits': 2, 'frederic': 2, 'underlings': 2, 'kitsch': 2, 'tysons': 2, 'herd': 2, 'actionscifi': 2, 'unattended': 2, 'pointy': 2, 'primed': 2, 'glossed': 2, 'overlord': 2, 'foreseeable': 2, 'loudness': 2, 'submerging': 2, 'reloading': 2, 'improbabilities': 2, 'unprintable': 2, 'henpecked': 2, 'squint': 2, 'barowner': 2, 'whirry': 2, 'homestead': 2, 'steakley': 2, 'packet': 2, 'rationalization': 2, 'tailored': 2, 'endures': 2, 'comprehensible': 2, 'landings': 2, 'unsettled': 2, 'occupants': 2, 'admiring': 2, 'glowering': 2, 'coproducing': 2, 'crucifix': 2, 'capes': 2, 'cherot': 2, 'limps': 2, 'plentys': 2, 'paybacks': 2, 'expartner': 2, 'affiliated': 2, 'disasterously': 2, 'epitomizes': 2, 'bevy': 2, 'chemicallyinduced': 2, 'helplessly': 2, 'degenerative': 2, 'upheaval': 2, 'moreso': 2, 'solemnly': 2, 'stifling': 2, 'thurmans': 2, 'villainess': 2, 'reassess': 2, 'financiers': 2, 'briar': 2, 'reverses': 2, 'reconstructive': 2, 'picards': 2, 'anij': 2, 'regains': 2, 'levar': 2, 'disobey': 2, 'seeds': 2, 'fc': 2, 'mcfadden': 2, 'physique': 2, 'casserole': 2, 'quadrangle': 2, 'ips': 2, 'nom': 2, 'cabbies': 2, 'burwell': 2, 'hitchhike': 2, 'halfmillion': 2, 'vat': 2, '5000': 2, 'bugger': 2, 'leezerd': 2, 'mushroom': 2, 'blip': 2, 'warbling': 2, 'singin': 2, 'knowitall': 2, 'radiated': 2, 'invaluable': 2, 'newsradio': 2, 'activated': 2, 'kodak': 2, 'icecream': 2, 'unfathomable': 2, 'discounted': 2, 'essentials': 2, 'buddyaction': 2, 'mosquito': 2, 'scar': 2, 'ceremonies': 2, 'squiggly': 2, 'controllers': 2, 'mileaminute': 2, 'falzone': 2, 'hipper': 2, 'tempestuous': 2, 'solidly': 2, 'soupedup': 2, 'elektra': 2, 'physicist': 2, 'walther': 2, 'retreads': 2, 'exposes': 2, 'tobolowsky': 2, 'keeslar': 2, 'blindness': 2, 'consigned': 2, 'snide': 2, 'dylans': 2, 'resoundingly': 2, 'coarse': 2, 'tinam': 2, 'olivier': 2, 'northmen': 2, 'summons': 2, 'badgers': 2, 'ligaments': 2, 'feuds': 2, 'typecasted': 2, 'iliff': 2, 'extemely': 2, 'washout': 2, 'overstay': 2, 'covetous': 2, 'jasmines': 2, 'jermaines': 2, 'sidesteps': 2, 'perpetrated': 2, 'showcased': 2, 'spate': 2, 'putty': 2, 'minutelong': 2, 'greasedup': 2, 'whopping': 2, 'assasinated': 2, 'malcom': 2, 'tiberius': 2, 'pagan': 2, 'vidal': 2, 'enriching': 2, 'licence': 2, 'greenaway': 2, 'patronized': 2, 'retained': 2, 'inspection': 2, 'mapped': 2, 'sleeves': 2, 'artillery': 2, 'revengeforhire': 2, 'sodomy': 2, 'muchtalkedabout': 2, '81minute': 2, 'matrimony': 2, 'nuptial': 2, 'lovin': 2, 'heh': 2, 'ronny': 2, 'fixing': 2, 'alcatraz': 2, 'leathers': 2, 'syllable': 2, 'pammy': 2, 'ruggedly': 2, 'alans': 2, 'jose': 2, 'ruffians': 2, 'genitals': 2, 'jackets': 2, 'genderbending': 2, 'maladjusted': 2, 'deadbeat': 2, 'wimpy': 2, 'wanker': 2, 'coastline': 2, 'bawls': 2, 'grouch': 2, 'unworkable': 2, 'pissing': 2, 'rejuvenates': 2, 'lament': 2, 'charted': 2, 'persist': 2, 'copperfield': 2, 'yuri': 2, 'zeltser': 2, 'sheffer': 2, 'gladstone': 2, 'sully': 2, 'alligator': 2, 'haired': 2, 'diametrically': 2, 'canine': 2, 'unconvincingly': 2, 'redux': 2, 'processed': 2, 'fiveyearold': 2, 'conceptual': 2, 'langenkamp': 2, 'boxed': 2, 'encyclopedia': 2, 'genuis': 2, 'impregnates': 2, 'faction': 2, 'jerichos': 2, 'excelled': 2, 'unthinkable': 2, 'snuffing': 2, 'gutbusting': 2, 'contortions': 2, 'threshold': 2, 'decks': 2, 'absentee': 2, 'elmo': 2, 'consumerism': 2, 'terrors': 2, 'ringmaster': 2, 'careerdefining': 2, 'segue': 2, '1986s': 2, 'cyberpunk': 2, 'mufti': 2, 'bemoaning': 2, 'seague': 2, 'appendages': 2, 'arabian': 2, 'attaining': 2, 'uninsightful': 2, 'reproduce': 2, 'eighteenth': 2, 'aa': 2, 'sexdriven': 2, 'slimeball': 2, 'cuz': 2, 'unfathomably': 2, 'liars': 2, 'fruition': 2, 'revitalized': 2, 'roadside': 2, 'smuggles': 2, 'croon': 2, 'mckinney': 2, 'humphries': 2, 'merriment': 2, 'truncated': 2, 'default': 2, 'hermitlike': 2, 'credo': 2, 'planting': 2, 'muchdiscussed': 2, 'steigers': 2, 'mcnamara': 2, 'scouting': 2, 'paddles': 2, 'disagreement': 2, 'mutually': 2, 'mandrake': 2, 'handicap': 2, 'bungle': 2, 'batologist': 2, 'mammals': 2, 'glob': 2, 'hitters': 2, 'absorbs': 2, 'doubtless': 2, 'dellaplanes': 2, 'glowers': 2, 'chanteuse': 2, 'twominute': 2, 'cara': 2, 'warfield': 2, 'maher': 2, 'talker': 2, 'tyrone': 2, 'rollers': 2, 'assemblage': 2, 'blotter': 2, 'knot': 2, 'clenched': 2, 'mescaline': 2, 'multicolored': 2, 'uppers': 2, 'downers': 2, 'hallucinates': 2, 'verbatim': 2, 'fishtank': 2, 'nunez': 2, 'recieve': 2, 'progressive': 2, 'moralist': 2, 'registering': 2, 'pearly': 2, 'confessionals': 2, 'skins': 2, 'pseudodocumentary': 2, 'abandoning': 2, 'captions': 2, 'publications': 2, 'schoolboys': 2, 'enlightens': 2, 'selfinvolved': 2, 'starpower': 2, 'callously': 2, 'stupefied': 2, 'brauva': 2, 'hampton': 2, 'verlaines': 2, 'praises': 2, 'weakwilled': 2, 'gunrunner': 2, 'godfathers': 2, 'brannagh': 2, 'aalyah': 2, 'coordinated': 2, 'vie': 2, 'prudent': 2, 'handstand': 2, 'thingie': 2, 'breaths': 2, 'acrimonious': 2, 'estrangement': 2, 'advertiser': 2, 'parenthood': 2, 'balding': 2, 'prosthetic': 2, 'proponents': 2, 'straitlaced': 2, 'bumbles': 2, 'mascara': 2, 'ceaseless': 2, 'rollerblading': 2, 'jetpacks': 2, 'rollerblades': 2, 'crimefighters': 2, 'horns': 2, 'telegraphing': 2, 'pertain': 2, 'crudely': 2, 'panoramas': 2, 'compendium': 2, 'prodigal': 2, 'abuzz': 2, 'mysterians': 2, 'leno': 2, 'mysterty': 2, 'caitlyn': 2, 'reiterated': 2, 'inaccuracies': 2, 'actionfest': 2, 'paean': 2, 'fervently': 2, 'blueeyed': 2, 'prefab': 2, 'transcripts': 2, 'birkin': 2, 'carojeanpierre': 2, 'gilles': 2, 'caro': 2, 'louison': 2, 'marielaure': 2, 'dougnac': 2, 'clapet': 2, 'karin': 2, 'viard': 2, 'holgado': 2, 'tapioca': 2, 'mathou': 2, 'kube': 2, 'boban': 2, 'janevski': 2, 'rascal': 2, 'todde': 2, 'ortega': 2, 'silvie': 2, 'laguna': 2, 'plops': 2, 'frasiers': 2, '12hour': 2, 'brained': 2, 'renew': 2, 'snickered': 2, 'marcelo': 2, 'eyro': 2, 'welldesigned': 2, 'lectured': 2, 'agitated': 2, 'doer': 2, 'discard': 2, 'donations': 2, 'encompassed': 2, 'hieroglyphics': 2, 'goddam': 2, 'jaye': 2, 'asthma': 2, 'twelveyearold': 2, 'stansfield': 2, 'impersonations': 2, 'cokeaddled': 2, 'courtesans': 2, 'vampiric': 2, 'presentations': 2, 'haunts': 2, 'breuer': 2, 'oppressors': 2, 'admirers': 2, 'millius': 2, 'uprising': 2, 'ahern': 2, 'panaro': 2, 'coolly': 2, 'battled': 2, 'burnout': 2, 'criticised': 2, 'toils': 2, 'tic': 2, 'barbaric': 2, 'egocentric': 2, 'affront': 2, 'vexing': 2, 'oherlihy': 2, 'ethnically': 2, 'sirtis': 2, 'counsellor': 2, 'initiated': 2, 'neverbeforeseen': 2, 'tirelessly': 2, 'africas': 2, 'venom': 2, 'loin': 2, 'outfitted': 2, 'exmodel': 2, 'janitorial': 2, 'claymation': 2, 'dolled': 2, 'perched': 2, 'fuddyduddy': 2, 'hathaway': 2, 'duckling': 2, 'mainstay': 2, 'nonanimated': 2, 'lamentable': 2, 'derailed': 2, 'fukienese': 2, 'racerelated': 2, 'tiffanys': 2, 'beginners': 2, 'switzerland': 2, 'camped': 2, 'ravaging': 2, 'callousness': 2, 'medfield': 2, 'promotions': 2, 'goofybutloveable': 2, 'aaaaaaaaah': 2, 'harumph': 2, 'taint': 2, 'sofa': 2, 'unkind': 2, 'rebuild': 2, 'jaspers': 2, 'promo': 2, 'hopefuls': 2, 'plaudits': 2, 'votes': 2, 'vicellous': 2, 'reon': 2, 'hanna': 2, 'schreibers': 2, 'fullscale': 2, 'nofrills': 2, 'lesras': 2, 'thievery': 2, 'substitutes': 2, 'acumen': 2, 'yojimbo': 2, 'leones': 2, 'detained': 2, 'antiheros': 2, 'lieutenants': 2, 'assailant': 2, 'inscrutability': 2, 'plead': 2, 'slate': 2, 'swagger': 2, 'yall': 2, 'speedily': 2, 'peaches': 2, 'unconnected': 2, 'dine': 2, 'skirt': 2, 'footnotes': 2, 'memorabilia': 2, 'nauseated': 2, 'parrs': 2, 'jeffreys': 2, 'natureloving': 2, 'compounded': 2, 'nword': 2, 'korman': 2, 'lamarr': 2, 'diffused': 2, 'watering': 2, 'motherf': 2, 'maids': 2, 'biology': 2, 'squintyeyed': 2, 'piloted': 2, 'overpopulated': 2, 'digested': 2, 'burping': 2, 'rebbe': 2, 'passionless': 2, 'julianna': 2, 'takenocrap': 2, 'longdead': 2, 'puny': 2, 'restrict': 2, 'kilometres': 2, 'titan': 2, 'pericles': 2, 'unauthorized': 2, 'konner': 2, 'thades': 2, 'attar': 2, 'denounce': 2, 'gnawing': 2, 'antagonism': 2, 'wallets': 2, 'won92t': 2, 'miniplot': 2, 'anecdotal': 2, 'indies': 2, 'meanest': 2, 'faring': 2, 'zellwegar': 2, 'holbrook': 2, 'anser': 2, 'thier': 2, 'circulation': 2, 'lace': 2, 'archrival': 2, 'intimidated': 2, 'privates': 2, 'guadalcanal': 2, 'nineyear': 2, 'bacteria': 2, 'pd': 2, 'piet': 2, 'kroon': 2, 'sito': 2, 'shutting': 2, 'phi': 2, 'bladder': 2, 'debra': 2, 'audaciously': 2, 'alumni': 2, 'canny': 2, 'lesley': 2, '_the_': 2, 'standbys': 2, 'hardluck': 2, 'underdogs': 2, 'coyles': 2, 'downonhisluck': 2, 'karloffs': 2, 'seaman': 2, '105minute': 2, 'prettiest': 2, 'undisclosed': 2, 'brennick': 2, 'privately': 2, 'correctional': 2, 'equiped': 2, 'ordeals': 2, 'kurtwood': 2, 'supertechnology': 2, 'fusing': 2, 'loomed': 2, 'contentious': 2, 'gala': 2, 'salacious': 2, 'immortalized': 2, 'bigelow': 2, 'navigated': 2, 'restlessly': 2, 'alleviate': 2, 'spoton': 2, 'tandem': 2, 'combating': 2, 'sip': 2, 'contractual': 2, 'adeptly': 2, 'bees': 2, 'unremittingly': 2, 'outings': 2, 'kietal': 2, 'docile': 2, 'howls': 2, 'journeyman': 2, 'intercuts': 2, 'lucasfilms': 2, 'machinegun': 2, 'fleshedout': 2, 'deadening': 2, 'stinking': 2, 'indestructible': 2, 'errand': 2, 'squints': 2, 'mortally': 2, 'drilled': 2, 'inuit': 2, 'petri': 2, 'reccomend': 2, 'ultraconservative': 2, '_blade': 2, 'hardware': 2, 'inscrutable': 2, 'congos': 2, 'i2': 2, 'zimmer': 2, 'muffled': 2, 'myths': 2, 'distorts': 2, 'owning': 2, 'biotech': 2, 'hinder': 2, 'criticproof': 2, 'probability': 2, 'persists': 2, 't1000': 2, 'goahead': 2, 'supercomputer': 2, 'belowaverage': 2, 'allencompassing': 2, 'wellrealized': 2, 'agape': 2, 'unapologetic': 2, 'trumps': 2, 'foultempered': 2, 'detection': 2, 'inopportune': 2, 'alternatively': 2, 'bobcat': 2, 'appaling': 2, 'virulent': 2, 'heavilyarmed': 2, 'flashlight': 2, 'lovetriangle': 2, 'stewing': 2, 'wuhrer': 2, 'polly': 2, 'cicely': 2, 'ellsworth': 2, 'sorceror': 2, 'talons': 2, 'alanas': 2, 'frees': 2, 'grilling': 2, 'suppression': 2, 'cuttingedge': 2, '_john': 2, 'vampires_': 2, 'reeled': 2, '_blade_': 2, 'offthecuff': 2, 'raspy': 2, 'versatility': 2, 'daft': 2, 'loni': 2, 'stench': 2, '1600s': 2, 'straightarrow': 2, 'crapper': 2, 'timed': 2, 'inconspicuously': 2, 'satirized': 2, 'dominions': 2, 'lowdown': 2, 'grafitti': 2, 'keg': 2, 'ingenius': 2, 'cynic': 2, 'coverups': 2, 'marooned': 2, 'ultrasecret': 2, 'homey': 2, 'addicts': 2, 'manchu': 2, 'liddy': 2, 'mccullochs': 2, 'smorgasbord': 2, 'olympian': 2, 'aberration': 2, 'trails': 2, 'begining': 2, 'circuits': 2, 'disdainful': 2, 'jumanji': 2, 'friendliness': 2, 'hors': 2, 'paddle': 2, 'uptodate': 2, 'grasshopper': 2, 'bedrooms': 2, 'twoway': 2, 'misuse': 2, 'incompleteness': 2, 'typing': 2, 'callwaiting': 2, 'salwens': 2, 'schedules': 2, 'cordless': 2, 'handphone': 2, 'barbaras': 2, 'whocares': 2, 'indisputable': 2, 'visitation': 2, 'predicable': 2, 'commotion': 2, '25year': 2, 'quicksand': 2, 'imprint': 2, 'bottoms': 2, 'grandsons': 2, 'innately': 2, 'instinctively': 2, 'tuition': 2, 'inconsiderate': 2, 'doras': 2, 'frailty': 2, 'emcee': 2, 'exaggerations': 2, 'scarborough': 2, 'factories': 2, 'bandaged': 2, 'yanking': 2, 'gratingly': 2, 'parasail': 2, 'waikiki': 2, 'laidback': 2, 'petey': 2, 'hennings': 2, 'skateboarders': 2, 'phils': 2, 'ingested': 2, 'asimov': 2, 'meditating': 2, 'julius': 2, 'unromantic': 2, 'paperwork': 2, 'guitarplaying': 2, 'cosmo': 2, 'oprahs': 2, 'bennett': 2, 'laurene': 2, 'landon': 2, 'velda': 2, 'kalecki': 2, 'conti': 2, 'antagonistic': 2, 'deviant': 2, 'pointblank': 2, 'shuffle': 2, 'firstperson': 2, 'doggy': 2, 'dogg': 2, 'actorsactresses': 2, 'kens': 2, 'instruct': 2, 'britains': 2, 'flora': 2, 'siams': 2, 'hammerstein': 2, 'unused': 2, 'archery': 2, 'sillier': 2, 'rang': 2, 'memo': 2, 'caddy': 2, 'zenlike': 2, 'oneness': 2, 'slipups': 2, '_dead_man_on_campus_': 2, 'loophole': 2, 'cohn': 2, '_dead_man_': 2, 'kasalivich': 2, 'machinist': 2, 'hydrogen': 2, 'sponsor': 2, 'cigars': 2, 'nielsens': 2, 'mcgraw': 2, 'cornfield': 2, 'sendups': 2, 'windbag': 2, '99cent': 2, 'rydains': 2, 'gobbling': 2, 'retort': 2, 'vipers': 2, 'dairies': 2, 'hardheaded': 2, 'zhivago': 2, 'dissappointed': 2, 'saim': 2, 'vidnovic': 2, 'cromagnon': 2, 'patriarchy': 2, 'prehistory': 2, 'tearful': 2, 'sixyearold': 2, 'breakaway': 2, 'pittsburgh': 2, 'doubleexposure': 2, 'wrapup': 2, 'misrepresentation': 2, 'outlands': 2, 'outlanders': 2, 'distinctions': 2, 'roritor': 2, 'gayness': 2, '1987s': 2, '_a_night_at_the_roxbury_': 2, '_roxbury_': 2, 'brotherly': 2, 'koren': 2, 'messiness': 2, 'whitechapel': 2, '1888': 2, 'unfortunates': 2, 'abberline': 2, 'opium': 2, 'slay': 2, 'rables': 2, 'finalized': 2, '_election': 2, 'stings': 2, 'tighten': 2, 'tracys': 2, 'quagmire': 2, 'gnarled': 2, 'indianapolis': 2, 'unprotected': 2, 'darts': 2, 'cent': 2, 'arabs': 2, 'moroccan': 2, 'eriq': 2, 'bonitzer': 2, 'congolese': 2, 'mnc': 2, 'clerical': 2, 'kasa': 2, 'vubu': 2, 'maka': 2, 'kotto': 2, 'katanga': 2, 'province': 2, 'moise': 2, 'nzonzi': 2, 'lamenting': 2, 'kayes': 2, 'vinyard': 2, 'grooms': 2, 'lapaglias': 2, 'prophesies': 2, 'exemplary': 2, 'strategize': 2, 'wirefu': 2, 'copycats': 2, 'wo': 2, 'profoundness': 2, 'tokens': 2, 'transmitter': 2, 'racers': 2, 'lanai': 2, 'templeton': 2, 'busload': 2, 'hitches': 2, 'squirminducing': 2, 'rehearsed': 2, 'iridescent': 2, 'adoration': 2, 'impacting': 2, 'devastatingly': 2, 'boarder': 2, 'deepens': 2, 'strident': 2, 'sierra': 2, 'clearcut': 2, 'grays': 2, 'romans': 2, 'niebaum': 2, 'compressed': 2, 'sabian': 2, 'itching': 2, 'equations': 2, 'carryon': 2, 'goode': 2, 'matrons': 2, 'prohibition': 2, 'capones': 2, 'overcoats': 2, 'ingeniously': 2, 'toontown': 2, 'overseeing': 2, '000aweek': 2, 'maintenance': 2, 'contacted': 2, 'thickened': 2, 'gleiberman': 2, 'aliases': 2, 'blindsided': 2, '911': 2, 'tupac': 2, 'bureaucracy': 2, 'dfens': 2, 'stretchs': 2, 'dreper': 2, 'selfdestructiveness': 2, 'selffulfillment': 2, 'getout': 2, 'wellville': 2, 'bespectacled': 2, 'abstinence': 2, 'doodoo': 2, 'solider': 2, '34th': 2, 'monterey': 2, 'hippies': 2, 'redding': 2, 'janis': 2, 'joplin': 2, 'papas': 2, 'jampacked': 2, 'joints': 2, 'backstreet': 2, 'solidarity': 2, 'moviemaker': 2, 'echelons': 2, 'cowrite': 2, 'privileges': 2, 'prosperity': 2, 'adlibs': 2, 'patrols': 2, 'bullhorn': 2, 'theorizing': 2, 'bumstead': 2, 'heralded': 2, 'bethanys': 2, 'himherself': 2, 'sharpest': 2, 'guiltily': 2, 'malnourished': 2, 'ballyhoo': 2, 'nikos': 2, 'kazantzakis': 2, 'anecdote': 2, 'rallying': 2, 'digitalized': 2, 'duels': 2, 'preexisting': 2, 'apparition': 2, 'vaders': 2, 'yodas': 2, 'clouded': 2, 'sith': 2, 'doublesided': 2, 'quigons': 2, 'padawan': 2, 'vergil': 2, 'pedantic': 2, 'analyses': 2, 'abusers': 2, 'projecting': 2, 'intellectualized': 2, 'portentous': 2, 'dyed': 2, 'downy': 2, 'academia': 2, 'introverted': 2, 'crooning': 2, 'novelistic': 2, 'impressionable': 2, 'syndicate': 2, 'zeroing': 2, 'zoolanders': 2, 'merman': 2, 'dodo': 2, 'premium': 2, 'keeve': 2, 'mizrahis': 2, 'ouija': 2, 'fernanda': 2, 'montenegro': 2, 'trustworthy': 2, 'postage': 2, 'relishing': 2, 'trivialized': 2, '_life': 2, 'beautiful_': 2, 'surrendered': 2, 'qui': 2, 'paralyzingly': 2, 'diazs': 2, 'hankss': 2, 'milquetoast': 2, 'erie': 2, 'expressly': 2, 'thingthe': 2, 'motto': 2, 'outsmarting': 2, 'mcgann': 2, 'ashbrook': 2, 'yee': 2, 'imho': 2, 'insisted': 2, 'rewriting': 2, 'jinks': 2, 'sedated': 2, 'apathy': 2, 'coexecutive': 2, 'charnel': 2, 'fission': 2, 'debated': 2, 'shrinks': 2, 'zapped': 2, 'posthumous': 2, 'grubby': 2, 'fantasizing': 2, 'magnum': 2, 'geographical': 2, 'gong': 2, 'shorten': 2, 'wonie': 2, 'bradshaw': 2, 'ratty': 2, 'essays': 2, 'mcalisters': 2, 'starve': 2, 'disrupts': 2, 'furnace': 2, 'snowshovel': 2, 'disadvantage': 2, 'coda': 2, 'wellthought': 2, 'constellations': 2, 'coalmining': 2, 'unions': 2, 'premarital': 2, 'muff': 2, 'delta': 2, 'otter': 2, 'boon': 2, 'bluto': 2, 'omegas': 2, 'deltas': 2, 'baylor': 2, 'standoffish': 2, 'envious': 2, 'pakistani': 2, 'parsee': 2, 'hasan': 2, 'deepa': 2, 'mehtas': 2, 'jokingly': 2, 'tenor': 2, 'undergone': 2, 'hindus': 2, 'tenderly': 2, 'navazs': 2, 'hardship': 2, 'confers': 2, 'walts': 2, 'gaga': 2, 'chihuahua': 2, 'matador': 2, 'cavalry': 2, 'infirm': 2, 'highspirited': 2, 'millennia': 2, 'emo': 2, 'gallons': 2, 'depart': 2, 'yucky': 2, 'rotund': 2, 'nobleman': 2, 'unveils': 2, 'pests': 2, 'grump': 2, 'swipes': 2, 'nobuko': 2, 'miyamoto': 2, 'adjoining': 2, 'worsened': 2, 'oozed': 2, 'unspecified': 2, 'jabbas': 2, 'ewoks': 2, 'hindering': 2, 'eli': 2, 'marienthal': 2, 'antenna': 2, 'scrap': 2, 'sightings': 2, 'outlast': 2, 'belone': 2, 'intimidate': 2, 'pignons': 2, 'dissects': 2, 'veering': 2, 'pedophilia': 2, 'aux': 2, 'folles': 2, 'colisseum': 2, 'virtuosity': 2, 'fiveyear': 2, 'soothe': 2, 'guidos': 2, 'modernized': 2, 'expatient': 2, 'florence': 2, 'kretschmann': 2, 'disintegration': 2, 'hallucinogenic': 2, 'wordless': 2, 'gaelic': 2, 'pint': 2, 'singsong': 2, 'bradys': 2, 'eamonn': 2, 'complexion': 2, 'psychiatric': 2, 'fertile': 2, 'mccabes': 2, 'pullmans': 2, 'ethically': 2, 'netted': 2, 'prose': 2, 'treehouse': 2, 'middling': 2, 'decapitation': 2, 'bestknown': 2, 'foggy': 2, 'beheadings': 2, 'stringing': 2, 'instructors': 2, 'regimen': 2, 'drunkenstyle': 2, 'jugs': 2, 'strengthening': 2, 'availability': 2, 'panandscanned': 2, 'synchronous': 2, 'coffins': 2, 'reinforced': 2, 'murtaugh': 2, 'inquisitiveness': 2, 'drawbacks': 2, 'mano': 2, 'yesteryear': 2, 'rocketeer': 2, 'pileups': 2, 'spam': 2, 'harp': 2, 'dainty': 2, 'assembling': 2, 'seminar': 2, 'infestation': 2, 'goldenthal': 2, 'mortar': 2, 'dramatization': 2, 'craftsmen': 2, 'vilified': 2, 'ravel': 2, 'psyches': 2, 'espousing': 2, 'heists': 2, 'selfassuredness': 2, 'channings': 2, 'armwrestling': 2, 'commandos': 2, 'whod': 2, 'muchprized': 2, 'amnesiac': 2, '160': 2, 'swimmer': 2, 'halffull': 2, 'gunrunning': 2, 'squashed': 2, 'bruin': 2, 'wrestled': 2, 'tempered': 2, 'wagnerian': 2, 'pebbles': 2, 'ziyi': 2, 'persuasive': 2, 'hearings': 2, 'heebiejeebies': 2, 'congressman': 2, 'shading': 2, 'nicoles': 2, 'warmhearted': 2, 'hotpants': 2, 'scour': 2, 'ronnies': 2, 'loewi': 2, 'alwaysreliable': 2, 'thorny': 2, 'hoblits': 2, 'noblest': 2, 'overexplain': 2, 'homophobic': 2, 'conelly': 2, 'polarizing': 2, 'equinox': 2, 'closeness': 2, 'suitandtie': 2, 'reassure': 2, 'formulated': 2, 'fugitives': 2, 'roebuck': 2, 'exfianc': 2, 'scarab': 2, 'amon': 2, 'swordwielding': 2, 'rewatching': 2, 'franciosa': 2, 'showbiz': 2, 'multilayered': 2, 'chilly': 2, 'tovoli': 2, 'instill': 2, 'raimis': 2, 'tiptoe': 2, 'offhand': 2, 'grouptherapy': 2, 'savagery': 2, 'molding': 2, 'pranks': 2, 'misconstrued': 2, 'extrapolation': 2, 'crackin': 2, 'oval': 2, 'motsss': 2, 'contradict': 2, 'chronologically': 2, 'moll': 2, 'glut': 2, 'wellchosen': 2, 'firestone': 2, 'conjugated': 2, 'websters': 2, 'funner': 2, 'tweedys': 2, 'camplike': 2, 'eggselling': 2, 'pieselling': 2, 'piemaking': 2, 'aardman': 2, 'gromit': 2, 'ballbouncing': 2, 'spielberginspired': 2, 'prisonersofwar': 2, 'stalag': 2, 'ribbing': 2, 'nationality': 2, 'karey': 2, 'kirkpatrick': 2, 'opinionated': 2, 'haygarth': 2, 'crocheting': 2, 'supplytrading': 2, 'swingdancing': 2, 'theologians': 2, 'wearisome': 2, 'figurines': 2, 'conan': 2, 'jp2': 2, 'moneys': 2, 'jp3': 2, 'nutrition': 2, 'voids': 2, 'voluminous': 2, 'neccessary': 2, 'hesitating': 2, 'naysayers': 2, 'abetted': 2, 'suzannes': 2, 'winningly': 2, 'embodiment': 2, 'bleakly': 2, 'mindlessness': 2, 'allinall': 2, 'perpetuate': 2, 'groomtobe': 2, 'doomandgloom': 2, 'acidic': 2, 'overdirected': 2, 'burdick': 2, 'russias': 2, 'polemic': 2, 'theorist': 2, 'advising': 2, 'wryly': 2, 'totals': 2, 'labels': 2, 'warhead': 2, 'hagman': 2, 'arming': 2, 'forum': 2, 'onenight': 2, 'stopper': 2, 'ch': 2, 'bugsy': 2, 'entertaning': 2, 'comanding': 2, 'sophia': 2, 'nelligan': 2, 'emmas': 2, 'maya': 2, 'angelou': 2, 'mast': 2, 'selfdoubt': 2, 'ingratiating': 2, 'hurled': 2, 'complimentary': 2, 'verma': 2, 'multiday': 2, 'nair': 2, 'bombay': 2, 'heartbreaks': 2, 'emphatically': 2, 'orefice': 2, 'imprison': 2, 'phillotson': 2, 'judes': 2, 'connerys': 2, 'verve': 2, 'badlands': 2, 'treetops': 2, 'stuarts': 2, 'timon': 2, 'tang': 2, 'samo': 2, 'pipeline': 2, 'pageant': 2, 'nashville': 2, 'satirizes': 2, 'nay': 2, 'connives': 2, 'mellow': 2, 'brighteyed': 2, 'ins': 2, 'haggard': 2, 'overmedicated': 2, 'sidebars': 2, 'sallys': 2, 'dorians': 2, 'joblos': 2, 'militants': 2, 'retrospection': 2, 'sommer': 2, 'scrubbing': 2, 'minah': 2, 'lavender': 2, 'bragg': 2, 'sherrie': 2, 'hewson': 2, 'dismayingly': 2, 'zorg': 2, 'weil': 2, 'penetrating': 2, 'jeanpaul': 2, 'rhod': 2, 'aria': 2, 'serras': 2, 'aurally': 2, 'keel': 2, 'wilbur': 2, 'abortions': 2, 'orchard': 2, 'pickers': 2, 'thine': 2, 'highestgrossing': 2, 'wordly': 2, 'giacomo': 2, 'tish': 2, 'mitchs': 2, 'err': 2, 'viceroy': 2, 'chalks': 2, 'devastate': 2, 'stepmom': 2, 'nelsons': 2, 'pfeiffers': 2, 'collapsed': 2, 'rapping': 2, 'expulsion': 2, 'schiff': 2, 'shortcoming': 2, 'clancys': 2, '_six_days': 2, '_seven_nights_': 2, 'capably': 2, 'pina': 2, 'analysts': 2, 'bestlooking': 2, 'spatial': 2, 'exodus': 2, 'nile': 2, 'tykes': 2, 'selby': 2, 'runyan': 2, 'ellens': 2, 'unified': 2, '63': 2, 'snip': 2, 'interrotron': 2, 'payload': 2, 'schmeer': 2, 'shondra': 2, 'musings': 2, 'ciminos': 2, 'vietnamese': 2, 'viet': 2, 'cong': 2, 'ellroy': 2, 'convergence': 2, 'pearces': 2, 'temperamental': 2, 'royercollard': 2, 'oath': 2, 'heterosexuals': 2, 'hubbub': 2, 'drake': 2, 'brimley': 2, 'tumble': 2, 'rudnicks': 2, 'cedars': 2, 'rothhaar': 2, 'mika': 2, 'cheapskate': 2, 'formative': 2, 'dynasty': 2, 'tam': 2, 'hester': 2, 'yeung': 2, 'seung': 2, 'repayment': 2, 'sided': 2, 'kaneshiro': 2, 'monthlong': 2, 'chao': 2, 'freedoms': 2, 'renown': 2, 'font': 2, 'filmwithinafilm': 2, 'randys': 2, 'cici': 2, 'portia': 2, 'misdirection': 2, 'straining': 2, 'juggernaut': 2, 'diminishing': 2, 'xmas': 2, 'dusting': 2, 'chaperone': 2, 'disobeys': 2, 'irrevocably': 2, 'esmerelda': 2, 'ursula': 2, 'triton': 2, 'songwriting': 2, 'ashman': 2, 'ashmans': 2, 'bensons': 2, 'cumulative': 2, '17day': 2, 'evoking': 2, 'humorist': 2, 'persistent': 2, 'kurring': 2, 'updrafts': 2, 'geographic': 2, 'technologies': 2, 'seminary': 2, 'scoffed': 2, 'clamor': 2, 'ardently': 2, 'persues': 2, 'extinguished': 2, 'circulate': 2, 'peculiarities': 2, 'altheas': 2, 'universes': 2, 'dreamworld': 2, 'inhabitant': 2, 'virile': 2, 'harald': 2, 'immediacy': 2, 'wbn': 2, 'benben': 2, 'marriages': 2, 'blemishes': 2, 'signaling': 2, 'assailants': 2, 'frizzy': 2, 'javier': 2, 'sancho': 2, 'intertwine': 2, 'substituting': 2, 'getz': 2, '2050': 2, 'reachable': 2, 'reappeared': 2, 'dreadfactor': 2, 'massentertainment': 2, 'fainthearted': 2, 'goodhorror': 2, 'baad': 2, 'asssss': 2, 'salo': 2, 'hassled': 2, 'campaigns': 2, 'smalley': 2, 'donut': 2, 'cattily': 2, 'whimsically': 2, 'springers': 2, 'merge': 2, 'consent': 2, 'testify': 2, 'hivpositive': 2, 'templar': 2, 'rosalind': 2, 'gangbusters': 2, 'readymade': 2, 'euphegenia': 2, 'doubtfires': 2, 'saintly': 2, 'tackling': 2, 'presides': 2, 'fiji': 2, 'zycie': 2, 'tempers': 2, 'neighborhoods': 2, 'glamorized': 2, 'deviance': 2, 'quivering': 2, 'allegra': 2, 'pikul': 2, 'installed': 2, 'distortion': 2, 'thorne': 2, 'trier': 2, 'fated': 2, 'quirkiness': 2, 'caf': 2, 'gravestown': 2, 'disrupting': 2, 'liberally': 2, 'spiced': 2, 'picasso': 2, '2400': 2, 'impressing': 2, 'fullcircle': 2, 'zeik': 2, 'missy': 2, 'lapoirie': 2, 'nolot': 2, 'ozons': 2, 'astor': 2, 'breakneck': 2, 'risktaking': 2, 'spud': 2, 'begbie': 2, 'grooving': 2, 'permeating': 2, 'northwestern': 2, 'scooped': 2, 'ensued': 2, 'franzoni': 2, 'repetitions': 2, 'poisonous': 2, 'benito': 2, 'oedipal': 2, 'tworoom': 2, 'stratum': 2, 'ambient': 2, 'manifold': 2, 'tamiyo': 2, 'kusakari': 2, 'aoki': 2, 'naoto': 2, 'takenaka': 2, 'treacly': 2, 'euphoria': 2, 'avidly': 2, 'hamradio': 2, 'pressured': 2, 'emission': 2, 'pilgrimage': 2, 'shanyu': 2, 'ferrer': 2, 'botching': 2, 'vibrance': 2, 'computerenhanced': 2, 'yao': 2, 'fas': 2, 'takei': 2, 'boathouse': 2, 'shoreline': 2, 'nuttgens': 2, 'palefaced': 2, 'fervent': 2, 'scots': 2, 'mucus': 2, 'encompassing': 2, 'sores': 2, 'nuggets': 2, 'unlawful': 2, 'handing': 2, 'feasible': 2, 'vasquez': 2, 'jenette': 2, 'goldstein': 2, 'henn': 2, 'multiplies': 2, 'neophyte': 2, 'suing': 2, 'oppose': 2, 'bogarts': 2, 'solaris': 2, 'bitingly': 2, 'relieve': 2, 'petersburg': 2, 'neighbouring': 2, 'olgas': 2, 'inky': 2, 'torrent': 2, 'irresistable': 2, 'ditties': 2, 'loyalties': 2, 'wanton': 2, 'lucid': 2, 'tiredness': 2, 'porch': 2, 'bigot': 2, 'generosity': 2, 'dumbeddown': 2, 'viterelli': 2, 'jelly': 2, 'tunie': 2, 'dawes': 2, 'kasi': 2, '_film': 2, 'central_': 2, 'colm': 2, 'caste': 2, 'slapdash': 2, 'carrion': 2, '_unbreakable_': 2, 'seminal': 2, 'redefined': 2, 'maxx': 2, 'supersedes': 2, 'civility': 2, 'augment': 2, 'deputys': 2, 'uneasiness': 2, 'apprehensions': 2, 'martyr': 2, 'recklessness': 2, 'sci': 2, 'cleeses': 2, 'touring': 2, 'curlys': 2, 'tromping': 2, 'teenagedavid': 2, 'rhythmic': 2, 'ww': 2, 'posession': 2, 'intermission': 2, 'arranging': 2, 'ambiance': 2, 'harkens': 2, 'funk': 2, 'emblematic': 2, 'staples': 2, 'pigeonholing': 2, 'bonafide': 2, 'buzzing': 2, 'horizons': 2, '155': 2, 'callum': 2, 'companionship': 2, 'manny': 2, 'curb': 2, 'masterpeice': 2, 'poolside': 2, 'allegations': 2, 'stunner': 2, 'coufax': 2, 'tollbooth': 2, 'heches': 2, 'aviator': 2, 'tagalong': 2, 'hitandmiss': 2, 'vices': 2, 'presently': 2, 'pokerplaying': 2, 'enthused': 2, 'hopping': 2, 'affiliate': 2, 'floodwaters': 2, 'stained': 2, 'propriety': 2, 'pinter': 2, 'freezeframe': 2, 'currents': 2, 'forecast': 2, 'maximillian': 2, 'rebuffed': 2, 'aesthetics': 2, 'ambivalence': 2, 'conjunction': 2, 'lensing': 2, 'dispassionate': 2, 'entices': 2, 'caveat': 2, 'tsk': 2, 'amos': 2, 'gitai': 2, 'leftist': 2, 'subjugate': 2, 'hasidim': 2, 'observance': 2, 'phobic': 2, 'meir': 2, 'talmud': 2, 'yaakov': 2, 'malkas': 2, 'harshest': 2, 'forlorn': 2, 'transitioning': 2, 'magnolias': 2, 'wagon': 2, 'pioneers': 2, 'extending': 2, 'cowardice': 2, 'peyote': 2, 'unchangeable': 2, 'downfalls': 2, 'workmates': 2, 'braddock': 2, 'exconvict': 2, 'donuts': 2, 'metamorphosis': 2, 'walkin': 2, 'zs': 2, 'barbatus': 2, 'pores': 2, 'snub': 2, 'guterman': 2, 'advisable': 2, 'lightheartedness': 2, 'jarvis': 2, 'leighs': 2, 'probing': 2, 'grievances': 2, 'repression': 2, 'waterlogged': 2, 'transistion': 2, 'animate': 2, 'malt': 2, 'weeping': 2, 'characterizing': 2, 'lobbyists': 2, 'overtakes': 2, 'pikser': 2, 'kev': 2, 'rollergirl': 2, 'pertains': 2, 'jeanhugues': 2, 'anglade': 2, 'croatia': 2, 'croatians': 2, 'kimba': 2, 'blakely': 2, 'forsyth': 2, 'geese': 2, 'irvins': 2, 'prompt': 2, 'multiplicity': 2, 'suppressing': 2, 'treatments': 2, 'cures': 2, 'pesticides': 2, 'margins': 2, 'bureaucrats': 2, 'eschewed': 2, 'disintegrated': 2, 'albums': 2, 'tennis': 2, 'locusts': 2, 'rails': 2, 'basketballs': 2, 'asexual': 2, 'loners': 2, 'sami': 2, 'contented': 2, 'dieppe': 2, 'writersdirectors': 2, 'cocktails': 2, 'chaste': 2, 'patachou': 2, 'ariane': 2, 'ascaride': 2, 'postcard': 2, 'enthusiast': 2, 'bohemians': 2, 'toulouselautrec': 2, 'backer': 2, 'cavorting': 2, 'lagravenese': 2, 'occuring': 2, 'humanistic': 2, 'humpalot': 2, 'speculation': 2, 'wellconstructed': 2, '73': 2, 'zoom': 2, 'davidzt': 2, 'overlaps': 2, 'syrupy': 2, 'slope': 2, 'navigating': 2, 'solos': 2, 'predominately': 2, 'prosper': 2, 'dismisses': 2, 'mikhail': 2, 'overeager': 2, 'sauna': 2, 'konghollywood': 2, 'sheffield': 2, 'jobless': 2, 'stripact': 2, 'carlyles': 2, 'implying': 2, 'cattaneo': 2, 'genie': 2, 'manly': 2, 'trunks': 2, 'computerassisted': 2, 'correspondence': 2, 'bookstores': 2, 'driedup': 2, 'heretical': 2, '14year': 2, 'mussolinis': 2, 'dialect': 2, 'fascists': 2, 'recognisable': 2, 'awestruck': 2, 'uncreative': 2, 'thacker': 2, 'ifans': 2, 'mckee': 2, 'thrives': 2, 'dequina': 2, '21stcentury': 2, 'trekkers': 2, 'braga': 2, 'cochran': 2, 'mythos': 2, 'calhoun': 2, 'reproach': 2, 'naughtiness': 2, 'allisons': 2, 'fozzie': 2, 'mound': 2, 'ceased': 2, 'shoulderlength': 2, 'teeshirts': 2, 'gazzara': 2, 'busby': 2, 'quintana': 2, 'overtheedge': 2, 'riffraff': 2, 'twofold': 2, 'fiorina': 2, 'smugglers': 2, 'sock': 2, 'constrained': 2, 'lennie': 2, '1935': 2, 'eduard': 2, 'delacroix': 2, 'adjust': 2, 'shaves': 2, 'suspenders': 2, 'krets': 2, 'shaun': 2, 'begets': 2, 'summon': 2, 'murdermystery': 2, 'swank': 2, 'enveloping': 2, 'thickly': 2, 'alexa': 2, 'sabara': 2, 'gregorio': 2, 'cortez': 2, 'psychologists': 2, 'walled': 2, 'orderly': 2, 'weitzman': 2, 'fursts': 2, 'improper': 2, 'labelling': 2, 'modesty': 2, 'gordo': 2, 'lyndon': 2, 'ussr': 2, 'reagans': 2, 'neophytes': 2, 'farscial': 2, 'simplistically': 2, 'thomsen': 2, 'pointer': 2, 'bizarro': 2, 'buehler': 2, 'marshmallows': 2, 'applications': 2, 'envied': 2, 'furter': 2, 'gwtw': 2, 'meaney': 2, 'lifeboat': 2, 'winslets': 2, 'doesn92t': 2, 'gibson92s': 2, 'you92re': 2, 'visage': 2, 'tragicomic': 2, 'ardent': 2, 'fro': 2, 'tinier': 2, 'spinechilling': 2, 'gattacas': 2, 'vincentjerome': 2, 'roelfs': 2, 'realitybased': 2, 'oneupping': 2, 'calder': 2, 'kingpins': 2, 'sarossys': 2, 'overdrawn': 2, 'novicorp': 2, 'declarations': 2, 'jehan': 2, 'flemish': 2, 'rollickingly': 2, 'yeller': 2, 'sooooo': 2, 'horrifyingly': 2, 'moor': 2, 'pinky': 2, 'roddenberrys': 2, 'intensifies': 2, 'vis': 2, 'mcgillis': 2, 'puppydog': 2, 'massaging': 2, 'chads': 2, 'practitioner': 2, 'temp': 2, 'flattered': 2, 'facets': 2, 'rekall': 2, 'reconstruction': 2, 'farmhouse': 2, 'flinging': 2, 'rattling': 2, '_beloved_s': 2, 'blackclad': 2, 'christlike': 2, 'beloveds': 2, 'authoritatively': 2, 'departing': 2, 'accessibility': 2, 'undercurrents': 2, 'scarlet': 2, 'excerpts': 2, 'darbys': 2, 'beaus': 2, 'proportion': 2, 'decaprio': 2, 'montague': 2, 'symbolizing': 2, 'margoyles': 2, 'juliets': 2, 'capulets': 2, 'montagues': 2, 'cuss': 2, 'infrequently': 2, 'weakling': 2, 'slavers': 2, 'juba': 2, 'lucilla': 2, 'detre': 2, 'wino': 2, 'abomb': 2, 'labs': 2, 'petaluma': 2, 'disingenuous': 2, 'psych': 2, 'sepiatoned': 2, 'checkpoint': 2, 'noras': 2, 'hatched': 2, 'refinery': 2, 'cremation': 2, 'molten': 2, 'swiftness': 2, 'equaling': 2, 'tapert': 2, 'gmen': 2, 'oblique': 2, 'lesters': 2, 'feathers': 2, 'nonformula': 2, 'adefarasin': 2, '16th': 2, 'bottin': 2, 'jogs': 2, 'sprints': 2, '81': 2, 'lansbury': 2, 'rosaleen': 2, 'graveyards': 2, 'grandmothers': 2, 'straying': 2, 'belfast': 2, 'ike': 2, 'sects': 2, 'ciaran': 2, 'dotty': 2, 'radek': 2, 'hijack': 2, 'elna': 2, 'phonograph': 2, 'cylinders': 2, 'mahal': 2, 'prot': 2, 'transcendent': 2, 'protestants': 2, 'teachings': 2, 'forges': 2, 'keenly': 2, 'advisers': 2, 'despises': 2, 'doted': 2, 'smooths': 2, 'molecules': 2, 'explorations': 2, 'wrongdoings': 2, 'soundstage': 2, 'progenitor': 2, 'lessen': 2, 'inquired': 2, 'handbook': 2, 'candid': 2, 'mpaas': 2, 'manga': 2, 'oavs': 2, 'destructiveness': 2, 'rampages': 2, 'patlabors': 2, 'superblyrealized': 2, 'oskar': 2, 'summarizing': 2, 'prescence': 2, 'boyhood': 2, 'hammered': 2, 'rag': 2, 'goofups': 2, 'nixons': 2, 'entrancing': 2, 'accentuates': 2, 'playfulness': 2, 'unknowing': 2, 'squeezed': 2, 'ap2': 2, 'winnfield': 2, 'interweaves': 2, 'toying': 2, 'userfriendly': 2, 'altough': 2, 'hummm': 2, 'plank': 2, 'apperance': 2, 'louuuudd': 2, 'affraid': 2, 'babyzilla': 2, 'undies': 2, 'chiouaoua': 2, 'whoah': 2, 'compensates': 2, 'wilhelm': 2, 'szabos': 2, 'maj': 2, 'reproduction': 2, 'eliminates': 2, 'invalids': 2, 'idziak': 2, 'uncannily': 2, 'forecasts': 2, 'brosnans': 2, 'goateed': 2, 'preservation': 2, 'pornstar': 2, 'awardworthy': 2, 'hypnotism': 2, 'poon': 2, 'vaughan': 2, 'macneill': 2, 'unnerved': 2, 'scumsucking': 2, 'shakespearian': 2, 'workaholic': 2, 'infallible': 2, '250': 2, 'rh2': 2, 'techs': 2, 'enlisting': 2, 'gertrude': 2, 'ophelia': 2, 'guildenstern': 2, 'unearths': 2, 'countenance': 2, 'walkon': 2, 'educator': 2, 'alabama': 2, 'locane': 2, 'cos': 2, 'sewing': 2, 'stagner': 2, 'orion': 2, 'hiroshima': 2, 'jackrose': 2, 'haney': 2, 'contractor': 2, 'hymn': 2, 'strode': 2, 'awol': 2, 'tm': 2, 'circulated': 2, 'unerringly': 2, 'drawers': 2, 'glum': 2, 'corrupting': 2, 'workplaces': 2, 'scraped': 2, 'etched': 2, 'snowbell': 2, 'dystopic': 2, 'considerations': 2, 'intercepted': 2, 'prowse': 2, 'tolkien': 2, 'anti': 2, 'unease': 2, 'cushing': 2, 'frequencys': 2, 'alida': 2, 'valli': 2, 'ghoulishness': 2, 'competently': 2, 'bassan': 2, 'cabo': 2, 'relocating': 2, 'stun': 2, 'clipped': 2, 'ottorino': 2, 'dmitri': 2, 'dukas': 2, 'elgar': 2, 'caricaturist': 2, 'hirschfeld': 2, 'gershwins': 2, 'flamingo': 2, 'yoyo': 2, 'noahs': 2, 'biblically': 2, 'respighis': 2, 'stravinskys': 2, 'holdover': 2, 'sorcerers': 2, 'attainable': 2, 'caucasian': 2, 'moonshiner': 2, 'forcibly': 2, 'tearjerkers': 2, 'decreed': 2, 'snugly': 2, 'hyperbolic': 2, 'floored': 2, 'persay': 2, 'ibanez': 2, 'shauny': 2, 'macivor': 2, 'presided': 2, 'solidifies': 2, 'stirling': 2, 'listings': 2, 'supermarkets': 2, 'bargains': 2, 'giveaways': 2, 'sortof': 2, 'catch22': 2, 'garments': 2, 'barrister': 2, 'upsets': 2, 'paradines': 2, 'horfield': 2, 'recess': 2, 'cum': 2, 'waylands': 2, 'kennesaws': 2, 'pates': 2, 'underlining': 2, 'rookers': 2, 'shipwreck': 2, 'winslett': 2, 'playtone': 2, 'bloodletting': 2, 'halfvampire': 2, 'warmandfuzzy': 2, 'antitheft': 2, 'dazzles': 2, 'noncgi': 2, 'replaying': 2, 'earthquakes': 2, 'livestock': 2, 'chasers': 2, 'recon': 2, 'implemented': 2, 'giardello': 2, 'starling': 2, 'skepticism': 2, 'trainee': 2, 'gaming': 2, 'beethovens': 2, 'darrow': 2, 'equate': 2, 'exile': 2, 'magdelene': 2, 'frailties': 2, 'disciples': 2, 'swastikawearing': 2, 'dogtags': 2, 'fleshandblood': 2, 'scoff': 2, 'fundamentalist': 2, 'talal': 2, 'islamic': 2, 'palestinian': 2, 'arabamerican': 2, 'cleary': 2, 'holt': 2, 'menges': 2, 'fidel': 2, 'cubans': 2, 'participates': 2, 'goodspirited': 2, 'oed': 2, 'stripe': 2, 'seriess': 2, 'drank': 2, 'flitting': 2, 'permitted': 2, 'ph': 2, 'thirdclass': 2, 'romanticized': 2, 'encapsulates': 2, 'miseries': 2, 'guggenheim': 2, 'scorching': 2, 'namuth': 2, 'partakes': 2, 'manhood': 2, 'lima': 2, 'baboons': 2, 'yim': 2, 'fandom': 2, 'backpedal': 2, 'hur': 2, 'gungans': 2, 'doctrines': 2, 'sate': 2, 'dressmaker': 2, 'hardford': 2, 'partygoer': 2, 'flirtations': 2, 'schoolchild': 2, 'redistribution': 2, 'montero': 2, 'alejandro': 2, 'letscher': 2, 'plato': 2, 'discern': 2, 'adverse': 2, 'catatonia': 2, 'dreamworkss': 2, 'tzipporah': 2, 'mosess': 2, 'ramses': 2, '1773': 2, 'boham': 2, 'ingolstadt': 2, 'charecter': 2, 'intruders': 2, 'nero': 2, 'blanchette': 2, 'debuts': 2, 'millionplus': 2, 'azrael': 2, 'capitalist': 2, 'mimieux': 2, 'morlocs': 2, 'bertram': 2, 'inventing': 2, 'fannys': 2, 'indecisive': 2, 'purest': 2, 'armageddons': 2, 'rectify': 2, 'us100': 2, 'deploying': 2, 'reminiscence': 2, 'artisan': 2, 'willards': 2, 'hypnotize': 2, 'tullymore': 2, 'scrawny': 2, 'mastrantonio': 2, 'whiteknuckle': 2, 'budgeted': 2, 'kujan': 2, 'mcmanus': 2, 'shortest': 2, 'hotblooded': 2, 'devane': 2, 'mehrjui': 2, 'mehrjuis': 2, 'mosaffa': 2, 'jamileh': 2, 'sheikhi': 2, 'polygamy': 2, 'hesitantly': 2, 'motherinlaws': 2, 'leilas': 2, 'mclachlan': 2, 'toughly': 2, 'commandant': 2, 'sessue': 2, 'hayakawa': 2, 'assiduously': 2, 'hierarchies': 2, 'bypasses': 2, 'rackwitz': 2, 'ris': 2, 'subgenres': 2, 'demonstrably': 2, 'fats': 2, 'adultoriented': 2, 'evars': 2, 'beckwith': 2, 'clinics': 2, 'plaintive': 2, 'danna': 2, 'averagejoe': 2, 'cutbacks': 2, 'uncooperative': 2, 'panicky': 2, 'fickle': 2, 'prosky': 2, 'kirshners': 2, 'enjoyability': 2, 'taboos': 2, 'lodging': 2, 'larenz': 2, 'holnists': 2, 'topple': 2, 'courses': 2, '1941': 2, 'parodied': 2, 'romanticizes': 2, 'recites': 2, 'brandos': 2, 'weeps': 2, 'overlydramatic': 2, 'swain': 2, 'quilty': 2, 'microcosm': 2, 'playes': 2, 'abc': 2, 'anand': 2, 'flutist': 2, 'prodigies': 2, 'newtons': 2, 'specifications': 2, 'ny152': 2, 'bluntness': 2, 'idealism': 2, 'poseurs': 2, 'unhurried': 2, 'coolashell': 2, 'deepened': 2, 'balderdash': 2, 'goldfinger': 2, 'johner': 2, 'ziggy': 2, 'rebelliousness': 2, 'thrived': 2, 'unearth': 2, 'regretful': 2, 'ruse': 2, 'townes': 2, 'lighten': 2, 'scifiaction': 2, 'paddock': 2, 'debatable': 2, 'interpol': 2, 'oharra': 2, 'baileys': 2, 'lovably': 2, 'rediscover': 2, 'herzogs': 2, 'rereleases': 2, 'harker': 2, 'harkers': 2, 'divining': 2, 'kinskis': 2, 'popul': 2, 'vuh': 2, 'tantric': 2, 'musics': 2, 'centuryold': 2, 'payments': 2, 'pythons': 2, 'junction': 2, 'supermasochist': 2, 'mins': 2, 'cystic': 2, 'fibrosis': 2, 'flanagans': 2, 'stimulation': 2, '19thcentury': 2, 'resurfaces': 2, 'throaty': 2, 'perreault': 2, 'jena': 2, 'warship': 2, 'brosnon': 2, 'ministry': 2, 'eloquence': 2, 'darc': 2, 'harrington': 2, 'cheapjack': 2, 'grodins': 2, 'costanza': 2, 'rethinking': 2, 'songanddance': 2, 'yzma': 2, 'eartha': 2, 'kitt': 2, 'kronk': 2, 'llama': 2, 'nbcs': 2, 'wellcast': 2, 'knuckle': 2, 'avi': 2, 'ade': 2, 'nonactors': 2, 'mum': 2, 'gutierrez': 2, 'alea': 2, 'oasis': 2, 'correcting': 2, 'aguilar': 2, 'unflashy': 2, 'kleiser': 2, 'sauce': 2, 'kross': 2, 'retells': 2, 'eastwest': 2, 'welleducated': 2, 'paola': 2, 'bisset': 2, 'venices': 2, 'turks': 2, 'bazelli': 2, 'pescucci': 2, 'severity': 2, 'panorama': 2, 'absorption': 2, 'disconcerted': 2, 'harming': 2, 'outspoken': 2, 'teenaged': 2, 'humanlike': 2, 'broodwarrior': 2, 'triumphantly': 2, 'rothchild': 2, 'markedly': 2, 'unites': 2, 'finelycrafted': 2, 'seamy': 2, 'coercion': 2, 'honourable': 2, 'nonjudgemental': 2, 'hangeron': 2, 'hounding': 2, 'brittle': 2, 'glides': 2, 'heigh': 2, 'sulu': 2, 'unbeaten': 2, 'hawks': 2, 'postwatergate': 2, 'ufos': 2, 'scatterbrained': 2, 'laziest': 2, 'dropoff': 2, 'entrances': 2, 'revivals': 2, 'uninhabited': 2, '1919': 2, 'alexanders': 2, 'enforce': 2, 'zuehlke': 2, 'schlictman': 2, 'strife': 2, 'scold': 2, 'sinuous': 2, 'hooves': 2, 'degeneration': 2, 'virility': 2, 'defiled': 2, 'stain': 2, 'thigh': 2, 'emasculation': 2, 'virgins': 2, 'faggot': 2, 'ratzo': 2, 'clara': 2, 'bing': 2, 'shun': 2, 'gar': 2, 'bestowed': 2, 'rohmer': 2, 'decimated': 2, 'mayergoodman': 2, 'defiance': 2, 'composerlyricist': 2, 'harsher': 2, 'invincibility': 2, 'openended': 2, 'hovers': 2, 'scandalous': 2, 'cabinets': 2, 'notguilty': 2, 'disneyesque': 2, 'donkeys': 2, 'withholds': 2, 'conquers': 2, 'selfacceptance': 2, 'rossio': 2, 'unidentifiable': 2, 'jemmons': 2, 'republicans': 2, 'bizaare': 2, 'uncharacteristic': 2, 'harfords': 2, 'peddling': 2, 'publishers': 2, 'levelheaded': 2, 'unduly': 2, 'powells': 2, 'jamaicas': 2, 'brassy': 2, 'initiatives': 2, 'zeffirellis': 2, 'mourn': 2, 'babboons': 2, 'slimming': 2, 'outofcharacter': 2, 'leeanne': 2, 'gu': 2, 'unsparing': 2, 'denvers': 2, 'lucidity': 2, 'zundel': 2, 'antisemite': 2, 'vance': 2, 'reexamine': 2, 'fassbinder': 2, 'preminger': 2, 'melaine': 2, 'unveiled': 2, 'duloc': 2, 'transylvanians': 2, 'tint': 2, '2disc': 2, 'deceiving': 2, 'idolizing': 2, 'validation': 2, 'recur': 2, 'silva': 2, 'gorman': 2, 'tormey': 2, 'bankole': 2, 'winbush': 2, 'belies': 2, 'hagakure': 2, 'boop': 2, 'clutching': 2, 'intuitively': 2, 'reserving': 2, 'expatriate': 2, 'permutations': 2, 'persuading': 2, 'culpability': 2, 'canoes': 2, 'viscera': 2, 'kidnapers': 2, 'greaser': 2, 'vaginal': 2, 'listeners': 2, 'admiral': 2, 'firmer': 2, 'centering': 2, 'tranquility': 2, 'bleeds': 2, 'paled': 2, 'objectionable': 2, 'roar': 2, 'harbinger': 2, 'contemplate': 2, 'schiffer': 2, 'maples': 2, 'commodities': 2, 'vernacular': 2, 'cassandras': 2, 'tai': 2, 'nebulous': 2, 'armour': 2, 'ti': 2, 'practicing': 2, 'mui': 2, 'macguffin': 2, 'coals': 2, 'archie': 2, 'looting': 2, 'humvee': 2, 'saddams': 2, 'energized': 2, 'josephine': 2, 'osgood': 2, 'desis': 2, 'machiavellian': 2, 'counterbalance': 2, 'ahmad': 2, 'cancelled': 2, 'frustrates': 2, 'maxines': 2, 'tillman': 2, 'feingold': 2, 'rydell': 2, 'bandstand': 2, 'harron': 2, 'yuppies': 2, 'scathingly': 2, 'offbalance': 2, 'staking': 2, 'cardshark': 2, 'folding': 2, 'elk': 2, 'turturros': 2, 'triumvirate': 2, 'oddness': 2, 'euliss': 2, 'financier': 2, 'angers': 2, 'remodeled': 2, 'holiness': 2, 'troublemaker': 2, 'divers': 2, 'triggerhappy': 2, 'xvi': 2, 'flute': 2, 'batfans': 2, 'mindreading': 2, 'muldoon': 2, 'arachnids': 2, 'smallish': 2, 'brutish': 2, 'longshank': 2, 'compromises': 2, 'hee': 2, 'vincentjeromes': 2, 'pessimism': 2, 'gynecologist': 2, 'chant': 2, 'tia': 2, 'carrere': 2, 'wields': 2, 'brahma': 2, 'siva': 2, 'destroyers': 2, 'allah': 2, 'bishops': 2, 'repressive': 2, 'sickened': 2, 'fuckin': 2, 'expansiveness': 2, 'reversals': 2, 'feelin': 2, 'otto': 2, 'northeast': 2, 'annes': 2, 'dami': 2, 'padre': 2, 'portillo': 2, 'revolver': 2, 'refinement': 2, 'danilov': 2, 'vassili': 2, 'coexist': 2, 'thorntons': 2, 'intimately': 2, 'dostoevsky': 2, 'realworld': 2, 'druginduced': 2, 'glorifying': 2, 'unabated': 2, 'shoplifting': 2, 'sammo': 2, 'mabel': 2, 'proverb': 2, 'unannounced': 2, 'chineseamerican': 2, 'vosloo': 2, 'hulots': 2, 'poles': 2, 'matrix_': 2, 'deepening': 2, 'fullers': 2, 'tiles': 2, 'blankness': 2, 'germane': 2, 'initiative': 2, 'filial': 2, 'threeweek': 2, 'duran': 2, 'hum': 2, 'kiyoshi': 2, 'taguchi': 2, 'silhouettes': 2, 'mancina': 2, 'nass': 2, 'taxation': 2, 'naboos': 2, 'lucass': 2, 'tantamount': 2, 'paralleling': 2, 'junger': 2, 'mccullah': 2, 'padua': 2, 'wellused': 2, 'cartoonlike': 2, 'scotch': 2, 'resnais': 2, 'lipsynched': 2, 'agnes': 2, 'jaoui': 2, 'ratchet': 2, 'packers': 2, 'consequential': 2, 'sinners': 2, 'howitt': 2, 'mcferran': 2, 'imperious': 2, 'turnpike': 2, 'fables': 2, 'characterdefining': 2, 'subterfuge': 2, 'childfriendly': 2, 'gangbangers': 2, 'nailed': 2, 'ottis': 2, 'coldness': 2, 'mileage': 2, 'trumping': 2, 'baadasssss': 2, 'financed': 2, 'rebelled': 2, 'ghoulish': 2, 'unperturbed': 2, 'astonishment': 2, 'mckay': 2, 'sullivans': 2, 'synonymous': 2, 'caters': 2, 'travelogue': 2, 'maps': 2, 'johansson': 2, 'herding': 2, 'ferdinand': 2, 'westlake': 2, 'broach': 2, 'hoggetts': 2, 'fullydeveloped': 2, 'arrivals': 2, 'trents': 2, 'allegiances': 2, 'ethnicity': 2, 'lude': 2, 'operated': 2, 'renard': 2, 'pipelines': 2, 'meekness': 2, 'relatable': 2, 'gershons': 2, 'spyglass': 2, 'birnbaum': 2, 'daly': 2, 'millar': 2, 'carson': 2, 'obannon': 2, 'slattery': 2, 'selflessly': 2, 'dulloc': 2, 'voicing': 2, 'animations': 2, 'figgis': 2, 'immediatly': 2, 'potente': 2, 'bleibtreu': 2, 'mend': 2, 'ansell': 2, 'mccamus': 2, 'condescend': 2, 'hanoi': 2, 'hai': 2, 'suongs': 2, 'delicacies': 2, 'highoctane': 2, 'jedis': 2, 'limon': 2, 'intertwining': 2, 'mutilating': 2, 'exslave': 2, 'reminiscing': 2, 'daugher': 2, 'materialized': 2, 'soiled': 2, 'sensationalism': 2, 'funnel': 2, '62': 2, 'incomparable': 2, 'aguirresarobe': 2, 'johanssen': 2, 'squarish': 2, 'lindas': 2, 'obscura': 2, 'wessex': 2, 'harmonizing': 2, 'madden': 2, '70mm': 2, 'putdowns': 2, 'strove': 2, 'flung': 2, 'bereaved': 2, 'wendell': 2, 'interrupts': 2, 'somersets': 2, 'misirables': 2, 'unforgiving': 2, 'marius': 2, 'streeps': 2, 'thelma': 2, 'mindy': 2, 'wagners': 2, 'dicing': 2, 'unforeseen': 2, '1839': 2, 'provision': 2, 'carpet': 2, 'castor': 2, 'troys': 2, 'rizzo': 2, 'clutterbuck': 2, 'disneyized': 2, 'specialeffect': 2, 'anarchists': 2, 'cokeaddicted': 2, 'neckdeep': 2, 'leguiziamo': 2, 'remorseful': 2, 'residential': 2, 'incisive': 2, 'gasts': 2, 'muhammad': 2, 'mailer': 2, 'gast': 2, 'alis': 2, 'sverak': 2, 'mawkishness': 2, 'kieran': 2, 'soughtafter': 2, 'strewn': 2, 'beckoning': 2, 'inhaling': 2, 'janusz': 2, 'oversimplified': 2, 'slowest': 2, 'sociology': 2, 'pigkeeper': 2, 'gwythants': 2, 'fairfolk': 2, 'doli': 2, 'ntsc': 2, 'recruiting': 2, 'armstrong': 2, 'equip': 2, 'lucindas': 2, 'curves': 2, 'finelyrealized': 2, 'delineated': 2, 'lemay': 2, 'boutte': 2, 'nonprofessional': 2, 'opportunist': 2, 'pairings': 2, 'elspeth': 2, 'cockburn': 2, 'voe': 2, 'attendees': 2, 'snotty': 2, 'kimmys': 2, 'copkillers': 2, 'robocops': 2, 'consul': 2, 'bluish': 2, 'paulies': 2, 'lassie': 2, 'trini': 2, 'headbopping': 2, 'artimitateslife': 2, 'keach': 2, 'thenunknown': 2, 'stokely': 2, 'jordanna': 2, 'marybeth': 2, 'arsinee': 2, 'meditative': 2, 'unconditional': 2, 'plagues': 2, 'reared': 2, 'ev': 2, 'vigo': 2, 'asp': 2, 'poledouris': 2, 'sightless': 2, 'gassner': 2, 'outweigh': 2, 'zemeckiss': 2, 'tentatively': 2, 'nobrainers': 2, 'corleones': 2, 'fallible': 2, 'uncomplicated': 2, 'cornelius': 2, 'hashish': 2, 'broached': 2, 'esther': 2, 'freud': 2, 'cornerstone': 2, 'freudian': 2, 'uhry': 2, 'boolie': 2, 'smidgen': 2, 'moviereviews': 2, 'org': 2, 'ronnas': 2, 'grabthars': 2, 'impetus': 2, 'plummers': 2, 'palme': 2, 'dor': 2, 'neice': 2, 'ravera': 2, 'fairs': 2, 'gazarra': 2, 'florist': 2, 'accordion': 2, 'unconsciously': 2, 'lughnasa': 2, 'mundy': 2, 'droid': 2, 'kanoby': 2, 'discouraged': 2, 'bolton': 2, 'recieves': 2, 'surehanded': 2, 'subscribed': 2, 'definitions': 2, 'donnies': 2, 'eblock': 2, 'diagnosed': 2, 'coffeys': 2, 'adversity': 2, 'realisation': 2, 'resultant': 2, 'chocolats': 2, 'anouk': 2, 'victoire': 2, 'thivisol': 2, 'viannes': 2, 'voizin': 2, 'competed': 2, 'tangos': 2, 'escapade': 2, 'jensen': 2, 'betrayals': 2, 'cword': 2, 'grudges': 2, 'chablis': 2, 'hypnosis': 2, 'zachary': 2, 'hershmans': 2, 'edgefield': 2, 'primrose': 2, 'keri': 2, 'projectors': 2, 'wayward': 2, 'ambiguities': 2, 'dilutes': 2, 'comediennes': 2, 'hobbling': 2, 'wilkes': 2, 'unobtrusive': 2, 'heslop': 2, 'abba': 2, 'pastel': 2, 'gentlewoman': 2, 'worralls': 2, 'greek': 2, 'robespierre': 2, 'silberling': 2, 'horrordrama': 2, 'tautly': 2, 'alum': 2, 'nyahs': 2, 'hobbs': 2, 'bookers': 2, 'renewal': 2, 'roald': 2, 'persia': 2, 'coney': 2, 'cyrus': 2, 'swann': 2, 'nanni': 2, 'butte': 2, 'skeksis': 2, 'gelfling': 2, 'kira': 2, 'frasers': 2, 'ihmoetep': 2, 'encino': 2, 'meditate': 2, 'ovens': 2, 'brigette': 2, 'ghallager': 2, 'worrisome': 2, 'prophesied': 2, 'loath': 2, 'guginos': 2, 'wiez': 2, 'iraqi': 2, 'pvt': 2, 'sigels': 2, 'cuckor': 2, 'mckellen': 2, 'excitable': 2, 'onemanwoman': 2, 'tunneys': 2, 'gratification': 2, 'lohan': 2, 'cutedom': 2, 'garafalo': 2, 'splein': 2, 'sagebrush': 2, 'mooney': 2, 'astin': 2, 'postino': 2, 'mugatu': 2, 'mugatus': 2, 'duc': 2, 'pommfrit': 2, 'calais': 2, 'apostles': 2, 'refrains': 2, 'farright': 2, 'henreid': 2, 'hulce': 2, 'batlike': 2, 'shafts': 2, 'calf': 2, 'outofwork': 2, 'yesterdays': 2, 'lts': 2, 'tamora': 2, 'tamoras': 2, 'lennix': 2, 'tanners': 2, 'raindrops': 2, 'jousting': 2, 'valjeans': 2, 'thenardiers': 2, 'gordos': 2, 'oilrig': 2, 'romanov': 2, 'cremet': 2, 'ghibli': 2, 'seaport': 2, 'trappers': 2, 'ute': 2, 'drunker': 2, 'gangstar': 2, 'sherbet': 2, 'conglomerate': 2, 'sitch': 2, 'renfros': 2, 'noncolored': 2, 'mccourts': 2, 'memoir': 2, 'breen': 2, 'breens': 2, 'aboriginals': 2, 'performence': 2, 'amadala': 2, 'cholodenko': 2, 'sheedys': 2, 'motivate': 2, 'deserting': 2, 'looooot': 1, 'winstons': 1, 'schnazzy': 1, 'timex': 1, 'indiglo': 1, 'teenflicks': 1, 'fullyanimated': 1, 'thatd': 1, 'jessalyn': 1, 'gilsig': 1, 'earlyteen': 1, 'kayleys': 1, 'ruber': 1, 'exround': 1, 'membergonebad': 1, 'boobytrapped': 1, 'timberlanddweller': 1, 'poorlyintegrated': 1, 'hercs': 1, 'outbland': 1, 'early90s': 1, 'jaleel': 1, 'balki': 1, 'dion': 1, 'spurnedpsychosgettingtheirrevenge': 1, 'wavers': 1, 'serioussounding': 1, 'statistics': 1, 'snapshot': 1, 'guesswork': 1, 'psychoinlove': 1, 'stalkeds': 1, 'maryam': 1, 'businessowner': 1, 'lowpowered': 1, 'terraformed': 1, 'earthnormal': 1, 'stagnated': 1, 'napolean': 1, 'millimeter': 1, 'enmeshed': 1, 'bigtown': 1, 'americana': 1, 'whirs': 1, 'sprockets': 1, 'splitlevel': 1, 'flunky': 1, 'oralsexprostitution': 1, 'sandlerannoying': 1, 'carreyannoying': 1, 'lapa': 1, 'ithinkiactuallyhave': 1, '_huge_': 1, 'fluttered': 1, 'pregnancychild': 1, 'cacophonous': 1, 'veterinary': 1, 'foreignguywhomispronouncesenglish': 1, 'yakov': 1, 'smirnov': 1, 'volvo': 1, 'caughtwithhispantsdown': 1, 'unauthentic': 1, 'zombified': 1, 'boozedout': 1, 'kaisas': 1, 'blitzed': 1, 'nosebleeds': 1, 'repetitively': 1, 'amundsen': 1, 'petter': 1, 'moland': 1, 'hooligans': 1, 'drunks': 1, 'schematic': 1, 'trivialize': 1, 'fatherdaughter': 1, 'headeys': 1, 'furrowed': 1, 'frisson': 1, 'americanization': 1, 'greece': 1, 'deflect': 1, 'arrgh': 1, 'swishswishzzzzzzz': 1, 'dungeons': 1, 'semisaving': 1, 'actorwise': 1, 'cakewalk': 1, 'scampering': 1, 'mouseketeers': 1, 'championing': 1, 'raisondetre': 1, 'forensics': 1, 'loachs': 1, 'harrigan': 1, 'sexforpay': 1, 'expressway': 1, 'molesters': 1, 'terrio': 1, 'dodger': 1, 'bluff': 1, 'bachs': 1, 'observational': 1, 'royally': 1, 'sparing': 1, 'bythebooks': 1, 'massacusetts': 1, 'trashiest': 1, 'milo': 1, 'snyder': 1, 'undoes': 1, 'microphones': 1, 'actorstunt': 1, 'sez': 1, 'richelieus': 1, 'maninblack': 1, 'disbanded': 1, 'treville': 1, 'interestchambermaid': 1, 'footsy': 1, 'coo': 1, 'menancing': 1, 'dartangnan': 1, 'mouseketeer': 1, 'wellnoted': 1, 'randian': 1, 'pervades': 1, 'occasionaly': 1, 'selfdepreciating': 1, 'overachieve': 1, 'intersperesed': 1, 'nonintrusive': 1, 'lister': 1, 'nightwolf': 1, 'litefoot': 1, 'irina': 1, 'pantaeva': 1, 'mimicing': 1, 'animality': 1, 'mudwrestling': 1, 'animalities': 1, 'motaro': 1, 'sliver': 1, 'hooey': 1, 'stallonestone': 1, 'honeymooning': 1, 'interchange': 1, 'someonesouttogetme': 1, 'chromium': 1, 'pave': 1, 'aptlytitled': 1, 'prefixed': 1, 'possessive': 1, 'unashamed': 1, 'testy': 1, 'poohbah': 1, 'appropriatelynamed': 1, 'oddlywho': 1, 'birdseyeview': 1, 'crazedlooking': 1, 'warningspontaneously': 1, 'hissing': 1, 'plissken': 1, 'infertile': 1, 'perth': 1, 'amboys': 1, 'emailed': 1, 'crazymadinlove': 1, 'regretthe': 1, 'trods': 1, 'mostlysilent': 1, 'keyhole': 1, 'fanatasies': 1, 'pgrated': 1, 'aviators': 1, 'cherrycolored': 1, 'nerdies': 1, 'shrugoftheshoulders': 1, 'crappiness': 1, 'sandtwister': 1, '12minute': 1, 'britney': 1, '13yearold': 1, 'assassinoperative': 1, 'cyan': 1, 'sydni': 1, 'beaudoin': 1, 'disproportioned': 1, 'doubledealing': 1, 'heavyonfx': 1, 'shortonsubstance': 1, 'februarys': 1, 'poortaste': 1, 'munches': 1, 'miniskirt': 1, 'newmar': 1, 'sleeplessness': 1, 'khondjis': 1, 'opulence': 1, 'autumn': 1, 'illustrator': 1, 'soontobecommitted': 1, 'hohummer': 1, 'retching': 1, 'applesauce': 1, 'brauvara': 1, 'complexly': 1, 'halfassedness': 1, 'eighthassedness': 1, 'fabiani': 1, 'casinohotel': 1, 'intereference': 1, 'soundman': 1, 'disection': 1, 'machinas': 1, 'fevered': 1, '1692': 1, 'chickenbashing': 1, 'spotlighted': 1, 'invoked': 1, 'lustfully': 1, 'hormonallyadvantaged': 1, 'reminders': 1, 'proctors': 1, 'narrowwaisted': 1, 'overearnestness': 1, 'foamingmouth': 1, 'fervour': 1, 'mounted': 1, 'hytners': 1, 'ryders': 1, 'haughtiness': 1, 'scofield': 1, 'danforth': 1, 'posturings': 1, 'piousness': 1, 'beckoned': 1, 'quarrels': 1, 'edgars': 1, 'putzulu': 1, 'godards': 1, 'angrier': 1, 'hypercolor': 1, 'bastardizing': 1, 'couplehood': 1, 'atm': 1, 'headchopping': 1, 'alienpossessed': 1, 'flashessideways': 1, 'kwikemart': 1, 'slushee': 1, 'reminisces': 1, 'zombiestomping': 1, 'ritually': 1, 'welltrained': 1, 'nukes': 1, 'cker': 1, 'parallax': 1, 'incriminates': 1, 'themself': 1, 'pronouns': 1, 'grindhouse': 1, 'coddling': 1, 'assness': 1, 'preciously': 1, 'manslaughterer': 1, 'groupie': 1, 'cheesecake': 1, 'nearriot': 1, 'talkfest': 1, 'moomoo': 1, 'millisecond': 1, 'brainzapped': 1, 'edged': 1, 'italicize': 1, 'dully': 1, 'gyrations': 1, '53yearold': 1, 'limas': 1, 'collosal': 1, 'macaw': 1, 'plotlessness': 1, 'ioan': 1, 'blanderthanbland': 1, 'upstage': 1, 'rard': 1, 'furrier': 1, 'depardieus': 1, 'worthle': 1, 'critters': 1, 'poopies': 1, 'finesses': 1, 'dodie': 1, 'slammer': 1, 'tolling': 1, 'sables': 1, 'minks': 1, 'dahlings': 1, 'gown': 1, 'cutetry': 1, 'otherwisebut': 1, 'videocasette': 1, 'vcrs': 1, 'foretold': 1, 'kissinger': 1, 'athleticism': 1, 'effectsfilled': 1, 'probgram': 1, 'ig': 1, 'ehrin': 1, 'mfm': 1, 'micromanaged': 1, 'prominant': 1, 'colemans': 1, 'oteri': 1, 'gidget': 1, 'oteris': 1, 'oregons': 1, 'katz': 1, 'maniacle': 1, 'shuckinandjivin': 1, 'vehicular': 1, 'emancipation': 1, 'hughleys': 1, 'altercations': 1, 'harriet': 1, 'pintsize': 1, 'premere': 1, 'laded': 1, 'reverting': 1, 'necking': 1, 'kais': 1, 'implores': 1, 'issiah': 1, 'aaliyahs': 1, 'ferreras': 1, 'showiest': 1, 'allayah': 1, 'delro': 1, 'woodside': 1, 'undirected': 1, 'bartkiwiak': 1, 'bernt': 1, 'jarrell': 1, 'allayahs': 1, 'chibas': 1, 'streetfighter': 1, 'adroit': 1, 'heightening': 1, 'rmd': 1, 'personable': 1, 'armani': 1, 'manicured': 1, 'sentinels': 1, 'falco': 1, 'fedora': 1, 'landry': 1, '7up': 1, 'pitchman': 1, 'playoffs': 1, 'dennys': 1, 'deutch': 1, 'gallant': 1, 'eminem': 1, 'schutzes': 1, 'novelization': 1, 'premeditated': 1, 'lotbored': 1, 'hounds': 1, 'harries': 1, 'gators': 1, 'remorsethe': 1, 'stillsheather': 1, 'examplebut': 1, 'everglades': 1, 'coerced': 1, 'issuethere': 1, 'arne': 1, 'raleigh': 1, 'bennetts': 1, 'sumptuouslooking': 1, 'suri': 1, 'krishnammas': 1, 'dublin': 1, 'salome': 1, 'stuffan': 1, 'administrator': 1, 'pointsjust': 1, 'doubledecker': 1, 'senseand': 1, 'finneys': 1, 'characterbut': 1, 'incredulity': 1, 'fuhrer': 1, 'hayden': 1, 'pickens': 1, 'antipathetic': 1, 'crochunting': 1, 'keough': 1, 'cyr': 1, 'crocs': 1, 'delores': 1, 'bickerman': 1, 'selfdefeating': 1, 'chomp': 1, 'waysill': 1, 'thirtyfoot': 1, 'semimystical': 1, 'leni': 1, 'rienfenstal': 1, 'calculatedly': 1, 'revulsed': 1, 'baser': 1, 'climact': 1, 'downed': 1, 'vc': 1, 'nearpornographic': 1, 'incited': 1, 'm16': 1, 'filimg': 1, 'hurricaine': 1, 'appelation': 1, 'typist': 1, 'talentimpaired': 1, 'quasifascist': 1, 'quasi': 1, 'eroticize': 1, 'bumpers': 1, 'oafish': 1, 'arsenic': 1, 'centennial': 1, '1896': 1, 'nobel': 1, 'shocktherapy': 1, 'civilised': 1, 'animalmen': 1, 'prioritized': 1, 'perishes': 1, 'ungloriously': 1, 'aissa': 1, 'montgomerys': 1, 'beastmen': 1, 'hana': 1, 'basquiat': 1, 'kirstin': 1, 'sorderbergh': 1, 'mey': 1, 'linearity': 1, 'flashforwards': 1, 'comprehendably': 1, 'uninviting': 1, 'dostoevski': 1, 'restroom': 1, 'mcarthur': 1, 'gofer': 1, 'berliner': 1, 'wile': 1, 'procures': 1, 'artistspeak': 1, 'chipmunk': 1, 'throghout': 1, 'graver': 1, 'rancid': 1, 'singer_': 1, 'gulia': 1, '_never': 1, 'kissed_': 1, 'grossie': 1, 'db': 1, 'extravertedness': 1, 'sobieskiwatch': 1, 'sluttish': 1, 'newself': 1, 'gap_': 1, 'reenlists': 1, '_heathers_': 1, 'gaffe': 1, 'rastafarians': 1, 'backwords': 1, 'yous': 1, 'crazys': 1, 'reelviews': 1, 'epinions': 1, 'iscove': 1, 'preteens': 1, 'mooreesque': 1, 'underperforming': 1, 'byways': 1, 'cloudchoked': 1, 'longestseeming': 1, '95minute': 1, 'cinematographerturneddirector': 1, 'huntingburgs': 1, 'dysart': 1, 'easilycorrupted': 1, 'helpfulness': 1, 'guysbad': 1, 'threateningly': 1, 'appalls': 1, 'gorillaslive': 1, 'pearls': 1, 'jeweller': 1, 'traditionalist': 1, 'cabalistic': 1, 'unispiring': 1, 'avrech': 1, '111900': 1, 'visa': 1, '30ish': 1, 'barfing': 1, 'pianos': 1, 'roused': 1, 'compel': 1, 'fig': 1, 'tornatore': 1, 'narrowsighted': 1, 'reusing': 1, 'smurfs': 1, 'snorks': 1, 'identically': 1, 'interchangable': 1, 'pringles': 1, 'fashionconscious': 1, 'pierced': 1, 'conferences': 1, 'costello': 1, 'lobbying': 1, 'stavro': 1, 'blofeld': 1, 'girlpoor': 1, 'seasoning': 1, 'cods': 1, 'manicures': 1, 'classconscious': 1, 'brubaker': 1, 'sliders': 1, 'umpire': 1, 'dodgers': 1, 'caseys': 1, 'debello': 1, 'huntington': 1, 'ultrareligious': 1, 'lizzy': 1, 'acdcs': 1, 'coughed': 1, 'quickcuts': 1, 'splitscreens': 1, 'zoomouts': 1, 'marijuanalaced': 1, 'clocked': 1, 'receiver': 1, 'cormans': 1, 'lateseventies': 1, 'coached': 1, 'nineteen': 1, 'corralled': 1, 'cocoaching': 1, 'lass': 1, 'outercity': 1, 'lawnmowers': 1, 'doze': 1, 'overscore': 1, 'bizets': 1, 'habanera': 1, 'frosting': 1, 'lightsome': 1, 'postw': 1, 'prunella': 1, 'accomplishedbutstiff': 1, 'beales': 1, 'underweight': 1, 'kinney': 1, 'mayoral': 1, '000acre': 1, 'togetherfeuding': 1, 'reconciling': 1, 'hitmenthat': 1, 'thatdespite': 1, 'odgen': 1, 'pantolinao': 1, 'hemingwayesque': 1, '3000level': 1, 'zephyr': 1, 'tsavo': 1, 'uganda': 1, 'reknown': 1, 'siegfried': 1, 'nighinvulnerable': 1, 'solmenly': 1, 'remingtons': 1, 'scaffoldlike': 1, 'hemingways': 1, 'macomber': 1, '1898': 1, 'renound': 1, 'tvstar': 1, 'runthrough': 1, 'jobtitle': 1, 'sportscar': 1, 'pnly': 1, 'defenceless': 1, '_wayyyyy_': 1, 'trumpeter': 1, 'hammerbottom': 1, 'burnett': 1, 'swans': 1, 'charlottes': 1, 'beantown': 1, 'gypsylike': 1, 'gardens': 1, 'bostons': 1, 'carlton': 1, 'musically': 1, 'serinas': 1, 'syncing': 1, 'roan': 1, 'inish': 1, 'usmexico': 1, 'indios': 1, 'pharmacy': 1, 'barbarity': 1, 'damian': 1, 'deserter': 1, 'pickmeup': 1, 'fergusons': 1, 'lancing': 1, 'fourday': 1, 'funnery': 1, 'sob': 1, 'hinky': 1, 'stoli': 1, 'mustang': 1, 'ragtop': 1, 'radiator': 1, 'turtleneck': 1, 'drapehanging': 1, 'elks': 1, 'arizonians': 1, 'kewpie': 1, 'shoplift': 1, 'mudhole': 1, 'stomped': 1, 'keister': 1, 'fivefinger': 1, 'ollies': 1, 'toestub': 1, 'blanketyblank': 1, 'xeroxed': 1, 'tiltowhirl': 1, 'weekold': 1, 'snook': 1, 'barbarino': 1, 'maximumsecurity': 1, 'disbeliefs': 1, 'cirque': 1, 'soleil': 1, 'stripmining': 1, 'miningslave': 1, 'johnnie': 1, 'terels': 1, 'circumventing': 1, 'trigonometry': 1, 'gunandplane': 1, 'beastmaster': 1, 'megastar': 1, 'fricking': 1, 'alsoran': 1, 'hornrimmed': 1, 'megamovie': 1, 'scamp': 1, 'subscription': 1, 'winces': 1, 'headlining': 1, 'outpaced': 1, '90tooth': 1, 'lisping': 1, 'spaniard': 1, 'direcing': 1, 'mouthbreathing': 1, 'matiko': 1, '117': 1, 'snipess': 1, 'semiremake': 1, 'bondish': 1, '010': 1, 'plusses': 1, 'mankiewicz': 1, 'sexfilm': 1, 'streaking': 1, 'slackjawed': 1, 'yokel': 1, 'pleasureseeking': 1, 'injures': 1, 'hospitalizes': 1, 'backstabber': 1, 'nothingleast': 1, 'fornicators': 1, 'dipped': 1, 'dishonourable': 1, 'contemptable': 1, 'triviaironically': 1, 'holier': 1, 'teenybopper': 1, 'covertly': 1, 'overdubbed': 1, 'looping': 1, 'foodstuffs': 1, 'sixmillion': 1, 'slowing': 1, 'moodier': 1, 'advil': 1, 'arbitrarilytitled': 1, 'rosetinted': 1, 'stepsons': 1, 'flyboys': 1, 'lowflying': 1, 'burgerflipper': 1, 'mothertobe': 1, 'twinkling': 1, 'applecheek': 1, 'hipness': 1, 'quasiincestuous': 1, 'collate': 1, 'incalculable': 1, 'hunkish': 1, 'spruced': 1, 'accuser': 1, 'boozedrinkin': 1, '5million': 1, 'libel': 1, 'sniffs': 1, 'deforce': 1, 'sexless': 1, 'flabbergastingly': 1, '000foot': 1, 'prevention': 1, 'discloses': 1, 'productplacement': 1, 'exsecretary': 1, 'resigning': 1, 'roughed': 1, 'comets': 1, 'sixastronaut': 1, 'obarrs': 1, 'backtracks': 1, 'exacted': 1, 'worthiness': 1, 'frenchaccented': 1, 'retrieved': 1, 'shivery': 1, 'judah': 1, 'judahs': 1, 'secondhand': 1, 'baldly': 1, 'goyers': 1, 'unquestionable': 1, 'outdoing': 1, 'psychoanalyze': 1, 'lucie': 1, 'arnez': 1, 'shampoo': 1, 'picnic': 1, 'rosario': 1, 'porns': 1, 'isacsson': 1, 'filmschoolgrad': 1, 'eszterhasish': 1, 'edification': 1, 'studs': 1, 'unturned': 1, 'candlewax': 1, 'bulbs': 1, 'ninthhand': 1, 'nasal': 1, 'juergen': 1, 'surly': 1, 'uli': 1, 'edel': 1, 'elegiac': 1, 'christiane': 1, 'producerdirector': 1, 'portait': 1, 'sacking': 1, 'performaces': 1, 'tickingclock': 1, 'burntout': 1, 'charbanic': 1, 'dogstar': 1, 'methodology': 1, 'discordant': 1, 'imitators': 1, 'studdly': 1, 'imogen': 1, 'boylosesgirl': 1, 'boydrinksentirebottleofshampooandmayormaynotgetgirlback': 1, 'kutcher': 1, 'goofyembarrassing': 1, 'cooks': 1, 'fullyarmed': 1, 'flashcards': 1, 'recylcled': 1, 'midjanuary': 1, 'santi': 1, 'topbillers': 1, 'shipocean': 1, 'linerhaunted': 1, 'tohos': 1, 'livingrooms': 1, 'reptile': 1, 'ashore': 1, 'palotti': 1, 'audreys': 1, 'sidewinder': 1, 'fighterbombers': 1, 'multiples': 1, 'azarias': 1, 'incongruities': 1, 'addins': 1, 'tortoise': 1, 'arthritis': 1, 'demoralised': 1, 'signy': 1, 'egomaniacal': 1, 'cinemaor': 1, 'payrolls': 1, 'conglomerateshave': 1, 'deposits': 1, 'handydandy': 1, 'regenerated': 1, 'anally': 1, 'shermans': 1, 'situational': 1, 'tinged': 1, 'indecency': 1, '2002': 1, 'cruncher': 1, 'sequal': 1, 'desparate': 1, 'elated': 1, 'mehki': 1, 'outages': 1, 'slashfest': 1, 'knockknock': 1, 'diminuitive': 1, 'ranted': 1, 'filleted': 1, 'vadar': 1, 'bark': 1, 'ani': 1, 'gangly': 1, 'characterless': 1, 'humanness': 1, 'inventory': 1, 'accidentlly': 1, 'nightie': 1, '1521': 1, 'robyn': 1, 'detonated': 1, 'undid': 1, 'squared': 1, 'manwhore': 1, 'storyboardtoscene': 1, 'storyboarded': 1, 'stagebound': 1, 'allbutscreaming': 1, 'mettler': 1, 'gignac': 1, 'bonnier': 1, 'chopin': 1, 'soporific': 1, 'supposedlyintellectual': 1, 'prattle': 1, 'rootless': 1, 'truethree': 1, '19421986': 1, 'onefourth': 1, '1942': 1, 'workload': 1, 'newlyrestored': 1, 'maugham': 1, 'seenlittle': 1, 'reformer': 1, 'sadies': 1, 'bawdy': 1, 'falwells': 1, 'bakkers': 1, 'robertses': 1, 'barta': 1, 'kamil': 1, 'piza': 1, 'wordit': 1, 'stopanimation': 1, 'walnutsexcept': 1, 'caligari': 1, 'timm': 1, 'rainier': 1, 'grenkowitz': 1, 'nadja': 1, 'engelbrecht': 1, 'hauff': 1, 'besvater': 1, 'germanwest': 1, 'wallpaperer': 1, 'roundtheworld': 1, 'bulgaria': 1, 'workwhile': 1, 'wrongand': 1, 'hodgman': 1, 'dignam': 1, 'mcclements': 1, 'siff': 1, 'poutylips': 1, 'whazoo': 1, 'impossiblewitness': 1, 'ladyship': 1, 'amputation': 1, 'tasting': 1, 'rainingyoud': 1, 'bweverything': 1, 'sepiacolored': 1, 'superscript': 1, 'spacetruckerturnedimpromptusurvivalist': 1, 'elegaic': 1, 'firorina': 1, 'incurably': 1, 'steelworks': 1, 'technogothic': 1, 'backlit': 1, 'hatches': 1, 'newlygestated': 1, 'troweled': 1, 'hiave': 1, 'stus': 1, 'mullally': 1, 'crossbreed': 1, 'mongrel': 1, 'unreceptive': 1, 'featherhatted': 1, 'furcoated': 1, 'ringwearing': 1, 'cadillaccruising': 1, 'movieslike': 1, 'fillmore': 1, 'kred': 1, 'dre': 1, 'percentages': 1, 'yaps': 1, 'entrepenaur': 1, 'wads': 1, 'snakegaiter': 1, 'hardsell': 1, 'pimping': 1, 'macks': 1, '15minutes': 1, 'cowrites': 1, 'harvie': 1, 'greeks': 1, 'flummoxing': 1, 'paraplegic': 1, 'caned': 1, 'kneecap': 1, 'coagulate': 1, 'freddys': 1, 'numbness': 1, 'cobblers': 1, 'arbiters': 1, 'branaughs': 1, 'banish': 1, 'elizabethan': 1, 'unschooled': 1, 'klutzes': 1, 'humbug': 1, 'vicars': 1, 'decriminalization': 1, 'colombia': 1, 'jails': 1, 'curtailing': 1, 'allocated': 1, 'colombian': 1, 'harvests': 1, 'cornish': 1, 'conferring': 1, 'refrained': 1, 'horticulturist': 1, 'undisturbed': 1, 'vicar': 1, 'counsels': 1, 'clunes': 1, 'portobello': 1, 'cornwall': 1, 'collegue': 1, 'mahem': 1, 'hanky': 1, 'gibbs': 1, 'frampton': 1, 'correlate': 1, 'uuuuuuggggggglllllllyyyyy': 1, 'makebelieve': 1, 'mustard': 1, 'howerd': 1, 'outofkey': 1, 'heartland': 1, 'unanswerable': 1, 'bellybutton': 1, 'lint': 1, 'reissues': 1, 'secondchance': 1, 'mccartney': 1, 'exhilirating': 1, 'incohesive': 1, 'oppposed': 1, 'wazoo': 1, 'ele': 1, 'longerapproximately': 1, 'absoltuely': 1, 'realtimeits': 1, 'ellicit': 1, 'acknowledgeable': 1, 'openings': 1, 'wolvess': 1, 'huddled': 1, 'gasolinefilled': 1, 'christianne': 1, 'hirt': 1, 'soontoexplode': 1, 'windon': 1, 'laconically': 1, 'fireretardant': 1, 'soths': 1, 'palookaville': 1, 'groundpounders': 1, 'bused': 1, 'ornithologist': 1, 'hofstra': 1, 'illinformed': 1, 'nikon': 1, 'phreak': 1, 'renoly': 1, 'uncute': 1, 'detest': 1, 'cayman': 1, 'underengaging': 1, 'avarice': 1, 'greedier': 1, 'greediest': 1, 'indirectly': 1, 'partcomedy': 1, 'unenergetic': 1, 'eet': 1, 'naaaaaaah': 1, 'scenerymunching': 1, 'entertainmentbuck': 1, 'grammywinning': 1, 'juilliard': 1, 'simone': 1, 'vida': 1, 'loca': 1, 'rickie': 1, 'southeast': 1, 'dutchborn': 1, 'frederique': 1, 'wal': 1, 'supermodels': 1, 'harpers': 1, 'mayberly': 1, 'extremism': 1, 'rightwingers': 1, 'sensationalist': 1, 'potraying': 1, 'supergirls': 1, 'ilya': 1, 'buglike': 1, 'dooming': 1, 'argonians': 1, 'interdimensional': 1, 'allgirls': 1, 'karas': 1, 'landscaper': 1, 'ballettype': 1, 'driversrapists': 1, 'popeyes': 1, 'unmercifully': 1, 'jeannot': 1, '50minute': 1, 'supergirlthe': 1, 'workout': 1, 'galleries': 1, 'golanglobus': 1, 'salkinds': 1, 'cutsy': 1, 'twodisc': 1, '138': 1, 'otooles': 1, 'slunk': 1, 'discs': 1, 'spanning': 1, 'birdbrained': 1, 'gillians': 1, 'sidebyside': 1, '70minute': 1, 'frankenweenie': 1, 'confound': 1, 'pickering': 1, 'crypt': 1, 'witchs': 1, 'rabbits': 1, 'optical': 1, 'happenning': 1, 'loathable': 1, 'ridicously': 1, 'ingnorant': 1, 'goobers': 1, 'sensationaliztion': 1, 'bootlegged': 1, 'unmitigatedly': 1, 'loitering': 1, 'overriding': 1, 'hokeylooking': 1, 'skimped': 1, 'brancatos': 1, 'hootworthy': 1, 'accosts': 1, 'woefullypaced': 1, 'alienhumanhybrid': 1, 'alienhunting': 1, 'supermarketrelated': 1, 'effectsladened': 1, 'alltoofamiliar': 1, 'brashmouthed': 1, 'neglectful': 1, 'shiftyeyed': 1, 'parading': 1, 'empowered': 1, 'stallions': 1, 'holbrooks': 1, 'gowns': 1, 'unjustified': 1, 'buses': 1, 'mysticalish': 1, 'fairchild': 1, 'megabucks': 1, 'fairchilds': 1, 'laught': 1, 'tearyeyed': 1, 'uberthespian': 1, 'izod': 1, 'heflin': 1, 'rusted': 1, 'bruiser': 1, 'doreen': 1, 'mcqueenesque': 1, 'homoeroticism': 1, 'harlems': 1, 'keyes': 1, 'suntee': 1, 'maywarren': 1, 'crouther': 1, 'leroi': 1, 'synched': 1, 'confusedly': 1, 'faison': 1, 'chaz': 1, 'germann': 1, 'grope': 1, 'roughup': 1, 'noncriminal': 1, 'sleazepin': 1, 'opencrotch': 1, 'clist': 1, 'gradez': 1, 'glistens': 1, 'flank': 1, 'thermal': 1, 'bobbing': 1, 'otherit': 1, 'muchness': 1, 'looselybuttoned': 1, 'conceptwhat': 1, 'verhoevenand': 1, 'muchand': 1, 'scalper': 1, 'prisonerpacked': 1, 'nonrelevant': 1, 'involvment': 1, 'frivilous': 1, 'publicparticularly': 1, 'mixtures': 1, 'wantor': 1, 'tomost': 1, 'missionary': 1, 'modified': 1, 'firmest': 1, 'endsee': 1, 'cohns': 1, 'respecting': 1, 'lessthan': 1, 'mispronounced': 1, 'overal': 1, 'sammi': 1, 'decadenet': 1, 'godess': 1, 'pitifully': 1, 'misbehavers': 1, 'banderes': 1, 'tamlyn': 1, 'mckissack': 1, 'verduzco': 1, 'calderon': 1, 'quentins': 1, 'reak': 1, 'firma': 1, 'hazzard': 1, 'biorhythms': 1, 'confinesand': 1, 'brafor': 1, 'piffle': 1, 'oncetalented': 1, 'towel': 1, 'virginian': 1, 'inundate': 1, 'colonies': 1, 'outboard': 1, 'selflampooning': 1, 'rugchewing': 1, 'gilled': 1, 'waterbreathing': 1, 'webbed': 1, 'ineffectuality': 1, 'oxygen': 1, 'metabolism': 1, 'majorinos': 1, 'tripplehorns': 1, 'eightytwo': 1, '125': 1, 'fourdollar': 1, 'gifford': 1, 'kidnapperkiller': 1, 'pinupplastered': 1, 'burdensome': 1, 'yeehawing': 1, 'setonatrain': 1, 'puttering': 1, 'unfetching': 1, 'aaaaaah': 1, 'senor': 1, 'wences': 1, 'idioplot': 1, 'ballsniffing': 1, 'tuccis': 1, 'quixotic': 1, 'antin': 1, 'announcements': 1, 'demandingly': 1, 'implausibilites': 1, '7yearold': 1, 'ecofable': 1, 'sulkis': 1, 'marauding': 1, '640': 1, 'statham': 1, 'chryse': 1, 'bodysnatching': 1, 'longdormant': 1, 'lopping': 1, 'thuds': 1, 'flygirl': 1, 'undevoted': 1, 'yawnfest': 1, 'blowjobs': 1, 'esterhas': 1, 'audited': 1, 'kumbles': 1, 'marci': 1, 'greenbaum': 1, 'audits': 1, 'espionnage': 1, 'semipromising': 1, 'untraceable': 1, 'zimmerman': 1, 'degaule': 1, 'northen': 1, 'helsinki': 1, 'eluding': 1, 'untrusting': 1, 'unplayable': 1, 'venoras': 1, 'kicky': 1, 'catonjones': 1, 'unintriguing': 1, 'retroclancy': 1, 'bigstudio': 1, 'politicans': 1, 'chastised': 1, 'valuesbad': 1, 'shockvalue': 1, 'trucked': 1, 'attractionan': 1, 'arousing': 1, 'ezsterhas': 1, 'jeanclaudes': 1, 'natashas': 1, 'allrookie': 1, 'megahype': 1, 'everworsening': 1, 'muders': 1, 'parkas': 1, 'youthoughtitwasthekillerbutwasjust': 1, 'someoneelse': 1, 'eviscerated': 1, 'commitits': 1, '_scream': 1, '2_': 1, 'satistfy': 1, 'exceeded': 1, 'plugging': 1, 'equallytalented': 1, 'colder': 1, 'weathercontrolling': 1, 'wynters': 1, 'kamens': 1, 'catalogs': 1, 'exxon': 1, 'valdez': 1, 'astrosbraves': 1, 'johnsongreg': 1, 'maddux': 1, 'matchup': 1, 'rentacar': 1, 'revoke': 1, 'craftsman': 1, 'offdays': 1, 'filmschool': 1, 'degreeofdifficulty': 1, 'imaginitively': 1, 'portentuous': 1, 'thunderclaps': 1, 'craps': 1, 'ubergod': 1, 'almostasstunning': 1, 'overproduced': 1, 'ahnold': 1, 'exscientist': 1, 'twistet': 1, 'uberman': 1, 'aphrodiasiatic': 1, 'lovlier': 1, 'villainbatman': 1, 'renovate': 1, 'brainscomedy': 1, 'hatable': 1, 'mentalphysical': 1, 'hamminess': 1, 'seductiveness': 1, 'batpeople': 1, 'tomotoes': 1, 'hypotheitically': 1, 'mushymouth': 1, 'catfight': 1, 'nexttonothing': 1, 'riddlers': 1, 'droogs': 1, 'longline': 1, 'initative': 1, 'grapevine': 1, 'aciton': 1, 'artiste': 1, 'pfarrer': 1, 'deciple': 1, 'particuarly': 1, 'actionhorrorparanoia': 1, 'mortallythreatening': 1, 'talkies': 1, 'redeveloped': 1, 'quasilandmark': 1, 'similarlyfated': 1, 'clunkish': 1, 'elizando': 1, 'meshed': 1, 'misquote': 1, 'chintzy': 1, 'chracters': 1, 'potentialromanticinterest': 1, 'aborigine': 1, 'plusside': 1, 'performanceofwhichheshouldbeashamed': 1, 'scrooooooo': 1, 'membrance': 1, 'oscarnominees': 1, 'shelled': 1, 'bouillabaisse': 1, 'oceanextremeties': 1, 'horriblydirected': 1, 'egad': 1, 'leconte': 1, 'antoines': 1, 'fierytempered': 1, 'manwhores': 1, 'rue': 1, 'torsten': 1, 'voges': 1, 'imperfection': 1, 'griffins': 1, 'coining': 1, 'hebitch': 1, 'manslap': 1, 'farside': 1, 'overthought': 1, 'candidateas': 1, 'deadbangs': 1, 'stillactive': 1, 'kressler': 1, 'wkrp': 1, 'throwingup': 1, '_should_': 1, 'greediness': 1, 'newish': 1, '_can_': 1, 'ooky': 1, 'submissionthe': 1, 'disorders': 1, 'marrows': 1, 'ancestral': 1, 'manors': 1, 'unloving': 1, 'supernaturally': 1, 'wiggy': 1, 'theos': 1, 'stairwell': 1, 'nottinghamshires': 1, 'harlaxton': 1, 'theredone': 1, 'ghoul': 1, 'plagiarist': 1, 'punchdrunk': 1, 'boudreau': 1, 'dominguez': 1, 'vinces': 1, 'undercard': 1, 'grassy': 1, 'noncharismatic': 1, 'masur': 1, 'welledited': 1, 'wellperformed': 1, 'receiveth': 1, 'persevere': 1, 'objectives': 1, 'adamantly': 1, 'superfamous': 1, 'bigbudgethollywoodaction': 1, 'semantic': 1, 'edgeofyour': 1, 'laserbeams': 1, 'obstructed': 1, 'ninjalike': 1, 'introspection': 1, 'thirtytoo': 1, 'fansand': 1, 'dammedennis': 1, 'rickshaw': 1, 'fourfoot': 1, 'eel': 1, 'enthusing': 1, 'flourishesinventive': 1, 'silencers': 1, 'cutins': 1, 'framebut': 1, 'bluejeans': 1, 'nanobombs': 1, 'cabbage': 1, 'synth': 1, 'kimono': 1, 'pumma': 1, 'exalcoholic': 1, 'exprivateeye': 1, 'laureates': 1, 'ladd': 1, 'tropes': 1, 'confounds': 1, 'doorways': 1, 'dogging': 1, 'coauthors': 1, 'hardnone': 1, 'carefullymaintained': 1, 'squanders': 1, 'margo': 1, 'martindale': 1, 'aikidoversed': 1, 'dumbasnails': 1, 'discreetly': 1, 'longlength': 1, 'outmaneuver': 1, 'outgun': 1, 'bullyness': 1, 'beseeches': 1, 'moralistically': 1, 'gallantly': 1, 'righteousness': 1, 'vanguard': 1, 'filmplace': 1, 'envirothriller': 1, 'illusive': 1, 'saharas': 1, 'keeners': 1, 'capades': 1, 'windowdresser': 1, 'decorating': 1, 'stalls': 1, 'codpieces': 1, 'laboring': 1, 'ecopsychotic': 1, 'fetishists': 1, '90minutelong': 1, 'piglet': 1, 'garms': 1, 'macallister': 1, 'roescher': 1, 'inflatable': 1, 'donadio': 1, 'sipes': 1, '42196': 1, 'fantasycomedy': 1, 'senseful': 1, 'himyessenseless': 1, 'erb': 1, 'mazin': 1, 'senselessness': 1, 'cashstrapped': 1, 'fizzlesdarryls': 1, 'comebackon': 1, 'floorwalking': 1, 'corso': 1, 'outgrows': 1, 'sagged': 1, 'publishedwhich': 1, 'mammas': 1, 'revitalize': 1, 'pizzas': 1, 'soontobecomebeleaguered': 1, 'skelton': 1, 'connolly': 1, 'optional': 1, 'insipidness': 1, 'militarystyle': 1, 'pt': 1, 'flippancy': 1, 'toughlooking': 1, 'scarefests': 1, 'speed2': 1, 'femke': 1, 'jannsen': 1, 'hankering': 1, 'crashlands': 1, 'terminate': 1, 'twentyfirstcentury': 1, 'overcrafted': 1, 'substories': 1, 'gogh': 1, 'propagated': 1, 'graystoke': 1, 'landowning': 1, 'shaman': 1, 'unearthing': 1, 'opal': 1, 'pecs': 1, 'schenkel': 1, 'annauds': 1, 'careerkilling': 1, 'defiency': 1, 'essayed': 1, 'unthankfully': 1, 'oncecool': 1, 'notcool': 1, 'remission': 1, 'ballistics': 1, 'hootinducing': 1, 'lipsmacking': 1, 'lechter': 1, 'dullsville': 1, 'garicias': 1, 'chugs': 1, 'genus': 1, 'straitjacket': 1, 'tardiness': 1, 'magnify': 1, 'slighted': 1, 'flubberenhanced': 1, 'macmurrays': 1, 'gloop': 1, 'gloopettes': 1, 'badger': 1, 'digits': 1, 'verplanck': 1, 'differentiating': 1, 'sublimeness': 1, 'skittering': 1, 'flatness': 1, 'lynchpin': 1, 'chiefs': 1, 'aspiration': 1, 'jeckle': 1, 'hydes': 1, 'shirking': 1, 'letch': 1, 'elles': 1, 'betrothed': 1, 'steinfelds': 1, 'ambitionless': 1, 'skitshow': 1, 'selfstyled': 1, 'mammal': 1, 'superbowl': 1, 'porpoises': 1, 'snoops': 1, 'craning': 1, 'titlejim': 1, 'highpoints': 1, 'slink': 1, 'buttjokes': 1, 'doubletakes': 1, 'cojones': 1, 'hurtle': 1, 'reprogrammed': 1, 'horrifically': 1, 'tablet': 1, 'rogerswouldbeproud': 1, 'smithereens': 1, 'playmovie': 1, 'mexicans': 1, 'roommateasspouse': 1, 'lemmonmatthau': 1, '1966s': 1, 'yonkers': 1, 'paparazzo': 1, 'rowena': 1, 'quayle': 1, 'careerconscious': 1, 'characteractor': 1, 'xerox': 1, 'souldead': 1, 'astronautgonerasta': 1, 'sandworm': 1, 'kesher': 1, 'cammie': 1, 'multithread': 1, 'selfcontradictory': 1, 'poiuyt': 1, 'tri': 1, 'pronged': 1, 'estimation': 1, 'tripronged': 1, 'stow': 1, 'eloped': 1, 'harping': 1, 'tillys': 1, 'manna': 1, 'thingamajigs': 1, 'lowliest': 1, 'ensign': 1, 'reprograms': 1, 'keepers': 1, '2056': 1, 'ergonomics': 1, 'sampled': 1, 'halffaces': 1, 'deepti': 1, 'bhatnagars': 1, 'jagdish': 1, 'aatish': 1, 'sanjay': 1, 'dutt': 1, 'aditya': 1, 'panscholi': 1, 'loosened': 1, 'naziesque': 1, 'pledging': 1, 'sargeant': 1, 'fractures': 1, 'milky': 1, 'phasers': 1, 'photon': 1, 'cannons': 1, 'genocide': 1, 'nonexistence': 1, 'pronazi': 1, 'jandt': 1, 'braindamaged': 1, 'xenophobic': 1, 'computerparts': 1, 'lifespan': 1, 'pseudosafety': 1, 'yoshio': 1, 'harada': 1, 'yoko': 1, 'shimada': 1, 'toda': 1, 'buntaro': 1, 'zerodimensional': 1, 'badguy': 1, 'cabdriver': 1, 'pachinko': 1, 'unsalveageably': 1, 'kodo': 1, 'smothers': 1, 'recouple': 1, 'wield': 1, '_everybody_': 1, '_survives_': 1, 'charcoal': 1, 'snorkle': 1, '_genius_': 1, 'kneeslap': 1, 'crackers': 1, '_original_': 1, 'thrillerwe': 1, 'prostrate': 1, 'upin': 1, 'fashionto': 1, 'indiefilms': 1, 'hundredmillion': 1, 'multipicture': 1, 'terseness': 1, 'men_': 1, '_itcom_': 1, 'selflove': 1, 'nukedout': 1, 'hippydippy': 1, 'jingoistic': 1, 'trustnoone': 1, 'clawing': 1, 'braggarts': 1, 'chainsmokes': 1, 'mystified': 1, '5000week': 1, 'torres': 1, 'attractiveworse': 1, 'posttheres': 1, 'punkjunkies': 1, 'smackfueled': 1, 'bellos': 1, 'hollywoodtypes': 1, 'schmooze': 1, 'lunkhead': 1, 'triumphed': 1, 'collaborating': 1, 'emanate': 1, 'thrillshots': 1, 'letterwriter': 1, 'doubleindemnity': 1, 'wigas': 1, 'beor': 1, 'jogger': 1, 'pompano': 1, 'sexpotreal': 1, 'dunmore': 1, 'suaveasever': 1, 'marylouise': 1, 'gumcracking': 1, 'gumshoe': 1, 'stilettoheeled': 1, 'motorbiking': 1, 'snare': 1, 'cultivating': 1, 'twentythree': 1, 'headsets': 1, 'manually': 1, 'winkandaconcussivenudge': 1, 'bombastorama': 1, 'arizonas': 1, 'mcdonnough': 1, 'parolee': 1, 'hijacked': 1, 'sweargruntblast': 1, 'dissuaded': 1, 'schwabs': 1, 'adrenalinetestosterone': 1, 'endocrinology': 1, 'planeload': 1, 'teteatete': 1, 'huggies': 1, 'recidivist': 1, 'mustachesee': 1, 'morice': 1, 'creaks': 1, 'moans': 1, 'prerecorded': 1, 'pleaded': 1, 'aggravated': 1, 'harassment': 1, 'gatekeeper': 1, 'dutchman': 1, 'hideousness': 1, 'walmarts': 1, 'vil': 1, 'pavlov': 1, 'rejoins': 1, 'envying': 1, 'minutely': 1, 'rottweiler': 1, 'stalling': 1, 'accelerate': 1, 'loseritis': 1, 'yankovic': 1, 'poodles': 1, 'subdue': 1, 'animalistic': 1, 'goats': 1, 'ostrich': 1, 'recurrence': 1, 'owl': 1, 'haskell': 1, '13week': 1, 'marvins': 1, 'grimaldi': 1, 'tangledup': 1, 'mobsterette': 1, 'schwarznegger': 1, 'olins': 1, 'anabella': 1, 'logistical': 1, 'scopeout': 1, 'proceeded': 1, 'goodfitting': 1, 'prosthesis': 1, 'arangements': 1, 'shimmer': 1, 'plagiarize': 1, 'perceptiveness': 1, 'goingnowhere': 1, 'brecklin': 1, 'envelop': 1, 'whalbergs': 1, 'wadingpool': 1, 'revolved': 1, 'desktop': 1, 'diapers': 1, 'macnicol': 1, 'sylvesters': 1, 'deluise': 1, 'hahaha': 1, 'snorkeling': 1, 'sharkinfested': 1, 'halfcrazed': 1, 'rippoffs': 1, 'sandstorms': 1, '254': 1, 'religioustype': 1, 'pyrotechnical': 1, 'roma': 1, 'turd': 1, 'renograde': 1, 'aquinas': 1, 'numeral': 1, 'febrile': 1, 'vapidly': 1, 'warmers': 1, 'unicorns': 1, 'rainbows': 1, 'mariahs': 1, 'playset': 1, 'patching': 1, 'prevailing': 1, 'devoting': 1, 'gesundheit': 1, 'squirrels': 1, 'fulloflife': 1, 'stodgy': 1, 'inxs': 1, 'barby': 1, 'einsteins': 1, 'deriving': 1, 'relativity': 1, 'unrefined': 1, 'hicka': 1, 'yahoos': 1, 'emc2': 1, '1812': 1, 'overture': 1, 'swansong': 1, 'harriettharry': 1, 'scholl': 1, 'confided': 1, 'rector': 1, 'dimwits': 1, 'dithering': 1, 'rectors': 1, 'milder': 1, 'bresslaws': 1, 'repititive': 1, 'wbs': 1, 'cannan': 1, 'eliel': 1, 'columbiasony': 1, 'orchestrate': 1, 'oncemarriedbutnowestranged': 1, 'criticdavid': 1, 'manning': 1, 'assistantsister': 1, 'farbetween': 1, 'flack': 1, 'depak': 1, 'chopralike': 1, 'muchmacho': 1, 'telegraphic': 1, 'wrappedup': 1, 'jaggedstitched': 1, 'incision': 1, 'stitched': 1, 'breck': 1, 'belcher': 1, 'jezelle': 1, 'videotaped': 1, 'bross': 1, 'videocam': 1, 'luckless': 1, 'loyality': 1, 'bloomfield': 1, 'sr': 1, 'homerepair': 1, 'sybil': 1, 'newman10b': 1, 'freehold': 1, 'raceway': 1, 'undependable': 1, 'girlfriendwho': 1, 'butchie': 1, 'gillan': 1, 'lovehate': 1, 'willed': 1, 'imprisoning': 1, 'harem': 1, 'nobullshit': 1, 'readaptation': 1, 'swifts': 1, 'houyhnhnms': 1, 'serlingish': 1, 'nonapespeaking': 1, 'usefulness': 1, 'wizardofozfashion': 1, 'humananimal': 1, 'masterslave': 1, 'sudan': 1, 'hilari': 1, 'stifles': 1, 'jawdropper': 1, 'apetrader': 1, 'overemotes': 1, 'delaurentiis': 1, 'schaechs': 1, 'poorlydeveloped': 1, 'oedipus': 1, 'hardtoswallow': 1, 'unpardonable': 1, 'wormeaten': 1, 'consenting': 1, 'palpitation': 1, 'kindergartner': 1, 'unsupervised': 1, 'raucously': 1, 'terribleoccasionally': 1, 'nonsequiturs': 1, 'frankensteinstyle': 1, 'quasiominously': 1, 'horrormovie': 1, 'treein': 1, 'sceneand': 1, 'completelyis': 1, 'someonesinthehouse': 1, 'emery': 1, 'lawmans': 1, 'hiker': 1, 'writerfirsttime': 1, 'hairpin': 1, 'pharoahs': 1, 'manethnicity': 1, 'mangod': 1, 'brotherbrother': 1, 'overseer': 1, 'iwannapleasedada': 1, 'newimproved': 1, 'everantsy': 1, 'commercialize': 1, 'homogenize': 1, 'chopchopped': 1, 'patronize': 1, 'woolrich': 1, 'turnofthecentury': 1, 'vargas': 1, 'corresponded': 1, 'vamping': 1, 'cagey': 1, 'accelerates': 1, 'snidely': 1, 'ply': 1, 'tubing': 1, 'cutlery': 1, 'womanfriend': 1, 'disproves': 1, 'sweats': 1, 'huttons': 1, 'massees': 1, 'revs': 1, 'twogunned': 1, 'kwouk': 1, 'nahon': 1, 'martialartsstar': 1, 'fightscenes': 1, 'perfuctory': 1, 'redirecting': 1, 'bloodflow': 1, 'humanize': 1, 'tinkling': 1, 'bogies': 1, 'bicycle': 1, 'houser': 1, 'ibenez': 1, 'barcalow': 1, 'anglo': 1, 'dew': 1, 'alpha': 1, 'centuri': 1, 'lovesmitten': 1, 'lecturing': 1, 'civic': 1, 'housers': 1, 'snags': 1, 'swap': 1, 'spores': 1, 'plasma': 1, 'origami': 1, 'mottled': 1, 'fauxjingoistic': 1, 'kegger': 1, 'dixie': 1, 'plexiglas': 1, 'gasps': 1, 'doogies': 1, 'retrofuture': 1, '50searly': 1, 'jetsonslike': 1, 'funicello': 1, 'midly': 1, 'workman': 1, 'enojyed': 1, 'shopkeepers': 1, 'himselfs': 1, 'infurating': 1, 'odereick': 1, 'gymnasts': 1, 'occaisional': 1, 'sfx': 1, 'pixiehairdo': 1, 'screendom': 1, 'resonating': 1, 'ravich': 1, 'daviau': 1, 'bodes': 1, 'hypererratic': 1, 'eagerlyawaited': 1, 'policemans': 1, 'threatned': 1, 'forger': 1, 'affay': 1, 'arqua': 1, 'capabilties': 1, 'nailbiters': 1, 'chained': 1, 'doublejeopardy': 1, 'everywoman': 1, 'breaker': 1, 'morant': 1, 'kinka': 1, 'heavilysponsored': 1, 'cutleryflinging': 1, 'rhetoricspouting': 1, 'cowled': 1, 'burdens': 1, 'overbaked': 1, 'predated': 1, 'outofbody': 1, 'wayback': 1, 'mid1960s': 1, 'leered': 1, 'nehru': 1, 'purred': 1, 'vahvahvoom': 1, 'sexobsessed': 1, 'sniggering': 1, 'conteam': 1, 'feigns': 1, 'unpaid': 1, 'replay': 1, 'tensy': 1, 'repelled': 1, '123': 1, 'rhapsodic': 1, 'specials': 1, 'alums': 1, 'coupleness': 1, 'heroinchic': 1, 'hickboy': 1, 'fishoutwater': 1, 'meetcute': 1, 'raver': 1, 'commericials': 1, 'unanimous': 1, 'selfassurance': 1, 'contentment': 1, 'superweapons': 1, 'shear': 1, 'outterrorize': 1, 'jobson': 1, 'smoker': 1, 'nearcrazy': 1, 'decorative': 1, 'upmost': 1, 'soaks': 1, 'suspends': 1, 'subkoff': 1, 'ornate': 1, 'rems': 1, 'governed': 1, 'merging': 1, 'leeringly': 1, 'computeranimation': 1, 'indistinct': 1, 'applicants': 1, 'burlier': 1, 'snaggleteeth': 1, 'puppetstyle': 1, 'humanoids': 1, 'expressionchallenged': 1, 'hardasnails': 1, 'peri': 1, 'gilpin': 1, 'savetheearth': 1, 'shootemups': 1, 'brunet': 1, 'futurama': 1, 'oj': 1, 'leadfaced': 1, 'dgas': 1, 'producerwriter': 1, 'cassettes': 1, 'unsigned': 1, 'mailorder': 1, 'beeyatch': 1, 'bedpost': 1, 'boobies': 1, 'antonios': 1, 'hairless': 1, 'ick': 1, 'everversatile': 1, 'uhhhm': 1, 'ballpicking': 1, 'rigs': 1, 'sluttier': 1, 'ne': 1, 'sais': 1, 'quoi': 1, 'fetishistic': 1, 'titillatingly': 1, 'huggers': 1, 'orgasmic': 1, 'maleness': 1, 'thickheaded': 1, 'autos': 1, 'bossman': 1, 'casket': 1, 'shortsighted': 1, 'gocarts': 1, 'trots': 1, 'codger': 1, 'gussies': 1, 'pleasingly': 1, 'fingerprint': 1, 'semisubplot': 1, 'enervation': 1, 'semirobed': 1, 'snipped': 1, 'exalchoholic': 1, 'ontop': 1, 'pixiefaced': 1, 'salvadoran': 1, 'unlovable': 1, 'svelte': 1, 'segallike': 1, 'bubba': 1, 'rocque': 1, 'wellpublicised': 1, 'rocques': 1, 'au': 1, 'beckons': 1, 'boucher': 1, 'loftier': 1, 'craters': 1, 'sayinig': 1, 'barked': 1, 'unitentionally': 1, 'sodium': 1, 'pentathol': 1, 'impeachment': 1, 'boyfriendsoontobe': 1, 'execept': 1, 'intaking': 1, 'optioned': 1, 'topline': 1, 'levinsondustin': 1, 'inexcusably': 1, 'welcoming': 1, 'manmeetsalien': 1, 'whatevers': 1, 'wellformed': 1, 'occasionallywitty': 1, 'automatons': 1, 'inflate': 1, 'levinsondirected': 1, 'participant': 1, 'ninthconsecutive': 1, 'revere': 1, 'damed': 1, 'recitals': 1, 'becomming': 1, 'perkuny': 1, 'overexaggerant': 1, 'closetodeath': 1, 'eggheaded': 1, 'sevenfoot': 1, 'doublechin': 1, 'ferland': 1, 'babysitters': 1, 'iagolike': 1, 'bingedrinking': 1, 'frontline': 1, 'mayer': 1, 'davidsons': 1, 'testosteroneoverdosed': 1, 'drugdealer': 1, 'beeper': 1, 'transvestitemedium': 1, 'celestrial': 1, 'girlina': 1, 'neatness': 1, 'corvette': 1, 'pore': 1, 'poland': 1, 'scavenge': 1, 'withdrawing': 1, 'excising': 1, 'commandants': 1, 'turnedon': 1, 'improvises': 1, 'churchill': 1, 'jurek': 1, 'beckers': 1, 'oncerevered': 1, 'romanctic': 1, 'prizefighter': 1, 'incongrous': 1, 'fumbled': 1, 'randi': 1, 'ingerman': 1, 'paget': 1, 'unledup': 1, 'ajax': 1, 'beachwalkers': 1, 'bistro': 1, 'tile': 1, 'unobserved': 1, '30sstyle': 1, 'dewy': 1, 'poolman': 1, 'pellegrino': 1, 'coco': 1, 'wad': 1, 'polti': 1, 'asserted': 1, 'restatement': 1, 'ecclesiastes': 1, 'measureable': 1, 'daystyle': 1, 'parasitic': 1, 'cravendirected': 1, 'recognizeable': 1, 'clarification': 1, 'perfects': 1, 'filmore': 1, 'stritch': 1, 'overhears': 1, 'crocks': 1, 'nearsequel': 1, 'streetwalkers': 1, 'extentions': 1, 'mockingly': 1, 'clichespewing': 1, 'mckenney': 1, 'envoke': 1, 'pretended': 1, 'unproven': 1, 'squelch': 1, 'incongruously': 1, 'dejectedly': 1, 'profitably': 1, 'liane': 1, 'sandefur': 1, '157': 1, 'pieter': 1, 'bourke': 1, 'gerrard': 1, 'codename': 1, 'businessoriented': 1, 'electrogreen': 1, 'throughthesight': 1, 'lowquality': 1, 'riflecamera': 1, 'ke': 1, 'frigginnobi': 1, 'teleconferencing': 1, 'halfformed': 1, 'whoo': 1, 'sixthgrade': 1, 'prisonmatron': 1, 'priestleys': 1, 'vagrant': 1, 'copwhoseesashleyfleeinganaccidentsceneand': 1, 'thenwantstopayforsex': 1, 'butisshot': 1, 'bewilderingly': 1, 'cognac': 1, 'deafened': 1, 'whispered': 1, 'cellphoneguy': 1, 'seizure': 1, 'sluizer': 1, 'mariachi': 1, 'amigos': 1, 'bribery': 1, 'perkus': 1, 'cupid': 1, 'bigguy': 1, 'tunemeister': 1, 'noninvolving': 1, '_reach_the_rock_': 1, 'sawat': 1, 'directionless': 1, '21yearold': 1, 'storefront': 1, 'sneakouts': 1, 'sneakins': 1, 'clandestine': 1, 'sillas': 1, '_home_alone_': 1, 'lise': 1, 'langton': 1, 'hughess': 1, 'skillthus': 1, 'readied': 1, 'spilt': 1, 'psychobabble': 1, 'mpd': 1, 'writeup': 1, 'mornays': 1, 'aromas': 1, 'sensually': 1, 'waft': 1, 'bahia': 1, 'elevators': 1, 'murilo': 1, 'cio': 1, 'loafer': 1, 'feurerstein': 1, 'vanna': 1, 'bigshots': 1, 'reforms': 1, 'interferred': 1, 'neandrathal': 1, 'spygirlforthebadguy': 1, 'gassed': 1, '_looks_': 1, 'apelike': 1, 'mandells': 1, 'sewed': 1, 'ewwwww': 1, 'kirstie': 1, '114': 1, 'jana': 1, 'howington': 1, 'lukanic': 1, 'chuckleoutloud': 1, 'regurgitating': 1, 'tycoons': 1, 'curtailed': 1, 'emsemble': 1, 'delapidated': 1, 'mop': 1, 'electrician': 1, 'pantry': 1, 'expired': 1, 'holley': 1, 'prevue': 1, 'sillysounding': 1, 'mouthful': 1, 'oversight': 1, '_before_': 1, '_this_': 1, '_still_': 1, 'preferable': 1, '_long_': 1, 'stillalive': 1, 'hookhand': 1, 'evaporating': 1, 'callaways': 1, 'twistties': 1, 'uv': 1, 'neato': 1, 'rastafarian': 1, 'cabana': 1, 'shriek': 1, 'hedgetrimmers': 1, 'roasting': 1, 'superadorable': 1, 'bigfootsized': 1, 'apecreature': 1, 'rogainenightmare': 1, 'sequelcrazy': 1, 'detonator': 1, 'rawls': 1, 'whateverthef': 1, 'kshessupposedtobe': 1, 'halfconvincing': 1, 'outacts': 1, 'bot': 1, 'exclaimed': 1, 'urinal': 1, 'fastened': 1, 'rejoin': 1, 'wheezing': 1, 'borschtbelt': 1, 'branson': 1, 'lessened': 1, 'pastier': 1, 'allergic': 1, 'lathered': 1, 'openmike': 1, 'pollo': 1, 'loco': 1, 'renta': 1, 'goddamns': 1, 'shitheads': 1, 'freeassociating': 1, 'variants': 1, 'maxims': 1, 'youngwhippersnapper': 1, 'biloxi': 1, 'headshaving': 1, 'marchingsinging': 1, 'barelyfunny': 1, 'venkman': 1, 'iknowwhatyoulike': 1, 'jemima': 1, 'spatula': 1, 'programmers': 1, 'drawls': 1, 'carted': 1, 'wiretaps': 1, 'meanlooking': 1, 'crewcut': 1, 'compartment': 1, 'hardtobelieve': 1, 'staceys': 1, 'forgo': 1, 'sixhundredyearsold': 1, '103minute': 1, 'piller': 1, 'bewilder': 1, 'cessation': 1, 'disburse': 1, 'indigestible': 1, 'agentassassin': 1, 'jasons': 1, 'commencing': 1, 'cog': 1, 'nicol': 1, 'injurious': 1, 'pitying': 1, 'selections': 1, 'ogling': 1, 'dippe': 1, 'fatigued': 1, 'pennydreadful': 1, 'engrossment': 1, 'captivation': 1, 'rodmilla': 1, 'firelight': 1, 'danielles': 1, 'lehmanns': 1, 'plottwist': 1, 'skittery': 1, 'cardflipping': 1, 'kitkat': 1, 'crotchbiting': 1, 'taboosmashing': 1, 'downanddirty': 1, 'studioimposed': 1, 'myerss': 1, 'typos': 1, 'reasonsomehow': 1, 'hedonism': 1, 'tightknit': 1, 'girlaspiring': 1, 'freshfromjersey': 1, 'alwayswoozy': 1, 'wellmodulated': 1, 'doormen': 1, 'dows': 1, 'drugcrazed': 1, '_dancing_': 1, 'filmespecially': 1, 'movementwithout': 1, '_the_last_days_of_disco_': 1, 'hiptoonlythemselves': 1, '_54_so': 1, 'pansexual': 1, 'defanged': 1, 'straightened': 1, 'dalliance': 1, 'abbreviated': 1, 'bedhopping': 1, 'theretwo': 1, 'factbut': 1, 'winless': 1, 'institutionalize': 1, 'mid1970s': 1, 'superagents': 1, 'ohsofabulous': 1, 'buzzwords': 1, 'gps': 1, 'mainframe': 1, 'roundrobin': 1, 'slicedoff': 1, 'bosley': 1, 'manservant': 1, 'carboncopy': 1, 'rourkes': 1, 'burrito': 1, 'knucklehead': 1, 'copier': 1, 'mcg': 1, 'eomann': 1, 'sinead': 1, 'deadeningly': 1, 'uninvolivng': 1, 'tarveling': 1, 'choosen': 1, 'arguement': 1, 'shay': 1, 'bunkyoure': 1, 'vanzant': 1, 'evers': 1, 'penalosa': 1, 'sotomejor': 1, 'kissyfaces': 1, 'limping': 1, 'constipation': 1, 'foreheadslapper': 1, 'sitters': 1, 'mumps': 1, 'cashmilking': 1, 'neoslasher': 1, 'fallingout': 1, 'stationgiveaway': 1, 'peachy': 1, 'regularity': 1, 'thrillerism': 1, 'stringbased': 1, 'belittled': 1, 'lessening': 1, 'hurryupandwait': 1, 'draggy': 1, 'perfecting': 1, 'mirrens': 1, 'distressingly': 1, 'hag': 1, 'tussle': 1, 'disposes': 1, 'belabored': 1, 'gebrecht': 1, 'busying': 1, 'mementos': 1, 'apfelschnitt': 1, 'topol': 1, '4yearold': 1, 'concierge': 1, 'inconvenient': 1, 'hamfisted': 1, 'friedmans': 1, 'loom': 1, 'jewess': 1, 'ponderously': 1, 'topols': 1, 'jabbering': 1, 'passover': 1, 'seder': 1, 'wets': 1, 'unnecessarilythe': 1, 'racking': 1, 'prepped': 1, 'unstructured': 1, 'bedded': 1, 'overeacting': 1, 'manse': 1, 'dallied': 1, 'bedmates': 1, 'outofnowhere': 1, 'adulterer': 1, 'initiate': 1, 'towners': 1, 'salesgirl': 1, 'nominatored': 1, 'blackly': 1, 'canister': 1, 'gandolfinis': 1, 'genuises': 1, 'countrywide': 1, 'tippi': 1, 'hendren': 1, 'rudiments': 1, 'ofa': 1, 'masterless': 1, 'gunfighter': 1, 'montmartre': 1, 'tightlipped': 1, 'professionalleon': 1, 'spence': 1, 'sharpe': 1, 'skipp': 1, 'suddeth': 1, 'radicals': 1, 'lonsdale': 1, 'moonraker': 1, 'nonspoiler': 1, 'chushingura': 1, 'mallet': 1, 'childdhood': 1, 'mba': 1, 'initally': 1, 'lazily': 1, 'whitfeld': 1, 'reverential': 1, 'spontenaity': 1, 'dmv': 1, 'womenonly': 1, 'wrights': 1, 'microscopic': 1, 'beatadeadhorseintoglue': 1, 'sockful': 1, 'reflectively': 1, 'unwatchably': 1, 'lianna': 1, 'frightfree': 1, 'digit': 1, 'superhyped': 1, 'desensitized': 1, 'estimate': 1, 'mics': 1, 'percolating': 1, 'purses': 1, 'runninglikethewindprey': 1, 'reverberates': 1, 'loudnoisejumpscare': 1, 'infiltrated': 1, 'dices': 1, 'gerbil': 1, 'resilient': 1, 'vexatiousness': 1, 'noxima': 1, 'hipsters': 1, 'commerical': 1, 'passangers': 1, 'attendent': 1, 'bluesman': 1, 'pseudofather': 1, 'inklings': 1, 'minielwood': 1, 'obstructing': 1, 'nexttonextofkin': 1, 'bluesrock': 1, 'aykroyds': 1, 'threepiece': 1, 'usedup': 1, 'ravine': 1, 'overestimated': 1, 'hurleys': 1, 'troyers': 1, 'nibble': 1, 'minimr': 1, 'videoshelves': 1, 'coproduction': 1, 'bloc': 1, 'anabelle': 1, 'pathologically': 1, 'pseudoerotic': 1, 'treills': 1, 'sogenericandpredictableitsbeyondridiculous': 1, 'criticising': 1, 'unthrilling': 1, 'uhh': 1, 'mainstreams': 1, 'plausability': 1, 'supplots': 1, 'renovation': 1, 'poll': 1, 'guestbook': 1, 'neverceasing': 1, 'downonherluck': 1, 'harried': 1, 'bendel': 1, 'mystically': 1, 'tribeca': 1, 'easybake': 1, 'vanilla': 1, 'salty': 1, 'madefordisney': 1, 'resistibility': 1, 'eclairs': 1, 'vets': 1, '_somewhere_': 1, 'souffle': 1, 'oldhamdesigned': 1, 'vilmos': 1, 'zsigmond': 1, 'boofest': 1, 'hamonwry': 1, 'cottonmouthed': 1, 'glutton': 1, 'algae': 1, 'cyberdog': 1, 'antony': 1, '_offscreen_': 1, 'weslely': 1, 'possum': 1, 'chainsnatchers': 1, 'headful': 1, 'blam': 1, 'flunked': 1, 'freezedried': 1, 'offtherack': 1, 'screenwriterese': 1, 'analect': 1, 'conjunctions': 1, 'weasted': 1, 'oftenadapted': 1, 'reimagines': 1, 'unforgivably': 1, 'oldastime': 1, 'embroils': 1, 'swashbuckers': 1, 'portos': 1, 'figureheads': 1, 'tonguelashing': 1, 'holler': 1, 'hyamss': 1, 'unreasonably': 1, 'expunged': 1, 'joylessness': 1, 'trashes': 1, 'severalhundred': 1, 'pitillos': 1, 'choderlos': 1, 'laclos': 1, 'dangereuses': 1, 'sextalk': 1, 'handjobs': 1, 'sanguine': 1, 'vapors': 1, 'stepsister': 1, 'bitchqueen': 1, 'devirginize': 1, 'cecile': 1, 'caldwell': 1, 'dorkchick': 1, 'invulnerable': 1, 'defeating': 1, 'handjob': 1, 'embarrsingly': 1, 'disoreitating': 1, 'peformances': 1, '70ies': 1, 'defusing': 1, 'defusal': 1, 'seasickness': 1, 'untidy': 1, 'phantastic': 1, 'numero': 1, 'uno': 1, 'hogs': 1, 'endorsement': 1, 'slugfest': 1, 'sphinx': 1, 'fugees': 1, 'prakazrel': 1, 'discothemed': 1, 'lasser': 1, 'rajas': 1, 'actormagician': 1, 'cantmiss': 1, 'toff': 1, 'sicker': 1, 'fargos': 1, 'christmasthemed': 1, 'niceguyswhodontdeservetobeinprison': 1, 'viability': 1, 'pottymouthed': 1, 'notsostunning': 1, 'wc': 1, 'bidets': 1, 'coote': 1, 'hulke': 1, 'myrtle': 1, 'jacki': 1, 'wcs': 1, 'cootes': 1, 'spanners': 1, 'minorregulars': 1, 'sargents': 1, 'claustral': 1, 'adele': 1, 'burg': 1, 'daqughter': 1, 'lala': 1, 'adeles': 1, 'ticketed': 1, 'milhoan': 1, 'eliot': 1, 'allred': 1, 'dreamboat': 1, 'uberbuff': 1, 'packin': 1, '45minute': 1, 'unintelligently': 1, 'alignments': 1, 'neorealism': 1, 'defendersvideo': 1, 'hails': 1, 'inflated': 1, 'encompass': 1, 'thinlooking': 1, 'corpserotting': 1, 'disconcertingly': 1, 'rivalling': 1, 'saturdaymorning': 1, 'romanovs': 1, '1916': 1, 'candleshoe': 1, 'cheesylooking': 1, 'spraypaints': 1, 'liquefied': 1, 'grafted': 1, 'alienstitanic': 1, 'lunatics': 1, 'illegallyacquired': 1, 'titaniclike': 1, 'celeste': 1, 'hasbeens': 1, 'probablyneverwillbes': 1, 'xenia': 1, 'onatopp': 1, 'blackboard': 1, 'wellincorporated': 1, 'slithering': 1, 'vents': 1, 'sideeffect': 1, 'megalomania': 1, 'superpowers': 1, 'immolation': 1, 'thrower': 1, 'nitroglycerine': 1, 'alienripoff': 1, 'spooking': 1, 'voyeuristically': 1, 'inflating': 1, 'newlypumped': 1, 'redd': 1, 'demeans': 1, 'aiellos': 1, 'zesty': 1, 'arsenio': 1, 'neckties': 1, 'spectacularalmost': 1, 'siblinglike': 1, 'hotandbothered': 1, 'megans': 1, 'legendsis': 1, 'acerbity': 1, 'deconstructed': 1, 'selfreflexivity': 1, 'noxzeema': 1, 'killertauntinghisvictimonthephone': 1, 'waaaayyyyyy': 1, 'doityourselfer': 1, 'gutenberg': 1, 'printing': 1, 'suntimes': 1, 'kohn': 1, 'silverstein': 1, 'capriciously': 1, 'blubbering': 1, 'womanchild': 1, 'provocation': 1, 'airheads': 1, 'schooler': 1, 'foundering': 1, 'subroad': 1, 'ohsoironic': 1, 'animalrights': 1, 'thiefs': 1, 'angelsstyle': 1, 'undiscerning': 1, 'mindbogglingly': 1, 'trampoline': 1, 'populist': 1, 'precredits': 1, 'ruletheworld': 1, 'mismash': 1, 'scaramanga': 1, 'ekland': 1, 'maud': 1, 'octopussy': 1, 'niknak': 1, 'dub': 1, 'emotionallycharged': 1, 'poorlydone': 1, 'woburn': 1, '20million': 1, 'uncommercial': 1, 'holms': 1, 'thing__not': 1, 'thing__about': 1, 'onedimensionally': 1, 'malebolgia': 1, 'necroplasmic': 1, 'vy': 1, 'penciller': 1, 'newlyformed': 1, 'creatorowned': 1, 'topheavy': 1, 'numbed': 1, 'supervirus': 1, 'heat16': 1, 'enslave': 1, 'hammiest': 1, 'mansons': 1, 'clubbed': 1, 'bookkeeper': 1, 'competitiveness': 1, 'baigelmans': 1, 'violates': 1, 'petersens': 1, 'pineapple': 1, 'crewmate': 1, 'fishermen': 1, 'thunderously': 1, 'negate': 1, 'hooky': 1, 'frann': 1, 'perfomances': 1, 'belabors': 1, 'newsreporter': 1, 'subsist': 1, 'chimpanzees': 1, 'videogame': 1, 'enviromentally': 1, 'unsafe': 1, 'luigis': 1, 'runneresque': 1, 'koopa': 1, 'megacity': 1, 'jumbles': 1, 'yoshi': 1, 'shadowloo': 1, 'bison': 1, 'bisons': 1, 'ryu': 1, 'manero': 1, 'coprotagonist': 1, 'cept': 1, 'denizens': 1, 'randanzo': 1, 'auster': 1, 'strongpoint': 1, 'necesary': 1, 'personage': 1, 'gazed': 1, 'pureed': 1, 'uppedity': 1, 'traumatized': 1, 'spoonfeeding': 1, 'soulsearching': 1, 'vitarelli': 1, 'woodwinds': 1, 'onceinalifetime': 1, 'deadweight': 1, 'poised': 1, 'murderandcoverup': 1, 'menghua': 1, 'evelyne': 1, 'chichi': 1, 'mysore': 1, 'matted': 1, 'proposals': 1, 'sinyor': 1, 'thoughtlessly': 1, 'sinyors': 1, 'homing': 1, 'oversleeps': 1, 'prue': 1, 'guileless': 1, 'cormack': 1, 'superglued': 1, 'bypassed': 1, 'starman': 1, 'gussied': 1, 'outposts': 1, 'keebles': 1, 'kayla': 1, 'ment': 1, 'gassing': 1, 'beckham': 1, 'chriqui': 1, 'boner': 1, 'clarinetplaying': 1, 'cutie': 1, 'catchs': 1, 'zena': 1, 'redhot': 1, 'valletta': 1, 'polaropposite': 1, 'kleboldharris': 1, 'tampon': 1, 'stylewise': 1, 'traversing': 1, 'glanced': 1, 'dgrade': 1, 'filmwriting': 1, 'sicken': 1, 'fishburnes': 1, 'revving': 1, 'witnesss': 1, 'lomaxs': 1, 'unblemished': 1, 'newlycreated': 1, 'grishamlike': 1, 'tinker': 1, 'elasped': 1, 'miltons': 1, 'bigcity': 1, 'handsomelooking': 1, 'mural': 1, 'fleshy': 1, 'selfvanity': 1, 'reformers': 1, 'elucidate': 1, 'apace': 1, 'mysticalperhaps': 1, 'demonicpower': 1, 'merest': 1, 'mistreats': 1, 'spurning': 1, 'themselvesthey': 1, 'goodbut': 1, 'dopy': 1, 'nicholsonblowndownthestreet': 1, 'stuntsspecial': 1, 'fgawds': 1, 'demonically': 1, 'bearings': 1, 'comparitive': 1, 'regurgitate': 1, 'logjams': 1, 'biomechanical': 1, 'immobile': 1, 'inappropriately': 1, 'classless': 1, 'lhermitte': 1, 'grunge': 1, 'howl': 1, 'antionio': 1, 'swindles': 1, 'whorechasing': 1, 'virginwhore': 1, 'reforming': 1, 'congirl': 1, 'sacrilege': 1, 'fairies': 1, 'precedence': 1, 'goofylooking': 1, 'honk': 1, 'boing': 1, 'dispirited': 1, 'adolf': 1, 'wehrmacht': 1, 'avatar': 1, 'sideline': 1, 'nazicharged': 1, 'detracting': 1, 'nationalist': 1, 'academyaward': 1, 'secondrun': 1, 'liebes': 1, 'imparts': 1, 'elodie': 1, 'bouchez': 1, 'teresas': 1, 'worshippers': 1, 'bobo': 1, 'sheltersatanist': 1, 'uuuhmm': 1, 'inscribe': 1, 'validating': 1, 'mostel': 1, 'layla': 1, 'brattish': 1, 'crotchety20': 1, 'protoplasmic': 1, 'rocketman': 1, 'absentminded': 1, 'macmurray': 1, 'sprightly': 1, 'newlyfounded': 1, 'conked': 1, 'counfound': 1, 'republics': 1, 'kubrickesque': 1, 'disbelieved': 1, 'emannuelle': 1, 'embarrased': 1, 'heenan': 1, 'bafflingly': 1, 'terrrible': 1, 'redblue': 1, 'ulimate': 1, 'victoriously': 1, 'mintoro': 1, 'centaur': 1, 'fourarmed': 1, 'conceptualization': 1, 'dragits': 1, 'rustlers': 1, 'quickdraw': 1, 'divvy': 1, 'bosomy': 1, 'escobar': 1, 'gadgetfilled': 1, 'dressup': 1, 'bashfully': 1, 'bumcheeks': 1, 'peekaboo': 1, 'pyjamas': 1, 'belair': 1, 'blackhe': 1, 'poorlypaced': 1, 'gramophone': 1, 'lambshes': 1, 'amateurishforegrounds': 1, 'proportionate': 1, 'lings': 1, 'glider': 1, 'dierdres': 1, 'traitor': 1, 'lasso': 1, 'westernscifi': 1, 'steamcontrolled': 1, 'smidgeon': 1, 'peephole': 1, 'magnet': 1, 'neckbraces': 1, 'polarity': 1, 'jungs': 1, 'societies': 1, '3465': 1, '234': 1, 'shipwrecked': 1, 'peaceloving': 1, 'ultraright': 1, '2036': 1, 'conquering': 1, 'tote': 1, 'connies': 1, 'mekum': 1, 'pencilthin': 1, 'sharpeyed': 1, 'sidequel': 1, 'replicants': 1, 'cupcake': 1, 'sluglike': 1, 'unfreeze': 1, 'rerun': 1, 'titshot': 1, 'hap': 1, 'heisting': 1, 'pastiche': 1, 'veruca': 1, 'salts': 1, 'altrock': 1, 'woulda': 1, 'thunk': 1, 'pithy': 1, 'pronto': 1, 'kava': 1, 'ritalin': 1, 'farrow': 1, 'notsoinnocent': 1, 'mousse': 1, 'vitamin': 1, 'goodluck': 1, 'cranberries': 1, 'healths': 1, 'rispoli': 1, 'berkowitz': 1, 'citywide': 1, 'adultrous': 1, 'truetoheart': 1, 'ebonics': 1, 'repackaging': 1, 'cropduster': 1, 'geezers': 1, 'supermushy': 1, 'amrriage': 1, 'gester': 1, 'cinephiles': 1, 'commencement': 1, 'batterycharging': 1, 'moseys': 1, 'overpraised': 1, 'ravell': 1, 'schlubby': 1, 'zelllweger': 1, 'widest': 1, 'softboiled': 1, 'tarantinoesque': 1, 'concurrence': 1, 'dontcha': 1, 'kennif': 1, '00s': 1, 'belittling': 1, 'swiped': 1, 'spatter': 1, 'curvaceous': 1, 'shyster': 1, 'onepiece': 1, 'kimballs': 1, 'fatalities': 1, 'lipreading': 1, 'bookskimming': 1, 'abraded': 1, 'welcomes': 1, 'jillion': 1, 'authoress': 1, 'tramell': 1, 'stopwatch': 1, 'mattress': 1, 'shill': 1, 'ironon': 1, 'hefnerism': 1, '50sish': 1, 'bubblegumblond': 1, 'fanatically': 1, 'obssessed': 1, 'mtvland': 1, 'ankh': 1, 'obssessive': 1, 'dawnt': 1, 'mah': 1, 'obssess': 1, 'iliffs': 1, 'miffed': 1, 'edisons': 1, '1903': 1, '1923': 1, 'charasmatic': 1, 'comanche': 1, 'arcand': 1, 'rebs': 1, 'avaricious': 1, 'ty': 1, 'jamesyounger': 1, 'sabotaging': 1, 'mimms': 1, 'mayfield': 1, 'reichles': 1, 'rabins': 1, 'excusing': 1, 'namebrand': 1, 'irrefutable': 1, 'cameramen': 1, 'ut': 1, 'sandras': 1, 'scantly': 1, 'eyepopper': 1, 'disable': 1, 'lackofspeed': 1, 'scriptiing': 1, 'dogindanger': 1, 'orignal': 1, 'backtoback': 1, 'scrawled': 1, 'sticker': 1, 'skiing': 1, 'closets': 1, 'larsons': 1, 'geralds': 1, 'pulseemitting': 1, 'dangermore': 1, 'dangerattempted': 1, 'breach': 1, 'fourthgraders': 1, 'stolenfromnolessthanthreemovies': 1, 'slowgoing': 1, 'onecharacterdecidesnottoreturn': 1, 'alternated': 1, 'blowoff': 1, 'thencolleagues': 1, 'undersea': 1, 'stilloperational': 1, 'speedreading': 1, 'halperins': 1, 'truism': 1, 'muddies': 1, 'clarified': 1, '1709': 1, 'timekiller': 1, 'desouzas': 1, 'outre': 1, '_double_team_s': 1, 'tankprison': 1, 'kongbased': 1, 'microchipsized': 1, 'exports': 1, 'isand': 1, 'notgraphics': 1, 'hatwearing': 1, '_the_quest_': 1, 'entrepreneurship': 1, 'babycakes': 1, '_knock_off_s': 1, '_require_': 1, 'marcuss': 1, 'stillheavilyaccented': 1, 'haplessly': 1, 'snarl': 1, 'rochons': 1, 'bosoms': 1, 'juicing': 1, 'rectangle': 1, 'roundish': 1, 'friedberg': 1, 'closetoawful': 1, 'moneywise': 1, 'sometimesfunny': 1, 'lags': 1, '89': 1, 'orions': 1, 'ridulous': 1, 'unncessary': 1, 'donofrios': 1, 'dosmo': 1, 'pricked': 1, 'understandeably': 1, 'prostitues': 1, 'mazursky': 1, 'cruttwell': 1, 'secretarys': 1, 'chcaracters': 1, 'tieup': 1, 'linkage': 1, 'schwarzeneggar': 1, 'whala': 1, 'schwarzneggar': 1, '30m': 1, '70m': 1, 'selfdescribed': 1, 'weathered': 1, 'hassle': 1, 'dweebish': 1, 'cycling': 1, 'starves': 1, 'slab': 1, 'downcast': 1, 'overcast': 1, 'americanizing': 1, 'chaps': 1, 'whistlers': 1, 'murmur': 1, 'gaul': 1, 'rework': 1, 'suffuse': 1, 'generically': 1, 'abreast': 1, 'stragely': 1, 'impostor': 1, 'cockpit': 1, 'fewest': 1, 'evildoer': 1, 'congratulates': 1, 'overexcited': 1, 'postulated': 1, 'dempsey': 1, 'mortimer': 1, 'momentformoment': 1, 'referencing': 1, 'puddy': 1, 'scream3': 1, 'galeweathers': 1, 'sunrisesucks': 1, 'hopehorror': 1, 'h2k': 1, 'waynebatman': 1, 'nobodyll': 1, 'macphersons': 1, '1400s': 1, 'dismally': 1, 'astride': 1, 'stridently': 1, 'dauphins': 1, 'dunois': 1, 'spake': 1, 'imgen': 1, 'reccover': 1, 'diago': 1, 'quiclky': 1, 'rexs': 1, 'loggias': 1, 'nomadic': 1, 'homeshopping': 1, 'enraging': 1, 'mcbainbridge': 1, 'allbusiness': 1, 'unsound': 1, 'unaddressed': 1, 'cushions': 1, 'capshaws': 1, 'hosun': 1, 'mccole': 1, 'bartusiak': 1, 'aggie': 1, 'fleders': 1, 'crutch': 1, 'nathans': 1, 'excons': 1, 'woolworth': 1, 'genuineness': 1, 'noncartoon': 1, 'squinting': 1, 'linn': 1, 'enviable': 1, 'independece': 1, 'dogwalking': 1, 'improvized': 1, 'rehearsel': 1, 'mkay': 1, 'cinemtography': 1, 'harks': 1, 'moviebedpost': 1, 'neithers': 1, 'exuberantly': 1, 'excia': 1, 'counterterrorist': 1, 'beefy': 1, 'natacha': 1, 'lindinger': 1, 'rodmans': 1, 'brite': 1, 'exhilarated': 1, 'netsurfing': 1, 'killathon': 1, 'cheaplymade': 1, 'ab': 1, 'unenergetically': 1, 'genzel': 1, 'ami': 1, 'dolenz': 1, 'meschach': 1, 'highclass': 1, 'opportune': 1, 'precautions': 1, 'unsubstantial': 1, 'lowclass': 1, 'pitting': 1, 'authoritarians': 1, 'pretzel': 1, 'eyefulls': 1, 'scrumptiously': 1, 'lessthansubtle': 1, 'invulnerability': 1, 'barracking': 1, 'butyouknewalong': 1, 'shrewdly': 1, 'spoils': 1, 'innovate': 1, 'shielding': 1, 'vailwhere': 1, 'militiamen': 1, 'rollin': 1, 'oquinn': 1, 'jameses': 1, 'dusters': 1, 'bonanza': 1, 'homogenized': 1, '5cent': 1, 'doubleds': 1, 'jewelers': 1, 'trapeze': 1, 'sprayed': 1, 'haha': 1, 'wearer': 1, 'directorates': 1, 'retina': 1, 'transformers': 1, 'bigbusted': 1, 'tamuera': 1, 'rowell': 1, 'armful': 1, 'semiautomatic': 1, 'ammunitions': 1, 'hbos': 1, 'nontitillating': 1, 'wazzoo': 1, 'wookie': 1, 'automaticpilot': 1, 'slinking': 1, 'langer': 1, 'runshriekingfromthetheater': 1, 'inundates': 1, 'ohsocarefully': 1, 'bazooms': 1, 'beefcake': 1, 'smoggy': 1, 'multiarmed': 1, 'shiva': 1, 'longmissing': 1, 'poppa': 1, 'perusing': 1, 'quirkyness': 1, 'excitment': 1, 'migraine': 1, 'imbedded': 1, 'onceever5000years': 1, 'fightin': 1, 'directtocable': 1, 'archeologist': 1, 'largescale': 1, 'savory': 1, 'rimmer': 1, 'barrie': 1, 'messias': 1, 'possesion': 1, 'selfirony': 1, 'synopses': 1, 'alba': 1, 'rool': 1, 'sundowns': 1, 'kibbe': 1, 'stepford': 1, 'suckups': 1, 'penmen': 1, 'plumets': 1, 'kissups': 1, 'hangups': 1, 'angstdom': 1, 'superrich': 1, 'punts': 1, 'palatial': 1, 'beauteous': 1, 'squished': 1, 'drawingroom': 1, 'dundee': 1, 'inconsistently': 1, 'halting': 1, 'patois': 1, 'moguls': 1, 'hopkinss': 1, 'edmonds': 1, '_dead_': 1, 'francisco_': 1, 'mccall': 1, 'kordas': 1, 'fasttalker': 1, 'doctored': 1, '_twice_': 1, 'gatlin': 1, 'nebraska': 1, 'cornfields': 1, 'vicinity': 1, 'skogland': 1, 'reckoned': 1, 'leatherwearing': 1, 'bikerchick': 1, 'ranked': 1, 'southerner': 1, 'lunkheads': 1, 'sinclairs': 1, 'insistance': 1, 'serieswas': 1, 'lavatory': 1, 'isaak': 1, 'washingtonone': 1, 'badalamentis': 1, 'othersmostly': 1, 'ontkean': 1, 'beymer': 1, 'moira': 1, 'reconstructed': 1, 'superlight': 1, 'decrementlifeby90minutes': 1, 'torkel': 1, 'petersson': 1, 'knit': 1, 'swede': 1, 'laleh': 1, 'pourkarim': 1, 'tuva': 1, 'novotny': 1, 'impotence': 1, 'lebaneseborn': 1, 'bartenders': 1, 'tyra': 1, 'lynskey': 1, 'izabella': 1, 'absolut': 1, 'jiggling': 1, 'perrier': 1, 'gyrating': 1, 'shimmying': 1, 'amboy': 1, 'welder': 1, 'fobbed': 1, 'receptionists': 1, 'babealicious': 1, 'barkeeps': 1, 'thumbing': 1, 'uglys': 1, 'flambeeing': 1, 'spritethis': 1, 'blondies': 1, 'cured': 1, 'foodeating': 1, 'laundryimpaired': 1, 'governing': 1, 'iffiness': 1, 'deflated': 1, 'onkey': 1, 'cubicled': 1, 'gibbons': 1, 'consultants': 1, 'willson': 1, 'anistonasloveinterest': 1, 'semiintriguing': 1, 'errupts': 1, 'denzels': 1, 'eruting': 1, 'schweppervescent': 1, 'yettobereleased': 1, 'menstruation': 1, 'immaturity': 1, 'petitions': 1, 'lindner': 1, 'mostlymisfired': 1, 'broughton': 1, 'reek': 1, 'moldy': 1, 'cheddar': 1, 'cheesefest': 1, 'leapfrog': 1, '10foot': 1, 'vomitinducing': 1, 'awardwinner': 1, 'calculations': 1, 'suction': 1, 'm2m': 1, 'optimists': 1, 'disastermovie': 1, 'funnyman': 1, 'crevasse': 1, 'abort': 1, 'strap': 1, 'speciesa': 1, 'alienhuman': 1, 'silis': 1, 'iiithough': 1, 'threeperson': 1, 'cbss': 1, 'westcpw': 1, 'uninfected': 1, 'shipmate': 1, 'inheat': 1, 'goddammit': 1, 'dilate': 1, 'xfiless': 1, 'douse': 1, 'flamethrowers': 1, 'xfx': 1, 'holed': 1, 'innocentatheart': 1, 'oncelinked': 1, 'iis': 1, 'atunaccountably': 1, 'helgenbergers': 1, 'madsens': 1, 'mayburys': 1, 'jacobis': 1, 'brushstrokes': 1, 'coloredglass': 1, 'counterargument': 1, 'aperitif': 1, 'orgasmically': 1, 'villainsand': 1, 'villainhero': 1, '140': 1, 'howevernot': 1, 'shotas': 1, 'rehabilitates': 1, 'prositute': 1, 'alexis': 1, 'dominatrix': 1, 'brightens': 1, 'purproses': 1, 'goodbuy': 1, 'gbn': 1, 'marino': 1, 'medicalert': 1, 'siberian': 1, 'steppes': 1, 'continental': 1, 'nonhorror': 1, '82minutes': 1, 'fing': 1, 'chopjob': 1, 'pooh': 1, 'allotting': 1, 'skanky': 1, 'chompin': 1, 'perdy': 1, 'matchups': 1, 'perdys': 1, 'dognapping': 1, 'pelts': 1, 'pooches': 1, 'draping': 1, 'thrillseeker': 1, 'twotone': 1, 'pongos': 1, 'raccoons': 1, 'highfiving': 1, 'rentals': 1, 'cassette': 1, 'lobotomizing': 1, 'playby': 1, 'canary': 1, 'hashbrown': 1, 'commentator': 1, 'earmarks': 1, 'sadsacks': 1, 'playbyplay': 1, 'leaguers': 1, 'bruskotter': 1, 'isuro': 1, 'enmity': 1, 'overachieving': 1, 'lastplace': 1, 'mockups': 1, 'fastball': 1, 'ueckers': 1, 'oncesharp': 1, 'looooooong': 1, 'bestever': 1, 'playerturnedowner': 1, 'berengers': 1, 'threepitch': 1, 'oddlytimed': 1, 'waster': 1, 'fouled': 1, 'deflecting': 1, 'sulfuric': 1, 'seismic': 1, 'detected': 1, 'pledged': 1, 'stirrings': 1, 'skinnydip': 1, 'fissure': 1, 'doff': 1, 'hallahan': 1, 'likens': 1, 'roughyetdebonair': 1, 'crater': 1, 'eruptionfireearthquakeexplosiontsunamitornadometeorite': 1, 'councilmembers': 1, 'mayors': 1, 'positing': 1, 'pompeii': 1, 'pyroclastic': 1, 'overunderwritten': 1, 'rancorously': 1, 'tangling': 1, 'deadset': 1, 'stacking': 1, 'courtoom': 1, 'deploy': 1, 'artifically': 1, 'crossburners': 1, 'tidied': 1, 'attentiongetter': 1, 'immolates': 1, 'selfadmittedly': 1, 'arraigned': 1, 'coutroom': 1, 'slipup': 1, 'screenwriterly': 1, 'geareddown': 1, 'handwaving': 1, 'squidlike': 1, 'stinkiest': 1, 'uhoh': 1, 'trilian': 1, 'screechy': 1, 'honsou': 1, 'decembers': 1, 'onship': 1, 'saboteur': 1, 'foodfate': 1, 'niger': 1, 'pleasured': 1, 'halfblack': 1, 'poisons': 1, 'miscegenation': 1, 'revise': 1, 'quicklymade': 1, 'studiofinanced': 1, 'laurentiis': 1, 'fleischer': 1, '1952': 1, 'ostott': 1, 'wexler': 1, 'slavetalk': 1, 'yessuh': 1, 'massuh': 1, 'fer': 1, 'whutre': 1, 'gittin': 1, 'fleischers': 1, 'reassessed': 1, 'plantations': 1, 'unexploitive': 1, 'jazzed': 1, 'imhavingamidlifecrisis': 1, 'fiftieth': 1, 'humping': 1, 'remix': 1, 'quicke': 1, 'mart': 1, 'fryer': 1, 'dismemberments': 1, 'controled': 1, 'camoes': 1, 'farrel': 1, 'heidi': 1, 'fleiss': 1, 'mcknight': 1, 'bearse': 1, 'cho': 1, 'gim': 1, 'nirvana': 1, 'deadand': 1, 'caresif': 1, 'hellill': 1, 'champs': 1, '91minute': 1, 'volunteering': 1, 'jackee': 1, 'chesters': 1, 'falsies': 1, 'tornup': 1, 'uglyass': 1, 'horseshoes': 1, 'grater': 1, 'wackier': 1, 'irked': 1, 'adorn': 1, 'tabbed': 1, 'frills': 1, 'agentpop': 1, 'yuor': 1, 'unmet': 1, 'sciora': 1, 'scioras': 1, '_some_': 1, 'heartwarmers': 1, 'recordbreaking': 1, 'lundy': 1, 'antagonizing': 1, 'laxatives': 1, 'stupidness': 1, 'dunces': 1, 'laurel': 1, 'troublemaking': 1, 'clouseau': 1, 'antiglory': 1, 'graziano': 1, 'marcelli': 1, 'transposes': 1, 'religiously': 1, 'peploes': 1, 'fairskinned': 1, 'showandtell': 1, 'yanne': 1, 'neils': 1, 'gentlemanatlarge': 1, 'nullifies': 1, 'insolent': 1, 'spectre': 1, 'ruffian': 1, 'masterminding': 1, 'foolhardiness': 1, 'keyzer': 1, 'savour': 1, 'sourabaya': 1, 'conning': 1, 'outshining': 1, 'shockwave': 1, 'gooiffy': 1, 'defoliates': 1, 'snatching': 1, 'brynners': 1, 'treecovered': 1, 'lifelessly': 1, 'profusely': 1, 'frankfurters': 1, 'teed': 1, 'jody': 1, 'timoney': 1, 'neilsen': 1, 'sequenceflashback': 1, 'utinni': 1, 'jawa': 1, 'trinket': 1, 'spacewalk': 1, 'grappling': 1, 'helmet': 1, 'twinge': 1, 'translucent': 1, 'conehead': 1, 'kittyfaced': 1, 'salvati': 1, 'cadavers': 1, 'electropop': 1, 'completists': 1, '500k': 1, 'sweatliterally': 1, 'coursea': 1, 'tex': 1, 'averys': 1, 'dimwitwithashadypast': 1, '2am': 1, 'plotbynumbers': 1, 'hardhe': 1, 'bugsbut': 1, 'freshen': 1, 'detects': 1, 'globel': 1, '_jumanji_': 1, 'weepiewannabe': 1, 'children_': 1, '_2001_': 1, '_last': 1, 'marienbad_': 1, 'electronica': 1, '_minds': 1, 'eye_': 1, 'prematurelynot': 1, '_its': 1, 'life_': 1, '_loathe_': 1, 'imo': 1, '_gag': 1, 'spoon_': 1, '_all_': 1, 'petra': 1, 'annieshes': 1, 'goodtheres': 1, 'herand': 1, 'couldbut': 1, 'suicidebad': 1, '_dont': 1, 'it_': 1, 'schmaltzfest': 1, 'vending': 1, 'accelerator': 1, '_scream_s': 1, 'baaramewe': 1, '000paltry': 1, '_andre_': 1, '_but': 1, 'limited_': 1, 'smirkregardless': 1, 'screenwritingishell': 1, '_home': 1, 'alone_': 1, 'bears_': 1, 'fantasyland': 1, '_remains': 1, 'hotel_': 1, 'actresstype': 1, 'grimm': 1, 'leftfield': 1, 'pigpigpigpigpig': 1, '_scarface_': 1, 'gnaw': 1, 'fudd': 1, 'splice': 1, 'headleys': 1, 'schmoozy': 1, 'doublycast': 1, 'hackedup': 1, 'partitions': 1, 'autographs': 1, 'disgraceful': 1, 'infinity': 1, 'monosyllabic': 1, 'panelsized': 1, 'skimps': 1, 'superdemon': 1, 'prehensile': 1, 'phaedra': 1, 'neverheardof': 1, 'sneaked': 1, 'holidaygoers': 1, 'dusted': 1, 'zmovies': 1, 'ramshackle': 1, 'nob': 1, 'scotchinduced': 1, 'faheys': 1, 'kraftwerk': 1, 'bavarian': 1, 'jah': 1, 'turrets': 1, 'mentorship': 1, 'beretwearing': 1, 'bauchau': 1, 'bauchaus': 1, 'gargoylesperhaps': 1, 'incubus': 1, 'clippings': 1, 'macbeth': 1, 'courted': 1, 'renounces': 1, 'bedtimes': 1, 'racket': 1, 'merrick': 1, 'kongrecipe': 1, 'lifeanddeath': 1, 'sunglasswearing': 1, 'hiphoptalking': 1, 'tracing': 1, 'notsoengrossing': 1, 'financees': 1, 'pimplefaced': 1, 'fims': 1, 'regans': 1, 'hilariosly': 1, 'pumpkins': 1, 'wellpublicized': 1, 'inplace': 1, 'glorifies': 1, 'brooklynbound': 1, 'stater': 1, 'penzance': 1, 'diablo': 1, 'multimultiplex': 1, 'englishdrama': 1, 'laserdiscs': 1, 'hilarous': 1, 'senstivie': 1, 'occaisionally': 1, 'sustainably': 1, 'reconciles': 1, 'preist': 1, 'consumated': 1, 'vorld': 1, 'filmtopping': 1, 'overlit': 1, 'fearest': 1, 'movieinduced': 1, 'farmestate': 1, 'redhanded': 1, 'husbandtobe': 1, 'deviously': 1, 'psychoplaying': 1, 'confessional': 1, 'foch': 1, 'shoddier': 1, 'blankfromhell': 1, 'laborinducing': 1, 'knits': 1, 'medically': 1, 'caviar': 1, 'hendra': 1, 'reginald': 1, 'rockconcert': 1, 'rappers': 1, 'bunzs': 1, 'lambskin': 1, 'dams': 1, 'interruptus': 1, 'retreats': 1, 'takashi': 1, 'bufford': 1, 'bootsie': 1, 'unexploited': 1, 'ludicrousness': 1, 'prevalence': 1, 'toprated': 1, 'prevails': 1, 'jovivichs': 1, 'uncrowned': 1, 'twohours': 1, 'homeys': 1, 'erric': 1, 'hopefulness': 1, 'kikujiro': 1, 'sonatine': 1, 'selfmutilation': 1, 'kitanos': 1, 'tenplus': 1, 'involuntarily': 1, 'yamamoto': 1, 'shirases': 1, 'masaya': 1, 'kato': 1, 'yamamotos': 1, 'afterword': 1, 'xxx': 1, 'animes': 1, 'strom': 1, 'thurmand': 1, 'trespassing': 1, 'brooder': 1, 'skateboardrelated': 1, 'fave': 1, 'mysogny': 1, 'neccesity': 1, 'nearflawless': 1, 'copybook': 1, 'muchpublicized': 1, 'teaseathon': 1, 'marrieds': 1, 'schnitzlers': 1, '1926': 1, 'novella': 1, 'intellectualism': 1, 'stints': 1, 'lavishlydecorated': 1, 'torpor': 1, 'ziegler': 1, 'ironslike': 1, 'overdoser': 1, 'eyeballed': 1, 'hurtful': 1, 'tailspin': 1, 'midshipman': 1, 'bacchanal': 1, 'chanting': 1, 'strategicallyplaced': 1, 'hefner': 1, 'lusted': 1, 'whoopdeedoo': 1, 'pacewas': 1, 'hourly': 1, 'buoyant': 1, 'craftiness': 1, 'illcomposed': 1, 'pricey': 1, 'hotwires': 1, 'felonystudded': 1, 'rolereversal': 1, 'tummy': 1, 'grrrl': 1, 'mustered': 1, 'cdc': 1, 'jacott': 1, 'guntons': 1, 'omnivorous': 1, 'disperses': 1, 'shelias': 1, 'cavern': 1, 'phosphorus': 1, 'rubbery': 1, 'puppeteers': 1, 'headmasters': 1, 'adjanis': 1, 'enticingly': 1, 'hitchs': 1, 'broeck': 1, 'twohoursandthensome': 1, 'kays': 1, 'semiinteresting': 1, 'shies': 1, 'upandcomer': 1, 'perking': 1, 'antidepressant': 1, 'derailing': 1, 'wards': 1, 'mentallydisturbed': 1, 'spurnedpsycholoverwhowantsrevenge': 1, 'imgoingtostareyoudown': 1, 'screeches': 1, 'fk': 1, 'bd': 1, 'turkies': 1, 'mandoki': 1, 'captivates': 1, 'deschanels': 1, 'accentuated': 1, 'ryanandy': 1, 'teeming': 1, 'fakery': 1, 'cellphones': 1, 'unrealized': 1, 'airhead': 1, 'distressing': 1, 'uhuh': 1, '1hr': 1, '40mins': 1, 'choo': 1, 'se7enish': 1, 'virtualreality': 1, 'legaldrug': 1, 'gameexperience': 1, 'gamepod': 1, 'betatestingcumteaser': 1, 'realists': 1, 'cronenberggore': 1, 'overindulgence': 1, 'missdirected': 1, 'tightbudget': 1, 'dumfounded': 1, 'mothersinlaw': 1, 'debbies': 1, 'onedown': 1, 'familiarone': 1, 'hamburg': 1, 'fascistic': 1, 'judgmental': 1, 'overdress': 1, 'compacts': 1, '555': 1, 'nosed': 1, 'cokedup': 1, 'excavating': 1, 'badenoughtobegood': 1, 'hoodoo': 1, 'ladles': 1, 'despondence': 1, 'deciphering': 1, 'kreskin': 1, 'canes': 1, 'beelzebub': 1, 'gander': 1, 'robertsons': 1, 'maw': 1, 'onpar': 1, 'policewomen': 1, 'dumbass': 1, 'superviser': 1, 'dirtied': 1, 'drugop': 1, 'escapeasquicklyasyoucan': 1, 'heretothere': 1, 'futz': 1, 'droney': 1, 'stereoscopic': 1, '2654': 1, 'kissyface': 1, 'coordinates': 1, 'medic': 1, 'siamese': 1, 'laterintheyear': 1, 'muchballyhooed': 1, 'granting': 1, 'refunds': 1, '21year': 1, 'geny': 1, 'scatter': 1, 'suzies': 1, 'epicsized': 1, 'instability': 1, 'sighinducing': 1, 'contrastingly': 1, 'viernys': 1, 'lindy': 1, 'hemmings': 1, 'ninetyseven': 1, 'dominio': 1, 'squader': 1, 'selftreatment': 1, 'electro': 1, 'edell': 1, 'lision': 1, 'electing': 1, 'mcclane': 1, 'sleepers': 1, 'drivin': 1, 'caribbean': 1, 'raptor': 1, 'shipboard': 1, 'bevery': 1, 'sweatinducing': 1, 'crosscut': 1, 'plows': 1, 'locomotive': 1, 'fiber': 1, 'optic': 1, 'converter': 1, 'wholesentence': 1, 'canna': 1, 'armmounted': 1, 'grenade': 1, 'intercom': 1, 'pontoon': 1, 'bernies': 1, 'speilbergs': 1, 'verbinski': 1, 'unspeakably': 1, 'snuggles': 1, 'speilberg': 1, 'disinvited': 1, 'spoilerfilled': 1, 'dateunsound': 1, 'professionalsmiramax': 1, 'ofcs': 1, 'fanboy': 1, 'cottons': 1, 'rutheford': 1, 'gossipy': 1, 'screenplayand': 1, 'heshethey': 1, 'entailing': 1, 'selfreflection': 1, 'evermutating': 1, 'trilogys': 1, 'reined': 1, 'persnickety': 1, 'bactress': 1, 'wellthe': 1, '3why': 1, 'sanctimony': 1, 'beltramis': 1, 'blatantlydo': 1, 'nervejangling': 1, 'iiiwoefully': 1, 'mothballs': 1, 'aquanet': 1, '40plus': 1, 'retrocomedy': 1, 'shouldabeennominated': 1, 'festively': 1, 'cyndi': 1, 'lauper': 1, '_many_': 1, 'frazzled': 1, 'rubicks': 1, 'ronkonkoma': 1, 'consonants': 1, 'comedienne': 1, 'severalscene': 1, 'prettyinpink': 1, 'devirginized': 1, 'pukes': 1, 'overtaking': 1, 'cleverway': 1, 'slasherflick': 1, 'heavyrotation': 1, 'strongworded': 1, 'shadyacs': 1, 'undefeatable': 1, 'indefatigable': 1, 'antimale': 1, 'characterbased': 1, 'baggy': 1, 'prima': 1, 'donnas': 1, 'turnarounds': 1, '_dont_': 1, 'ostertag': 1, 'schintzius': 1, 'malik': 1, 'sealy': 1, 'sacramento': 1, 'polynice': 1, 'notables': 1, 'giulianni': 1, 'rahman': 1, 'espn': 1, 'marv': 1, 'athleteactors': 1, 'examiner': 1, 'selfreferencing': 1, 'blips': 1, 'signifiers': 1, 'coarsely': 1, 'buton': 1, 'awsome': 1, 'prefered': 1, 'truely': 1, 'parador': 1, 'bounderby': 1, 'herculean': 1, 'linder': 1, 'misappropriating': 1, 'fabricates': 1, 'putzes': 1, 'ogden': 1, 'illmarketed': 1, 'wedged': 1, 'bellyaching': 1, 'procured': 1, 'cagney': 1, 'hippo': 1, 'pittesque': 1, 'shrillness': 1, 'waddling': 1, 'tarantinoish': 1, 'faggots': 1, 'gruntlike': 1, 'emanated': 1, 'fetishized': 1, 'unpleasantly': 1, 'singed': 1, 'gooder': 1, 'weasely': 1, 'propositions': 1, 'knifed': 1, 'mohrs': 1, 'sleazeball': 1, 'angie': 1, 'dickinsons': 1, 'casseus': 1, 'hurray': 1, 'nigga': 1, 'minstrel': 1, 'contemptuously': 1, 'natty': 1, 'convulsing': 1, 'heaving': 1, 'scurries': 1, 'blowups': 1, 'affirms': 1, 'expressionists': 1, 'osemt': 1, 'munchkins': 1, 'onlyinthemovies': 1, 'martyrfigure': 1, 'millerey': 1, 'nudnik': 1, 'trapish': 1, 'selfsacrificing': 1, 'bootstraps': 1, 'hoisted': 1, 'squander': 1, 'diffusing': 1, 'goner': 1, 'dollops': 1, 'rebuttal': 1, 'easyto': 1, 'withapassion': 1, 'rectangles': 1, 'hexagons': 1, 'pavement': 1, 'threeyearolds': 1, 'grosswise': 1, 'dialougeshort': 1, 'heaping': 1, 'spoonfuls': 1, 'rubiks': 1, 'vols': 1, 'plotrelated': 1, 'donahue': 1, 'woozy': 1, 'boggingly': 1, 'blairwitch': 1, 'manuals': 1, 'stipulate': 1, 'fm': 1, '225': 1, 'subsection': 1, 'highestranking': 1, 'motorcade': 1, 'bayouesque': 1, 'corniest': 1, 'emotioncharged': 1, 'beasly': 1, 'ariyan': 1, 'cid': 1, 'onthesidelines': 1, 'emitted': 1, 'duked': 1, 'actionless': 1, 'stiffasaboard': 1, 'tunneled': 1, 'malarkey': 1, 'analyzes': 1, 'typcast': 1, 'beastiality': 1, 'tothepoint': 1, 'admiting': 1, 'cruder': 1, 'grosser': 1, 'pelvis': 1, 'fivehundredpound': 1, 'chalderns': 1, 'literacy': 1, 'actionverb': 1, 'faulkner': 1, 'oshae': 1, 'rubbell': 1, 'coowner': 1, 'semiclothed': 1, 'warhol': 1, 'capote': 1, 'ambivlaent': 1, 'implausable': 1, 'amphetimenes': 1, 'oshaes': 1, 'obserable': 1, 'veil': 1, 'eighies': 1, 'wellexplored': 1, 'overhaul': 1, 'reused': 1, 'ashtons': 1, 'takers': 1, 'oppressing': 1, 'thirtyminute': 1, '15foot': 1, '2000pound': 1, '1949s': 1, 'merian': 1, '49': 1, 'onlyand': 1, 'onlyreason': 1, 'wowing': 1, 'bakerenhanced': 1, 'brilliancebakers': 1, 'jubilantly': 1, 'extols': 1, 'stutter': 1, 'paraded': 1, 'spaghettistrapped': 1, 'anthrozoologists': 1, 'lithuanian': 1, 'charlizesurprise': 1, 'nonmonkey': 1, 'exnewspaper': 1, 'stingy': 1, 'curvier': 1, 'thickheadedness': 1, 'exjournalist': 1, 'mick': 1, 'aussies': 1, 'bw': 1, '3year': 1, 'reacquaint': 1, 'waylon': 1, 'jennings': 1, 'shel': 1, 'silversteins': 1, 'classdivided': 1, 'landowners': 1, 'clarissa': 1, 'saloon': 1, 'decoys': 1, 'itand': 1, 'momentsprologues': 1, 'epilogues': 1, 'terriblemr': 1, 'onceand': 1, 'unstoppably': 1, 'melodramaticbut': 1, 'suspensful': 1, 'levelit': 1, 'jokesotherwise': 1, 'reccemond': 1, 'proyass': 1, 'automats': 1, 'ohsopromising': 1, 'sinistersounding': 1, 'lewinsky': 1, 'pastyfaced': 1, 'twitchy': 1, 'sewells': 1, 'sexiest': 1, 'performace': 1, 'tangiential': 1, 'snapbrim': 1, 'exceptionlly': 1, 'flotsam': 1, 'unreachable': 1, 'woodland': 1, 'laxity': 1, 'nowescaped': 1, 'birdwatcher': 1, 'pounders': 1, 'scenerychewing': 1, 'biodome': 1, 'easilyangered': 1, 'vacillating': 1, 'spurnedpsycholovergetsherrevenge': 1, 'exs': 1, 'itssobaditsgood': 1, 'yancy': 1, 'diedres': 1, 'recommitted': 1, 'mancusos': 1, 'nervouswreck': 1, 'butlers': 1, 'cuckoobird': 1, 'hazards': 1, 'notsobrilliantly': 1, 'elwoods': 1, 'mergers': 1, 'rawhidestand': 1, 'tritt': 1, 'erykah': 1, 'badu': 1, 'diddley': 1, 'winwood': 1, '133': 1, '1700s': 1, 'normans': 1, 'goldtoned': 1, 'overactive': 1, 'humiliations': 1, 'gluelike': 1, 'finchs': 1, 'tryingtobehip': 1, 'herz': 1, 'comedown': 1, 'anthropologists': 1, 'stolz': 1, 'poacher': 1, 'hitchhikers': 1, 'chokes': 1, 'sarones': 1, 'feline': 1, 'eeeewwwww': 1, 'crank': 1, 'dropper': 1, 'boondocks': 1, 'tributary': 1, 'structural': 1, 'narrate': 1, 'twinkle': 1, 'highcamp': 1, 'tediouslyand': 1, 'obviouslyinserted': 1, 'didntwedressfunnybackthen': 1, 'skirtchasing': 1, 'speculator': 1, 'upsanddowns': 1, 'upive': 1, 'hermanmake': 1, 'postbreakup': 1, 'homecooked': 1, 'gueststarred': 1, 'madeforthescifichannel': 1, 'postmodernism': 1, 'milanos': 1, 'pos': 1, '42900': 1, 'commoviefan983moviereviewcentral': 1, 'miniplots': 1, 'dlyn': 1, 'wowzers': 1, 'kesslers': 1, 'jejune': 1, 'tvmovieish': 1, 'carte': 1, 'suspensor': 1, 'irritable': 1, 'rochester': 1, 'cking': 1, 'puttingly': 1, 'keanur': 1, 'gigabytes': 1, 'neater': 1, 'ethnicities': 1, 'weirdos': 1, 'phoned': 1, 'videophones': 1, 'feedback': 1, 'untechnical': 1, 'commandline': 1, 'twiddling': 1, 'holograms': 1, 'convulses': 1, 'surley': 1, 'snipe': 1, 'killshe': 1, 'hitmencisco': 1, 'sabbato': 1, 'wootype': 1, 'breakdancing': 1, 'genreshifting': 1, 'quirkybutrealistic': 1, 'grammatical': 1, 'fractions': 1, 'launchers': 1, 'thoughwahlberg': 1, 'reiterate': 1, 'gios': 1, 'zamora': 1, 'tannen': 1, 'wannabezany': 1, 'crabby': 1, 'krubavitch': 1, 'estelle': 1, 'constanzas': 1, 'armands': 1, 'acquires': 1, 'turi': 1, 'zamm': 1, 'synonyms': 1, 'ren': 1, 'magritte': 1, 'pseudolegendary': 1, 'unfortunatly': 1, 'overpowers': 1, 'hardunearned': 1, 'aris': 1, 'iliopulos': 1, 'overstays': 1, 'onlooker': 1, 'nobudget': 1, 'partyers': 1, 'roosevelt': 1, 'whateverhappenedto': 1, 'mintues': 1, 'europop': 1, 'agitate': 1, 'forebearing': 1, '3hour': 1, 'pseudoepic': 1, 'telegraph': 1, 'actressturnedcomedy': 1, 'urbanite': 1, 'sitcomairiness': 1, 'castmember': 1, 'schandling': 1, 'leguizimo': 1, 'godfried': 1, 'onelineatatime': 1, 'laughfests': 1, 'smarterthanyoud': 1, '_lot_': 1, 'hotshotyoungnoexperienceneverkilledaman': 1, 'drugkingpins': 1, 'pigheaded': 1, 'scriptwriting': 1, 'camo': 1, 'highpower': 1, 'inchesfromdeath': 1, 'standins': 1, 'bulletcam': 1, 'projectile': 1, 'thisclosefromdeath': 1, '18foothigh': 1, '43footlong': 1, 'strictlybythenumbers': 1, 'welldeserving': 1, 'computeraided': 1, 'dragonhearts': 1, 'neartotal': 1, 'glumly': 1, 'hf': 1, 'olde': 1, 'lanced': 1, 'headliner': 1, 'voodooinspired': 1, 'uecker': 1, 'walton': 1, 'exballet': 1, 'outfielders': 1, 'difilippo': 1, 'triplets': 1, 'egotist': 1, 'hensley': 1, 'dionysius': 1, 'burbano': 1, 'vomity': 1, 'balinski': 1, 'exfiance': 1, 'arkansas': 1, 'cleanerslave': 1, 'sigmoid': 1, 'rambostyle': 1, 'leveling': 1, 'subsided': 1, 'aprils': 1, 'writerdirectorcostar': 1, 'jaunty': 1, 'straights': 1, 'spiritedly': 1, 'nonacceptance': 1, 'tactfully': 1, 'antinukes': 1, 'indieunderground': 1, 'indicator': 1, 'posttwin': 1, 'sued': 1, 'helenas': 1, 'quasiartistic': 1, 'basingers': 1, 'merienbad': 1, 'beaudine': 1, 'atoll': 1, 'nuzzling': 1, 'canning': 1, 'supervised': 1, 'netting': 1, 'earthworm': 1, 'korea': 1, 'totopoulos': 1, 'hermaphrodite': 1, 'nesting': 1, 'populous': 1, 'inhospitable': 1, 'clutch': 1, 'blooded': 1, 'cables': 1, 'mutations': 1, 'galapagos': 1, 'belays': 1, 'redirection': 1, 'artistdirectors': 1, 'zelig': 1, 'disjointedness': 1, 'dramatizes': 1, 'hilly': 1, 'hillys': 1, 'differentblack': 1, 'sorvinos': 1, 'orpheus': 1, 'linchpin': 1, 'faiths': 1, 'instantgratification': 1, 'heartening': 1, 'kidvid': 1, 'jocularly': 1, 'chummingup': 1, 'exacerbates': 1, 'fluoro': 1, 'coloured': 1, 'scorces': 1, 'leftys': 1, 'alger': 1, 'hypercapitalism': 1, 'breaching': 1, 'sanitises': 1, 'pipstones': 1, 'obstructive': 1, 'insubordination': 1, 'mcbain': 1, 'springfield': 1, 'goodwork': 1, 'breadwinners': 1, 'scrupulous': 1, 'emulating': 1, 'instalment': 1, 'carhart': 1, 'rheinhold': 1, 'sillyness': 1, 'alberto': 1, 'caesellas': 1, 'phenomenas': 1, 'ravishingly': 1, 'expresidents': 1, 'clude': 1, 'bacall': 1, 'quayleish': 1, 'nowritual': 1, 'nondiscriminating': 1, 'roadcomedy': 1, 'trainload': 1, 'tarheels': 1, 'semiaccomplished': 1, 'yimou': 1, 'anticipants': 1, 'queued': 1, 'cools': 1, 'regaled': 1, 'jiang': 1, 'lamppost': 1, 'baotian': 1, 'equitably': 1, 'booksellers': 1, 'pebble': 1, 'premature': 1, 'hardeeharhar': 1, 'valuables': 1, 'fluidity': 1, 'attentiondeficitdisorder': 1, 'defiant': 1, 'seesaws': 1, 'starkness': 1, 'reset': 1, 'soured': 1, 'thrift': 1, 'bangy': 1, 'girlish': 1, 'everclear': 1, 'sixpackwielding': 1, 'fratboy': 1, 'introvertboyfallsforextrovertgirl': 1, 'nonspecificity': 1, 'woolly': 1, 'flaps': 1, 'moptop': 1, 'smuglooking': 1, 'equating': 1, 'flamboyance': 1, 'dormies': 1, 'evict': 1, 'molest': 1, 'ignorantly': 1, 'altruistic': 1, 'recuperate': 1, 'nonfriendly': 1, 'alcotts': 1, 'hommage': 1, 'berkeleyer': 1, 'thyme': 1, 'trod': 1, 'willmere': 1, 'cheerily': 1, 'redecorating': 1, 'laissezfaire': 1, 'erratically': 1, 'seriouslygod': 1, 'booksaboutmovies': 1, 'contests': 1, 'godzila': 1, 'croissant': 1, 'velicorapters': 1, 'alienbusting': 1, 'profs': 1, 'onecelled': 1, 'iras': 1, 'poolboy': 1, 'sonja': 1, 'anytown': 1, 'illdefined': 1, '23rd': 1, 'christening': 1, 'ribbon': 1, 'seventyeight': 1, 'sorans': 1, '230': 1, 'deferrential': 1, 'doohan': 1, 'chekhov': 1, 'monomanical': 1, 'houseghost': 1, 'overabundant': 1, 'precredit': 1, 'nike': 1, 'faired': 1, 'blender': 1, 'panting': 1, 'etch': 1, 'bandaras': 1, 'shariff': 1, 'halted': 1, 'fortunetelling': 1, 'incantation': 1, 'oracles': 1, 'haggardly': 1, 'materializes': 1, 'banderass': 1, 'downpours': 1, 'thor': 1, 'goaround': 1, 'asscracks': 1, 'alllllllllllrighty': 1, 'appreciates': 1, 'rhinos': 1, 'heehaw': 1, 'nonmembers': 1, 'stranglers': 1, 'dried': 1, 'ritters': 1, 'tripper': 1, 'squirt': 1, 'freshener': 1, 'remarrying': 1, 'gardenias': 1, 'manyalyson': 1, 'sightgag': 1, 'bails': 1, 'notsohappily': 1, 'seedier': 1, 'georgie': 1, 'mazar': 1, 'lashes': 1, 'cadillac': 1, 'cambridge': 1, 'benoni': 1, 'separatedatbirths': 1, 'boomer': 1, 'thriftily': 1, 'plotdriving': 1, 'fritter': 1, 'demure': 1, 'clubsinger': 1, 'chanfilm': 1, 'bridehopeful': 1, 'brouhaha': 1, 'socornyitsfunny': 1, 'crashtesting': 1, 'loews': 1, 'cleverest': 1, 'knuckleheaded': 1, 'punchedup': 1, 'strangulation': 1, 'vicepresidential': 1, 'sordidness': 1, 'degredation': 1, 'filteredlight': 1, 'moronproof': 1, 'slowfade': 1, 'nightsticking': 1, 'sunhills': 1, 'psychointherain': 1, 'directoractor': 1, 'overconfident': 1, 'blitzstein': 1, 'ventriloquist': 1, 'rockefeller': 1, 'tienne': 1, 'guillaume': 1, 'canet': 1, 'virginie': 1, 'ledoyen': 1, 'abouts': 1, 'philosopher': 1, 'videographer': 1, 'prying': 1, 'xtdl': 1, 'comcanran': 1, 'souk': 1, 'gizzards': 1, 'floorboard': 1, 'nympho': 1, 'groundall': 1, 'crucifies': 1, 'carves': 1, 'nymphos': 1, 'singledigit': 1, 'reddyed': 1, 'allergy': 1, 'ime': 1, 'trysha': 1, 'bakker': 1, 'mariesylvie': 1, 'deveu': 1, 'screammask': 1, 'pingying': 1, 'liao': 1, 'pengjung': 1, '241299': 1, 'damp': 1, 'asap': 1, 'premisekafka': 1, 'cronenbergis': 1, 'possiblities': 1, 'livesfor': 1, 'wordof': 1, 'taks': 1, 'postindustrial': 1, 'holesymbol': 1, 'compartmented': 1, 'livesallows': 1, 'assumeeverything': 1, 'counterpointor': 1, 'reliefto': 1, 'lipsynchs': 1, 'stairwells': 1, 'incronguously': 1, 'spotlights': 1, 'sept': 1, 'arte': 1, 'canadas': 1, 'brazils': 1, 'selfevidently': 1, 'lawrencefat': 1, 'bushel': 1, 'vansihes': 1, 'foreclosure': 1, 'rejuvenate': 1, 'jubilation': 1, 'bologna': 1, 'jokethat': 1, 'waysand': 1, 'deprophesized': 1, 'hindsight': 1, 'impartial': 1, 'withhold': 1, 'advancements': 1, 'unflossed': 1, 'wanderingbutnotgoinganywhere': 1, 'kamikaze': 1, 'rafes': 1, 'crasslycalculated': 1, 'inciting': 1, 'assemblyline': 1, 'placate': 1, 'intones': 1, 'gradeschool': 1, 'inveigles': 1, 'screenarkins': 1, 'motorists': 1, 'storyit': 1, 'minimalistic': 1, 'itshe': 1, 'spacesuit': 1, 'presenter': 1, 'tims': 1, 'twit': 1, 'crapped': 1, 'yowza': 1, 'depresses': 1, 'skyjacked': 1, 'soylent': 1, 'manbag': 1, 'nonacting': 1, 'bujolds': 1, 'mutha': 1, 'charactersetups': 1, 'theatreshaking': 1, 'hestongardnerbujold': 1, 'flipofthecoin': 1, 'binding': 1, 'trillian': 1, 'clarion': 1, 'hounsous': 1, 'pantucci': 1, 'engineboy': 1, 'nerveaddled': 1, 'tentacle': 1, 'maddeninglylong': 1, 'copenned': 1, 'rusnak': 1, 'fairytaleinthe': 1, 'maxsized': 1, 'jere': 1, 'dowhateverittakes': 1, 'quotations': 1, 'normalsized': 1, 'coddle': 1, 'shortens': 1, 'persuasions': 1, 'gruel': 1, 'oftplayed': 1, 'dartagnon': 1, 'enamor': 1, 'brothersstyle': 1, 'denueve': 1, 'planchet': 1, 'castaldi': 1, 'usurper': 1, 'legree': 1, 'thesps': 1, 'bests': 1, 'singlehanded': 1, 'febres': 1, 'stickhandles': 1, 'airplanestyle': 1, 'superheroaction': 1, 'obeying': 1, 'semiexcusable': 1, 'bullheaded': 1, 'collegebound': 1, 'crestfallen': 1, 'casss': 1, 'baystyle': 1, 'fetale': 1, 'gawking': 1, 'psychoanalyst': 1, 'sobels': 1, 'sabihy': 1, 'tiresomely': 1, '106minute': 1, 'primo': 1, 'deadzone': 1, 'oppertunity': 1, 'lifetimes': 1, 'colonels': 1, 'muchdecorated': 1, 'sould': 1, 'demonstrators': 1, 'mowed': 1, 'violate': 1, 'authorized': 1, 'unobjective': 1, 'definable': 1, 'kingsly': 1, 'inconclusive': 1, 'gaghan': 1, 'badguys': 1, 'directoreditor': 1, 'tarantinorobert': 1, 'kurtzman': 1, 'savini': 1, 'guardchet': 1, 'pussycarlos': 1, 'hillhouse': 1, 'tongueandcheek': 1, 'killerhorror': 1, 'bloodandgore': 1, 'flophouse': 1, 'barwhorehouse': 1, 'artsyfartsy': 1, 'pretension': 1, 'incongruent': 1, 'ingrains': 1, 'reliability': 1, 'repelling': 1, 'hardesthitting': 1, 'killerlike': 1, 'drought': 1, 'slumming': 1, 'amounting': 1, 'hundredmilliondollar': 1, 'trolley': 1, 'phonedin': 1, 'instinctive': 1, 'accommodate': 1, 'ascended': 1, 'oseransky': 1, 'nextdoor': 1, 'twentyminute': 1, 'inauspiciously': 1, 'kapner': 1, 'hitwoman': 1, 'innocuously': 1, 'sitcomstyle': 1, 'unanticipated': 1, 'strived': 1, 'brightening': 1, 'figs': 1, 'psychiatrists': 1, 'gainfully': 1, 'meteorological': 1, 'amphibianbased': 1, 'estranging': 1, 'whizquizkid': 1, 'souring': 1, 'softhearted': 1, 'deusexmachina': 1, 'faze': 1, 'rapped': 1, 'unintelligble': 1, 'blotteth': 1, 'unrighteous': 1, 'lowestcommondenominator': 1, 'nitwits': 1, 'ikwydls': 1, 'screenplayor': 1, 'lugia': 1, 'kethcum': 1, 'pikachu': 1, 'squirtle': 1, 'charizard': 1, '1dimensional': 1, 'broth': 1, 'extremel': 1, 'cgis': 1, 'yakfest': 1, 'anteaters': 1, 'aquatic': 1, 'explitives': 1, 'unbelieveable': 1, 'talentchallenged': 1, 'belive': 1, 'evactuate': 1, 'grouper': 1, '57th': 1, 'alphabet': 1, 'exflame': 1, 'attackers': 1, 'pelted': 1, 'missles': 1, 'sorrier': 1, 'debacles': 1, 'threated': 1, 'reinforcement': 1, 'moth': 1, 'timefiller': 1, 'bursted': 1, 'babemagnet': 1, 'weasel': 1, 'sprinter': 1, '1997the': 1, 'chiller': 1, 'uberhack': 1, 'hypothalamuses': 1, 'hypothalamii': 1, 'fouryes': 1, 'fourcredited': 1, 'raffo': 1, 'jaffa': 1, 'cockamamie': 1, 'molecular': 1, 'evolutionary': 1, 'glycerine': 1, 'penelopeits': 1, '_monster_movie_': 1, 'lampooned': 1, 'beeline': 1, 'notshe': 1, 'humanityis': 1, 'monique': 1, 'racquel': 1, 'yuh': 1, 'gots': 1, '10day': 1, 'titlecard': 1, 'pseudohip': 1, 'singeralcoholic': 1, 'pettiford': 1, 'svengalilike': 1, 'producerlover': 1, 'laniers': 1, 'curtishall': 1, 'whisperyvoiced': 1, 'pursing': 1, 'averting': 1, 'highlypublicized': 1, 'rascally': 1, 'mozell': 1, 'nowestranged': 1, 'bulletshaped': 1, 'keynote': 1, 'lear': 1, 'bitches': 1, 'delias': 1, 'anorexics': 1, 'barest': 1, 'layout': 1, 'putupon': 1, 'medicore': 1, 'retake': 1, 'isley': 1, 'subsnl': 1, 'bungled': 1, 'impart': 1, 'kirsebom': 1, 'batarangs': 1, 'batarang': 1, 'moisture': 1, 'pheromones': 1, 'inspectors': 1, 'biggie': 1, '4am': 1, 'rekindling': 1, 'duplicates': 1, 'replicas': 1, 'scolex': 1, 'lawenforcement': 1, 'drumroll': 1, 'swiping': 1, 'dentures': 1, 'postcredit': 1, 'twoday': 1, 'mirrorimaged': 1, 'engenders': 1, 'stewards': 1, 'unending': 1, 'staterooms': 1, 'prevert': 1, 'concorde': 1, 'ardour': 1, 'emiles': 1, 'spire': 1, 'beryl': 1, 'dangle': 1, 'amourous': 1, 'permissive': 1, 'crosssection': 1, 'elseand': 1, 'peoplewould': 1, 'hoovers': 1, 'happyyet': 1, 'pillinduced': 1, 'breakdownthat': 1, 'believein': 1, 'hoobler': 1, 'lesabre': 1, 'blunted': 1, 'bludgeoning': 1, 'allbut': 1, '_american_beauty_': 1, '_breakfast_': 1, 'palpably': 1, 'vonneguts': 1, 'unfilmablethe': 1, '_fear_and_loathing_in_las_vegas_': 1, 'sprinklers': 1, 'lux': 1, 'entitle': 1, 'tomes': 1, 'childhoods': 1, 'rocketship': 1, 'galileo': 1, 'cydonia': 1, 'lucs': 1, 'pabulum': 1, 'quatermass': 1, 'bavas': 1, 'terrore': 1, 'spazio': 1, 'depravation': 1, 'breaches': 1, 'centrifuge': 1, 'denouncement': 1, 'alarmsthe': 1, 'peddle': 1, 'lostliterallyon': 1, 'withwhich': 1, 'familyfather': 1, 'stilllively': 1, 'alongand': 1, 'aceinthehole': 1, 'monkeylike': 1, 'pennys': 1, 'playstation': 1, 'blawps': 1, 'crystalclear': 1, '15week': 1, 'depress': 1, 'bumming': 1, 'potentiallyinteresting': 1, 'housebound': 1, 'branching': 1, 'bahns': 1, 'mcmullen': 1, 'seagalmickey': 1, 'rourkejeanclaude': 1, 'dammewesley': 1, 'potboilers': 1, 'dwi': 1, 'lowlives': 1, 'ramboontestosteronetherapy': 1, 'convicting': 1, 'comprehendible': 1, 'spoliers': 1, 'dumberand': 1, 'funnyit': 1, 'telemovies': 1, 'elseperfect': 1, 'stupider': 1, 'guya': 1, 'souped': 1, 'magyuver': 1, 'flashily': 1, 'digresses': 1, 'semistall': 1, 'jettisons': 1, 'splices': 1, 'commerciallike': 1, 'crackerjack': 1, 'cloony': 1, 'flirtatiously': 1, 'dynamo': 1, 'impersonated': 1, 'blustered': 1, 'merhi': 1, 'fetishizes': 1, 'facemask': 1, 'manoemano': 1, 'mi2s': 1, 'scooping': 1, 'cancerogenic': 1, 'tre': 1, 'hepburn': 1, 'compounding': 1, 'rerecorded': 1, 'jurgen': 1, 'sterlings': 1, 'christianson': 1, 'amateurism': 1, 'dreadlocks': 1, 'scraggly': 1, '127': 1, 'projectioner': 1, 'rockoperaturnedmajor': 1, 'peron': 1, 'dramapacked': 1, 'drums': 1, 'strums': 1, 'oscarcontender': 1, 'stubbornness': 1, 'shelve': 1, 'e1': 1, 'tpm': 1, 'breeders': 1, 'warchus': 1, 'horseracing': 1, 'simpatico': 1, 'fullyloaded': 1, 'postpsychedelia': 1, 'doonesbury': 1, 'trippedout': 1, 'thomspons': 1, 'aloofness': 1, 'journalistic': 1, 'characers': 1, 'mint': 1, 'ultrahip': 1, 'druginfested': 1, 'anthologystyle': 1, 'laces': 1, 'mistimed': 1, 'angeleslas': 1, 'alterior': 1, '172': 1, 'manhalf': 1, 'explorermariner': 1, 'meaner': 1, 'skidoos': 1, 'mojorino': 1, 'encountering': 1, 'plundering': 1, 'ninefeet': 1, 'extortion': 1, 'leverageusing': 1, 'terls': 1, 'knowhow': 1, 'euclidean': 1, 'geometry': 1, 'loincloth': 1, 'stemming': 1, 'hubris': 1, 'huevelman': 1, 'vivona': 1, 'enlistees': 1, 'netherrealm': 1, 'downtime': 1, 'amblyns': 1, 'quests': 1, 'begotten': 1, 'stalkandslash': 1, 'mtv2': 1, 'palms': 1, 'stalkings': 1, 'overalled': 1, 'cretin': 1, 'gravedigging': 1, 'spurgin': 1, 'kettler': 1, 'poirrierwallace': 1, 'doghalf': 1, 'draggingsalting': 1, 'zimmely': 1, 'leashes': 1, 'glop': 1, 'ruptured': 1, 'discretion': 1, 'semigraphic': 1, 'selfsurgery': 1, 'spraying': 1, 'fullframe': 1, 'stanze': 1, '80year': 1, 'pumpbitch': 1, 'septic': 1, 'laxativeinduced': 1, 'handcuff': 1, 'tarp': 1, 'dethroning': 1, 'payper': 1, 'rasslin': 1, 'retardation': 1, 'harts': 1, 'lewd': 1, 'brills': 1, 'castingwise': 1, 'chunky': 1, 'dampens': 1, 'nirtoest': 1, 'ahhh': 1, 'biogenetics': 1, 'biolab': 1, 'intruding': 1, 'shepherd': 1, 'recombination': 1, 'hormonally': 1, 'biohazard': 1, 'jowls': 1, 'nonpresence': 1, 'chasms': 1, 'paw': 1, 'cujo': 1, 'hippyish': 1, 'plently': 1, 'rebuts': 1, 'caliberand': 1, 'triesthen': 1, 'nirojames': 1, 'caanbruce': 1, 'crystalhugh': 1, 'grantmatthew': 1, 'nonetoosuccessful': 1, 'outfitsand': 1, 'situationsinto': 1, 'finders': 1, 'yanni': 1, 'gogolack': 1, 'transposing': 1, 'ws': 1, 'objectified': 1, 'sexuallyripe': 1, 'peets': 1, 'highpoint': 1, 'pratfalling': 1, 'mcmurray': 1, 'brainerd': 1, 'tycoonvillain': 1, 'wheaton': 1, 'hoenickers': 1, 'suaveyetunsuave': 1, 'daytimer': 1, 'oneandonly': 1, 'yuckityyuck': 1, 'halfassedly': 1, 'remixing': 1, 'nonclassics': 1, 'professory': 1, 'thrice': 1, 'towtruck': 1, 'meathook': 1, 'swoops': 1, 'explantion': 1, 'maniacs': 1, 'chainsaws': 1, 'bostonbased': 1, 'hazmat': 1, 'guilifoyle': 1, 'fibers': 1, 'erected': 1, 'decomposing': 1, 'rubblestrewn': 1, 'prefrontal': 1, 'lobotomies': 1, 'salvaged': 1, 'reeltoreel': 1, 'audiorecorded': 1, 'chainsawmassacretype': 1, 'manderley': 1, 'hotlycontested': 1, 'intruder': 1, 'intonation': 1, 'tightjawed': 1, 'sourpuss': 1, 'pucker': 1, 'eastwoodesque': 1, '_his_': 1, 'bran': 1, 'fartoocommon': 1, 'freight': 1, 'signaled': 1, 'arakis': 1, 'shannen': 1, 'doherty': 1, 'dwindled': 1, 'onestardom': 1, 'homevideo': 1, 'dopesmoking': 1, 'ribboners': 1, 'toucheruppers': 1, 'rosenbergs': 1, 'superviolent': 1, 'caldicott': 1, 'poorlyshown': 1, 'regression': 1, 'schow': 1, 'obarr': 1, 'zigged': 1, 'translations': 1, 'doublebill': 1, 'wilmingtonasdetroit': 1, 'rockmusicianturnedpavementartist': 1, 'sixstories': 1, 'administering': 1, 'perps': 1, 'reheal': 1, 'presumable': 1, 'plopped': 1, 'underlit': 1, 'redlit': 1, 'butchery': 1, 'dov': 1, 'hoenig': 1, 'goodideaturnedbad': 1, 'dravens': 1, 'succulent': 1, 'ancientswords': 1, 'risingstar': 1, 'toyko': 1, 'rainslickered': 1, 'illiteracy': 1, 'halfpaid': 1, 'tube': 1, 'paradoxical': 1, 'girltype': 1, 'exploitatively': 1, 'parentless': 1, 'bluelighted': 1, 'chainweedsmoking': 1, 'bloodline': 1, 'lightninglit': 1, 'ellicited': 1, 'postshower': 1, 'bathrobe': 1, 'onestar': 1, 'screech': 1, 'extrastrength': 1, 'wednesdays': 1, 'underscoring': 1, 'teenagersthough': 1, 'insinuates': 1, 'swindling': 1, 'louises': 1, 'exbeau': 1, 'opportunists': 1, 'buddys': 1, 'sadsack': 1, 'swindlers': 1, 'riss': 1, 'acknowledgement': 1, 'walkouts': 1, 'pornographyie': 1, 'castall': 1, 'thingif': 1, 'familyman': 1, 'pornos': 1, 'twistpeople': 1, 'hardtofind': 1, 'bile': 1, 'bribing': 1, 'startorturer': 1, 'dobecome': 1, 'hypnotically': 1, '95s': 1, 'joels': 1, 'tactful': 1, 'fellowship': 1, 'veranda': 1, 'moviea': 1, 'bluetoned': 1, 'washedout': 1, 'halfsecond': 1, 'chanceunless': 1, 'someting': 1, 'triviajoel': 1, 'brunettes': 1, 'redheads': 1, 'wafer': 1, 'nth': 1, 'kilter': 1, 'alwayslikable': 1, 'hunks': 1, 'babblesshe': 1, 'actorwaiter': 1, 'caulfields': 1, 'movieplotridiculity': 1, 'gradient': 1, 'bayjerry': 1, '2hr': 1, 'actionmusicvideo': 1, 'flocked': 1, 'conair': 1, 'ridiculousy': 1, 'spurs': 1, 'machomisfits': 1, 'slowmos': 1, 'goldtinted': 1, 'potrayed': 1, 'transpose': 1, 'stockaitkenwaterman': 1, 'artform': 1, 'ridiculity': 1, 'shroud': 1, 'longlong': 1, 'earplugs': 1, 'aspirins': 1, 'lds': 1, 's19': 1, 'carrefour': 1, 'lonliness': 1, 'egomania': 1, 'hysterics': 1, 'christinas': 1, 'campery': 1, 'trembling': 1, 'dismember': 1, 'sapling': 1, 'cola': 1, 'divest': 1, 'directorship': 1, 'etiquette': 1, 'mildred': 1, 'radmar': 1, 'jao': 1, 'lycanthropy': 1, 'sadomasochists': 1, 'pittance': 1, 'orangey': 1, 'knifepoint': 1, 'adlibbing': 1, 'penning': 1, 'openarmed': 1, 'puffpiece': 1, 'titshots': 1, 'phoniest': 1, 'joann': 1, 'mumford': 1, 'bathgate': 1, 'skateboarder': 1, 'ballooning': 1, 'pruit': 1, 'lowenstein': 1, 'equalizer': 1, 'mishears': 1, 'onenamed': 1, 'cretins': 1, 'fairfax': 1, 'brownhaired': 1, 'thiefthe': 1, 'coifs': 1, 'onehes': 1, 'playback': 1, 'psychodramas': 1, 'ericson': 1, 'vavavavoom': 1, 'permanant': 1, 'allman': 1, 'antagonistsasprotagonists': 1, 'tarantinolook': 1, 'heroless': 1, 'botchedrobbery': 1, 'dogscould': 1, 'soto': 1, 'musetta': 1, 'vander': 1, 'katanas': 1, 'tennille': 1, 'saber': 1, 'facilitys': 1, 'perimeter': 1, 'demigod': 1, 'mostpowerful': 1, 'potion': 1, 'collap': 1, 'ses': 1, 'dalmantions': 1, 'secondhalf': 1, 'halfhokey': 1, 'blucher': 1, 'himbos': 1, 'bombastically': 1, 'punishments': 1, 'newsreels': 1, 'libidos': 1, 'pgmovie': 1, 'thenhes': 1, 'antigravity': 1, 'aways': 1, 'fedex': 1, 'blatancy': 1, 'pacify': 1, 'nonstory': 1, 'relieves': 1, 'folktale': 1, 'jumpingoff': 1, 'hangdog': 1, 'libraries': 1, 'perches': 1, 'pears': 1, 'marlboro': 1, 'yank': 1, 'hankie': 1, 'wellfilmed': 1, '2024': 1, 'ozone': 1, 'zeitget': 1, 'glencoe': 1, 'quickening': 1, 'immobilise': 1, 'lukeskywalkerlike': 1, 'deflection': 1, 'kurgan': 1, 'juke': 1, 'stephies': 1, 'hawns': 1, 'rudds': 1, 'elevenoclock': 1, 'wistfully': 1, 'powerhouses': 1, 'arrows': 1, 'movieyou': 1, 'waterworlds': 1, 'madepeople': 1, 'handswhy': 1, 'horesback': 1, 'mailheart': 1, 'brownit': 1, 'eggo': 1, 'rebuilding': 1, 'driftercumpostman': 1, 'heroize': 1, 'phrasingtoo': 1, 'allyson': 1, 'studyingabroad': 1, 'sequelitis': 1, 'coarser': 1, 'worthier': 1, 'undoings': 1, 'thiscouldbeyou': 1, 'selfdiscoveries': 1, 'soontobenotorious': 1, 'superglues': 1, 'ailments': 1, 'grossfest': 1, 'onw': 1, 'torturously': 1, 'magwitch': 1, 'spoonful': 1, 'cady': 1, 'houdinis': 1, 'motorboat': 1, 'behest': 1, 'reacquaints': 1, 'cuarsn': 1, 'clemente': 1, 'romeojuliet': 1, 'adornments': 1, 'romanceless': 1, 'inadvertenty': 1, 'overthe': 1, 'vegetables': 1, 'apon': 1, 'darwin': 1, 'creationism': 1, 'twirling': 1, 'ahas': 1, 'miata': 1, 'tvstartofilm': 1, 'rickety': 1, 'lowestbrow': 1, 'sunshiny': 1, 'bungling': 1, 'corkys': 1, 'pissant': 1, 'peesahn': 1, 'magoostyle': 1, 'dachshund': 1, 'mouthtomouth': 1, 'shephard': 1, 'kilo': 1, 'alsorans': 1, 'dropouts': 1, 'chatham': 1, 'thong': 1, 'abortive': 1, 'nonbaseball': 1, 'wilmer': 1, 'valderrama': 1, 'robinsonlike': 1, 'substory': 1, 'arli': 1, 'curmudgeonly': 1, 'gogetemtigerwerebehindyou': 1, 'heartwarmingnuzzlyfollowyourdreams': 1, 'biels': 1, 'rebellingagainstdaddy': 1, 'venereal': 1, 'hex': 1, 'invokes': 1, 'brooms': 1, 'incantations': 1, 'diversionary': 1, 'polaroid': 1, 'rapemurder': 1, 'ferns': 1, 'brinkford': 1, 'vicent': 1, 'lensed': 1, 'actresssinger': 1, 'yoo': 1, 'lieh': 1, 'hsuehwei': 1, 'wu': 1, 'nienchen': 1, 'huikung': 1, 'nouvelle': 1, 'novo': 1, 'balm': 1, 'taiwans': 1, 'hou': 1, 'hsiaohsien': 1, 'beachyangs': 1, 'featureis': 1, 'anatomizes': 1, 'elaborating': 1, 'rolesdedicated': 1, 'housewivesthat': 1, 'compassher': 1, 'daysas': 1, 'discontents': 1, 'belaboured': 1, 'choicesmarried': 1, 'alland': 1, 'undisciplined': 1, 'newother': 1, 'localeto': 1, 'forin': 1, 'mistressbut': 1, 'scenesgrocery': 1, 'flowerarrangingin': 1, 'insinuating': 1, 'redundantly': 1, 'exorbitantly': 1, 'indulgently': 1, 'unexpressed': 1, 'doyleat': 1, 'creditswho': 1, 'kaige': 1, 'karwai': 1, 'fashioning': 1, 'yangs': 1, 'scrutinizing': 1, 'seals': 1, 'hacky': 1, 'snell': 1, 'shea': 1, 'moreu': 1, 'menstruating': 1, 'tailed': 1, 'tailing': 1, 'audiotape': 1, 'awakener': 1, 'rood': 1, 'gilfedder': 1, 'zakharov': 1, 'tropic': 1, 'tatoulis': 1, 'retributionfight': 1, 'uninsured': 1, 'pectorals': 1, 'briefclad': 1, 'formless': 1, 'coherently': 1, 'waiterstruggling': 1, 'unspools': 1, 'culdesac': 1, 'fyfe': 1, 'berkleys': 1, 'monthsdue': 1, 'titleit': 1, 'concoctions': 1, 'frosty': 1, 'oversentimental': 1, 'snowdad': 1, 'featherbrained': 1, 'prancer': 1, 'molassesslow': 1, 'complicity': 1, 'gailard': 1, 'sartain': 1, 'mains': 1, 'blundered': 1, 'keystone': 1, 'kops': 1, 'mulcahy': 1, 'microwaves': 1, 'additive': 1, 'upstanding': 1, 'limitedcirculation': 1, 'coroner': 1, 'chlorine': 1, 'nada': 1, 'cylk': 1, 'cozart': 1, 'proclivity': 1, 'disagreed': 1, 'brusque': 1, 'nescafe': 1, 'cesarean': 1, 'scalp': 1, 'jailer': 1, 'heldenberger': 1, 'dzunza': 1, 'blist': 1, 'viciousness': 1, 'gargling': 1, 'sickens': 1, 'monstrosity': 1, 'russkies': 1, 'conspiracymartialarts': 1, 'thorpe': 1, 'sponsorship': 1, 'fraternity': 1, 'wheedon': 1, 'tenfold': 1, 'disadvantageous': 1, 'carreyish': 1, 'singleelimination': 1, 'laflour': 1, 'faddish': 1, 'amor': 1, 'supersenses': 1, 'innocuousenoughonthesurface': 1, 'marshmallow': 1, 'dewyeyed': 1, 'inhereit': 1, 'millionsesque': 1, 'altruist': 1, 'draconian': 1, 'billiard': 1, 'hudreds': 1, 'bachelors': 1, 'selfless': 1, 'gutlessness': 1, 'procreation': 1, 'fulltobursting': 1, 'corks': 1, 'shudderinducing': 1, 'fortunehunter': 1, 'pudding': 1, 'digestions': 1, 'proxies': 1, 'cellulars': 1, 'ratts': 1, 'selfimportance': 1, 'aaaaaaaahhhh': 1, 'movietv': 1, 'hugged': 1, 'flour': 1, 'karan': 1, 'husbandsboyfriends': 1, 'junkiei': 1, 'moviesive': 1, 'nisen': 1, 'mireniamu': 1, '2000the': 1, '50year': 1, 'snoozer': 1, 'rorschach': 1, 'kashiwabara': 1, 'waturu': 1, 'mimuras': 1, 'logy': 1, 'prudentials': 1, 'takehiro': 1, 'againexcept': 1, 'jobits': 1, 'summarizes': 1, 'horrorcrime': 1, 'hath': 1, 'spurred': 1, 'genre_i_know_what_you_did_last_summer_': 1, '_halloween': 1, '_h20_': 1, '_scream_2_': 1, 'williamsonless': 1, 'post_scream_': 1, '_wishmaster_': 1, '_disturbing_behavior_': 1, 'rightfrighteningly': 1, '_bad_': 1, 'mancini': 1, 'williamsonesque': 1, '_fisherman': 1, 'legendsthose': 1, 'afer': 1, 'fakeouts': 1, 'shouldand': 1, 'couldrun': 1, 'waytooconvenient': 1, 'hortas': 1, 'injokey': 1, 'talke': 1, 'ove': 1, 'pefect': 1, 'pesencechallenged': 1, '_dawsons_creek_': 1, 'thorugh': 1, 'noxzema': 1, 'spokeswoman': 1, '_waiting_to_exhale_': 1, 'grierworshiping': 1, 'resuscitated': 1, 'mannamely': 1, 'williamsonto': 1, 'bundled': 1, 'everwise': 1, 'marketwise': 1, 'rubberfaced': 1, 'uncontrolled': 1, 'bestan': 1, 'notsodarkest': 1, 'slathering': 1, 'oderkerk': 1, 'bucknaked': 1, 'snooze': 1, 'callow': 1, 'landowner': 1, 'harbours': 1, 'absconded': 1, 'absurdism': 1, 'brightlylit': 1, 'superstitions': 1, 'dismemberment': 1, 'circa10th': 1, 'cannibalistic': 1, 'foils': 1, 'demises': 1, 'facepaint': 1, 'animalskin': 1, 'shwarzenegger': 1, '300plusyears': 1, 'violinmaker': 1, 'nicolo': 1, 'bussotti': 1, 'maos': 1, 'morritzs': 1, 'merchantivory': 1, 'babyboomers': 1, 'botulism': 1, 'contradicting': 1, 'delinquents': 1, 'copcorruption': 1, 'mysteriousboyfriend': 1, 'wildandcrazy': 1, 'shortchanged': 1, 'levis': 1, 'gabfest': 1, 'smalltobigscreen': 1, 'portopotties': 1, 'ahmet': 1, 'portopotty': 1, 'excrements': 1, 'benoit': 1, '1800callatt': 1, 'bawitdaba': 1, 'dumfounding': 1, 'pottyhumor': 1, '1865': 1, 'womanbashes': 1, 'maleegostroking': 1, 'winningham': 1, 'pallbearer': 1, 'halfspeed': 1, 'sleepyeyed': 1, 'mcnugent': 1, 'nelkans': 1, 'dugans': 1, 'halickis': 1, 'carchase': 1, 'gocart': 1, 'kips': 1, 'calitris': 1, 'fortynine': 1, 'gto': 1, 'senas': 1, 'hairbrained': 1, 'beatup': 1, 'sleaziness': 1, 'semibright': 1, 'psychologicalromancethriller': 1, 'sobs': 1, 'bluebirds': 1, 'anguishes': 1, 'spectral': 1, 'energies': 1, 'abnormally': 1, 'litmus': 1, 'fullpage': 1, 'mirabella': 1, 'catwalks': 1, 'entranced': 1, 'tachometer': 1, 'traction': 1, 'anatomical': 1, 'classa': 1, 'allgirl': 1, 'abovementioned': 1, 'knockers': 1, 'helpings': 1, 'emanating': 1, 'gurian': 1, 'goofiest': 1, 'downloading': 1, 'hushhushes': 1, 'curling': 1, 'allotted': 1, 'halfopen': 1, 'rainfall': 1, 'dickie': 1, 'sats': 1, '779': 1, 'jett': 1, 'yippee': 1, 'sonnenberg': 1, '_48_hrs': 1, '_doctor_dolittle_': 1, 'earnesttoafault': 1, 'reinvigorated': 1, 'infomercials': 1, 'sluggishly': 1, '_holy_man_': 1, 'cleansed': 1, 'overpower': 1, 'meowth': 1, 'hardtodecipher': 1, 'impassive': 1, 'campers': 1, 'howlingly': 1, 'inebriation': 1, 'broiled': 1, 'flashforward': 1, 'businessasusual': 1, 'alight': 1, 'nintendo': 1, 'loitered': 1, 'sdds': 1, 'loosest': 1, 'stank': 1, 'defences': 1, 'neofascist': 1, 'mindmeld': 1, 'wwiiera': 1, 'movietone': 1, 'blunts': 1, 'continous': 1, 'toque': 1, 'claudio': 1, 'processions': 1, 'betti': 1, 'leticia': 1, 'vota': 1, 'fiances': 1, 'reunification': 1, 'actorturneddirectors': 1, 'whisperer_': 1, 'countryish': 1, 'bumpkin': 1, 'birdys': 1, '_leave': 1, 'beaver_s': 1, 'finley': 1, 'furred': 1, 'lipsynch': 1, 'busbut': 1, 'worsestick': 1, 'tenminutes': 1, 'fotomat': 1, 'ironing': 1, 'moverandshaker': 1, 'halfamillion': 1, 'gekko': 1, 'poirot': 1, 'sarita': 1, 'choudhury': 1, 'kama': 1, 'sutra': 1, 'emilys': 1, 'oldsitcomstomovie': 1, 'tvconversionmovies': 1, 'followings': 1, 'funnymen': 1, 'unskilled': 1, '4d': 1, 'inborn': 1, 'blissfullyconfused': 1, 'ascent': 1, 'underfire': 1, 'hovertank': 1, 'retalliation': 1, 'sabo': 1, 'bestsupporting': 1, 'laughterpackedmoments': 1, 'tvconversions': 1, 'tvidea': 1, 'bringer': 1, 'refilmed': 1, 'cowboyhick': 1, 'streamofconsciousness': 1, 'herrmanns': 1, 'agutter': 1, 'buddycopdrugsexywitness': 1, 'hotshots': 1, 'diametric': 1, 'rubs': 1, 'unneccesary': 1, 'prescient': 1, 'scanner': 1, 'mused': 1, 'mcdonaldburger': 1, 'lenz': 1, 'wellconnected': 1, 'drugrelated': 1, 'nozaki': 1, 'teckoh': 1, 'crackdown': 1, 'lenzs': 1, 'predates': 1, 'assassinates': 1, 'mith': 1, 'pilleggi': 1, 'cannery': 1, '04': 1, 'edt': 1, 'notformail': 1, 'followupto': 1, 'gmt': 1, 'messageid': 1, 'replyto': 1, 'nntppostinghost': 1, 'mtcts2': 1, 'mt': 1, 'lucent': 1, '05425': 1, 'keywords': 1, 'authorhicks': 1, 'eclmtcts2': 1, 'xref': 1, 'ro': 1, 'fatboy': 1, 'handfuls': 1, 'consummating': 1, 'pantyhose': 1, '_hard_ware': 1, 'gif': 1, 'meaningfree': 1, 'wilt': 1, 'shana': 1, 'hoffmann': 1, 'kellner': 1, 'bramon': 1, 'flits': 1, 'noho': 1, 'carton': 1, 'postparty': 1, 'repectively': 1, 'allergyprone': 1, 'ninetyfive': 1, 'disintigrated': 1, 'barter': 1, 'evilo': 1, 'fidget': 1, 'perlich': 1, 'marsters': 1, 'beebe': 1, 'initializes': 1, 'rammed': 1, 'womanized': 1, 'strenuously': 1, 'unequipped': 1, 'pseudofeminist': 1, 'highness': 1, 'bedfellows': 1, 'solondz': 1, 'sultans': 1, 'misanthropy': 1, 'hauteurs': 1, 'braced': 1, 'mortified': 1, 'philosophically': 1, 'hyperviolent': 1, 'slurping': 1, 'roxane': 1, 'mesquida': 1, 'libero': 1, 'rienzo': 1, 'blowjob': 1, 'girth': 1, 'paramour': 1, 'nastiest': 1, 'swerve': 1, 'deadlier': 1, 'pounce': 1, 'purveyor': 1, 'soeur': 1, 'atms': 1, 'robertss': 1, 'mosey': 1, 'speechimpaired': 1, 'hairball': 1, 'debneys': 1, 'cymbals': 1, 'raged': 1, 'herrier': 1, 'ids': 1, 'sexromp': 1, 'inaudacious': 1, 'overwight': 1, 'comaprison': 1, 'disneymade': 1, 'farces': 1, 'driveins': 1, 'limburgher': 1, 'carribean': 1, 'remarry': 1, 'davidovitch': 1, 'boatman': 1, 'seku': 1, 'mitsubishi': 1, 'pirhanna': 1, 'touts': 1, 'angstridden': 1, 'bangkok': 1, 'reinvigorate': 1, 'carlisle': 1, 'patrolled': 1, 'utopiagoneawry': 1, 'moviemake': 1, 'bides': 1, 'conservationist': 1, 'trexi': 1, 'joewreaking': 1, 'scaling': 1, 'pallisades': 1, 'thrillseekers': 1, 'showunrelated': 1, 'demoliton': 1, 'blacktie': 1, 'showyet': 1, 'flawlessness': 1, 'wailing': 1, 'childrenits': 1, 'kidsintense': 1, 'unheralded': 1, 'moribund': 1, 'moviesthis': 1, 'trucksploitation': 1, 'obstaclessuch': 1, 'uzifiring': 1, 'motorcyclists': 1, 'paintedyou': 1, 'itred': 1, 'trucking': 1, 'fbiatf': 1, 'mickelberry': 1, 'vining': 1, 'bedrock': 1, 'flinstone': 1, 'vandercave': 1, 'skinnier': 1, 'nostalgics': 1, 'allegorically': 1, 'combing': 1, 'capotes': 1, 'truecrime': 1, 'changeill': 1, 'yourselfbut': 1, 'moviehes': 1, 'chandlerross': 1, 'genrelast': 1, 'angsthorror': 1, 'crowned': 1, 'fives': 1, 'forfeited': 1, 'trendily': 1, '23yearold': 1, 'hitchhiked': 1, 'negligence': 1, 'prurient': 1, 'irrationalities': 1, 'frontals': 1, 'pornfilm': 1, '___': 1, 'relationshipsfromhell': 1, 'secretaries': 1, 'wises': 1, 'witted': 1, 'semideveloped': 1, 'groanworthy': 1, '____': 1, 'colorbynumbers': 1, 'mugshot': 1, 'directorwritercinematographereditor': 1, 'joechris': 1, 'lassic': 1, 'joiner': 1, 'inflames': 1, 'mugger': 1, 'cinematographereditor': 1, 'mugged': 1, 'mugshots': 1, 'greenwich': 1, 'anthropological': 1, 'mecilli': 1, 'darken': 1, 'faulty': 1, 'whiffleball': 1, 'cobbles': 1, 'redolent': 1, 'prelaunch': 1, 'barbeque': 1, 'scans': 1, 'revisted': 1, 'contentiousness': 1, 'comraderie': 1, 'embers': 1, 'nasas': 1, 'matterof': 1, 'factly': 1, 'aggressivelly': 1, 'momumentally': 1, 'unsatisying': 1, 'eensy': 1, 'teensy': 1, 'squish': 1, 'unflushed': 1, 'kool': 1, 'slooooow': 1, 'duchovnys': 1, 'dt': 1, 'deciphered': 1, 'oooooo': 1, 'goodtimes': 1, 'tbn': 1, 'coscript': 1, 'cohosting': 1, 'paragons': 1, 'dissipating': 1, 'lisp': 1, 'withholding': 1, 'lemons': 1, 'bussed': 1, 'ferreted': 1, 'suites': 1, 'roundtable': 1, 'cordial': 1, 'softball': 1, 'declawed': 1, 'barelyincontrol': 1, 'gonzales': 1, 'toadie': 1, 'nausea': 1, '80minute': 1, 'raspyvoiced': 1, 'armchair': 1, 'stroking': 1, 'unrightfully': 1, 'clamp': 1, 'electronics': 1, 'functioned': 1, 'fancyschmancy': 1, 'plunked': 1, 'frappacino': 1, 'cancan': 1, 'shootfirstthenshootsomemore': 1, 'twoman': 1, 'vaudevillian': 1, 'endear': 1, 'pulleys': 1, 'levers': 1, 'kidnappermurderer': 1, 'bungler': 1, 'overestimates': 1, 'dilema': 1, 'refocuses': 1, 'inseminates': 1, 'miscarrying': 1, 'imbalances': 1, 'blunderheaded': 1, 'moonlighting': 1, 'sab': 1, 'shimono': 1, 'harakiri': 1, 'pimply': 1, 'chekirk': 1, 'rocknroll': 1, 'vexatious': 1, 'mametstyle': 1, 'blackwannabe': 1, 'craftors': 1, 'exonerated': 1, 'vocabularies': 1, 'vests': 1, 'tersely': 1, 'expirating': 1, 'hasta': 1, 'thisobviouslycostalotsoyouknow': 1, 'everyonesgoingtogo': 1, 'boymeetsfishandsavesenvironment': 1, 'savetheworldfromaliensorenvironment': 1, 'reallooking': 1, 'megaadvertising': 1, '60s70s': 1, 'relocates': 1, 'testimonies': 1, 'resituating': 1, 'scumbags': 1, 'pastorelli': 1, 'hightechnology': 1, 'mentorturnedevil': 1, 'deguerin': 1, 'programmes': 1, 'torpedoed': 1, 'highsecurity': 1, 'aluminium': 1, 'twofoot': 1, 'outruns': 1, 'eery': 1, 'voluntarily': 1, 'tussles': 1, 'over18s': 1, 'therapeutic': 1, 'ezio': 1, 'gregios': 1, 'rancor': 1, 'buttheads': 1, 'yankovich': 1, 'nostril': 1, 'boulles': 1, 'timespace': 1, 'backlot': 1, 'ballpeen': 1, 'antigun': 1, 'badham': 1, 'scissorshands': 1, 'pedagogical': 1, 'sluts': 1, 'icepick': 1, 'wielders': 1, 'ghostbuster': 1, 'bazookas': 1, 'explosives': 1, 'busses': 1, 'bikinis': 1, 'prancing': 1, 'princelike': 1, 'carwash': 1, 'villard': 1, 'ismael': 1, 'villards': 1, 'roadster': 1, 'expo': 1, 'stickiest': 1, 'locklear': 1, 'uberrich': 1, 'spars': 1, 'lankier': 1, 'buddybuddy': 1, 'coincidental': 1, 'chortled': 1, 'damones': 1, 'toasts': 1, 'gook': 1, 'toenails': 1, 'opning': 1, 'russels': 1, 'soldiertype': 1, '_whole_': 1, 'unimaginatve': 1, 'ricochet': 1, 'codenamed': 1, 'tasked': 1, 'saharan': 1, 'insulators': 1, 'improperly': 1, 'cobo': 1, 'computermasked': 1, 'reteamed': 1, 'subways': 1, 'takingsand': 1, 'womananother': 1, 'hoursor': 1, 'trivialised': 1, 'elsei': 1, 'randles': 1, 'isiah': 1, 'mediating': 1, 'transpiring': 1, 'tafkap': 1, 'alwaysbroke': 1, 'floundering': 1, 'beatem': 1, 'chucks': 1, 'iranians': 1, 'quashed': 1, 'golfballs': 1, 'assail': 1, 'unqualified': 1, 'innovations': 1, 'brainards': 1, 'graded': 1, 'hecticbutoveralluneventful': 1, 'cuthertonsmyth': 1, 'barnfield': 1, 'selfparodizing': 1, 'drector': 1, 'selfindulged': 1, 'pfieffers': 1, 'westernerinperil': 1, 'charactera': 1, 'sonis': 1, 'storyor': 1, 'heroinegets': 1, 'halfstated': 1, 'exoticism': 1, 'robinsonblackmore': 1, 'mikel': 1, 'koven': 1, 'foregin': 1, 'aboslutely': 1, 'gazon': 1, 'maudit': 1, 'loli': 1, 'soons': 1, 'kristel': 1, 'cesars': 1, 'notverygood': 1, 'snail': 1, 'damnnear': 1, 'rockem': 1, 'sockem': 1, 'thirdstring': 1, 'qb': 1, 'ingame': 1, 'horks': 1, 'ancy': 1, 'endorsements': 1, 'fumbles': 1, 'kaleidoscope': 1, 'ultrastylish': 1, 'pagniacci': 1, 'annmargret': 1, 'wellconceived': 1, 'needling': 1, 'wellrun': 1, 'philly': 1, 'goodygoody': 1, 'pared': 1, 'relevent': 1, 'radiationrich': 1, 'klingonlooking': 1, 'makeupladen': 1, 'luthor': 1, 'fwahahahahahahahaha': 1, 'supervillain': 1, 'apparatuses': 1, 'scorecard': 1, 'tilting': 1, 'sideways': 1, 'tilt': 1, 'drains': 1, 'donors': 1, 'trawls': 1, 'deflate': 1, 'funari': 1, 'suarez': 1, 'vickys': 1, 'jarringly': 1, 'repulse': 1, 'fondled': 1, 'sinner': 1, 'aztec': 1, 'priestess': 1, '_entertainment_weekly_': 1, 'pzoniaks': 1, 'facelessness': 1, '_polish_wedding_s': 1, 'schuster': 1, 'trese': 1, 'unvirginal': 1, 'climaxwhich': 1, 'jadziabolek': 1, 'halarussell': 1, 'materiala': 1, 'laughstojokes': 1, 'bartholomew': 1, 'early19th': 1, 'fontenot': 1, 'eagles': 1, 'conquistador': 1, 'hildago': 1, 'nearlyinconsequential': 1, 'epitaph': 1, 'mekanek': 1, 'stinkor': 1, 'filmation': 1, 'shera': 1, 'trillions': 1, 'tolkan': 1, 'skif': 1, 'stormtrooper': 1, 'mcneill': 1, '10th': 1, 'gehrig': 1, 'modelling': 1, 'genuinelyfunny': 1, 'exhibited': 1, 'exhumed': 1, 'edging': 1, 'olek': 1, 'krupa': 1, 'kilner': 1, 'haviland': 1, 'goldbergtype': 1, 'counterfeitlooking': 1, 'nearblizzard': 1, 'wyle': 1, 'flattened': 1, 'smacked': 1, 'barbell': 1, 'thumbsucking': 1, 'collectibles': 1, 'retailers': 1, 'yogi': 1, 'yore': 1, 'zealous': 1, 'messing': 1, 'thenpatrick': 1, 'thendiana': 1, 'nowralph': 1, 'nowuma': 1, 'pastelcolored': 1, 'teddies': 1, 'waddle': 1, 'escher': 1, 'macnees': 1, 'antiquated': 1, 'splendour': 1, '189': 1, 'throwtogether': 1, 'outofprint': 1, 'submitted': 1, 'navigators': 1, 'excises': 1, 'retaining': 1, 'universals': 1, 'ohsowise': 1, 'duneesque': 1, 'gobbledegook': 1, 'serous': 1, 'selftalk': 1, 'harkonnens': 1, 'lucus': 1, 'carlo': 1, 'rambaldis': 1, 'ringwood': 1, 'toto': 1, 'sian': 1, 'gaius': 1, 'mohiam': 1, 'gesserit': 1, 'shakily': 1, 'attests': 1, 'unauthorised': 1, 'airing': 1, 'petitioned': 1, 'mcas': 1, 'handiwork': 1, 'skulduggery': 1, 'gesserits': 1, 'outofcontext': 1, 'objected': 1, 'lynchesque': 1, 'amsterdam': 1, 'losely': 1, 'nordern': 1, 'simplifies': 1, 'helmut': 1, 'reiter': 1, 'bekim': 1, 'fehmiu': 1, 'defeatist': 1, 'symbolised': 1, 'cinematical': 1, 'luchino': 1, 'viscontis': 1, 'thulins': 1, 'minellis': 1, 'bonk': 1, '713': 1, 'pseudodepth': 1, 'exspouse': 1, 'bertolini': 1, 'adapters': 1, 'constructs': 1, 'forcefeeding': 1, 'boyandhisdog': 1, 'k9': 1, 'clownforhire': 1, 'fernwell': 1, 'newkidontheblock': 1, 'zegers': 1, 'yellerstyle': 1, 'fauxcute': 1, 'splish': 1, 'lettermans': 1, 'blairs': 1, 'pilgrims': 1, 'mishmashed': 1, 'videoesque': 1, 'addictions': 1, 'buckaroo': 1, 'porsche': 1, 'reprisal': 1, 'cannell': 1, 'griecoesque': 1, 'brothels': 1, 'eaton': 1, 'alevey': 1, 'shon': 1, 'greenblatt': 1, 'superencrypted': 1, 'beeps': 1, 'implementing': 1, 'bodhi': 1, 'mercuryencrypted': 1, 'terminatorlike': 1, 'ginter': 1, 'supercypher': 1, 'buddycop': 1, 'copfbi': 1, 'trickle': 1, 'supercode': 1, 'dejection': 1, 'propsstrategicallypositionedbetweennakedactorsandcamera': 1, 'hep': 1, 'disservice': 1, 'forze': 1, 'rubrics': 1, 'skewering': 1, 'hidef': 1, 'zillion': 1, 'crawled': 1, 'shrubs': 1, 'weeds': 1, 'installations': 1, 'foreheads': 1, 'ooooo': 1, 'xxv': 1, 'megaproducer': 1, 'actionhero': 1, 'slickster': 1, 'actingenglish': 1, 'cracklings': 1, 'evacuates': 1, 'handsomely': 1, 'paddling': 1, 'yosts': 1, 'mumble': 1, 'salomons': 1, 'crucifixweapon': 1, 'youngs': 1, 'earshattering': 1, 'uprooting': 1, 'bossy': 1, 'hairpiece': 1, 'bruise': 1, 'nonsatirical': 1, 'shitterpiece': 1, 'stupidass': 1, 'exbrooklynite': 1, 'noooo': 1, 'orbach': 1, 'brated': 1, 'eroticthrillercinemaxstyle': 1, 'athena': 1, 'massey': 1, 'julliana': 1, 'margiulles': 1, 'funyetdumb': 1, 'nests': 1, 'crossbows': 1, 'substitutions': 1, 'mexicowhat': 1, 'misuses': 1, 'sergioleone': 1, 'fixedly': 1, 'widening': 1, 'narrowing': 1, 'innovatively': 1, 'humors': 1, 'suspensethriller': 1, 'anothergreat': 1, 'trivializes': 1, 'paratrooper': 1, 'unendurably': 1, 'foulups': 1, 'peerless': 1, 'mite': 1, 'paratroop': 1, 'permeate': 1, 'mechanized': 1, 'charred': 1, 'indentity': 1, 'softpedaled': 1, 'hollywoodization': 1, 'fussells': 1, '_wartime': 1, 'war_': 1, 'letup': 1, 'infantrymen': 1, 'demotic': 1, 'spielbergization': 1, 'cede': 1, 'reminscent': 1, '_schindlers': 1, 'tiepin': 1, 'nigh': 1, 'resolute': 1, 'meaninglessness': 1, 'shallows': 1, 'peons': 1, 'journalistturnedscreenwriter': 1, 'shacks': 1, 'continuum': 1, 'recaptured': 1, 'celebritytype': 1, 'slaterjohnny': 1, 'depptype': 1, 'disengaging': 1, 'superorgasmic': 1, 'karnstein': 1, 'scuzzylooking': 1, 'spikedhaired': 1, 'harridans': 1, 'exclusivity': 1, 'afterhours': 1, 'sprinkler': 1, 'drycleaned': 1, 'bloodstains': 1, 'repetitiously': 1, 'filmsrun': 1, 'indigestion': 1, 'sharpening': 1, 'gooden': 1, 'tammi': 1, 'chenoa': 1, 'gunshots': 1, 'oldtime': 1, '38th': 1, 'posting': 1, 'antishark': 1, 'repellant': 1, 'patheticlooking': 1, 'returing': 1, 'icecold': 1, 'homefront': 1, 'pennyworth': 1, 'bythenumber': 1, 'emblems': 1, 'utterlypointless': 1, 'grunted': 1, 'observatory': 1, 'afred': 1, 'graveness': 1, 'nearunintelligble': 1, 'permutation': 1, 'lackadasically': 1, 'undoubtably': 1, 'halfbad': 1, 'utterance': 1, 'cormangrade': 1, 'pillers': 1, 'notquitehalfbaked': 1, 'workhorse': 1, 'visor': 1, 'ringedplanet': 1, 'metaphasic': 1, 'radition': 1, 'replenish': 1, 'evolvethey': 1, 'grievously': 1, 'searchers': 1, 'excusesomeone': 1, 'beamed': 1, 'plotholia': 1, 'curiosities': 1, 'reexperiencing': 1, 'timedefying': 1, 'eyesight': 1, 'powermad': 1, 'superfreak': 1, 'watchability': 1, 'comaraderie': 1, 'styrofoam': 1, 'miasma': 1, 'bushy': 1, '10yearolds': 1, 'worsethanstereotyped': 1, 'insecticide': 1, 'halfwin': 1, 'aquarter': 1, 'cosex': 1, 'zulu': 1, 'suckingout': 1, 'ard': 1, 'iiii': 1, 'conjectures': 1, 'dis': 1, 'wideropen': 1, 'wattage': 1, 'container': 1, 'tainer': 1, 'conventionbreakers': 1, 'coldcocks': 1, 'eludes': 1, 'ladyhawke': 1, 'worthpayingtosee': 1, 'slogging': 1, 'overburdened': 1, 'ducts': 1, 'wabbit': 1, 'webster': 1, 'hadley': 1, 'handmaids': 1, 'bilk': 1, 'odettes': 1, 'muddling': 1, 'crusading': 1, 'dishonest': 1, 'slurpy': 1, 'schlondorffs': 1, 'foundered': 1, 'illuminata': 1, 'hummanahummanahummana': 1, 'uhhhhhm': 1, 'yodaesque': 1, 'sprouted': 1, 'hehehe': 1, 'crofts': 1, 'onedimension': 1, 'romancing': 1, 'warmer': 1, 'heeere': 1, 'turnerowned': 1, 'classier': 1, 'bueller': 1, 'fondle': 1, 'dispels': 1, 'anamoly': 1, 'abberation': 1, 'syllables': 1, 'anchorman': 1, 'apples': 1, 'prowls': 1, 'sweets': 1, 'mispronouncing': 1, 'renos': 1, 'reproduces': 1, 'asexually': 1, 'patillos': 1, 'swatch': 1, 'sprint': 1, 'exarmy': 1, 'laps': 1, 'fahrenheit': 1, 'onetone': 1, 'tensionfilled': 1, 'nighshift': 1, 'oneweekoldbluecheesesmelling': 1, 'telecommunicative': 1, 'partypooper': 1, 'obliterating': 1, 'skeets': 1, 'nicknames': 1, 'skeeter': 1, 'sexkitten': 1, 'ventricle': 1, 'breakdanced': 1, 'leick': 1, 'guysgirls': 1, 'callisto': 1, 'squall': 1, 'bloodsucking': 1, 'staked': 1, 'finelooking': 1, 'dudleys': 1, 'inyourear': 1, 'tightlyedited': 1, 'instructional': 1, 'auctioneer': 1, 'flyboy': 1, 'falzones': 1, 'finite': 1, '747s': 1, 'whisker': 1, 'wannaseehowfasticandrives': 1, 'guardia': 1, 'goodand': 1, 'funnymovies': 1, 'flemings': 1, 'martinisand': 1, 'nemesesshaken': 1, 'subinspired': 1, 'previouslyused': 1, 'skinheaded': 1, '1977s': 1, 'entireand': 1, '28up': 1, 'deviceyou': 1, '128': 1, 'thames': 1, 'ppk': 1, 'grownworthy': 1, 'visionimpaired': 1, 'nearblind': 1, 'roster': 1, 'backus': 1, 'takethemoneyand': 1, 'artstype': 1, 'chinlund': 1, 'sledgehammers': 1, 'precipices': 1, 'under10': 1, 'terrier': 1, 'drier': 1, 'bruel': 1, '10a': 1, '9borderline': 1, '8excellent': 1, '7good': 1, '6better': 1, '5average': 1, '4disappointing': 1, '3poor': 1, '2awful': 1, '1a': 1, 'restores': 1, 'nausuem': 1, 'yam': 1, 'chingmy': 1, 'yau': 1, 'svenwara': 1, 'madoka': 1, 'killlers': 1, 'woolike': 1, 'funoh': 1, 'gq': 1, 'faltermeyers': 1, 'synthesized': 1, 'amoeba': 1, 'intelligentand': 1, 'andagainyou': 1, 'workable': 1, 'weaponesque': 1, 'meanies': 1, 'cashso': 1, 'baghdad': 1, 'soothsayer': 1, 'fireside': 1, 'herger': 1, 'storh': 1, 'buliwyf': 1, 'kulich': 1, 'chittering': 1, 'blackface': 1, 'beautifullyrendered': 1, 'schuemacher': 1, 'erasing': 1, 'goodheartedfrom': 1, 'bathe': 1, 'moxin': 1, 'secondtolast': 1, 'overstaying': 1, '1983s': 1, '104minute': 1, 'wellshot': 1, 'lowcaliber': 1, 'cutandpaste': 1, 'dourdan': 1, 'outward': 1, 'atrois': 1, 'consummated': 1, 'sympathetically': 1, 'imposes': 1, 'undoubtly': 1, 'dimeadozen': 1, 'cardboardcutout': 1, 'glorification': 1, 'penetration': 1, 'beastuality': 1, 'urinary': 1, 'tracts': 1, 'overdramaticized': 1, 'dlose': 1, 'depite': 1, 'ascends': 1, 'gucciones': 1, 'sloppiest': 1, 'innacurate': 1, 'prokofiev': 1, 'khachaturian': 1, 'adagio': 1, 'phrygia': 1, 'aneeka': 1, 'dilorenzo': 1, 'embrassment': 1, 'prig': 1, 'disgustingfordisgustingnesssake': 1, 'magnifcent': 1, 'heartstopping': 1, 'actualy': 1, 'comprehendable': 1, 'drifters': 1, 'phillipie': 1, 'benecio': 1, 'vitro': 1, 'fertilization': 1, 'launderer': 1, 'caans': 1, 'rippedoff': 1, 'brandnew': 1, 'atrevenge': 1, 'gettingeven': 1, 'compulsively': 1, 'isgasp': 1, 'displaythere': 1, '_full_house_': 1, '_americas_funniest_home_videos_': 1, 'sebastiano': 1, 'fararguably': 1, 'humoras': 1, 'smartass': 1, 'buildingsa': 1, 'sickandtwisted': 1, 'hotenoughtomeltrubber': 1, 'singe': 1, 'anatomically': 1, 'buddytype': 1, 'shinhigh': 1, 'figurine': 1, 'lovebirds': 1, 'chuckster': 1, 'conjugal': 1, 'soultransferring': 1, 'amulet': 1, 'postmarriage': 1, 'newlyweds': 1, 'kewpies': 1, 'punt': 1, 'dimbulb': 1, '_pick_chucky_up_': 1, '89minutes': 1, 'mancinis': 1, 'slathers': 1, 'genreparody': 1, 'goaliemaskwearing': 1, 'handedly': 1, 'thirsty': 1, 'hesheit': 1, 'afore': 1, 'halloweens': 1, 'moviesa': 1, 'everyoneyou': 1, 'alway': 1, 'kilt': 1, 'collided': 1, 'bigbreasted': 1, 'britt': 1, 'thoughttransference': 1, 'britts': 1, 'plaster': 1, 'grapple': 1, 'atkinsons': 1, 'ulcers': 1, 'narrowed': 1, '29yearold': 1, 'miniwonderland': 1, 'unmade': 1, 'provocatively': 1, 'hollan': 1, 'protester': 1, 'attractively': 1, '35yearold': 1, 'snakeoil': 1, 'beatng': 1, 'bathes': 1, 'barring': 1, 'punkinthemaking': 1, 'yeas': 1, 'bullheaed': 1, 'lether': 1, 'postoperative': 1, 'confusions': 1, 'sensitivities': 1, 'prentices': 1, 'hiself': 1, 'fightpicking': 1, 'beerdrinking': 1, 'victimisation': 1, 'lobotomise': 1, 'requisitive': 1, 'mackintoshs': 1, 'foyle': 1, 'bafta': 1, 'buzzcocks': 1, 'disagreeable': 1, 'sargetype': 1, 'pilion': 1, 'awwww': 1, 'differnt': 1, 'spains': 1, 'mountainous': 1, 'chastising': 1, 'stutters': 1, 'rehearses': 1, 'fished': 1, 'jailbird': 1, 'pantomine': 1, 'nothiiiiiinggggggggggg': 1, 'pansy': 1, 'tinkertoy': 1, 'backpacks': 1, 'chasegoldie': 1, 'shakycam': 1, 'whens': 1, 'recreational': 1, 'trainman': 1, 'cadaver': 1, 'shalit': 1, 'dorks': 1, 'regails': 1, 'amtrak': 1, 'motels': 1, 'establishments': 1, 'travellers': 1, 'lindenlaub': 1, 'profiler': 1, 'engelman': 1, 'dannyhere': 1, 'gravitates': 1, 'dogloving': 1, 'tardio': 1, 'perfectyou': 1, 'swishes': 1, 'nuzzles': 1, 'coiffed': 1, 'personalbut': 1, 'fitchners': 1, 'downway': 1, 'downto': 1, 'vanquished': 1, 'mismatchedbuddy': 1, 'binoculars': 1, 'halfdrunk': 1, 'bankroll': 1, 'inversion': 1, 'repessed': 1, 'joie': 1, 'vivre': 1, 'ppreciate': 1, 'movieroad': 1, 'thorougly': 1, 'urn': 1, 'unfortunatetely': 1, 'crept': 1, 'sapping': 1, 'huangs': 1, 'adeptness': 1, 'timidity': 1, 'fishess': 1, 'unempathetic': 1, 'audienceunfriendly': 1, 'girlie': 1, 'creedmiles': 1, 'downturn': 1, 'laila': 1, 'raymonds': 1, 'torments': 1, 'nancys': 1, 'spurned': 1, 'uplift': 1, 'escadapes': 1, 'sawyer': 1, 'huckleberry': 1, 'epectations': 1, 'slither': 1, 'religiouslyoriented': 1, 'impregnation': 1, 'contradicts': 1, 'outperforms': 1, 'refuting': 1, 'gregorian': 1, 'quickcut': 1, 'illconvincepeopletokilleachother': 1, 'laffometer': 1, 'chortle': 1, 'cortinos': 1, 'samba': 1, 'dulles': 1, 'predatorall': 1, 'dredges': 1, 'distrusts': 1, 'breadwinner': 1, 'exonerating': 1, 'stampeding': 1, 'mull': 1, 'chia': 1, 'derns': 1, 'idiotically': 1, 'factored': 1, 'uploaded': 1, 'seeps': 1, 'oneact': 1, 'uploading': 1, 'hilarities': 1, 'cyberdoctor': 1, 'hobo': 1, 'ghostlady': 1, 'cybertravelling': 1, 'longo': 1, 'fullfeature': 1, 'immigrated': 1, 'neuromancer': 1, 'splenetik': 1, 'crunchable': 1, 'limbtwisting': 1, 'colead': 1, 'modelwife': 1, 'allround': 1, 'implacable': 1, 'nico': 1, 'nimble': 1, 'accessorize': 1, 'pounced': 1, 'whiney': 1, 'straightman': 1, 'beadadorned': 1, 'brocadedraped': 1, 'allergies': 1, 'crunchily': 1, 'deathblows': 1, 'likeminded': 1, 'streamed': 1, 'spelenetik': 1, 'beowolf': 1, 'gazing': 1, 'daggers': 1, 'teleprompted': 1, 'lessthanlackluster': 1, 'poppsychology': 1, 'marsvenus': 1, 'nodding': 1, 'fitted': 1, 'disuse': 1, 'shrunk': 1, 'scumbagginess': 1, 'pratfall': 1, 'slimeballs': 1, 'uncommunicative': 1, 'workaholics': 1, 'vibrating': 1, 'withers': 1, 'congratuations': 1, 'cheeseball': 1, 'againthe': 1, 'jameswho': 1, 'fishermanvictim': 1, 'bikiniready': 1, 'whoand': 1, 'mysteryturns': 1, 'hellliner': 1, 'boynextdoor': 1, 'shorti': 1, 'sequelthe': 1, 'vacationers': 1, 'reprogramming': 1, 'gaynors': 1, 'lostray': 1, 'mehe': 1, 'languidhow': 1, 'oneif': 1, 'energize': 1, 'seriessomeone': 1, 'blandy': 1, 'longos': 1, 'gibsoninspired': 1, 'cybercourier': 1, 'wetwired': 1, 'lundgrens': 1, 'fxsuch': 1, 'mattesleave': 1, 'bluescreens': 1, 'partment': 1, 'processors': 1, 'yatf': 1, 'iti': 1, '007esque': 1, 'quintet': 1, 'naoki': 1, 'mori': 1, 'shutterbug': 1, 'thereduring': 1, 'bootcamp': 1, 'farstrength': 1, 'metaphorheavy': 1, '_cant_': 1, 'fourminute': 1, '_exactly_': 1, 'stemmed': 1, 'hurrah': 1, 'specliast': 1, 'girlfriendmoll': 1, 'cubanmiami': 1, 'ballisitic': 1, 'mustbeimprovised': 1, 'snakeeyes': 1, 'unrealisticlooking': 1, 'mispaired': 1, 'keitels': 1, 'woken': 1, 'slys': 1, 'teenorientated': 1, 'blazingly': 1, 'herniated': 1, 'rowing': 1, 'surfaced': 1, 'rulebook': 1, 'pingpong': 1, 'pinch': 1, 'fuses': 1, 'litten': 1, 'levritt': 1, 'hattrick': 1, 'snatchthepaycheckandrun': 1, 'preserves': 1, 'bibb': 1, 'indefinitely': 1, 'afi': 1, 'humoring': 1, 'sheepishly': 1, 'overlooks': 1, 'barnacles': 1, 'hayess': 1, 'gyllenhall': 1, 'immunodeficient': 1, 'reaganloving': 1, 'gyllenhalls': 1, 'homeschools': 1, 'antisexual': 1, 'hijinksaddled': 1, 'professing': 1, 'hindi': 1, 'vetter': 1, 'saddens': 1, 'horrorschlock': 1, 'guamo': 1, 'ocmic': 1, 'batologists': 1, 'sputter': 1, 'leitch': 1, 'goldin': 1, 'friendliest': 1, 'stunk': 1, 'motown': 1, 'awa': 1, 'saunters': 1, 'lugging': 1, 'gums': 1, 'forsee': 1, 'gottfried': 1, 'facetiousness': 1, 'thirdbilling': 1, 'flashdancer': 1, 'roz': 1, 'cadets': 1, 'jive': 1, 'barnett': 1, 'honkey': 1, 'mohawk': 1, 'grisoni': 1, 'strychninelaced': 1, 'assent': 1, 'daredevils': 1, 'seekers': 1, 'pharmacological': 1, 'actosta': 1, 'attorneys': 1, 'pseudonyms': 1, 'careen': 1, 'amyl': 1, 'nitrite': 1, 'terrifies': 1, 'thickbladed': 1, 'ingest': 1, 'tilts': 1, 'spungen': 1, 'fishandgame': 1, 'pulman': 1, 'millionairecrocodile': 1, 'fulloftension': 1, 'amendments': 1, 'somethingortheother': 1, 'scariness': 1, 'spooks': 1, 'precedent': 1, 'hohh': 1, 'riiiiight': 1, 'yknow': 1, 'ooooooo': 1, 'sp': 1, 'geoffreys': 1, 'wimmin': 1, 'puked': 1, 'reworks': 1, 'vaporized': 1, 'mushroomcloud': 1, 'implicates': 1, 'drawbridges': 1, 'excellentbutso': 1, 'oftenacclaimed': 1, 'sevenyearold': 1, 'figeroa': 1, 'prereview': 1, 'forbes': 1, 'mathew': 1, 'mconaughy': 1, 'bongos': 1, 'simplicities': 1, 'workweek': 1, 'coition': 1, 'uglies': 1, 'sexed': 1, 'confiding': 1, 'creamy': 1, 'rowe': 1, 'twentysometyhings': 1, 'kobsessed': 1, 'buggery': 1, 'unsexy': 1, 'fornication': 1, 'dirtier': 1, 'nookie': 1, 'consensual': 1, 'enticed': 1, 'fallout': 1, 'hittin': 1, 'powermongering': 1, 'welldocumented': 1, 'recuts': 1, 'guildmandated': 1, 'edmunds': 1, 'jeni': 1, 'goldbergted': 1, 'stockintrade': 1, 'reduncancy': 1, 'badder': 1, 'rapier': 1, 'slimes': 1, 'newsleak': 1, 'penile': 1, 'feign': 1, 'moustaches': 1, 'stomachchurning': 1, 'smithees': 1, 'misadvertised': 1, 'mozzell': 1, 'selftitled': 1, '92minute': 1, 'patontheback': 1, 'metamorphosizes': 1, 'consanguinity': 1, 'repulsively': 1, 'foodfight': 1, 'sever': 1, 'writerdirectorhack': 1, 'rosycheeked': 1, 'brats': 1, 'intruded': 1, 'bludgeoned': 1, 'bamboozled': 1, 'negates': 1, 'munchausen': 1, 'dateline': 1, 'chalkfull': 1, 'ryuichi': 1, 'sakamotos': 1, 'apropos': 1, '1940sstyle': 1, 'agnieszka': 1, 'obsenities': 1, 'mismatch': 1, 'leonardos': 1, 'postrevolutionary': 1, 'symbolist': 1, 'charleville': 1, 'romane': 1, 'mathildes': 1, 'tenseness': 1, 'skim': 1, 'afro': 1, 'chieftain': 1, 'afroamericans': 1, 'deformation': 1, 'aalyahs': 1, 'oneword': 1, 'cest': 1, 'mgms': 1, 'hyperjump': 1, 'jellylike': 1, 'pushups': 1, 'eggshaped': 1, 'allofasuddensuperhuman': 1, 'supernovas': 1, 'littleton': 1, 'colo': 1, 'thiss': 1, 'atrocitys': 1, 'milbauer': 1, 'pastry': 1, 'shoud': 1, 'handwringing': 1, 'inveterate': 1, 'foulhumored': 1, 'vics': 1, 'donnys': 1, 'crouse': 1, 'mailedin': 1, 'carolcos': 1, 'resting': 1, 'modines': 1, 'bankability': 1, 'parentchild': 1, 'fumblings': 1, 'probide': 1, 'evercontrary': 1, 'bastion': 1, 'tackyana': 1, 'dishing': 1, 'digestgumpian': 1, 'scoopfuls': 1, 'delectably': 1, 'ern': 1, 'mcracken': 1, 'dupes': 1, 'laxative': 1, 'slaparound': 1, 'distended': 1, 'cityboy': 1, 'suaku': 1, 'unchristian': 1, 'neighboursocking': 1, 'lavatorial': 1, 'amishmocking': 1, 'roadtrip': 1, 'broadside': 1, 'halfthoughtthrough': 1, 'gaffer': 1, 'favours': 1, 'plausibly': 1, 'computercreation': 1, 'nohoper': 1, 'kickstarting': 1, 'reinspired': 1, 'delinquent': 1, 'grannys': 1, 'witherspoons': 1, 'exgangbanger': 1, 'insubordinate': 1, 'crimefighting': 1, 'jetpowered': 1, 'halfinterested': 1, 'insipidly': 1, 'censored': 1, 'muffle': 1, '2099': 1, 'honking': 1, 'initials': 1, 'doenst': 1, 'hurlyburlys': 1, 'playthings': 1, 'textbooks': 1, 'antigay': 1, 'fecal': 1, 'pastiches': 1, 'equivalents': 1, 'naunton': 1, 'radford': 1, 'pimlico': 1, 'abbott': 1, 'beforesometimes': 1, 'theological': 1, 'mysterys': 1, 'nhl': 1, 'biebe': 1, 'compensating': 1, 'befouled': 1, 'collegiate': 1, 'biebes': 1, 'verbalized': 1, 'obyrne': 1, 'cadence': 1, 'ivins': 1, 'paste': 1, 'mccoys': 1, 'emotionalradiance': 1, 'niagra': 1, 'mccardie': 1, 'terminating': 1, 'dateless': 1, 'deflowered': 1, 'weekened': 1, 'binary': 1, 'eggert': 1, 'emigrating': 1, 'bateer': 1, 'justifiably': 1, 'luv': 1, 'closecropped': 1, 'supermodellevel': 1, 'fortresses': 1, 'dramatize': 1, 'sublimated': 1, 'bloodthirstiness': 1, 'madwoman': 1, 'browbeats': 1, 'blithe': 1, 'puton': 1, 'dreyers': 1, 'franceusa': 1, 'adrienmarc': 1, 'herve': 1, 'schneid': 1, 'clapetthe': 1, 'plusse': 1, 'ticky': 1, 'marcel': 1, 'annemarie': 1, 'pisani': 1, 'ker': 1, 'aurore': 1, 'interligator': 1, 'miramaxconstellationugchatchette': 1, '1991france': 1, 'shortages': 1, 'valued': 1, 'excircus': 1, 'toogoodtobetrue': 1, 'nearsighted': 1, 'malcontents': 1, 'cowmoo': 1, 'bedsprings': 1, 'squeak': 1, 'veggie': 1, 'trogolodistes': 1, 'scatology': 1, 'grungiest': 1, 'consternation': 1, 'painkiller': 1, 'copbuddy': 1, 'snitch': 1, 'flu': 1, 'fluish': 1, 'sired': 1, 'bascially': 1, 'inlists': 1, 'badies': 1, 'outgrossed': 1, 'baffels': 1, 'brinkley': 1, 'ferrari': 1, '2001s': 1, 'figueras': 1, 'piglia': 1, 'snort': 1, 'slates': 1, 'illustrations': 1, 'quot': 1, 'namequot': 1, 'rename': 1, 'fatigues': 1, 'completes': 1, 'boringconfusing': 1, 'caprenters': 1, 'actorswashington': 1, 'shalhoubbut': 1, '10minute': 1, 'dismantling': 1, 'sometimessick': 1, 'sways': 1, 'weddingneeding': 1, 'onedge': 1, 'dimming': 1, 'wagontrain': 1, 'longshot': 1, 'disruptions': 1, 'intently': 1, 'sheeppig': 1, 'onetenth': 1, 'hoggets': 1, 'cavity': 1, 'elastic': 1, 'overalls': 1, 'cowrited': 1, 'eqypt': 1, 'decipherer': 1, 'slightlyneurotic': 1, 'wyat': 1, 'flattop': 1, 'fetal': 1, 'cilvilization': 1, 'androginous': 1, 'modifier': 1, 'pesudopseudopseudocharacter': 1, 'criterion': 1, 'titilation': 1, 'potted': 1, '9mm': 1, 'perfumedrenched': 1, 'durable': 1, '8minute': 1, 'michelangelo': 1, 'antonionis': 1, 'mattys': 1, 'atrice': 1, 'dalle': 1, 'consulting': 1, 'tooling': 1, 'downing': 1, 'kelsch': 1, 'painterly': 1, 'docustyle': 1, 'arrrghhh': 1, 'sod': 1, 'yer': 1, 'bloodstream': 1, 'timebomb': 1, 'stubble': 1, 'kowalski': 1, 'nycs': 1, 'gedricks': 1, 'moroniclooking': 1, 'morescos': 1, 'toning': 1, '500th': 1, '1885': 1, 'sieber': 1, 'minorities': 1, 'geronimos': 1, 'magua': 1, 'ry': 1, 'cooder': 1, '10s': 1, 'marcs': 1, 'hetero': 1, 'hobel': 1, 'mignattis': 1, 'sitcomlevel': 1, 'bugshow': 1, 'zaftig': 1, 'lipsynching': 1, 'easely': 1, 'burne': 1, 'lucifer': 1, 'swartzeneggers': 1, 'predators': 1, 'cyberkillers': 1, 'schwartzeneggers': 1, 'swartzenegger': 1, 'symbolise': 1, 'colt': 1, 'luger': 1, 'lugers': 1, 'mortars': 1, 'undertook': 1, 'lameness': 1, 'bmonster': 1, 'spetters': 1, 'punknoir': 1, 'slays': 1, 'impales': 1, 'blare': 1, 'sunnybrook': 1, 'bushs': 1, 'experimentations': 1, 'fxheavy': 1, 'thrillaminute': 1, 'greenway': 1, 'thrillingly': 1, 'caressing': 1, 'fauxpsycho': 1, 'inferred': 1, 'undresses': 1, 'chit': 1, 'queries': 1, 'menahem': 1, 'golan': 1, 'yoram': 1, 'globus': 1, 'mentors': 1, 'lowering': 1, 'gavan': 1, 'shriker': 1, 'lauter': 1, 'defender': 1, 'raffin': 1, 'lawabiding': 1, 'sarajevolike': 1, 'portorican': 1, 'hackles': 1, 'tryst': 1, 'unproduced': 1, 'ranged': 1, '1981s': 1, 'exolympic': 1, 'cutsie': 1, 'sexualize': 1, 'bayard': 1, 'weissmuller': 1, '1913': 1, 'archeologistgraverobber': 1, 'apeman': 1, 'goonies': 1, 'greenpeacefriendly': 1, 'tusks': 1, 'semiexperienced': 1, 'backpacker': 1, 'tourniquet': 1, 'resourcestrapped': 1, 'diens': 1, 'wellgroomed': 1, 'circa1983': 1, 'wincer': 1, 'basicand': 1, 'ordinarypremise': 1, 'naville': 1, 'navilles': 1, 'victimher': 1, 'revengeand': 1, 'contextual': 1, 'displeased': 1, 'robertor': 1, 'twothen': 1, 'razzmatazz': 1, 'thatenergy': 1, 'angelicin': 1, 'stockpiling': 1, 'womantic': 1, 'cabots': 1, 'borrrring': 1, 'wendkos': 1, 'braintree': 1, 'abyssinian': 1, 'thermopolis': 1, 'franciscan': 1, 'serbia': 1, 'genovia': 1, 'headphonestiara': 1, 'clarisse': 1, 'renaldi': 1, 'dorkylooking': 1, 'mechanicmusician': 1, 'elizondo': 1, 'imparting': 1, 'chauffeurdriven': 1, 'eightandahalf': 1, 'powersthatbe': 1, 'ric': 1, 'puccis': 1, 'straightens': 1, 'overlyfamiliar': 1, 'closeddown': 1, 'crippen': 1, 'identital': 1, 'winnebago': 1, 'froehlich': 1, 'suspeneful': 1, 'sookyin': 1, 'resistible': 1, 'adulation': 1, 'crowchild': 1, 'alessas': 1, 'flint': 1, 'doublezero': 1, 'glenwood': 1, 'movieplex': 1, 'oneida': 1, 'japanimation': 1, 'clinched': 1, 'alzhiemers': 1, 'flubberpowered': 1, 'scenebyscene': 1, 'ooooooooh': 1, 'modelfriends': 1, 'highheaven': 1, 'romanticcomedyaction': 1, 'knowles': 1, 'fluffpiece': 1, 'uuuhhmmm': 1, 'naaaaah': 1, 'snuggly': 1, 'headfirst': 1, 'anyhoo': 1, 'didja': 1, 'pizazz': 1, 'firefight': 1, 'creativeness': 1, 'unmistakeable': 1, 'ellins': 1, 'overlay': 1, 'frey': 1, 'comeon': 1, 'chicagos': 1, 'mili': 1, 'personalitychallenged': 1, 'mindboggeling': 1, 'borderlines': 1, 'oppisites': 1, 'pacifistic': 1, 'methodologies': 1, 'scientests': 1, 'uprorously': 1, 'kevil': 1, 'cinematogrophy': 1, 'ballhaus': 1, 'bookish': 1, 'terriblyplotted': 1, 'exnew': 1, 'ensnared': 1, 'lightplane': 1, 'salvadorian': 1, 'lagpacan': 1, 'soused': 1, 'faa': 1, 'drugabuser': 1, 'sulk': 1, 'jerkish': 1, 'kelleys': 1, 'provocations': 1, 'audiovideo': 1, 'insistent': 1, 'prizefighted': 1, 'relentlessy': 1, 'confirming': 1, 'seeked': 1, 'rammeddownyourthroat': 1, 'pseudosaintliness': 1, 'meditations': 1, 'ungers': 1, 'dogooders': 1, 'abating': 1, 'twentycutsperminute': 1, 'poetsongwriter': 1, 'madio': 1, 'neutron': 1, 'mcgaw': 1, 'inhalants': 1, 'goluboff': 1, 'carrolls': 1, 'pseudosensitive': 1, 'strungout': 1, 'exjunkie': 1, 'dashiell': 1, '_red': 1, 'harvest_': 1, 'bootlegging': 1, 'chicagoconnected': 1, 'strozzi': 1, 'remakescumbastardizations': 1, 'karina': 1, 'lombard': 1, 'barkeep': 1, 'sanderson': 1, 'imperioli': 1, 'chattering': 1, '_no': 1, 'one_': 1, 'sunburned': 1, 'counterproductive': 1, 'emitting': 1, 'tupacs': 1, 'cued': 1, '2699': 1, 'burkittsville': 1, 'influx': 1, 'witchrelated': 1, 'cigarettesmoking': 1, 'luridly': 1, 'psychomagically': 1, 'susses': 1, 'gothstyle': 1, 'rustin': 1, 'tristens': 1, 'fluttering': 1, 'warera': 1, 'runelike': 1, 'handbasket': 1, 'nevermind': 1, 'broadlydrawn': 1, 'niceties': 1, 'hm': 1, 'bandies': 1, 'governors': 1, 'kormans': 1, 'hedley': 1, 'cleavon': 1, 'interacted': 1, 'dollah': 1, 'clubact': 1, 'bro': 1, 'jewelrysporting': 1, 'exerts': 1, 'sivero': 1, 'notsotalented': 1, 'scrolled': 1, 'assistsant': 1, 'howewer': 1, 'segals': 1, 'unexistent': 1, 'unmenacing': 1, 'exspecial': 1, 'yucked': 1, 'belch': 1, 'secondclass': 1, 'guncrazy': 1, 'sneakysmart': 1, 'bigundergroundworm': 1, 'giggled': 1, 'criticallysavaged': 1, 'bigunderwatersnake': 1, 'ghidrah': 1, 'bigunderseaserpent': 1, 'multiethnicmultinational': 1, 'cgienhanced': 1, 'grossouts': 1, 'toocheesytobeaccidental': 1, 'fraidycat': 1, 'actionhorror': 1, 'goredrenched': 1, 'aflailing': 1, 'allinadayswork': 1, 'wifeand': 1, 'brokering': 1, 'stillburning': 1, 'ramon': 1, 'firetaming': 1, 'eversmoldering': 1, 'boaz': 1, 'yakins': 1, 'margulies': 1, 'nonkosher': 1, 'yakin': 1, 'realismin': 1, 'ghostmake': 1, 'therere': 1, 'connotes': 1, 'goodfilmmaking': 1, 'undervalued': 1, 'perish': 1, 'mountainhill': 1, 'headstart': 1, 'radioactivity': 1, 'leaked': 1, 'metres': 1, 'noirs': 1, 'glamorise': 1, 'expound': 1, 'fantasise': 1, 'playwrite': 1, 'twelfth': 1, 'romanticising': 1, 'accolade': 1, 'hospitalised': 1, 'kale': 1, '31st': 1, 'regenerating': 1, 'dredge': 1, 'usaf': 1, 'oberon': 1, 'broyles': 1, 'swarmed': 1, 'duets': 1, 'sandar': 1, 'ballyhooed': 1, 'daena': 1, 'nado': 1, 'shadix': 1, 'firearm': 1, 'whiteness': 1, 'makeovers': 1, 'humanized': 1, 'goodly': 1, 'tents': 1, 'eiko': 1, 'ishiokas': 1, 'percussive': 1, 'kull': 1, 'conqueror': 1, 'divines': 1, 'matalin': 1, 'twosome': 1, 'matalins': 1, 'senatorial': 1, 'vallick': 1, 'plent': 1, 'studreporter': 1, 'subverts': 1, 'speechlesss': 1, 'partisanship': 1, 'fluteandwind': 1, 'grocers': 1, 'films92': 1, 'elation': 1, 'smothering': 1, 'enrolling': 1, 'impossibilities': 1, 'cherryonthesundae': 1, 'kidnappedshe': 1, 'snots': 1, 'unironic': 1, 'teeits': 1, 'whence': 1, 'learys': 1, 'revelationtwist': 1, 'envies': 1, 'seventeenth': 1, 'concur': 1, 'mianders': 1, 'candies': 1, 'straightout': 1, 'zelweggar': 1, 'bigheaded': 1, 'typicalness': 1, 'dispite': 1, 'wayyyy': 1, 'halfmast': 1, 'ultraserious': 1, 'antifans': 1, 'reprint': 1, 'reprintable': 1, 'unwinds': 1, 'typicallystimulating': 1, 'nonwebb': 1, 'negligees': 1, '_here_': 1, 'estrogen': 1, 'iwo': 1, 'jima': 1, 'raeeyain': 1, 'detorris': 1, 'sanitation': 1, 'votepandering': 1, 'phlegmming': 1, 'municipality': 1, 'quarrelling': 1, 'sprinklings': 1, 'hoisting': 1, 'ingrown': 1, 'toenail': 1, 'flatlining': 1, 'enchilada': 1, 'woof': 1, 'winger': 1, 'asof': 1, 'thingsa': 1, 'kickwillis': 1, 'colorblind': 1, 'cutfromnc17': 1, 'rattlesnakes': 1, 'whyd': 1, 'solvable': 1, 'unfazed': 1, 'nincompoop': 1, 'cuckoo': 1, 'overfills': 1, 'vertiginous': 1, 'acrosstheboard': 1, 'mysterygirlwhosnorealmystery': 1, 'exgovernment': 1, 'cooperate': 1, 'bordello': 1, 'breakintothebuilding': 1, 'geekiest': 1, 'propell': 1, 'kieren': 1, 'indiscernable': 1, 'passer': 1, 'hairremoval': 1, 'bubbleheaded': 1, 'guam': 1, 'stipend': 1, 'drowsyvoiced': 1, 'dewayne': 1, 'charismafree': 1, 'smothered': 1, 'pap': 1, 'scolds': 1, 'whobilation': 1, 'shamed': 1, 'thurl': 1, 'ravenscroft': 1, 'antler': 1, 'priorities': 1, 'whovier': 1, 'oncesimple': 1, 'supple': 1, 'slurry': 1, 'venturastyle': 1, 'seuss': 1, 'mid1980s': 1, 'gorefests': 1, '2018': 1, 'gismos': 1, 'regulate': 1, 'planing': 1, 'bucketloads': 1, 'ultraexpensive': 1, 'sequoia': 1, 'gascogne': 1, 'xiiis': 1, 'speirs': 1, 'scripter': 1, 'directorcinematographer': 1, 'xiongs': 1, 'stagecoach': 1, 'ladderfight': 1, 'mtvish': 1, 'swashing': 1, 'interloper': 1, 'scrapped': 1, 'highlyanticipated': 1, 'slotted': 1, 'demotion': 1, 'muchloathed': 1, 'catsuitclad': 1, 'imbuing': 1, 'sassiness': 1, 'crippling': 1, 'volley': 1, 'fizzling': 1, 'usuallysplendid': 1, 'inroad': 1, 'commendably': 1, 'regrettablyneglected': 1, 'kathyrn': 1, 'cheekily': 1, 'caperesque': 1, 'veritably': 1, 'twiggish': 1, 'everbemused': 1, 'climatecontrolling': 1, 'crisply': 1, 'slugging': 1, 'quickest': 1, 'savoured': 1, 'keital': 1, 'moderatelysuccessful': 1, 'modelturnedactress': 1, 'halfhumanhalfalien': 1, 'indomitable': 1, 'damping': 1, 'ardor': 1, 'angrybutinept': 1, 'lazards': 1, 'scintilla': 1, 'soundalike': 1, 'freakiest': 1, 'nonbelievers': 1, 'baseballrelated': 1, 'honeybunny': 1, 'characterheavy': 1, 'centerfielder': 1, 'demonfighting': 1, 'hindends': 1, 'stuntbutts': 1, 'amplysized': 1, 'objectifying': 1, 'tidbit': 1, 'summit': 1, 'wellplotted': 1, 'kosher': 1, 'somethine': 1, 'mastabatory': 1, 'nonnude': 1, 'mccallum': 1, '131': 1, 'atcheson': 1, 'obey': 1, 'calibrated': 1, 'ninefilm': 1, 'screenshots': 1, 'yearlong': 1, 'multitudes': 1, 'kfc': 1, 'antihype': 1, 'rapidity': 1, 'maddened': 1, 'funneled': 1, 'speeder': 1, 'relativelybrief': 1, 'futures': 1, 'threetime': 1, 'over70': 1, 'copturnedprivate': 1, 'eyeturned': 1, 'manila': 1, 'egotisitical': 1, 'indestructable': 1, '2030': 1, 'entrepeneurs': 1, 'inuits': 1, 'caines': 1, 'cheif': 1, 'wounding': 1, 'alfie': 1, 'coure': 1, 'sergeants': 1, 'ermeys': 1, 'assasins': 1, 'excrucitating': 1, 'bostonians': 1, 'femalefearing': 1, 'couteney': 1, 'liken': 1, 'productofchoice': 1, 'nottoodistant': 1, 'desensitization': 1, 'indifferently': 1, 'wrinkle': 1, '_dragon_s': 1, 'icecube': 1, 'halfexpect': 1, 'strolling': 1, 'mindtwisting': 1, 'doublespaced': 1, '_mortal': 1, 'kombat_s': 1, 'mayersberg': 1, 'alludes': 1, 'fujioka': 1, 'ancestor': 1, 'downattheheels': 1, 'redoubtable': 1, 'holzbog': 1, 'armsmerchantcumsafarihost': 1, 'cumislamicmissionary': 1, 'eilbacher': 1, 'witchdoctor': 1, 'prearranged': 1, 'endos': 1, '_there_': 1, 'subtexts': 1, 'elaborated': 1, 'scenechewing': 1, 'clavell': 1, 'kurusawa': 1, 'birthdays': 1, 'overlylong': 1, 'caftan': 1, 'spyromance': 1, 'converts': 1, 'actionfilm': 1, 'outofwater': 1, 'nekhorvich': 1, 'cialike': 1, 'launcher': 1, 'polson': 1, 'stickell': 1, 'highgadget': 1, 'selfdestructed': 1, 'audi': 1, 'tracer': 1, 'infect': 1, 'insuring': 1, 'vaccine': 1, 'slamdunks': 1, 'telecast': 1, 'demographics': 1, 'exuniversal': 1, 'newermodel': 1, 'legionnaire': 1, 'artistaction': 1, 'supersoldier': 1, 'trainerconsultant': 1, 'cotner': 1, 'fiercer': 1, 'axed': 1, 'hillary': 1, 'nearindestructible': 1, 'patheticallywritten': 1, 'fuelled': 1, 'fasanos': 1, 'uhm': 1, 'unheardof': 1, '90plus': 1, 'vesco': 1, 'presumedbutneverproved': 1, 'jascha': 1, 'bloodlines': 1, 'traceable': 1, 'cannom': 1, 'malcolmasmomma': 1, 'schooling': 1, 'prostheses': 1, 'midwife': 1, 'independently': 1, 'lascivious': 1, 'cleverlyconstructed': 1, 'presumption': 1, 'berkoff': 1, 'woud': 1, 'kilpatric': 1, 'carolghostbustersscrooged': 1, 'toghether': 1, 'crosss': 1, 'remeber': 1, 'odonaghue': 1, 'microphage': 1, '2007': 1, 'interred': 1, 'policed': 1, 'policia': 1, 'corridortunnelairduct': 1, 'postchasing': 1, 'twentyfour': 1, 'samanthas': 1, 'triangular': 1, 'talethe': 1, 'nuptialsto': 1, 'repress': 1, 'pepto': 1, 'bismol': 1, 'jokemachine': 1, 'watchabe': 1, 'sooo': 1, 'schulz': 1, 'bumpys': 1, 'sprinting': 1, '3040': 1, 'schultz': 1, 'desiring': 1, 'triplebladed': 1, 'mercaneries': 1, 'bladed': 1, 'dagger': 1, 'boomy': 1, 'ataglance': 1, 'bloodfilled': 1, 'dependant': 1, 'offpost': 1, 'windsup': 1, '36hour': 1, '_halloween_': 1, 'thing_': 1, 'darkness_': 1, '_they': 1, 'live_': 1, '_escape': 1, 'york_': 1, 'notquitekosher': 1, 'slake': 1, 'ateam': 1, 'harpoons': 1, 'matchsticks': 1, 'commemorate': 1, 'ambushes': 1, 'mansontype': 1, 'cpl': 1, 'upham': 1, 'prisonturned': 1, 'ohsocool': 1, 'stylishness': 1, 'gossamerthin': 1, 'woodies': 1, 'blurting': 1, 'semioffensive': 1, 'crassness': 1, 'pubescent': 1, 'unpopped': 1, 'kernels': 1, 'lessthanhonorable': 1, 'reneges': 1, 'elongated': 1, 'notsoglorious': 1, 'positives': 1, 'cheque': 1, 'ineptness': 1, 'ungainly': 1, '_four_': 1, 'sweetie': 1, 'junkbonds': 1, 'deloreans': 1, 'accelerating': 1, 'nostalgically': 1, 'mightiest': 1, 'maxlike': 1, 'kell': 1, 'guano': 1, 'superduper': 1, 'ventured': 1, 'emmett': 1, 'kimsey': 1, 'chomps': 1, 'oceanographic': 1, 'hoopers': 1, 'spruce': 1, 'caspers': 1, 'batloathing': 1, 'gallup': 1, 'serpents': 1, 'mocks': 1, 'misteps': 1, 'shread': 1, 'indoor': 1, 'imwhiningbecauseicantgetagirliwant': 1, 'homcoming': 1, 'multiweek': 1, 'noxema': 1, 'spokesperson': 1, 'publically': 1, 'toooverthetop': 1, 'waytooglossy': 1, 'obscurities': 1, 'desintegration': 1, 'eflmans': 1, 'poorlymotivated': 1, 'semithorough': 1, 'accord': 1, 'toswallow': 1, 'heavyhandedly': 1, '9year': 1, 'intuitive': 1, 'crouched': 1, 'langenkamps': 1, 'aameetings': 1, 'gwennie': 1, 'courtordered': 1, 'dramacomedy': 1, 'delude': 1, 'gwenies': 1, 'teaspoons': 1, 'fifteenminute': 1, 'cataloguing': 1, 'truckchase': 1, 'wrenched': 1, 'slung': 1, 'ropebridge': 1, 'venality': 1, 'mst3ked': 1, 'bots': 1, 'sked': 1, 'nottoobright': 1, 'arlenes': 1, 'checkers': 1, 'kingtype': 1, 'earshot': 1, '1320': 1, 'thwarting': 1, 'ferrells': 1, 'lollipops': 1, 'poopie': 1, 'urbanlegendary': 1, 'homicides': 1, 'scorned': 1, 'continuitys': 1, 'devlins': 1, 'lizardstompsmanhattan': 1, 'lobotomized': 1, 'monsterinstigated': 1, 'nottooprecocious': 1, '51st': 1, 'yawnprovoking': 1, 'lessarrogantthanusual': 1, 'incipient': 1, 'siskelebert': 1, 'upstaging': 1, 'wordofmouthproof': 1, 'illusionists': 1, 'wands': 1, 'tumbled': 1, 'deepak': 1, 'chopra': 1, 'clearthinking': 1, 'highlyplaced': 1, 'bilking': 1, 'bestforgotten': 1, 'uninterestingly': 1, 'waxen': 1, 'mohamed': 1, 'karaman': 1, 'sudddenly': 1, 'deadinthewater': 1, 'tetsuothe': 1, 'paleontology': 1, 'ingen': 1, 'nubla': 1, 'flyover': 1, 'checkbook': 1, 'harelik': 1, 'paragliding': 1, 'dredging': 1, 'paraglider': 1, 'udesky': 1, 'spinosauraus': 1, 'pteranodons': 1, 'trifecta': 1, 'dalva': 1, 'lustily': 1, 'retitle': 1, 'nazistyle': 1, 'governmentcontrolled': 1, 'strapless': 1, 'stuntwoman': 1, 'kahlberg': 1, 'westridge': 1, 'doevre': 1, 'amazonas': 1, 'splashing': 1, 'unconcious': 1, 'devouring': 1, 'wiggles': 1, 'underestimating': 1, 'nightvision': 1, 'jewelthief': 1, 'letteropener': 1, 'thrillersuspense': 1, 'possessors': 1, 'actordirectorproducer': 1, 'excreting': 1, 'salwen': 1, 'handphones': 1, 'telefixated': 1, 'donated': 1, 'doublelines': 1, 'tigher': 1, 'profess': 1, 'glitch': 1, 'metamorphoses': 1, 'denises': 1, 'taling': 1, 'animatedly': 1, 'overlychatty': 1, 'knicked': 1, 'telephonetouters': 1, 'flogging': 1, 'terribly90s': 1, 'earful': 1, 'ebay': 1, 'chelsoms': 1, 'scions': 1, 'peccadilloes': 1, 'tcs': 1, 'ditz': 1, 'macdowells': 1, 'hanania': 1, 'maginnis': 1, 'poseidons': 1, 'incommand': 1, 'nonthrilling': 1, 'borgnines': 1, 'notso': 1, 'fatass': 1, 'billowing': 1, 'hips': 1, 'cellulite': 1, 'shellulite': 1, 'spicoli': 1, 'adorableness': 1, 'tannek': 1, 'nyu': 1, 'diligence': 1, 'sadoski': 1, 'jimmi': 1, 'waterbeds': 1, 'coquette': 1, 'evilblackmailing': 1, 'drugging': 1, 'rohypnol': 1, 'unthinking': 1, 'flatten': 1, 'faircanticle': 1, 'winka': 1, 'overlysensitive': 1, 'clichheckerling': 1, 'friskiness': 1, 'bowery': 1, 'huntz': 1, 'destabilize': 1, 'yucks': 1, 'pedicure': 1, '20minute': 1, 'sticktowhatyoudobest': 1, 'dalmations': 1, 'bradford': 1, 'halfman': 1, 'superpoliceman': 1, 'indebted': 1, 'gizmo': 1, 'kelogg': 1, 'goodytwoshoes': 1, 'tiein': 1, 'tapeheads': 1, 'geysers': 1, 'haystack': 1, 'truant': 1, 'surfboards': 1, 'skateboards': 1, 'armoire': 1, 'exranger': 1, 'odoriferous': 1, 'demonstrable': 1, 'tenfoot': 1, 'skateboard': 1, 'moist': 1, 'dumbo': 1, 'positronic': 1, 'thurral': 1, 'asimovs': 1, 'vernes': 1, 'avika': 1, 'decease': 1, 'scharzenegger': 1, 'rediculous': 1, 'umu': 1, 'sextette': 1, 'retrograding': 1, 'pows': 1, 'gwaaaas': 1, 'clangs': 1, 'dozier': 1, 'extravagance': 1, 'fiberglass': 1, 'wroth': 1, 'mated': 1, 'warners': 1, 'rustedout': 1, 'gm': 1, 'bakersfield': 1, 'sipping': 1, 'novalees': 1, 'stagelights': 1, 'stewartesque': 1, 'prefontaine': 1, 'validates': 1, 'hendricks': 1, 'snider': 1, 'trans': 1, 'detests': 1, 'pageturner': 1, 'reviled': 1, 'morphs': 1, 'renditions': 1, 'wellsupported': 1, 'heffrons': 1, 'detrimentally': 1, 'antiestablishment': 1, 'forgoes': 1, 'assantes': 1, 'brandonlike': 1, '1963s': 1, 'unnoteworthy': 1, 'neerdowell': 1, 'munchie': 1, 'keels': 1, 'swapping': 1, 'potobsessed': 1, 'smokealot': 1, 'scrape': 1, 'roomsinto': 1, 'bellboys': 1, 'roomm': 1, 'rambunctous': 1, 'mentionable': 1, 'kritic': 1, 'korner': 1, 'landons': 1, 'krikes': 1, 'meersons': 1, 'leonowens': 1, 'imperialist': 1, 'motherwholovesyou': 1, 'diffuse': 1, 'composure': 1, 'tennants': 1, 'fauna': 1, 'sangfroid': 1, 'melbrooksproduced': 1, 'shuffled': 1, 'loxley': 1, 'achoo': 1, 'rottingham': 1, 'rentawreck': 1, 'circumcisiongiving': 1, 'ledges': 1, 'majorly': 1, 'jaunts': 1, 'shiningevent': 1, 'beforeand': 1, 'betterso': 1, 'centerpieces': 1, 'stormswept': 1, 'confidante': 1, 'salivate': 1, 'dialogueladen': 1, 'falseness': 1, 'ryannicolas': 1, 'filmakers': 1, 'okeefe': 1, 'gopher': 1, 'golfing': 1, 'caddies': 1, 'idomyjobwhethertheyareinnocentorguilty': 1, 'disobeying': 1, '_pecker_': 1, 'collegeset': 1, 'blemishfree': 1, 'fs': 1, 'everpartying': 1, 'boozefilled': 1, 'easylook': 1, 'traeger': 1, 'broder': 1, '_saved_by_the_bell_': 1, 'gosselaars': 1, 'sitcombred': 1, 'lochlyn': 1, 'munro': 1, 'pearlstein': 1, 'resurface': 1, 'evaporates': 1, 'slogs': 1, 'happyforallparties': 1, 'somenot': 1, 'pollution': 1, 'citydevastation': 1, 'hitech': 1, 'hushhush': 1, 'fugitivelike': 1, 'paucity': 1, 'empathise': 1, 'doesn9t': 1, 'tiptop': 1, 'onelegged': 1, 'smirky': 1, 'inconcert': 1, 'barechested': 1, 'tuxedoclad': 1, 'mosh': 1, 'mentos': 1, 'almostsubliminal': 1, 'lunges': 1, 'bombarding': 1, 'ontarget': 1, 'almosthalfwaythere': 1, 'ophiophile': 1, 'constrictor': 1, 'egowithering': 1, 'knothole': 1, 'snarfed': 1, 'fasterthangravity': 1, 'acceleration': 1, 'snarf': 1, 'gfriend': 1, 'oldguy': 1, 'cruddy': 1, 'perpetuation': 1, 'rydain': 1, 'uhhm': 1, 'bitchiest': 1, 'unprofessionalism': 1, 'winches': 1, 'unsupportive': 1, 'ilynea': 1, 'mironoff': 1, 'guzzling': 1, 'mandels': 1, 'moreus': 1, 'lockers': 1, 'castrate': 1, 'timbers': 1, 'spurns': 1, 'nonplussed': 1, 'armrest': 1, 'breached': 1, 'tuptim': 1, 'armi': 1, 'arabe': 1, 'rankin': 1, 'bakalian': 1, 'jacqeline': 1, 'seidler': 1, 'unmagical': 1, 'uneffective': 1, 'kidlets': 1, '1956': 1, 'doggystyle': 1, 'pris': 1, 'lettering': 1, 'auel': 1, 'dogeared': 1, 'blacked': 1, 'ponytails': 1, 'aylas': 1, 'leggings': 1, 'recedes': 1, 'twobyfour': 1, 'facepainting': 1, 'fauxmysticism': 1, 'hardings': 1, 'drugdealing': 1, 'yessssss': 1, 'shucks': 1, 'vindicated': 1, 'mtvinfluenced': 1, 'globetrotting': 1, 'recentlydeceased': 1, 'disproving': 1, 'excommunicated': 1, 'whoaaaaaa': 1, 'arrrrrrrghhhh': 1, 'wainwrights': 1, 'wrists': 1, 'curled': 1, 'cackle': 1, 'suppressed': 1, 'stigmatas': 1, 'offbase': 1, 'sharkskin': 1, 'dulled': 1, 'quotation': 1, 'misconceived': 1, 'bumblings': 1, 'heretic': 1, 'overconceived': 1, 'emerald': 1, 'grandest': 1, 'enigmatical': 1, '2293': 1, 'movieness': 1, 'oldstyle': 1, 'hemispheres': 1, 'quasiutopian': 1, 'senility': 1, 'niall': 1, 'buggy': 1, 'squirmy': 1, 'exterminators': 1, 'laughinducting': 1, 'zardozs': 1, 'erection': 1, 'diaper': 1, 'braided': 1, 'earpstyle': 1, 'handlebar': 1, 'thighhigh': 1, 'unsworth': 1, 'treatise': 1, 'infallibility': 1, 'firstand': 1, 'onlyattempt': 1, 'sketchcomedy': 1, 'pharmaceuticals': 1, 'comedyand': 1, 'exceptionis': 1, 'risquenessmostly': 1, 'charactersbut': 1, 'battlegoing': 1, 'valeks': 1, 'stylelessly': 1, 'vamires': 1, 'exfan': 1, '_snl_': 1, 'lorne': 1, '_clueless_': 1, 'alreadythin': 1, 'pointand': 1, 'pelvic': 1, 'howeverthese': 1, 'butabis': 1, 'fortenberry': 1, '_21_jump_street_': 1, 'uncreditedcan': 1, 'obeys': 1, 'rift': 1, 'stonily': 1, 'jokea': 1, '_jerry_maguire_will': 1, '_have_': 1, '_jerry_maguire_': 1, '_roxbury_s': 1, '12part': 1, 'watchmen': 1, 'researched': 1, 'riddle': 1, 'sooty': 1, 'godley': 1, 'briefed': 1, 'cloaking': 1, 'whistling': 1, 'stonecutters': 1, 'carwho': 1, 'deming': 1, 'victorianera': 1, 'prague': 1, 'ians': 1, 'popularbutslow': 1, '_ferris': 1, 'bueller_': 1, 'studentteacher': 1, 'tonal': 1, 'ryanhanks': 1, 'familyrun': 1, 'alienlike': 1, 'dahdum': 1, 'relinquishes': 1, 'amity': 1, 'beaches': 1, 'relents': 1, 'dethroned': 1, 'apprenticeship': 1, 'duddy': 1, 'kravitz': 1, 'ahab': 1, 'masochism': 1, 'devoured': 1, 'sinch': 1, 'writihing': 1, 'chomped': 1, 'scarethrillers': 1, 'postsalary': 1, 'allocate': 1, 'freeagent': 1, 'linebackers': 1, 'safeties': 1, 'herb': 1, 'madrid': 1, 'carriages': 1, 'slapstickfu': 1, 'sympathizers': 1, 'windtunnel': 1, 'kevlar': 1, 'smashedup': 1, 'scorpions': 1, 'kazdan': 1, 'selftaught': 1, 'ousted': 1, 'aides': 1, 'dismembering': 1, 'hatchets': 1, 'fastemptying': 1, 'belgianowned': 1, 'stanleyville': 1, 'chesslike': 1, 'tactically': 1, 'coalition': 1, 'exert': 1, 'mutinies': 1, 'tschombe': 1, 'sometimesodious': 1, 'colonialists': 1, 'nigeria': 1, 'somalia': 1, 'colonized': 1, 'zimbabwe': 1, 'mozambique': 1, 'yeomans': 1, 'stalwart': 1, 'patrices': 1, 'lopsided': 1, 'politicos': 1, 'davin': 1, 'vandalizing': 1, 'presenttime': 1, 'arbitrarily': 1, 'purging': 1, 'skims': 1, 'handfed': 1, 'sliceoflife': 1, 'elixir': 1, 'refreshingand': 1, 'nonentity': 1, 'knob': 1, 'shortcropped': 1, 'walshs': 1, 'mingle': 1, 'stevie': 1, 'ringer': 1, 'rolemodel': 1, 'financiallystrapped': 1, 'belgians': 1, 'rudi': 1, 'delhem': 1, 'publique': 1, 'rebellions': 1, 'nationals': 1, 'unrest': 1, 'tshombe': 1, 'secession': 1, 'pacification': 1, 'illuminates': 1, 'bantu': 1, 'radiating': 1, 'ebouaneys': 1, 'schwartznager': 1, 'galoshes': 1, 'rongguang': 1, 'bellies': 1, 'szeman': 1, 'tsang': 1, 'twinkletoed': 1, 'siunin': 1, 'feihung': 1, 'tsi': 1, 'titmalau': 1, '112': 1, 'retrostyle': 1, 'bounding': 1, 'venetian': 1, 'holders': 1, 'erudite': 1, 'narcoleptic': 1, 'hypertense': 1, 'najimy': 1, 'funfilled': 1, 'selfdone': 1, 'lawyerintraining': 1, 'faucet': 1, 'buzzes': 1, 'personalityimpaired': 1, 'salesperson': 1, 'screamingly': 1, 'carping': 1, 'noncynics': 1, 'territories': 1, 'mirthless': 1, 'spritely': 1, 'kinginspired': 1, 'outlawed': 1, 'anticlimax': 1, 'hostageholding': 1, 'embezzling': 1, 'conventionalism': 1, 'takeitorleaveit': 1, 'preconception': 1, 'breathers': 1, 'characterizes': 1, 'negotiators': 1, 'crue': 1, 'anthrax': 1, 'geekgod': 1, 'zakk': 1, 'wylde': 1, 'ozzy': 1, 'osbourne': 1, 'pilson': 1, 'dokken': 1, 'cuddy': 1, 'girlfight': 1, 'contraceptive': 1, 'maternity': 1, 'retakes': 1, 'windsors': 1, 'stabilize': 1, 'hippest': 1, 'adversaries': 1, 'westernlike': 1, 'comedymystery': 1, 'tilvern': 1, 'jessicas': 1, 'unfaithfulness': 1, 'patty': 1, 'stubby': 1, 'judgejuryand': 1, 'toon': 1, 'zemekis': 1, 'ppppplease': 1, 'sexuallyfrustrated': 1, 'jerri': 1, 'heroinaddicted': 1, 'drugaddiction': 1, 'brassed': 1, 'transatlantic': 1, 'junkfest': 1, 'puncturing': 1, 'wobbles': 1, 'toagain': 1, 'hirings': 1, 'firings': 1, 'norristowns': 1, 'wastedand': 1, 'miscastas': 1, 'heavilybespectacled': 1, 'dopedup': 1, 'wordsmith': 1, 'needlejabbing': 1, 'wiring': 1, 'suspensefilled': 1, 'copgonebad': 1, 'archenemies': 1, 'reintroduce': 1, 'coexisted': 1, 'wellequipped': 1, 'criticmode': 1, 'lessmanic': 1, 'beckel': 1, 'lashing': 1, 'affiliations': 1, 'antirich': 1, 'ezekiel': 1, 'whitmore': 1, 'wordjazz': 1, 'drepers': 1, '_today_': 1, 'mistakenlysuspected': 1, 'gridlockds': 1, 'ultralow': 1, 'ohalloran': 1, 'avarys': 1, 'avary': 1, 'coraghessan': 1, 'bucktoothed': 1, 'advocated': 1, 'vegetarianism': 1, 'defecation': 1, 'cornflake': 1, 'checkingin': 1, 'kelloggs': 1, 'neville': 1, 'darnedness': 1, 'sculpted': 1, 'headdresses': 1, 'egyptologist': 1, 'pyramids': 1, 'mayfielddirected': 1, 'kriss': 1, 'kringle': 1, 'moisten': 1, 'schwarz': 1, 'affords': 1, 'precluded': 1, 'woodstock': 1, 'pennebaker': 1, 'organizers': 1, 'dionne': 1, 'warwick': 1, 'dispelled': 1, 'nsync': 1, 'glamorising': 1, 'gentler': 1, 'italoamerican': 1, 'pileggi': 1, 'irishitalian': 1, 'cicero': 1, 'infidelities': 1, 'shortlasting': 1, 'lengthens': 1, 'easylistening': 1, 'fragmentary': 1, 'hollywoodised': 1, 'cesspool': 1, 'burkettsville': 1, 'twigsculptures': 1, 'witchwannabe': 1, 'wicca': 1, 'threefold': 1, 'markings': 1, 'paradice': 1, 'myrick': 1, 'sanches': 1, 'scenesthe': 1, 'anticlimaxic': 1, 'artistical': 1, 'bloodyred': 1, 'burwells': 1, 'videocameras': 1, 'nfeatured': 1, 'entir': 1, 'tristine': 1, 'skyler': 1, 'beautifullyconstructed': 1, 'ja': 1, 'neogothic': 1, 'caraciture': 1, 'gratuities': 1, 'pasty': 1, 'synthesize': 1, 'inferring': 1, 'churchthe': 1, 'doubleduty': 1, 'minstrels': 1, 'undocumented': 1, 'respectivelythis': 1, 'absolved': 1, 'linkbetween': 1, 'compositions': 1, 'writinghis': 1, 'issuesnamely': 1, 'beliefseloquently': 1, 'articulately': 1, 'lokis': 1, 'videoage': 1, 'samplemad': 1, 'sciencea': 1, 'dexterous': 1, 'scatalogical': 1, 'protestors': 1, 'fletch': 1, 'picketers': 1, 'lovein': 1, 'roundabout': 1, 'biblethumper': 1, 'donohue': 1, 'kiddiefriendly': 1, 'broadstroked': 1, 'geisha': 1, 'jinns': 1, 'manfully': 1, 'brushup': 1, 'corpulent': 1, 'alderaan': 1, 'leias': 1, 'gila': 1, 'rabbitish': 1, 'amphibious': 1, 'gnome': 1, 'knightdom': 1, 'jedisize': 1, 'stentorian': 1, 'mister': 1, 'reversing': 1, 'livedin': 1, 'vehemence': 1, 'craggy': 1, 'bathrobes': 1, 'writerly': 1, 'mechanically': 1, 'toneless': 1, 'sweeteerie': 1, 'chivalrously': 1, 'gaskell': 1, 'chivalrous': 1, 'hanksian': 1, 'chuckleworthy': 1, 'fringes': 1, 'toiled': 1, 'losin': 1, 'bulimia': 1, 'breakdance': 1, 'walkoff': 1, 'zipped': 1, 'cuttingandpasting': 1, 'violating': 1, 'nanook': 1, 'evangelista': 1, 'artiness': 1, 'behindthe': 1, 'rios': 1, 'lia': 1, 'predictament': 1, 'outskirts': 1, 'unpaved': 1, 'povertystricken': 1, 'heartwrenchingly': 1, 'scamartist': 1, 'candlelighting': 1, 'bumpersticker': 1, 'evangelicals': 1, 'nondrinking': 1, 'evangelical': 1, 'vinicius': 1, 'mie': 1, 'renier': 1, '_la': 1, 'promesse_': 1, 'epsode': 1, 'lightest': 1, 'exqueeze': 1, 'mesa': 1, 'okeday': 1, '77': 1, 'elicitor': 1, 'generationx': 1, 'karaokebased': 1, 'ohsonice': 1, 'girlcrazy': 1, 'galpal': 1, 'tunesbut': 1, 'grungers': 1, 'playacting': 1, 'basking': 1, 'marvelling': 1, 'allexcept': 1, 'managerand': 1, 'niceness': 1, 'tardis': 1, 'jee': 1, 'tso': 1, 'mcganns': 1, 'whovians': 1, 'skaro': 1, 'gallifrey': 1, 'coproducers': 1, 'wlodkowski': 1, 'tariq': 1, 'anway': 1, 'greenbury': 1, 'shohan': 1, 'mastubatory': 1, 'homemaker': 1, 'antifamily': 1, 'carolyns': 1, 'burnhams': 1, 'deprive': 1, 'spiraling': 1, 'bentleys': 1, 'romanticizedhemingway': 1, 'mandated': 1, 'fussy': 1, 'singled': 1, 'uplifiting': 1, 'subsidiaries': 1, 'specialize': 1, 'independant': 1, 'searchlight': 1, 'nothought': 1, 'segregation': 1, 'statementmaking': 1, 'widescale': 1, 'pseudoworld': 1, 'fatherknowsbest': 1, 'ownerturnedpainter': 1, 'closeminded': 1, 'closemindedness': 1, 'hotfudgerockin': 1, 'professorarcheologist': 1, 'jug': 1, 'truckloads': 1, 'salsa': 1, 'scoured': 1, 'hoses': 1, 'minecart': 1, 'registration': 1, 'obcpo': 1, 'engravings': 1, 'sallah': 1, 'squaddie': 1, 'woostyled': 1, 'kingston': 1, 'shipments': 1, 'browne': 1, 'patterned': 1, 'squib': 1, 'grammy': 1, 'maxi': 1, 'hancock': 1, 'bootsy': 1, 'ballentine': 1, 'deportee': 1, 'ninjaman': 1, 'sixmonth': 1, 'sixstring': 1, 'blackwell': 1, '8year': 1, 'plaincheese': 1, 'teasing': 1, 'alreadychaotic': 1, 'delegate': 1, 'headcount': 1, 'softener': 1, 'culkins': 1, 'fauxpas': 1, 'hass': 1, 'woolsley': 1, '_star': 1, 'wars_': 1, 'imagethat': 1, 'horizontally': 1, 'thentechnological': 1, 'undeterring': 1, 'associating': 1, 'nerdiest': 1, '_lone': 1, 'star_': 1, '_matewan_': 1, 'coalminers': 1, 'horizontalmoving': 1, 'nightsky': 1, 'panteliano': 1, 'coaxed': 1, 'decieving': 1, 'gazillion': 1, 'daze': 1, 'faber': 1, 'modelcitizens': 1, 'assholes': 1, 'pepperidge': 1, 'jackoff': 1, 'neidermeyer': 1, 'supremebozo': 1, 'honeymustard': 1, 'frats': 1, 'riegert': 1, 'steadydate': 1, 'katy': 1, 'secondfiddle': 1, 'pinto': 1, 'blimp': 1, 'stork': 1, 'braindamage': 1, 'fifths': 1, 'creamfilled': 1, 'puffs': 1, 'zit': 1, 'toga': 1, 'fucnniest': 1, 'int': 1, 'crowns': 1, 'pegged': 1, 'releasejohn': 1, 'adaptationin': 1, 'wetbehindtheears': 1, 'whitworth': 1, 'negligent': 1, 'placer': 1, 'notableand': 1, 'effectivecontribution': 1, 'unlicensed': 1, 'cocounsel': 1, 'naivete': 1, 'workerjanitor': 1, 'supergenius': 1, '_very_': 1, 'everappealing': 1, 'harvardschooled': 1, 'prickly': 1, 'fluctuations': 1, 'inhibits': 1, 'mulling': 1, 'cerebrality': 1, 'nolans': 1, 'crispness': 1, 'pantolianos': 1, 'unconsoling': 1, 'subcontinent': 1, 'lahore': 1, 'maaia': 1, 'sethna': 1, 'rahul': 1, 'khanna': 1, 'aamir': 1, 'otherssikh': 1, 'muslimare': 1, 'stirringly': 1, 'nandita': 1, 'fanaticism': 1, 'motherlandone': 1, 'peacably': 1, 'sundered': 1, 'persecuted': 1, 'breakage': 1, 'conclusionthe': 1, 'transformationis': 1, 'pakistanthey': 1, 'terminus': 1, 'directon': 1, 'yimous': 1, 'tian': 1, 'zhuangzhuangs': 1, 'agonies': 1, 'pakistan': 1, 'gibb': 1, 'straighttothecutoutbin': 1, 'gingrichs': 1, 'chili': 1, 'mafias': 1, 'oddsmaker': 1, 'defecting': 1, 'toneddowned': 1, 'trophies': 1, 'uncountable': 1, 'fletchers': 1, 'subscribers': 1, 'oswald': 1, '36th': 1, 'heroinesariel': 1, 'mulanget': 1, 'anthem': 1, 'montagebacked': 1, 'grownupsthis': 1, 'includedwishing': 1, 'withoutshock': 1, 'pepe': 1, 'trinidad': 1, 'slackness': 1, 'formulawise': 1, 'mongolian': 1, 'outmatches': 1, 'simpithize': 1, 'worrys': 1, 'geologist': 1, 'geologic': 1, 'helecopters': 1, 'volcanos': 1, '35th': 1, 'retooling': 1, 'colorfully': 1, 'satyrical': 1, 'menkendavid': 1, 'ly': 1, 'melodies': 1, 'herc': 1, 'anachronisms': 1, 'ixii': 1, 'longoverdue': 1, 'mouses': 1, 'ments': 1, 'pocohontas': 1, 'clements': 1, 'musker': 1, 'eggar': 1, 'tyrant': 1, 'awk': 1, 'impolite': 1, 'dragonprotected': 1, 'moatfilled': 1, 'motormouthed': 1, 'publicdomain': 1, 'domicile': 1, 'queue': 1, 'acrimony': 1, 'sandbox': 1, 'soupy': 1, 'caress': 1, 'sobriety': 1, 'itamis': 1, 'tsutomu': 1, 'yamazaki': 1, 'holeinthewall': 1, 'strongman': 1, 'pisken': 1, 'rikiya': 1, 'yasuoka': 1, 'gourmets': 1, 'sommeliers': 1, 'omelet': 1, 'triumphing': 1, 'apparitionlike': 1, 'lando': 1, 'calrissian': 1, 'creepylooking': 1, 'hognosed': 1, 'barge': 1, 'cryofreeze': 1, 'endor': 1, 'bearlike': 1, 'trilogies': 1, 'sculptures': 1, 'hogarths': 1, 'lodger': 1, 'beatnik': 1, 'bonked': 1, 'auteil': 1, 'aumont': 1, 'mails': 1, 'laroque': 1, 'vandernoot': 1, 'stanislas': 1, 'crevillen': 1, 'lhermite': 1, 'grovel': 1, 'verber': 1, 'offtrack': 1, 'saintpierre': 1, 'blownup': 1, 'reeds': 1, 'recast': 1, 'dictator_': 1, 'mindcharlie': 1, 'gd': 1, 'dignitary': 1, 'aryans': 1, 'giosue9': 1, 'vandalism': 1, 'dignities': 1, 'preposterousness': 1, 'aryan': 1, 'footnote': 1, 'horrorless': 1, 'offtarget': 1, 'havishams': 1, 'manhating': 1, 'railthin': 1, 'councils': 1, 'spinetingling': 1, 'unforgiveably': 1, 'selfrearranging': 1, 'reallythey': 1, 'gradeschooler': 1, 'bogeyman': 1, 'tak': 1, 'fujimoto': 1, 'dramaits': 1, 'noticerather': 1, 'feelthe': 1, 'engrossingly': 1, 'shreck': 1, 'gustav': 1, 'wangenhein': 1, 'transylvanian': 1, 'strockers': 1, 'entertainments': 1, 'maunaus': 1, 'onegative': 1, 'tinting': 1, 'stendhals': 1, 'italys': 1, 'soavi': 1, 'graziella': 1, 'magherini': 1, 'rapistkiller': 1, 'lumpy': 1, 'cophuntingkiller': 1, 'candour': 1, 'stivaletti': 1, 'rotunno': 1, 'leonardi': 1, 'syndromes': 1, 'gambols': 1, 'metered': 1, 'carrotcolored': 1, 'ruddy': 1, 'trumpetplaying': 1, 'commie': 1, 'obliteration': 1, 'nugents': 1, 'remand': 1, 'boney': 1, 'arsed': 1, 'bogmen': 1, 'imaginationand': 1, 'chicaneryrunneth': 1, 'seeminglyharmless': 1, 'chinatowns': 1, 'exaggeratedly': 1, 'dialoguedriven': 1, 'motionlessly': 1, 'clump': 1, 'wellbared': 1, 'hennessey': 1, 'remembersand': 1, 'reclaimsher': 1, 'charly': 1, 'baltimore': 1, 'samanthacharly': 1, 'nogoodniks': 1, 'worksometimes': 1, 'harlins': 1, 'wifehusband': 1, 'morethanwelcome': 1, '1799': 1, 'reworkings': 1, 'internationals': 1, 'windmill': 1, 'occupations': 1, 'youngests': 1, 'harshseeming': 1, 'practicaljoking': 1, '_quite_': 1, 'roundly': 1, 'chagrinned': 1, 'soundly': 1, 'su': 1, 'huachi': 1, 'walnuts': 1, 'againthese': 1, '_happen_': 1, 'fruits': 1, 'vegetablesoften': 1, 'unparallelled': 1, 'moviejackie': 1, 'schticks': 1, '_great_': 1, 'mincemeat': 1, '_too_': 1, 'mostlyunrelatedstorywise': 1, 'americanrelease': 1, '_highly_': 1, 'flammable': 1, 'incinerating': 1, 'chauffeuring': 1, 'nonmatinee': 1, 'dimesional': 1, 'nearimpossibility': 1, 'skeptics': 1, 'doublepronged': 1, 'aurora': 1, 'borealis': 1, '69': 1, 'metsorioles': 1, 'amazin': 1, 'mets': 1, 'leeway': 1, 'descendant': 1, 'maleoriented': 1, 'serum': 1, 'quenches': 1, 'tuxedos': 1, 'inclosed': 1, 'ipkiss': 1, 'mcelhones': 1, 'christoffs': 1, 'unjustifyably': 1, 'aisling': 1, 'unforgettableperhaps': 1, 'winkwink': 1, 'anchoring': 1, 'flapping': 1, 'feverishly': 1, 'sopranalike': 1, 'realist': 1, 'tendancy': 1, 'drafting': 1, 'orginality': 1, 'calloways': 1, 'rawhide': 1, 'comhollywoodacademy8034': 1, 'excercise': 1, 'oldhollywood': 1, 'sinatra': 1, 'venerated': 1, 'cinnamon': 1, 'ordinaryyet': 1, 'beautifulin': 1, 'festive': 1, 'notinahurry': 1, 'watercolors': 1, 'flatlywritten': 1, 'quicklyyes': 1, 'everythingit': 1, 'estates': 1, 'benefactors': 1, 'lv426': 1, 'tubes': 1, 'exminingmaximum': 1, 'lifer': 1, 'exprison': 1, 'garnish': 1, 'choral': 1, 'everyweek': 1, 'kosovo': 1, 'fourteenth': 1, 'profiling': 1, 'nuseric': 1, 'roadrunner': 1, 'yugoslavian': 1, 'yugoslavians': 1, 'amenities': 1, 'intersplices': 1, 'learysandra': 1, 'hiver': 1, 'passiondenying': 1, 'dussollier': 1, 'maximes': 1, 'camilles': 1, 'stepahnes': 1, 'pitied': 1, 'auteuils': 1, 'stephanes': 1, 'operatype': 1, 'schubert': 1, 'synergism': 1, 'ravels': 1, 'bearts': 1, 'juxtapose': 1, 'thinker': 1, 'selfhypnosis': 1, 'staterun': 1, 'calisthenics': 1, 'lapdance': 1, '20foot': 1, 'selftrance': 1, 'invigorated': 1, 'refreshed': 1, 'compunction': 1, 'wheelchairstricken': 1, 'verna': 1, 'protigi': 1, 'stargaze': 1, 'underdrawn': 1, 'cipher': 1, 'cramp': 1, 'manoetmano': 1, 'milius': 1, 'drugrunning': 1, 'banditos': 1, 'shitkicking': 1, 'shootups': 1, 'saul': 1, 'zaentz': 1, 'runneth': 1, 'acuity': 1, 'surfeit': 1, 'binoches': 1, 'convalescence': 1, 'swimmers': 1, 'obliterate': 1, 'minghella': 1, 'higgins': 1, '51yearold': 1, 'scalise': 1, 'stoolie': 1, 'treasury': 1, 'sentencing': 1, 'fullwell': 1, 'keats': 1, 'gundealer': 1, 'informer': 1, 'orr': 1, 'mobstyle': 1, 'fatalistic': 1, 'loggins': 1, 'etymology': 1, 'halfgods': 1, 'purer': 1, 'mystique': 1, 'balletic': 1, 'toursdeforce': 1, 'limpwristed': 1, 'yon': 1, 'schamus': 1, 'hui': 1, 'kuo': 1, 'woping': 1, 'dun': 1, 'damnedifyoudo': 1, 'damnedifyoudont': 1, 'halfexpected': 1, 'confiscate': 1, 'palisades': 1, 'calif': 1, 'securing': 1, 'selfdestruction': 1, 'lowercase': 1, 'fogy': 1, 'nonplused': 1, 'nearlyperfect': 1, 'falloff': 1, 'kwietniowski': 1, 'adair': 1, 'relished': 1, 'everchanging': 1, 'picturelove': 1, 'procrastination': 1, '200page': 1, '_their_': 1, 'sixfoot': 1, 'panhood': 1, 'professorstudent': 1, 'disheveled': 1, 'maguires': 1, 'livens': 1, 'mentoring': 1, 'centerpoint': 1, 'touchup': 1, 'nov': 1, '2798': 1, 'soulcollecting': 1, 'deathaspitt': 1, 'enrages': 1, 'whiner': 1, 'prophesy': 1, 'philadephia': 1, 'cryptically': 1, 'jonesy': 1, 'sigel': 1, 'monoliths': 1, 'genos': 1, 'steaks': 1, 'fallens': 1, 'creepily': 1, 'sidewalks': 1, 'checkmate': 1, 'actingrelated': 1, 'gretta': 1, 'davidtzs': 1, 'gamelike': 1, 'washingtonsupplied': 1, 'developers': 1, 'convience': 1, 'yeardly': 1, 'unbelivable': 1, 'seeminglyheartless': 1, 'ovulating': 1, 'couplings': 1, 'sickboy': 1, 'jumble': 1, 'fourpronged': 1, 'nonromantic': 1, 'twohys': 1, 'daviss': 1, 'comradeship': 1, 'deputies': 1, 'renfo': 1, '103196': 1, 'movieany': 1, 'moviecould': 1, 'gasping': 1, 'disarray': 1, 'oneand': 1, 'highpriest': 1, 'osiris': 1, 'pharoah': 1, 'mummified': 1, 'entombed': 1, 'brandan': 1, 'wiesz': 1, 'horroractioncomedy': 1, 'imhoteps': 1, 'entombment': 1, 'emphasising': 1, 'densely': 1, 'benigness': 1, 'jetset': 1, 'redprofondo': 1, 'rosso': 1, 'tenebraes': 1, 'atmospheres': 1, 'muffs': 1, 'alibi': 1, 'selfinflicted': 1, 'franciosas': 1, 'ferrini': 1, 'sociologist': 1, 'attest': 1, 'dysfunctionality': 1, 'whitehouse': 1, 'meantempered': 1, 'bearish': 1, 'townsgirl': 1, 'overbearingly': 1, 'churlishness': 1, 'inescapable': 1, 'clamps': 1, 'whimpers': 1, 'saturdaynightfriendly': 1, 'coburns': 1, 'wart': 1, 'ashs': 1, 'showered': 1, 'zanier': 1, 'ampbells': 1, 'celerity': 1, 'cutely': 1, 'newsradios': 1, 'harvesting': 1, 'fliks': 1, 'incendiary': 1, 'irresponsibility': 1, 'distillation': 1, 'cubicle': 1, 'incurable': 1, 'testicular': 1, 'aday': 1, 'canceremasculated': 1, 'eunuch': 1, 'gynecomastia': 1, 'grudging': 1, 'condo': 1, 'awright': 1, 'goaded': 1, 'anticorporate': 1, 'mcemployees': 1, 'noisily': 1, 'boffing': 1, 'sedition': 1, 'uncorks': 1, 'witchhunters': 1, 'dionysian': 1, 'gurus': 1, 'mefirst': 1, 'selfactualization': 1, 'presley': 1, 'wheeling': 1, 'hunkahunka': 1, 'burnin': 1, 'shitekickin': 1, 'elvises': 1, 'blazin': 1, 'bactors': 1, 'kickin': 1, 'intermingle': 1, 'disperse': 1, 'megahot': 1, 'whoopass': 1, 'bossa': 1, 'jailhouse': 1, 'tonite': 1, 'simonesque': 1, 'condense': 1, 'levinsons': 1, 'alltootrue': 1, 'conread': 1, 'pointedly': 1, 'exmilitary': 1, 'electoral': 1, 'cias': 1, 'outlets': 1, 'correspondents': 1, 'reinventions': 1, 'unethical': 1, 'decidely': 1, 'restlessness': 1, 'underachieves': 1, 'unpopularity': 1, 'shoah': 1, 'ancestry': 1, 'extermination': 1, 'germanys': 1, 'buchenwald': 1, 'draining': 1, 'testaments': 1, 'talkingheads': 1, 'xmozillastatus': 1, '0009f': 1, 'bloopers': 1, 'nch': 1, 'evasive': 1, 'basch': 1, 'jerking': 1, 'choking': 1, 'drownings': 1, 'learnt': 1, 'highlystrung': 1, 'temples': 1, 'bulge': 1, 'golberg': 1, 'that8216': 1, 'punchy': 1, 'braiding': 1, 'gunga': 1, 'din': 1, 'solomons': 1, 'parasailing': 1, 'rica': 1, 'defunct': 1, 'altitude': 1, 'spinosaurus': 1, 'popularly': 1, 'tyrannosaurus': 1, 'dimetrodon': 1, 'williamss': 1, 'hornbys': 1, 'timorous': 1, 'egotistic': 1, 'deriding': 1, 'rejections': 1, 'informal': 1, 'slobbered': 1, 'interspecies': 1, 'reverted': 1, 'arupting': 1, 'duller': 1, 'consciencedeprived': 1, 'postfeminist': 1, 'ubertemptress': 1, 'unselfconsciously': 1, 'expounding': 1, 'gorbachev': 1, 'purplish': 1, 'folland': 1, 'slackerhood': 1, 'notquitethriller': 1, 'proselytize': 1, 'rightness': 1, 'wrongness': 1, 'diluting': 1, 'miniclassic': 1, 'trickortreat': 1, 'joachin': 1, '14s': 1, 'grousing': 1, 'whooping': 1, 'southward': 1, 'toptobottom': 1, 'selfjustification': 1, '_to': 1, 'him_': 1, 'feints': 1, 'sweetens': 1, 'bronwen': 1, 'whynot': 1, 'enchant': 1, '111': 1, 'youngstein': 1, 'jamahl': 1, 'epsicokhan': 1, 'worldassuming': 1, 'ideaand': 1, 'optionis': 1, 'directives': 1, 'recalled': 1, 'bordersat': 1, 'grimmest': 1, 'bogan': 1, 'overton': 1, 'powerlessthe': 1, 'preprogrammed': 1, 'stoppable': 1, 'nowin': 1, 'winnable': 1, 'statistical': 1, 'contraryaccording': 1, 'largertheme': 1, 'pronuclear': 1, 'theoretical': 1, 'retaliate': 1, 'countermeasures': 1, 'soilwhich': 1, 'revengeas': 1, 'alltooreal': 1, 'oherlihys': 1, 'hightension': 1, 'burdicks': 1, 'wheelers': 1, 'unfolded': 1, 'automation': 1, 'initialize': 1, 'meltdown': 1, 'lyricist': 1, 'gaity': 1, 'slapstickness': 1, 'argentinian': 1, 'unrewarding': 1, 'culiminating': 1, 'hater': 1, 'evas': 1, 'giddily': 1, 'fillinginthegaps': 1, 'reconnassaince': 1, 'accessory': 1, 'mourned': 1, 'guevera': 1, 'committments': 1, 'becuase': 1, 'remaning': 1, 'wonderully': 1, 'threadeach': 1, 'jocelyn': 1, 'moorhouse': 1, 'sorrows': 1, 'sewn': 1, 'quilting': 1, 'marianna': 1, 'hys': 1, 'generationsa': 1, 'smoldering': 1, 'irascible': 1, 'mariannas': 1, 'dally': 1, 'characterstheir': 1, 'nicelyunderstated': 1, 'tvshow': 1, 'riproarin': 1, 'organgrinder': 1, 'hearken': 1, 'simians': 1, 'righting': 1, 'expiring': 1, 'vestiges': 1, 'heinrichs': 1, 'outshock': 1, 'heehee': 1, 'refill': 1, 'aha': 1, 'famehungry': 1, 'lodi': 1, 'nairs': 1, 'salaam': 1, 'masala': 1, 'dhawan': 1, 'delhi': 1, 'aditi': 1, 'hemant': 1, 'vikram': 1, 'latit': 1, 'naseeruddin': 1, 'shah': 1, 'pk': 1, 'marigolds': 1, 'henna': 1, 'dhawans': 1, 'fostered': 1, 'neoclassic': 1, 'relaxes': 1, 'twopart': 1, 'intially': 1, 'moviewatchers': 1, 'auditioned': 1, 'schwarztman': 1, 'beekeepers': 1, 'rushmores': 1, 'bestwritten': 1, 'lonertypes': 1, 'definate': 1, 'retold': 1, 'frolicked': 1, 'hay': 1, 'welding': 1, 'mischevious': 1, 'nonwedlock': 1, 'inherits': 1, 'lodges': 1, 'cruelties': 1, 'posesses': 1, 'proffesion': 1, 'dragonslayer': 1, 'droagon': 1, 'posthlewaite': 1, 'ghreat': 1, 'unambiguously': 1, 'perplexes': 1, 'ofthemoment': 1, 'couldly': 1, 'fracturing': 1, 'sculpting': 1, 'discerned': 1, 'pronature': 1, 'tubthumping': 1, 'cusswords': 1, 'adjusts': 1, '1the': 1, 'homeward': 1, 'blockheaded': 1, 'fibe': 1, 'cohosts': 1, 'chasefightshootout': 1, 'latefilm': 1, 'mixers': 1, 'buzzsaw': 1, 'supercops': 1, 'helicoptertrain': 1, 'bronxs': 1, 'dirtytricks': 1, 'thyself': 1, 'cspan': 1, 'subsidies': 1, 'geography': 1, 'politcal': 1, 'neargreatness': 1, 'morallydeprived': 1, 'babyboomer': 1, 'gamesmanship': 1, 'powerfulbutanonymous': 1, 'letsputonashow': 1, 'wisedup': 1, 'deadbangon': 1, 'backend': 1, 'merle': 1, 'berets': 1, 'trivialization': 1, 'dumbing': 1, 'reduction': 1, 'soundbites': 1, 'drivethrough': 1, 'milkshake': 1, 'lamaze': 1, 'jackalbased': 1, 'concordia': 1, 'impersonate': 1, 'doublepersonality': 1, 'coldheartedness': 1, 'krishna': 1, 'banji': 1, 'restfulness': 1, 'holidaymakers': 1, 'vrooshka': 1, 'elke': 1, 'crump': 1, 'archaeology': 1, 'leep': 1, 'scrubbers': 1, 'upmore': 1, 'adrienne': 1, 'posta': 1, 'ramsden': 1, 'disruption': 1, 'archaeological': 1, 'ernies': 1, 'depleted': 1, 'unspooling': 1, 'moviehouses': 1, 'mu5t': 1, 'muchshroudedinsecrecy': 1, 'docreate': 1, 'wrapsthe': 1, 'storylineis': 1, '2259': 1, 'elementsearth': 1, 'waterunited': 1, 'southerndrawling': 1, 'underwhelmingand': 1, 'unsurprisingfashion': 1, 'stetson': 1, 'dayglo': 1, 'labyrinthian': 1, 'skyways': 1, 'bulky': 1, 'doglike': 1, 'mangalores': 1, 'gaulthier': 1, 'bustier': 1, 'gaulthiers': 1, 'otherworldliness': 1, 'jockey': 1, 'conservativehe': 1, 'blueskinned': 1, 'maiwenn': 1, 'lebesco': 1, 'singsand': 1, 'dancesan': 1, 'coscripter': 1, 'snickers': 1, 'halfnow': 1, 'shadowis': 1, 'undiluted': 1, 'fervid': 1, 'weddingobsessed': 1, 'unexpectantly': 1, 'nearer': 1, 'bergs': 1, 'dwindle': 1, 'recouped': 1, 'ignorable': 1, 'desserts': 1, 'hanger': 1, 'ballstothewall': 1, 'widereleases': 1, 'abortionist': 1, 'responsibly': 1, 'marvels': 1, 'parlays': 1, 'picker': 1, 'instruction': 1, 'kendall': 1, 'screenwriternovelist': 1, '175million': 1, 'threethousand': 1, 'gettogethers': 1, 'highiq': 1, 'bertha': 1, 'lessthangratifying': 1, 'mistic': 1, 'impressionistic': 1, 'lawton': 1, 'justreleased': 1, 'maddens': 1, 'demean': 1, 'disaffirm': 1, 'vivians': 1, 'sparkler': 1, 'andoh': 1, 'yeslove': 1, '1975s': 1, 'cousine': 1, 'notsohappilymarried': 1, 'coogan': 1, 'moonstruck': 1, 'hearttug': 1, 'straightshooting': 1, 'grates': 1, 'personify': 1, 'swishing': 1, 'prigge': 1, 'firstproduced': 1, 'autonomous': 1, 'paperbacks': 1, 'disclaiming': 1, 'communicates': 1, 'transmissions': 1, 'miniplotswithinplots': 1, 'limiting': 1, 'limitlessness': 1, 'elaboration': 1, 'agelike': 1, 'cartoonist': 1, 'crossword': 1, 'zweibel': 1, 'spellbinding': 1, 'shaiman': 1, 'craziest': 1, 'politic': 1, 'homeboy': 1, 'bullworths': 1, 'pediatrician': 1, 'cleanshavenness': 1, 'hairiness': 1, 'tendancies': 1, 'virginias': 1, 'personifies': 1, '_the_fugitive_': 1, '_air_force_one_': 1, 'reitmans': 1, 'comedyadventure': 1, 'slobby': 1, 'saltoftheearth': 1, 'sped': 1, 'actionoriented': 1, 'ninny': 1, 'andmost': 1, 'importantlyfun': 1, 'colada': 1, 'balmy': 1, 'baronial': 1, 'fiftyone': 1, 'borderlineabysmal': 1, 'disneycute': 1, 'rapidlychanging': 1, 'nimbly': 1, '2d3d': 1, 'firstborn': 1, 'noteables': 1, 'breezily': 1, 'irected': 1, 'postwwii': 1, 'raven': 1, 'brio': 1, 'studebakers': 1, 'microphone': 1, 'youknowwhere': 1, 'condominium': 1, 'convalesces': 1, 'incognita': 1, 'andrus': 1, 'respiratory': 1, 'topiary': 1, 'mendonca': 1, 'privetsculpted': 1, 'reportage': 1, 'helix': 1, 'interrogative': 1, 'sleight': 1, 'alwaysstriking': 1, 'doublecamera': 1, 'halfjokingly': 1, 'teleprompters': 1, 'receptors': 1, 'vermin': 1, 'showman': 1, 'stratosphere': 1, 'excerpted': 1, 'intersections': 1, 'elegy': 1, 'precipice': 1, 'musty': 1, 'scurry': 1, 'divergence': 1, 'alloy': 1, 'cobbling': 1, 'earthbound': 1, 'cimino': 1, 'russianamerican': 1, 'aspegren': 1, 'pasttimes': 1, 'separations': 1, 'cazale': 1, 'celebrations': 1, 'corroborated': 1, 'organisedcrime': 1, 'calculative': 1, 'climaxing': 1, 'coulmier': 1, 'humours': 1, 'sades': 1, 'propagate': 1, 'scribes': 1, 'acquaints': 1, 'aidsafflicted': 1, 'sighted': 1, 'rudin': 1, 'rudnick': 1, 'prerogative': 1, 'astronomical': 1, 'tacks': 1, 'calamitous': 1, 'wilford': 1, 'frisbees': 1, 'dominoes': 1, 'nearperfection': 1, 'sappily': 1, 'dreamcatcher': 1, 'tomboy': 1, 'gerber': 1, 'winnie': 1, 'piotr': 1, 'sobocinski': 1, 'yuens': 1, 'rediscovery': 1, 'qin': 1, 'laborers': 1, 'jings': 1, 'bribed': 1, 'condors': 1, 'retaliates': 1, 'guanglan': 1, 'xiaoguang': 1, 'qinqin': 1, 'iwai': 1, 'collegeaged': 1, 'kelvin': 1, 'advocates': 1, 'yearend': 1, 'allbutdead': 1, 'delighting': 1, 'shockwaves': 1, 'understate': 1, 'weeklyreading': 1, 'figurewatching': 1, 'drapes': 1, 'wga': 1, 'satirically': 1, 'splashy': 1, 'eyegrabbing': 1, 'nightmarishly': 1, 'gutting': 1, 'overlynoisy': 1, 'dizzyingly': 1, 'exhilaratingly': 1, 'campily': 1, 'reuniting': 1, 'everawkward': 1, 'protectively': 1, 'newlyassigned': 1, 'increasinglyflimsy': 1, 'fullout': 1, 'headandshoulders': 1, 'postprologue': 1, 'ambles': 1, 'defensively': 1, 'rebukes': 1, 'incompetency': 1, 'neals': 1, 'zealousness': 1, 'decimating': 1, 'worriedly': 1, 'berth': 1, 'successively': 1, 'seeminglyimpregnable': 1, 'stranglehold': 1, 'resonant': 1, 'muchheralded': 1, 'henceforth': 1, 'namerecognition': 1, 'baltos': 1, 'anastasias': 1, 'mermaids': 1, 'vampy': 1, 'seawitch': 1, 'ariels': 1, 'dotting': 1, 'carlotta': 1, 'auberjonois': 1, 'menken': 1, 'horsedrawn': 1, 'calypsostyled': 1, 'joyfully': 1, 'crooned': 1, 'lyricized': 1, 'aggressivelymarketed': 1, 'siphoned': 1, 'protectionist': 1, 'cautioned': 1, 'conjuring': 1, 'ralphies': 1, 'divulging': 1, 'sugarplums': 1, 'billingsleys': 1, 'mcgavin': 1, 'tangentially': 1, 'parma': 1, 'partridges': 1, 'unsuspected': 1, 'shitheels': 1, 'whirlwinds': 1, 'vacuumed': 1, 'portent': 1, 'uncleanness': 1, 'frequencies': 1, 'pensacola': 1, 'fl': 1, 'acronym': 1, 'teleport': 1, 'depreciated': 1, 'astronomically': 1, 'tuscan': 1, 'arezzo': 1, 'almostforgotten': 1, 'langdon': 1, 'amass': 1, 'barracks': 1, 'blackest': 1, 'pedlar': 1, 'ownerpublisher': 1, 'wither': 1, 'anticensorship': 1, 'morrissey': 1, 'rusnaks': 1, 'selflearning': 1, 'conciseness': 1, 'computersimulated': 1, 'petrucelli': 1, 'kloses': 1, 'aboutthe': 1, 'amphibians': 1, 'cityfans': 1, 'christieintense': 1, 'laverne': 1, 'funnythe': 1, 'equalopportunity': 1, 'warmest': 1, 'laughandgrossfest': 1, '_animal': 1, 'house_': 1, 'puhlease': 1, 'zippers': 1, 'druggedup': 1, 'brownmiles': 1, 'sunniness': 1, 'hereit': 1, 'belowbelt': 1, '_reality': 1, 'bites_': 1, '_flirting': 1, 'disaster_': 1, 'troubadorgreek': 1, 'lichman': 1, 'markie': 1, 'eightminute': 1, 'erupted': 1, 'bellyaches': 1, '_porkys_': 1, '_boogie': 1, 'nights_': 1, '_kingpin_': 1, '_a': 1, 'wanda_': 1, 'bridgeupping': 1, 'tacitly': 1, 'retrieves': 1, 'lowers': 1, 'movesin': 1, 'motionto': 1, 'carefullyconstructed': 1, 'liberto': 1, 'rabal': 1, 'neri': 1, 'shakedown': 1, 'bardem': 1, 'inebriated': 1, 'molinano': 1, 'childbearings': 1, 'rendell': 1, 'highheeled': 1, 'intricatelywoven': 1, 'bulgarian': 1, 'deuteronomy': 1, 'victors': 1, 'reacquainted': 1, 'elenaredemption': 1, 'disrupt': 1, 'strongwithin': 1, 'mothersurrogate': 1, 'initation': 1, 'confrontatory': 1, 'directness': 1, 'topo': 1, 'synapses': 1, 'machinegunning': 1, 'crowed': 1, 'unsettlingly': 1, 'frankness': 1, 'stylistics': 1, 'deafness': 1, 'antiwhite': 1, 'antiauthority': 1, 'thirsting': 1, 'snlrelated': 1, 'throughandthrough': 1, 'publicaccess': 1, '12step': 1, 'selfdenial': 1, 'revoked': 1, 'sharplydrawn': 1, 'smalleys': 1, 'imbibed': 1, 'disgustedly': 1, 'certifiably': 1, 'wacko': 1, 'diabolically': 1, 'abnormal': 1, 'hairbrush': 1, 'macleod': 1, 'schoolgirl': 1, 'jackieos': 1, 'pseudosophistication': 1, 'allamerica': 1, 'foible': 1, 'bedding': 1, 'discombobulated': 1, 'ripostes': 1, 'temperamentally': 1, 'rolfe': 1, 'fla': 1, 'domed': 1, 'interruptions': 1, 'blitzes': 1, 'synthesizer': 1, 'coordinate': 1, 'fcc': 1, 'deconstructs': 1, 'unstraightforward': 1, 'ambulancechaser': 1, 'eek': 1, 'preaccident': 1, 'handedness': 1, 'wanes': 1, 'halfright': 1, 'worthseeing': 1, 'pevere': 1, 'harped': 1, 'weightiness': 1, 'tubby': 1, 'freakshow': 1, 'horrormonkey': 1, 'boreathon': 1, 'subtlty': 1, 'coop': 1, 'continute': 1, 'slingblade': 1, 'chet': 1, 'advicegiving': 1, 'unredeeming': 1, 'dwarfism': 1, 'pastor': 1, 'motherless': 1, 'dawns': 1, 'mols': 1, 'hepburntracy': 1, 'wishful': 1, 'cub': 1, 'facewhippings': 1, 'copbad': 1, 'slamdunking': 1, 'tchekys': 1, 'wirework': 1, 'hiphoppy': 1, 'rippin': 1, 'roarin': 1, 'improvisationaly': 1, 'bellylaugh': 1, 'hillard': 1, '65yearold': 1, 'englishwoman': 1, 'transformations': 1, 'berle': 1, 'resolutions': 1, 'wellrespected': 1, 'subjectmatter': 1, 'posttraumatic': 1, 'mediamanipulation': 1, '247': 1, 'peepshow': 1, 'stimulants': 1, 'nothingwe': 1, 'christofbut': 1, 'confidentiality': 1, 'highlyrated': 1, 'secondreality': 1, 'contextualize': 1, 'carreyhe': 1, 'biziou': 1, 'wojciech': 1, 'kilars': 1, 'za': 1, 'linneys': 1, 'crocker': 1, 'stupendous': 1, 'bestand': 1, 'complexsummer': 1, 'flaring': 1, 'groupings': 1, 'vinnys': 1, 'ritchies': 1, 'mediajunkies': 1, 'entraillooking': 1, 'appendaged': 1, 'organictech': 1, 'moo': 1, 'gai': 1, 'porting': 1, 'weirdometer': 1, 'matrixs': 1, 'peckinpahs': 1, 'bowmans': 1, 'kidnapransom': 1, 'gilroy': 1, 'gunslinger': 1, 'dizziness': 1, 'rink': 1, 'corbett': 1, 'timelapse': 1, 'flipside': 1, 'inspirations': 1, 'unexpecting': 1, 'wenteworth': 1, 'goodrich': 1, 'rebeccas': 1, 'unfitting': 1, 'gumpian': 1, 'racialgender': 1, 'cabot': 1, 'heistgonewrong': 1, 'koons': 1, 'thermonuclear': 1, 'premiss': 1, 'whizkid': 1, 'contended': 1, 'advertisment': 1, 'protovision': 1, 'frontgate': 1, 'wopr': 1, 'efficent': 1, 'beringer': 1, '56k': 1, 'bps': 1, 'sfmovie': 1, 'backdoors': 1, 'graphical': 1, 'litany': 1, 'byline': 1, 'hinge': 1, 'explainable': 1, 'afficianados': 1, 'stoically': 1, 'explosiveness': 1, 'noteworthies': 1, 'exspy': 1, 'controller': 1, 'slowness': 1, 'mand': 1, 'tapers': 1, 'bibletoting': 1, 'vulgarize': 1, 'profaner': 1, 'schwalbach': 1, 'chrissy': 1, 'lalaland': 1, 'clamshaped': 1, 'silicon': 1, 'cremer': 1, 'heberle': 1, 'rainer': 1, 'consulates': 1, 'tito': 1, 'tao': 1, '10story': 1, 'priviledge': 1, 'postponed': 1, 'excavation': 1, 'cammeron': 1, 'notsonice': 1, 'oversappy': 1, 'exceptionaly': 1, 'ac3': 1, 'riginally': 1, 'attanasios': 1, 'dovetail': 1, 'overlight': 1, 'eisenhower': 1, 'coifed': 1, 'assimilation': 1, 'exclusion': 1, 'scion': 1, 'stemple': 1, 'holdsbarred': 1, 'bremner': 1, 'mckidd': 1, 'procuring': 1, 'welshs': 1, 'eyelevel': 1, 'dopedouteyeview': 1, 'tiptoeing': 1, 'daydream': 1, 'pantswetting': 1, 'consciouness': 1, 'vomitted': 1, 'defecated': 1, 'regretted': 1, 'tangle': 1, 'radiotvfilm': 1, 'programme': 1, '26min': 1, 'codirected': 1, 'charleston': 1, 'antislavery': 1, 'hypocrites': 1, 'disapproved': 1, 'appealed': 1, 'displaced': 1, 'technicalities': 1, 'retried': 1, 'monosyllables': 1, 'gasmask': 1, '35yearsold': 1, 'cotterill': 1, 'downatheels': 1, 'renewing': 1, 'crouches': 1, 'endsfreud': 1, 'pleasedin': 1, 'intuits': 1, 'breathable': 1, 'hermetic': 1, 'suffocates': 1, 'cellophane': 1, 'terrifed': 1, 'tenderde': 1, 'grotesqe': 1, 'decayed': 1, 'adelaide': 1, 'halfwit': 1, 'largebreasted': 1, 'carmel': 1, 'uneasily': 1, 'foregrounded': 1, 'organplaying': 1, 'unbelief': 1, 'stresses': 1, 'fragment': 1, 'accomodates': 1, 'heers': 1, 'seemd': 1, 'frontman': 1, 'japanesespecific': 1, 'sugiyana': 1, 'nullified': 1, 'ultrahuge': 1, 'longdistance': 1, 'hobbyist': 1, 'latefather': 1, 'latemother': 1, 'emissions': 1, 'galaxies': 1, 'taxpayers': 1, 'unviable': 1, 'undaunted': 1, 'contantly': 1, 'soundwave': 1, 'cultist': 1, 'pictorial': 1, 'enrols': 1, 'mustsees': 1, 'mecca': 1, 'horizontal': 1, 'mobilizes': 1, 'airplay': 1, 'salongas': 1, 'shanyus': 1, 'unsheathes': 1, 'pugilistic': 1, 'shangs': 1, 'relive': 1, 'anythings': 1, 'marni': 1, 'vocalist': 1, 'eurocentrism': 1, 'shigeta': 1, 'kusatsu': 1, 'forcooking': 1, 'dropoffs': 1, 'pickups': 1, 'practicemargaret': 1, 'wesleyan': 1, 'lakeside': 1, 'superstructures': 1, '30something': 1, 'crumpled': 1, 'ferries': 1, 'snagged': 1, 'fishermans': 1, 'attractiveseeming': 1, 'castgoran': 1, 'nashel': 1, 'jarmans': 1, 'caravaggio': 1, 'oscillation': 1, 'comicgeeks': 1, 'honestpoliticianrare': 1, 'highgrossing': 1, 'craftily': 1, 'innappropriate': 1, 'divison': 1, 'basicallybigroachtypebug': 1, 'shoudlnt': 1, 'sonnenfield': 1, 'physiology': 1, 'actionanimation': 1, 'zookeeper': 1, 'gobbles': 1, 'pseudoscience': 1, 'drixenol': 1, 'coli': 1, 'mudslides': 1, 'cerebellum': 1, 'detritus': 1, 'booger': 1, 'runny': 1, 'hyman': 1, 'farrellyfunny': 1, 'uvula': 1, 'silkwood': 1, 'journeying': 1, 'sluizers': 1, 'pirahna': 1, 'facelift': 1, 'suspensescience': 1, 'heroor': 1, 'weavers': 1, 'corporal': 1, 'cocoontype': 1, 'jorden': 1, 'newts': 1, 'motherload': 1, 'exhaustion': 1, 'cameronregular': 1, 'redefining': 1, 'suspensehorror': 1, 'outgunned': 1, 'drummond': 1, 'halfcynical': 1, 'afis': 1, 'humphry': 1, 'ingred': 1, 'bulletriddled': 1, 'achangin': 1, 'killerswithhearts': 1, 'wongs': 1, 'slaver': 1, 'breakdances': 1, 'bookending': 1, 'onanism': 1, 'rhetorically': 1, 'lulling': 1, 'ohneggin': 1, 'rapacious': 1, 'pushkin': 1, 'magnus': 1, 'underpopulated': 1, 'olga': 1, 'larina': 1, 'lensky': 1, 'romanticizing': 1, 'womanly': 1, 'miserly': 1, 'ebeneezer': 1, 'scrooge': 1, 'nowtheres': 1, 'petula': 1, 'onegins': 1, 'aboutface': 1, 'tatyanas': 1, 'thoroughbreds': 1, 'xtc': 1, 'lengthsno': 1, 'spasmodic': 1, 'tableware': 1, 'expressionistically': 1, 'adafarasin': 1, 'yevgeny': 1, 'pushkins': 1, 'barths': 1, 'tempest': 1, 'ezs': 1, 'ez': 1, 'beekeeper': 1, 'closedoff': 1, 'beekeeping': 1, 'jour': 1, 'fete': 1, 'timberland': 1, 'nan': 1, 'coe': 1, 'dekay': 1, 'schweig': 1, 'bezucha': 1, 'poloralph': 1, 'minding': 1, 'achin': 1, 'allowances': 1, 'sweeneys': 1, 'weakens': 1, 'bridetobe': 1, 'magnuson': 1, '_shine_': 1, '_basquiat_': 1, '_angel': 1, 'heart_': 1, 'mckeans': 1, 'arkham': 1, 'madmancumdetective': 1, 'fitzgeralds': 1, 'treea': 1, 'stuyvesant': 1, 'mapplethorpe': 1, 'mould': 1, 'leppenraub': 1, 'feore': 1, 'julliardtrained': 1, 'policewoman': 1, 'nut': 1, 'romuluss': 1, 'caveman': 1, 'longvanished': 1, 'inscribed': 1, 'procedural': 1, 'literati': 1, 'keiths': 1, 'demesne': 1, 'luxuriantly': 1, 'brashly': 1, 'comicpanel': 1, '_death': 1, 'ca_': 1, 'standefers': 1, '_practical': 1, 'magic_': 1, '_eves': 1, 'bayou_': 1, 'seraphs': 1, 'piquant': 1, 'tilted': 1, 'redefinition': 1, 'urinestained': 1, 'paladin': 1, 'eliots': 1, 'outan': 1, 'agreeably': 1, 'outwitted': 1, 'crooksposedasphotographers': 1, 'ninemonthold': 1, 'bennington': 1, 'cottwell': 1, 'bink': 1, 'oldmoney': 1, 'bobbitt': 1, 'emotionsawww': 1, 'ouchand': 1, 'wincing': 1, 'pantolianto': 1, 'mantegnas': 1, 'moe': 1, 'warton': 1, 'baseness': 1, 'impulsiveness': 1, 'abhorrence': 1, 'nazism': 1, 'prefacing': 1, 'exalted': 1, 'renounced': 1, 'concurs': 1, 'delirium': 1, 'educes': 1, 'stillness': 1, 'equidistant': 1, 'stationary': 1, 'irrationality': 1, 'desertion': 1, 'objectively': 1, 'exaggerates': 1, 'epicenter': 1, 'contorted': 1, 'unjustifiable': 1, 'volatility': 1, 'inconceivable': 1, 'primeval': 1, 'reimagining': 1, 'whisking': 1, 'headspinning': 1, 'ackacking': 1, 'equalrights': 1, 'redelivering': 1, 'driods': 1, 'jawas': 1, 'tropps': 1, 'consulted': 1, 'fi': 1, 'guinnesss': 1, 'meanspiritedness': 1, 'duffel': 1, 'breckman': 1, 'merrills': 1, 'nutsy': 1, 'commandeering': 1, 'lucille': 1, 'hotair': 1, 'stopover': 1, 'breckmans': 1, 'brauns': 1, 'peptobismol': 1, 'negating': 1, 'humorwise': 1, 'strenuous': 1, 'encoding': 1, 'resurfacing': 1, 'childgenius': 1, 'mentalpatient': 1, 'adulthelfgotts': 1, 'adultdavid': 1, 'cuddles': 1, 'rachmaninovs': 1, 'adulthelfgott': 1, 'wipers': 1, 'wiper': 1, 'clapped': 1, 'youngdavid': 1, 'miming': 1, 'helfgotts': 1, 'accelerated': 1, 'priivate': 1, 'fledged': 1, 'extremly': 1, 'anthology': 1, 'nicolette': 1, 'hermosa': 1, 'bonghitting': 1, 'nemeses': 1, 'adhered': 1, 'striding': 1, 'thereve': 1, 'madeiros': 1, 'unflagging': 1, 'typified': 1, 'prohibits': 1, 'heralds': 1, 'exceedinglyprofessional': 1, 'forsters': 1, 'blaxploitationera': 1, 'thensagging': 1, 'cohens': 1, 'godsend': 1, 'mckellars': 1, 'likeablity': 1, 'behavious': 1, 'believabilty': 1, 'temerity': 1, 'orwellian': 1, 'goodnotgreat': 1, 'broadens': 1, 'slightlyless': 1, 'nicelytitled': 1, 'hardtoget': 1, 'julialouis': 1, 'fide': 1, 'timeconserving': 1, 'donation': 1, 'warrirors': 1, 'heimlich': 1, 'mantis': 1, 'hypsy': 1, 'madeliene': 1, 'fleas': 1, 'tuck': 1, 'undiscernable': 1, 'jibberish': 1, 'malleability': 1, 'fireflies': 1, 'temping': 1, 'resuce': 1, 'thicket': 1, 'idisyncratic': 1, 'clevering': 1, 'fauxbloopers': 1, 'evne': 1, 'lateentry': 1, 'angelrelated': 1, 'moviestv': 1, 'wahlbergformer': 1, 'kidin': 1, 'colehis': 1, 'movedand': 1, 'shouldntfor': 1, 'emotionallyscarred': 1, 'supburb': 1, 'chap': 1, 'centenial': 1, 'reexperienced': 1, 'peices': 1, 'crackling': 1, 'plumet': 1, 'bisexuality': 1, 'threesomes': 1, 'catfights': 1, 'gatorwrestling': 1, 'topicality': 1, 'campfest': 1, 'wellliked': 1, 'yachting': 1, 'enclaves': 1, 'trollop': 1, 'bracesporting': 1, 'crossexamining': 1, 'broadways': 1, 'crate': 1, 'corkscrews': 1, 'stitch': 1, 'bombshells': 1, 'flexes': 1, 'sleepyvoiced': 1, 'chameleonic': 1, 'conspiring': 1, 'reedited': 1, 'onedayaweek': 1, '5year': 1, 'preppy': 1, 'coufaxs': 1, '56': 1, 'supervise': 1, 'tahiti': 1, 'obradors': 1, 'quinnrobin': 1, 'castaways': 1, 'inconvenience': 1, '_arrrgh_': 1, '_fifty_': 1, 'stammers': 1, '_am_': 1, 'openandshut': 1, 'esquire': 1, 'parfitt': 1, 'tyrannic': 1, 'donovanit': 1, 'muth': 1, 'beristain': 1, 'wonderfuli': 1, 'iceblue': 1, 'hue': 1, 'scotia': 1, 'shotsand': 1, 'axewielding': 1, 'tradiational': 1, 'perfectlygroomed': 1, 'breakupmakeup': 1, 'rounder': 1, 'outthinking': 1, 'socialites': 1, 'landou': 1, 'gambled': 1, 'againstall': 1, 'ushers': 1, 'allgrownup': 1, 'fences': 1, 'voicechanger': 1, 'quintessentially': 1, 'stabbinaplenty': 1, 'scheduling': 1, 'endeavored': 1, 'disapprobation': 1, 'lamented': 1, 'townsperson': 1, 'smartalecky': 1, 'waylaid': 1, 'churchgoing': 1, 'sobol': 1, 'chequered': 1, 'egon': 1, 'petstore': 1, 'mlakovich': 1, 'displeasing': 1, 'bizzare': 1, 'eaisly': 1, 'kishikawa': 1, 'sensei': 1, 'hideko': 1, 'hara': 1, 'misunderstandings': 1, 'masayuki': 1, 'culturespecific': 1, 'mixer': 1, 'hollywoodconventional': 1, 'blindside': 1, 'stiffest': 1, 'carr': 1, 'pendel': 1, 'panamanian': 1, 'saville': 1, 'torching': 1, 'waterway': 1, 'wooing': 1, 'selfconfidence': 1, 'shoring': 1, 'leonor': 1, 'varela': 1, 'charades': 1, 'pulsates': 1, 'karenina': 1, 'superstars': 1, 'incompatible': 1, 'nearlybrain': 1, 'intelligentlyconstructed': 1, 'tapeworshipping': 1, 'forecaster': 1, 'mantralike': 1, 'yankees': 1, 'sullenly': 1, 'plauged': 1, 'migraines': 1, '216digit': 1, 'perceptively': 1, 'mistrust': 1, 'reductionism': 1, 'numeric': 1, 'identifiers': 1, 'allconsuming': 1, 'penchent': 1, 'neighbours': 1, 'curtly': 1, 'neuroticlooking': 1, 'pleasantries': 1, 'dementia': 1, 'fronted': 1, 'duplictious': 1, 'cronenbergesque': 1, 'bridging': 1, 'bodythemed': 1, 'nosebleeding': 1, 'isolationism': 1, 'snorri': 1, 'pis': 1, 'mansell': 1, 'contacting': 1, 'emptor': 1, 'atmostpheric': 1, 'mindstretching': 1, 'comicbookgonefeaturefilm': 1, 'meloncholy': 1, 'entirly': 1, 'kadosh': 1, 'gitais': 1, 'israelis': 1, 'secular': 1, 'devarimyom': 1, 'yom': 1, 'intolerant': 1, 'jerusalems': 1, 'mea': 1, 'shearim': 1, 'sinewy': 1, 'rebelling': 1, 'conveniences': 1, 'talmudic': 1, 'abu': 1, 'warda': 1, 'yeshiva': 1, 'progeny': 1, 'unpure': 1, 'baths': 1, 'cleanse': 1, 'dunks': 1, 'dunked': 1, 'rivkas': 1, 'lebanon': 1, 'follower': 1, 'soundtruck': 1, 'robotically': 1, 'rams': 1, 'thrusting': 1, 'petals': 1, 'erroneous': 1, 'givers': 1, 'recipes': 1, 'antonia': 1, '143': 1, '1847': 1, 'goldstarved': 1, 'mexicanamerican': 1, 'banishment': 1, 'waystation': 1, 'toffler': 1, 'spinella': 1, 'mcdonough': 1, 'cleaves': 1, 'halfstarved': 1, 'scot': 1, 'doeuvre': 1, 'colqhouns': 1, 'weendigo': 1, 'campell': 1, 'waved': 1, 'electrify': 1, 'gunpowder': 1, 'nyman': 1, 'albarn': 1, 'nagged': 1, 'upbeats': 1, 'banalities': 1, 'affirming': 1, 'inadvertly': 1, 'dejavu': 1, 'carelesness': 1, 'ingeniousness': 1, 'feasibility': 1, 'obssessively': 1, 'preys': 1, 'pfcs': 1, 'postforensic': 1, 'gorham': 1, 'perturbed': 1, 'messiest': 1, 'executiveproduced': 1, 'villalobos': 1, 'deathobssessed': 1, 'curiousity': 1, 'reb': 1, 'braddocks': 1, 'toeing': 1, 'shooters': 1, 'bungeejumping': 1, 'youat': 1, '139': 1, 'creepsand': 1, 'garbageman': 1, 'grims': 1, 'urbaniak': 1, 'writinghenry': 1, 'oncegreat': 1, 'marginalized': 1, 'councilmen': 1, 'rile': 1, 'teacherstudent': 1, 'hartleyian': 1, 'udderleys': 1, 'garbagemans': 1, 'elliptical': 1, 'streetcorner': 1, 'tutee': 1, 'pens': 1, 'upped': 1, 'competitions': 1, 'cheesily': 1, 'kafkas': 1, 'mandible': 1, 'termites': 1, 'bunching': 1, 'dismembered': 1, 'lineups': 1, 'solidify': 1, 'grufftalking': 1, 'curtin': 1, 'eurotrash': 1, 'beesboth': 1, 'shauds': 1, 'speared': 1, 'donthatemeforbeingasimpleton': 1, 'coraci': 1, 'soundtrackan': 1, 'filmis': 1, 'seagulls': 1, 'cocker': 1, 'boxsets': 1, 'deprivation': 1, 'displacement': 1, 'acrylic': 1, 'fetishization': 1, 'optometrist': 1, 'hosting': 1, 'evasions': 1, 'longsuppressed': 1, 'sadlooking': 1, 'untold': 1, 'contraception': 1, 'disconnected': 1, 'warmly': 1, 'improvisations': 1, 'caf8a': 1, 'reticence': 1, 'ibsenesque': 1, 'innit': 1, 'collegetown': 1, 'pervasiveness': 1, 'anarchist': 1, 'pseudointellectuals': 1, 'briberybased': 1, 'scoobydoo': 1, 'warming': 1, 'rutger': 1, 'birdloving': 1, 'feathered': 1, 'holstering': 1, 'crossbow': 1, 'finicial': 1, 'runied': 1, '1617': 1, 'excitiable': 1, 'rebelous': 1, 'flicker': 1, 'lash': 1, 'primaries': 1, 'lobbyist': 1, 'gingrich': 1, 'maltliquor': 1, 'classism': 1, 'candor': 1, 'regulation': 1, 'turntables': 1, 'fundraisers': 1, 'constituency': 1, 'obviouslooking': 1, 'masturbator': 1, 'deflower': 1, 'germphobe': 1, 'graduationspecifically': 1, 'hannigans': 1, 'nadias': 1, 'stripteasean': 1, '_would_': 1, 'sexeven': 1, 'libidinous': 1, 'diasappointing': 1, 'bizious': 1, 'reacted': 1, 'extents': 1, 'oscarless': 1, 'catagory': 1, 'whalberg': 1, 'midriff': 1, 'slickly': 1, 'ambers': 1, 'rollergirls': 1, 'steadiocam': 1, 'directional': 1, 'tommorow': 1, 'resevoir': 1, 'niggles': 1, 'reawaken': 1, 'mathildas': 1, 'margot': 1, 'croatian': 1, 'forsyths': 1, 'zangaro': 1, 'kimbas': 1, 'detat': 1, 'zinnemmans': 1, 'malko': 1, 'vore': 1, 'romanticise': 1, 'shrinking': 1, 'shannons': 1, 'burgon': 1, 'neardeath': 1, 'driveby': 1, 'consultation': 1, 'analyzation': 1, 'infertility': 1, 'upwardly': 1, 'gaines': 1, 'fex': 1, 'healylouie': 1, 'chemoelectric': 1, 'casualness': 1, 'illnesses': 1, 'ecologist': 1, 'scrutinized': 1, 'watchdog': 1, 'impatient': 1, 'protein': 1, 'siding': 1, 'electrically': 1, 'higherups': 1, 'polarizes': 1, 'poetical': 1, 'inspite': 1, 'picassos': 1, 'guernica': 1, 'personalizes': 1, 'begbee': 1, 'elastica': 1, 'definetly': 1, 'dennison': 1, 'orangecenturyinter': 1, 'bligh': 1, 'manhole': 1, 'beleives': 1, 'soulmate': 1, 'dreads': 1, 'embarassed': 1, 'washerdryer': 1, 'cappies': 1, 'undertsanding': 1, 'grusins': 1, '3dimensional': 1, 'kerri': 1, 'beleivable': 1, 'ciro': 1, 'popittis': 1, 'rina': 1, 'ruination': 1, 'hermits': 1, 'metoclorian': 1, 'microorganisms': 1, 'concentrations': 1, 'caprio': 1, 'pierreloup': 1, 'rajot': 1, 'ducastel': 1, 'martineau': 1, 'ferry': 1, 'hitchhikes': 1, 'rouen': 1, 'garziano': 1, 'shags': 1, 'benichou': 1, 'matthieu': 1, 'poirotdelpechs': 1, 'oftenincongruous': 1, 'skunk': 1, 'scurrying': 1, '1899': 1, 'redhaired': 1, 'impresario': 1, 'monroth': 1, 'indicates': 1, 'teetertotter': 1, 'loveliest': 1, 'safina': 1, 'everythingandthekitchensink': 1, 'bewitched': 1, 'u2s': 1, 'partons': 1, 'taupins': 1, 'sizzling': 1, 'loveitorhateit': 1, 'xeroxes': 1, 'sevenyearolds': 1, 'fortysomething': 1, 'freethinking': 1, 'livingandbreathing': 1, 'fembots': 1, 'nutbiting': 1, 'weanies': 1, 'puzos': 1, 'unpublished': 1, 'grumbles': 1, 'chatters': 1, 'kyzynskistyle': 1, 'whacko': 1, 'dixons': 1, 'lockup': 1, 'privateeye': 1, 'geraldo': 1, 'egotism': 1, 'polygram': 1, 'coalwoods': 1, 'rocketry': 1, 'canderday': 1, 'lindberg': 1, 'pitfalls': 1, 'gauzy': 1, 'sugarry': 1, 'placeholders': 1, 'multihued': 1, 'mediciney': 1, 'singerguitar': 1, 'playermusiciancomposer': 1, 'rehearsing': 1, 'palladium': 1, 'bickford': 1, 'titties': 1, 'bozzio': 1, 'bickfords': 1, 'morphings': 1, 'illicitly': 1, 'allmale': 1, 'midwest': 1, 'recruiter': 1, 'schwartzeneggar': 1, 'belgium': 1, 'defected': 1, 'suverov': 1, 'mikhails': 1, 'funkiness': 1, 'keeken': 1, 'compatriots': 1, 'carcasses': 1, 'cafes': 1, 'carts': 1, 'semidramatic': 1, 'semislum': 1, 'layoffs': 1, 'steelfactories': 1, 'childsupport': 1, 'possiblity': 1, 'wildidea': 1, 'hisplump': 1, 'notsopractical': 1, 'blokes': 1, 'gazs': 1, 'realmen': 1, 'harshreality': 1, 'humanfactor': 1, 'justanotherstriptease': 1, 'henricksen': 1, 'wellmeant': 1, 'poombah': 1, 'teapot': 1, 'purist': 1, 'mcflurry': 1, 'computerdriven': 1, 'confide': 1, 'atodds': 1, 'winsomeness': 1, 'mistletoe': 1, 'datenight': 1, 'snuggling': 1, 'divides': 1, 'tonino': 1, 'guerra': 1, 'titta': 1, 'zanin': 1, 'gradisca': 1, 'magali': 1, 'armando': 1, 'brancia': 1, 'tittas': 1, 'fellinian': 1, 'brightcoloured': 1, 'rota': 1, 'brundage': 1, 'safekeeping': 1, 'mistesque': 1, 'womanofthewild': 1, 'vetern': 1, 'antiphantom': 1, 'lovelorn': 1, 'robertswhose': 1, 'mehad': 1, 'travelbookstore': 1, 'impetuous': 1, 'surreptitious': 1, 'celebrityor': 1, 'thereofthreatens': 1, 'wedge': 1, 'ordinaryness': 1, 'flatmate': 1, 'mcinnerny': 1, 'brownie': 1, 'convolutedly': 1, 'changingoftheseasons': 1, 'surprisinly': 1, 'egregious': 1, 'lurch': 1, 'followups': 1, 'startrek': 1, 'moderator': 1, 'evenodd': 1, 'evennumbered': 1, 'oddnumbered': 1, 'notsogood': 1, '24thcentury': 1, 'enterprisecommander': 1, 'geordi': 1, 'cybernetic': 1, 'krige': 1, 'racestarting': 1, 'earthorbiting': 1, 'mesmerize': 1, 'titlefirst': 1, 'contactrefers': 1, 'zephram': 1, 'castmost': 1, 'alwaysphenomenal': 1, 'stewartmakes': 1, 'upping': 1, 'screenthe': 1, 'retires': 1, '1830s': 1, 'fiftythree': 1, 'senge': 1, 'pieh': 1, 'defendants': 1, 'slaveowners': 1, 'pickins': 1, 'shindlers': 1, '_people_': 1, 'doddering': 1, 'phases': 1, 'pitchfork': 1, 'haute': 1, 'couture': 1, 'beelzubabe': 1, 'unpolished': 1, 'snowballs': 1, 'piddling': 1, 'beep': 1, 'threedigit': 1, 'shortcircuits': 1, 'transitional': 1, 'bailing': 1, 'allegorical': 1, 'banjo': 1, 'sleezo': 1, 'teamup': 1, 'rowlf': 1, 'lew': 1, 'suredeal': 1, 'dweller': 1, 'handdelivered': 1, 'yong': 1, 'flamed': 1, '280': 1, 'partnerships': 1, 'ipo': 1, 'startup': 1, 'govworks': 1, 'edreams': 1, 'founders': 1, 'wonsuk': 1, 'juxtaposes': 1, 'onthespot': 1, 'messengers': 1, 'titanictype': 1, 'dries': 1, 'dreamers': 1, 'gellies': 1, 'sobchak': 1, 'philanthropist': 1, 'sideplots': 1, 'coenesque': 1, 'diatribes': 1, 'pornographer': 1, 'kidnaper': 1, 'amalgam': 1, 'berkleylike': 1, 'pervaded': 1, 'naminspired': 1, 'judaism': 1, 'centerstage': 1, 'expediency': 1, 'cumbersome': 1, 'flashbang': 1, 'breadandbutter': 1, 'surveilance': 1, 'naturalists': 1, 'exspook': 1, 'ominpotence': 1, 'mysterioso': 1, 'authorties': 1, 'appellation': 1, 'uninvited': 1, 'timeconsuming': 1, 'semitear': 1, 'itselfbox': 1, 'rallied': 1, '1979s': 1, 'savaged': 1, 'challengenot': 1, 'onceprofitable': 1, 'painless': 1, 'problemclone': 1, 'itselfwhat': 1, 'toughened': 1, 'newa': 1, 'humanalien': 1, 'resurrections': 1, 'waif': 1, 'whedons': 1, 'infusion': 1, 'dauntingly': 1, 'mclachlanaided': 1, 'carousel': 1, 'visualized': 1, 'overfamiliarization': 1, 'mondays': 1, 'edgecombs': 1, 'comers': 1, 'wharton': 1, 'stevensons': 1, 'jekyllhyde': 1, 'antiwoman': 1, 'whorehouse': 1, 'elexa': 1, 'randolph': 1, 'kret': 1, 'accost': 1, 'pariahs': 1, 'eradicate': 1, 'backwater': 1, 'divulges': 1, 'horrormystery': 1, 'unextraordinary': 1, 'oftencriticized': 1, 'murawski': 1, 'epperson': 1, 'groundbreakingly': 1, 'allages': 1, 'clack': 1, 'clacks': 1, 'fegan': 1, 'floop': 1, 'junis': 1, 'papa': 1, 'goldfish': 1, 'electroshock': 1, 'floops': 1, 'holodeck': 1, 'cloudbacked': 1, 'mcubiquitous': 1, 'tadtoolong': 1, 'threeact': 1, 'cheaplaugh': 1, 'lateyear': 1, 'pugnaciousness': 1, 'supplant': 1, 'tinder': 1, 'theorems': 1, 'blackboards': 1, 'impregnable': 1, 'tasters': 1, 'culls': 1, 'seanwill': 1, 'willskylar': 1, 'companionability': 1, 'chuckies': 1, 'commensurate': 1, '1976s': 1, 'chutes': 1, 'boddy': 1, 'whodunnit': 1, 'clipboard': 1, 'scribbles': 1, 'divinely': 1, 'technothriller': 1, 'wolfe': 1, 'mach': 1, 'grissom': 1, 'moffat': 1, 'dornacker': 1, 'murch': 1, 'publicityseeking': 1, 'braun': 1, 'tremble': 1, 'holst': 1, 'debussy': 1, 'amerocentric': 1, 'frontiers': 1, 'summaries': 1, 'adjustments': 1, 'wellcreated': 1, 'nowak': 1, 'absorbant': 1, 'tuningup': 1, 'henning': 1, 'aggravatingly': 1, 'helene': 1, 'paprika': 1, 'steen': 1, 'gbatokai': 1, 'dakinah': 1, 'familyfriends': 1, 'detested': 1, 'renoir': 1, 'nearlyfarsical': 1, 'vinterberg': 1, 'dogme': 1, 'dramaturgical': 1, 'ironicallyshowmanship': 1, 'thetruthatallcosts': 1, 'thearapeutic': 1, 'faroff': 1, 'belted': 1, 'pixie': 1, 'scoffs': 1, 'buehlers': 1, 'mcallister': 1, 'metzler': 1, 'jeanine': 1, 'unopposed': 1, 'dictatorship': 1, 'specializing': 1, 'perversions': 1, 'transexual': 1, 'vivien': 1, 'integrating': 1, 'atlantics': 1, 'slavessteerage': 1, 'gwtws': 1, 'humongous': 1, 'wellspent': 1, 'corroding': 1, 'hammering': 1, '101yearold': 1, 'calvert': 1, 'daswon': 1, 'tuxedo': 1, 'winsletdicaprio': 1, 'dropdead': 1, 'spoiledrichgirl': 1, 'there92s': 1, 'howard92s': 1, 'gazillionaire': 1, 'rethinks': 1, 'sleezebag': 1, 'walkie': 1, 'talkie': 1, 'wells92': 1, 'morlocks': 1, 'glitteratti': 1, 'weren92t': 1, 'wouldn92t': 1, 'payer': 1, 'representations': 1, 'man92s': 1, 'i92ve': 1, 'upending': 1, 'we92ve': 1, 'mullen92s': 1, 'brawley': 1, 'you92ll': 1, 'sakes': 1, 'wispy': 1, 'bicep': 1, 'flexing': 1, 'onesyllable': 1, 'moneymakers': 1, 'semiarticulate': 1, 'blatherings': 1, 'schlumpy': 1, 'hilo': 1, 'noncommittal': 1, 'talkingdirectlyintothecameraschtick': 1, 'shampoolike': 1, 'tenacious': 1, 'blowhard': 1, 'hoist': 1, 'shucking': 1, 'jiving': 1, 'agetype': 1, 'iben': 1, 'hjejle': 1, 'mifune': 1, 'phonation': 1, 'cusackian': 1, 'parodic': 1, 'beaufoy': 1, 'chippendales': 1, 'dwarfed': 1, 'procreating': 1, 'soloflight': 1, 'invalid': 1, 'paralized': 1, 'cassini': 1, 'scifithriller': 1, 'coding': 1, 'gladnick': 1, 'show_': 1, 'ribtickling': 1, 'idontknowwhen': 1, 'sublte': 1, 'philisophical': 1, 'candidatedirector': 1, 'unimitible': 1, 'paradiseprison': 1, 'bystanderextras': 1, '_dog': 1, 'fancy_': 1, 'subverted': 1, 'hypersilly': 1, 'megaglomaniac': 1, '_wag': 1, 'dog_': 1, 'svengalian': 1, 'dalloway': 1, 'frankiln': 1, 'aquatica': 1, 'seabound': 1, 'macalaester': 1, 'remotecontrolled': 1, 'darkside': 1, 'js': 1, 'bennet': 1, 'unquestioning': 1, 'bennets': 1, 'semidarkness': 1, 'sorossy': 1, 'lantos': 1, 'medicalgrossouts': 1, 'chyron': 1, 'aram': 1, 'doppling': 1, 'rehabilitationhe': 1, 'fortyeight': 1, 'baboon': 1, 'rehabilitate': 1, 'shunted': 1, 'apollonia': 1, 'datalink': 1, 'negin': 1, 'schweethaat': 1, 'negins': 1, 'greenstreet': 1, 'salutory': 1, 'goldenage': 1, 'dopple': 1, 'psychist': 1, 'computech': 1, 'reconst': 1, 'lowtomediumbudget': 1, 'electronicsynthesized': 1, 'deathcamps': 1, 'chaplininspired': 1, 'upholds': 1, 'disrespecting': 1, 'interpreting': 1, 'fightrocky': 1, 'trainsrocky': 1, 'thunderlips': 1, 'trashtalks': 1, 'pities': 1, 'meredith': 1, 'smocky': 1, 'adrianne': 1, 'rubens': 1, 'rintintin': 1, 'grande': 1, 'ladeedah': 1, 'landord': 1, 'decreases': 1, 'permanetly': 1, 'ilk': 1, 'ende': 1, 'respectably': 1, 'friedman': 1, 'recaptures': 1, 'madyline': 1, 'sweeten': 1, 'farren': 1, 'monet': 1, 'characteroriented': 1, 'welltraveled': 1, 'oftentold': 1, 'chicagosun': 1, 'bromides': 1, 'slamdunked': 1, 'familystyle': 1, 'boyanddog': 1, 'bowwow': 1, 'prejudge': 1, '44yearold': 1, 'bondsmen': 1, 'unbrewed': 1, 'tossable': 1, 'replaceable': 1, 'newlyjarred': 1, 'biblequoting': 1, 'irreplaceable': 1, 'slanted': 1, 'animus': 1, 'parched': 1, 'setbound': 1, 'welloiled': 1, 'blane': 1, 'pincus': 1, 'pidgeons': 1, 'cracraft': 1, 'powersof10': 1, 'zoomout': 1, 'bytheend': 1, 'outofbalance': 1, 'elie': 1, 'multibillionare': 1, 'radiance': 1, 'vegans': 1, 'arecibo': 1, 'ceti': 1, 'cabinetlevel': 1, 'behoove': 1, 'dynamism': 1, 'faraway': 1, 'starsystem': 1, 'varleys': 1, 'zemecki': 1, 'stephanopolusstyle': 1, 'walkons': 1, 'nearfinal': 1, 'judiciary': 1, 'popularizer': 1, 'gadfly': 1, 'academe': 1, 'physicfirst': 1, 'vibrantlyacted': 1, 'masseur': 1, 'retinal': 1, 'maladjustment': 1, 'hanksmeg': 1, 'ryanstarrer': 1, 'glimpsed': 1, 'levitt': 1, 'mcmullenstyle': 1, 'riled': 1, 'ignited': 1, 'hinterlands': 1, 'fairer': 1, 'plying': 1, 'filmhannibal': 1, 'lector': 1, 'eater': 1, 'backstabs': 1, 'cubiclefilled': 1, 'motiveless': 1, 'darwinism': 1, 'chadness': 1, 'scruches': 1, 'intresting': 1, 'colanised': 1, 'blabbed': 1, 'richter': 1, 'bloke': 1, 'ticoton': 1, 'tranisition': 1, 'dreamquest': 1, 'quatto': 1, 'imaganitive': 1, 'authorial': 1, 'omits': 1, 'newlyfreed': 1, 'longhampered': 1, 'leaned': 1, 'rasping': 1, 'urgently': 1, 'wanderlusting': 1, 'sagelike': 1, 'beah': 1, 'glassyeyed': 1, 'lambs_': 1, '_melvin': 1, 'howard_': 1, 'overstatement': 1, 'totemic': 1, 'colorsaturated': 1, 'yellowgreens': 1, 'neutrality': 1, 'frugal': 1, '_poltergeist_': 1, 'purple_': 1, 'letter_': 1, '_little': 1, 'women_': 1, 'abeyance': 1, 'stipulated': 1, 'slashermovie': 1, 'entrails': 1, 'bemoans': 1, 'converges': 1, 'wellpopulated': 1, 'cece': 1, 'didya': 1, 'suspecting': 1, 'weights': 1, 'supermom': 1, 'miscommunicated': 1, 'stendahl': 1, 'syndromelike': 1, 'nagle': 1, 'cored': 1, 'visnjics': 1, 'comprehending': 1, 'divined': 1, 'tandon': 1, 'poslethwaite': 1, 'rapier9mm': 1, 'longsword': 1, 'mercutio': 1, 'dynasties': 1, 'politcally': 1, 'messageable': 1, 'kyles': 1, 'huiessan': 1, 'singersthey': 1, 'dosing': 1, 'tunesand': 1, 'semblence': 1, 'honesttogoodness': 1, 'teriffic': 1, 'koans': 1, 'kilborn': 1, 'spicebus': 1, 'rushbrook': 1, 'sandals': 1, 'cinemascope': 1, 'benhur': 1, 'sparticus': 1, 'vadis': 1, 'pyre': 1, 'strangles': 1, 'reopens': 1, 'romper': 1, 'stomper': 1, 'bleaches': 1, 'herky': 1, 'halfblurred': 1, 'tarnished': 1, 'speculative': 1, 'metaphysics': 1, 'reconnaissance': 1, '712': 1, 'cauterize': 1, 'earthlike': 1, 'readouts': 1, 'ratchets': 1, 'reville': 1, 'thunderstorms': 1, 'neuwirths': 1, 'roadblock': 1, 'garafolos': 1, 'burp': 1, 'prwhen': 1, 'abbys': 1, 'basset': 1, 'sexmasturbation': 1, 'comedyromance': 1, 'wrongim': 1, 'clemens': 1, 'compartments': 1, 'containers': 1, 'fury161': 1, 'cryotubes': 1, 'attachs': 1, 'acideaten': 1, 'kanes': 1, 'artillary': 1, 'thomson': 1, 'yellows': 1, 'oranges': 1, 'labrynthine': 1, 'risked': 1, 'necronomicon': 1, 'unusable': 1, 'raimirob': 1, 'slowwitted': 1, 'trickier': 1, 'exlawman': 1, 'affectation': 1, 'fisburne': 1, 'stopmotion': 1, 'motherlode': 1, 'unassertive': 1, 'commercialist': 1, 'dopedealing': 1, 'scramble': 1, 'ruffle': 1, 'fasting': 1, 'deprivationappreciation': 1, '1554': 1, 'lordship': 1, 'nuptials': 1, 'kapur': 1, 'filmmkaing': 1, 'cellars': 1, 'blownout': 1, 'inportant': 1, 'godfatheresque': 1, 'carolco': 1, 'mindboggling': 1, 'slickness': 1, 'gothgirl': 1, 'someway': 1, 'disilusioned': 1, 'machette': 1, 'triva': 1, 'tommorrow': 1, 'factorys': 1, 'conscription': 1, 'selfreliance': 1, 'brainoverbrawn': 1, 'hiptalking': 1, 'oriential': 1, 'oscarhungry': 1, 'directorexecutive': 1, 'threehourtearfest': 1, 'ninetyminute': 1, 'lionized': 1, 'battlefields': 1, 'redcoat': 1, 'cornwallis': 1, 'formulates': 1, 'glare': 1, 'redcoats': 1, 'tusse': 1, 'silberg': 1, 'loftus': 1, 'reclaiming': 1, 'debased': 1, 'cinderellas': 1, 'gorier': 1, 'gretel': 1, 'bloodier': 1, 'carterwhose': 1, 'edgehad': 1, 'enlivening': 1, 'royces': 1, 'inset': 1, 'dreamrosaleens': 1, 'lansburysshe': 1, 'applecheeked': 1, 'synthheavy': 1, 'shapechanging': 1, 'trickiest': 1, 'actingmusiceffects': 1, 'otherness': 1, 'ents': 1, 'hobbits': 1, 'balrogs': 1, 'ruritanian': 1, 'urreality': 1, 'mistshrouded': 1, 'ritesofpassage': 1, 'nightjourney': 1, 'rosaleens': 1, 'literalized': 1, 'ideabut': 1, 'betwixt': 1, 'subleaders': 1, 'mcsorley': 1, 'buddie': 1, 'reopen': 1, 'religios': 1, 'exlove': 1, 'redrawn': 1, 'sportsmanship': 1, 'letsstripdownthesporttoitsbones': 1, 'crunching': 1, 'unerving': 1, 'oscarnominee': 1, 'thisll': 1, 'gab': 1, 'persistently': 1, 'honeys': 1, 'mot': 1, 'commiserate': 1, 'reactionary': 1, 'ultranationalist': 1, 'korshunov': 1, 'holdyourbreath': 1, 'korshonov': 1, 'haig': 1, 'jfks': 1, 'sunflowers': 1, 'fiascoes': 1, 'appalachian': 1, 'tumbleweeds': 1, 'penleric': 1, 'musicologist': 1, 'prefeminist': 1, 'professorship': 1, 'treasuretrove': 1, 'scotsirish': 1, 'vinie': 1, 'selfsustaining': 1, 'greenwalds': 1, 'ridge': 1, '1908': 1, 'statuesque': 1, 'vocalists': 1, 'emmylou': 1, 'dement': 1, 'taj': 1, 'rossum': 1, 'mcteers': 1, 'childbirth': 1, 'mid1500s': 1, 'stately': 1, 'burnings': 1, 'halfsister': 1, 'deathly': 1, 'pleas': 1, 'norfolk': 1, 'steelyeyed': 1, 'walsingham': 1, 'ironfisted': 1, 'gawky': 1, 'coy': 1, 'fending': 1, 'shekhar': 1, 'kapurs': 1, 'galas': 1, 'cathedrals': 1, 'hirsts': 1, 'injections': 1, 'pulses': 1, 'nowheresville': 1, '551': 1, 'notsowise': 1, 'ruiz': 1, 'gotti': 1, 'constrast': 1, 'hounddog': 1, 'slowburn': 1, 'vaccinated': 1, 'aggravation': 1, 'agitation': 1, 'buttondowned': 1, 'tightlywound': 1, 'paus': 1, 'lackeys': 1, 'cameraderie': 1, 'dodgy': 1, 'aggravate': 1, 'knutt': 1, 'sheriffs': 1, 'rumpos': 1, 'revengeful': 1, 'pertwees': 1, 'golfer': 1, 'rebounding': 1, 'offchance': 1, 'centerfold': 1, 'dumpster': 1, 'repulsing': 1, 'jinx': 1, 'mj': 1, 'smartaleck': 1, 'mikeys': 1, 'hannbyrd': 1, 'antimatter': 1, 'fonder': 1, 'greenes': 1, 'bendrix': 1, 'descriptive': 1, 'yearsgoneby': 1, 'titanicbuff': 1, 'unarguably': 1, 'renenged': 1, 'searcing': 1, 'dissapointly': 1, 'wrongsideofthetracks': 1, 'realisticly': 1, 'aborbed': 1, 'ledge': 1, 'happiest': 1, 'venom8hotmail': 1, 'attentiveness': 1, 'wellbeing': 1, 'foreknowledge': 1, 'capraesque': 1, 'eisners': 1, 'klieg': 1, 'seahavens': 1, 'endorsing': 1, 'underplaying': 1, 'earpiece': 1, 'nc': 1, 'boning': 1, 'hmmmmm': 1, 'gulped': 1, 'chirped': 1, 'nonsexual': 1, 'reevaluated': 1, '118': 1, 'mamoru': 1, 'incarnationsgraphic': 1, 'episodespatlabor': 1, 'menacelabor': 1, 'interpersonal': 1, 'babylon': 1, 'seawall': 1, 'reclamation': 1, 'environmentalist': 1, 'berzerk': 1, 'asuma': 1, 'laborsincluding': 1, 'sv2s': 1, 'ownfall': 1, 'chrichton': 1, '_into_': 1, 'dialogueless': 1, 'symbolismin': 1, 'alternate1999': 1, 'bettersuited': 1, 'fisheye': 1, 'wellsuited': 1, 'hifi': 1, 'systemsit': 1, '_come_': 1, 'sometimesunderstated': 1, 'sometimesblaring': 1, 'easilyreadable': 1, '_anything_': 1, '_patlabor_': 1, 'recommened': 1, 'anly': 1, 'qts': 1, 'genxer': 1, 'propagating': 1, 'harolds': 1, 'detachable': 1, 'vibrates': 1, 'trudging': 1, 'pomegranate': 1, 'squeezing': 1, 'ony': 1, 'skilfull': 1, 'uplifts': 1, 'absoloute': 1, 'eqsuisite': 1, 'soooo': 1, 'schoolmates': 1, 'teenaccessible': 1, 'coarseness': 1, 'acne': 1, 'bodied': 1, 'gomer': 1, 'soontobemarines': 1, 'pyles': 1, 'filmming': 1, 'gloating': 1, '37th': 1, 'statuette': 1, 'steddy': 1, 'berdan': 1, 'corwin': 1, 'decapitates': 1, 'cauterizes': 1, 'baltus': 1, 'tassel': 1, 'carcass': 1, 'hessian': 1, 'superstition': 1, 'spurted': 1, 'channeled': 1, 'piecing': 1, 'tassels': 1, 'gallop': 1, 'cont': 1, 'inually': 1, 'nonoffensive': 1, 'emptying': 1, '8lane': 1, 'falldown': 1, '97minutes': 1, 'scoundrels': 1, 'workloving': 1, 'solver': 1, 'farout': 1, 'hamburgers': 1, 'massages': 1, '357': 1, 'cite': 1, 'oppritunites': 1, 'priveleged': 1, 'millionare': 1, 'datingand': 1, 'hermans': 1, 'absense': 1, 'ballot': 1, 'snubs': 1, 'cooperated': 1, 'istvan': 1, 'harwoods': 1, 'europes': 1, 'prosecute': 1, 'sameness': 1, 'tues': 1, 'calculation': 1, '1951': 1, '1946': 1, 'almanac': 1, 'predetermine': 1, 'rung': 1, 'dishmolded': 1, 'aerospace': 1, 'exathlete': 1, 'onthejob': 1, 'pricking': 1, 'bathgates': 1, 'slawomir': 1, 'poorlyemployed': 1, 'reaffirming': 1, 'needfully': 1, 'mindmoving': 1, 'donal': 1, 'mccann': 1, 'obrady': 1, 'tel': 1, '4493411': 1, 'keeley': 1, 'murnau': 1, 'outstretched': 1, 'cropped': 1, 'liftedunauthorizedfrom': 1, 'secrethes': 1, 'bloodsuckerand': 1, 'schrecks': 1, 'mixedcoffin': 1, 'redtinted': 1, 'fanged': 1, 'entice': 1, 'pointyeared': 1, 'nongoateed': 1, 'ghouslish': 1, 'notifying': 1, 'mastering': 1, 'conditionnonstudio': 1, 'silents': 1, 'jittering': 1, 'sepia': 1, 'nosferatus': 1, 'waltzing': 1, 'redone': 1, 'legible': 1, 'flickera': 1, 'flickers': 1, 'hardrock': 1, 'underscore': 1, 'fiddles': 1, 'fangfest': 1, 'mina': 1, 'stoker': 1, 'herin': 1, 'thieve': 1, 'rescored': 1, 'backturn': 1, 'saxophonist': 1, 'madisons': 1, 'wakefield': 1, 'renees': 1, 'thoughout': 1, 'coils': 1, 'faintly': 1, 'protgaonist': 1, 'lynchian': 1, 'dines': 1, 'ar': 1, 'waittress': 1, 'asthmatic': 1, 'kinear': 1, 'melvons': 1, 'thieveing': 1, 'burglars': 1, 'verdell': 1, 'dogsit': 1, 'cantakerous': 1, 'nicjolson': 1, 'cyncial': 1, 'weirded': 1, 'posess': 1, 'highlypopulated': 1, 'reclessly': 1, 'unbusy': 1, 'crutchcarrying': 1, 'seagrave': 1, 'concussions': 1, 'minimasterpieces': 1, 'forboding': 1, 'disjointment': 1, 'ousting': 1, 'lovelace': 1, 'hushes': 1, 'kinkiness': 1, 'tatoo': 1, 'denirolike': 1, 'sucessful': 1, 'turnon': 1, '_two_': 1, 'coachs': 1, 'supersede': 1, 'nonteen': 1, 'choppily': 1, 'hartnetts': 1, 'plains': 1, 'maclaine': 1, 'caloriefreeso': 1, 'hardtocategorize': 1, 'morphine': 1, 'sherlockian': 1, 'epigrams': 1, 'shoelaces': 1, 'legwork': 1, 'jess': 1, 'venturaish': 1, 'inferences': 1, 'sherlocks': 1, 'deductions': 1, 'detach': 1, 'unassociated': 1, 'hypnotises': 1, 'barondes': 1, 'transfusions': 1, 'caberat': 1, 'twitches': 1, 'dapper': 1, 'winkless': 1, 'breathed': 1, 'crosscultural': 1, 'nathanson': 1, 'lamanna': 1, 'translators': 1, 'rr': 1, 'alreadyexisting': 1, '47year': 1, 'pulverizes': 1, 'henchlady': 1, 'roselyn': 1, 'sanchez': 1, 'knockdown': 1, 'continents': 1, 'openminded': 1, 'blemheim': 1, 'ceilings': 1, 'mirrorpanel': 1, 'secondstory': 1, 'revengedriven': 1, 'shakespeareantrained': 1, 'plummet': 1, 'dispair': 1, 'ophelias': 1, 'polonius': 1, 'moloney': 1, 'laertes': 1, 'reece': 1, 'dinsdale': 1, 'rosencrantz': 1, 'gravedigger': 1, 'yorick': 1, 'priam': 1, 'hecuba': 1, 'enactment': 1, 'wellvoiced': 1, 'underperforms': 1, 'utterances': 1, 'reynaldo': 1, 'eleventh': 1, 'fortinbras': 1, 'flashbacktype': 1, 'rigmarole': 1, 'testings': 1, 'aboveground': 1, 'belowground': 1, 'manicdepressive': 1, 'bleachblond': 1, 'irradiation': 1, 'ranchers': 1, 'snodgress': 1, 'foams': 1, 'rama': 1, 'sarner': 1, 'leichtling': 1, 'underwent': 1, 'alread': 1, 'yuk': 1, 'sctvs': 1, 'sabbatical': 1, 'intial': 1, 'gads': 1, 'understates': 1, 'shockfactor': 1, 'directingwise': 1, 'bloomin': 1, 'smartassed': 1, 'comicslapstick': 1, 'downplaying': 1, 'barstool': 1, 'matthews': 1, 'kickback': 1, 'chemisty': 1, 'fiqure': 1, 'govenment': 1, 'distinquished': 1, 'relunctently': 1, 'salads': 1, 'tampons': 1, 'writerdirectoractor': 1, 'firststring': 1, 'ahole': 1, 'beeks': 1, 'mandrian': 1, 'slaughterhousefive': 1, 'hardcover': 1, 'snowglobe': 1, 'haddonfield': 1, 'certianly': 1, 'unconventionality': 1, 'restlesness': 1, 'artsier': 1, 'nearedenlike': 1, 'preperations': 1, 'phenominal': 1, 'seargent': 1, 'unsocial': 1, 'airtime': 1, 'unleashing': 1, 'forresters': 1, 'japans': 1, 'disrepair': 1, 'seattles': 1, 'kingdome': 1, 'fulfils': 1, 'petrice': 1, 'chereaus': 1, 'ache': 1, 'bracing': 1, 'chereau': 1, 'tactile': 1, 'interconnectedness': 1, 'pinteresque': 1, 'rummages': 1, 'hanif': 1, 'kureishi': 1, 'chareaus': 1, 'wielded': 1, 'everattentive': 1, 'gautier': 1, 'transitoriented': 1, 'trendsetters': 1, 'lowermiddle': 1, 'jocular': 1, 'passageways': 1, 'insinuations': 1, 'spalls': 1, 'orphange': 1, 'felines': 1, 'aried': 1, 'readalong': 1, 'thecatrical': 1, 'grouchland': 1, 'nuttiest': 1, 'nutcracker': 1, 'appreciative': 1, 'midteenage': 1, 'pajamas': 1, 'streetwalker': 1, 'judgements': 1, 'legislation': 1, 'serialised': 1, 'novelisation': 1, 'bproduction': 1, 'coincided': 1, 'pesimism': 1, '1138': 1, 'quash': 1, 'organa': 1, 'eisely': 1, 'quashing': 1, 'aviation': 1, 'damselindistress': 1, 'stears': 1, 'enchantment': 1, 'interval': 1, 'nearfully': 1, 'quincey': 1, 'profundis': 1, 'suspirias': 1, 'souroldmatriarchfromhell': 1, 'adversely': 1, 'inactive': 1, 'movers': 1, 'robbi': 1, 'ounces': 1, 'jerked': 1, 'zap': 1, 'spacedout': 1, 'offensiveness': 1, 'pixote': 1, 'hendel': 1, 'butoy': 1, 'glebas': 1, 'gaetan': 1, 'brizzi': 1, 'ludwig': 1, 'respighi': 1, 'gershwin': 1, 'shostakovich': 1, 'stravinsky': 1, 'scripture': 1, 'ephesians': 1, '1516': 1, 'halfdecade': 1, 'synthesis': 1, 'giantscreened': 1, 'discontented': 1, 'familiarize': 1, 'nihgt': 1, 'listener': 1, 'levites': 1, 'exalts': 1, 'tantoo': 1, 'notched': 1, 'multiracial': 1, 'corporeal': 1, 'teasers': 1, 'tissues': 1, 'chafing': 1, 'demurely': 1, 'honorably': 1, 'chienpo': 1, 'tondo': 1, 'crickey': 1, 'gargoyles': 1, 'depersonalized': 1, 'mufasa': 1, 'bambis': 1, 'restrictive': 1, 'bucking': 1, 'rereading': 1, 'problematical': 1, 'nonmemorable': 1, 'provincial': 1, 'looted': 1, 'genvieve': 1, 'potenza': 1, 'piscapo': 1, 'noholds': 1, 'clichefest': 1, 'squaresofts': 1, 'topselling': 1, 'pimples': 1, 'fantasys': 1, 'hironobu': 1, 'sakaguchi': 1, '2065': 1, 'ofteninvisible': 1, 'unexplainable': 1, 'monomaniacal': 1, 'counteract': 1, 'scienceheavy': 1, 'seemedthough': 1, 'equivolence': 1, 'kickthealiensasses': 1, 'arachnidtype': 1, 'webbased': 1, 'summations': 1, 'bulletins': 1, 'terminals': 1, 'classrooms': 1, 'nudie': 1, 'buseys': 1, 'unrelentless': 1, 'lingered': 1, 'paglia': 1, 'pornactressturnedpornproducer': 1, 'uphill': 1, 'dworkin': 1, 'proporn': 1, 'klitorsky': 1, 'femmebutchfemme': 1, 'nontriplex': 1, 'straightahead': 1, 'skilful': 1, 'bachmann': 1, 'psychedelia': 1, 'yonezo': 1, 'maeda': 1, 'toshiyuki': 1, 'honda': 1, 'masahitko': 1, 'tsugawa': 1, 'shiro': 1, 'ito': 1, 'yuji': 1, 'miyake': 1, 'akiko': 1, 'matsumoto': 1, 'minbo': 1, 'goros': 1, 'humbler': 1, 'hanakos': 1, 'hassles': 1, 'specially': 1, 'temperatures': 1, 'ukraine': 1, 'italianlike': 1, 'nuclearweapon': 1, 'avowed': 1, 'aroway': 1, 'therefor': 1, 'gereally': 1, 'transmitions': 1, 'aggrivate': 1, 'psitive': 1, 'slimey': 1, 'maddalena': 1, 'waxmans': 1, 'divesting': 1, 'raiment': 1, 'lunching': 1, 'keane': 1, 'ultraconfident': 1, 'murderess': 1, 'deflects': 1, 'anthonys': 1, 'flaquer': 1, 'testifying': 1, 'fallow': 1, 'summa': 1, 'laude': 1, 'sobright': 1, '151': 1, '122': 1, 'braxtons': 1, 'administered': 1, 'epilepsy': 1, 'questioners': 1, 'discrepancies': 1, 'telephones': 1, 'deceivers': 1, 'tightrope': 1, 'evaluating': 1, 'thirdclassparty': 1, 'naivety': 1, 'skecthes': 1, 'cowards': 1, 'arrises': 1, 'onehit': 1, 'oneders': 1, 'appliance': 1, 'restricting': 1, 'ultracheesy': 1, 'curveball': 1, 'exorcistrip': 1, 'weakened': 1, 'daria': 1, 'nicolodi': 1, 'libra': 1, 'oddsounding': 1, 'lamberto': 1, 'barbieris': 1, 'sow': 1, 'admitedly': 1, 'deviation': 1, 'goyer': 1, 'hematologist': 1, 'nbushe': 1, 'titanium': 1, 'capoeira': 1, 'brazillian': 1, 'exhaling': 1, 'deactivating': 1, 'ebertwritten': 1, 'talentsamuel': 1, 'beaumont': 1, 'dogsstyle': 1, 'differentiation': 1, 'superceded': 1, 'grieg': 1, 'eng': 1, 'wahs': 1, 'jubilee': 1, 'kio': 1, 'floods': 1, 'tornadocaused': 1, 'outoftheirmind': 1, 'twisteroccurrences': 1, 'kamikazes': 1, 'gearing': 1, 'motherofallstorms': 1, 'rogueish': 1, 'citybred': 1, 'earlywarning': 1, 'corporationfunded': 1, 'beatenup': 1, 'jonass': 1, 'linkups': 1, 'allterrain': 1, 'jonas^os': 1, 'barns': 1, 'abiility': 1, 'visualised': 1, 'stressing': 1, 'effectdependent': 1, 'whoop': 1, 'ets': 1, 'nobler': 1, 'cartera': 1, 'hardknock': 1, 'goodbutnotgreat': 1, 'dolefully': 1, 'loveydovey': 1, 'hedayas': 1, 'levied': 1, 'nobly': 1, 'sagans': 1, 'skerrit': 1, 'disdains': 1, 'haddens': 1, 'insincerely': 1, 'discredited': 1, 'clarice': 1, 'unconditionally': 1, 'denounced': 1, 'nakedly': 1, 'disqualified': 1, 'gameport': 1, 'interrelate': 1, 'amfibium': 1, 'cronenbergto': 1, 'dimensionality': 1, 'copsonthetrailofserialkiller': 1, 'offenders': 1, 'downplayed': 1, 'upteenth': 1, 'lept': 1, 'resembled': 1, 'wartsandall': 1, 'congregate': 1, 'boucing': 1, 'polymorphously': 1, 'ekberg': 1, 'selfishly': 1, 'sitations': 1, 'hotashell': 1, 'undicaprioesque': 1, 'allday': 1, 'groupies': 1, 'celebrityhood': 1, 'crucifixtion': 1, 'nazareth': 1, 'closese': 1, 'bibile': 1, 'denounces': 1, 'riviting': 1, 'velociraptor': 1, 'spear': 1, 'harve': 1, 'presnell': 1, 'sugarcoat': 1, 'testosteronedriven': 1, 'semiintrospective': 1, 'nailstough': 1, 'ink': 1, 'rifling': 1, 'thrugh': 1, 'airborne': 1, 'operators': 1, 'flanks': 1, 'wellsecured': 1, 'stronghold': 1, '50foot': 1, 'inflict': 1, 'horrorcomedies': 1, 'palentologist': 1, 'sherriff': 1, 'migrated': 1, 'smartness': 1, 'smartmouths': 1, 'semibrainless': 1, 'memorydiminishing': 1, 'moniters': 1, 'nogood': 1, 'marble': 1, 'recommeded': 1, 'grounding': 1, 'crests': 1, 'eventuality': 1, 'interments': 1, 'ists': 1, 'palestinians': 1, 'lebaneseamerican': 1, 'arabspeaking': 1, 'arabamericans': 1, 'anette': 1, 'espionage': 1, 'snitches': 1, 'emerich': 1, 'undertake': 1, 'broadsword': 1, 'scalpel': 1, 'maniacial': 1, 'vaild': 1, 'revolutionized': 1, 'blatty': 1, 'mcniell': 1, 'georgetown': 1, 'convulsions': 1, 'winn': 1, 'incorpates': 1, 'engulfs': 1, 'patriks': 1, 'theirselves': 1, 'antiapartheid': 1, '198788': 1, 'ressurection': 1, '2040': 1, 'infact': 1, 'proxima': 1, 'dissappears': 1, 'transmitting': 1, 'nonense': 1, 'squemish': 1, 'disclosing': 1, 'manolo': 1, 'highroller': 1, 'elvira': 1, '206': 1, 'nygards': 1, 'cites': 1, 'posit': 1, 'apologetically': 1, 'photocopying': 1, 'juror': 1, 'whitewater': 1, 'vulcanlike': 1, 'fealty': 1, 'laugher': 1, 'avocations': 1, 'trekkie': 1, 'hygienists': 1, 'complainer': 1, 'linguists': 1, 'sandwiched': 1, 'glasnost': 1, 'sonar': 1, 'marko': 1, 'ackland': 1, 'watertight': 1, 'unveiling': 1, 'southampton': 1, 'highsocietys': 1, 'worldlywise': 1, 'mistrustful': 1, 'nonfictional': 1, 'fabrizio': 1, 'archibald': 1, 'gracie': 1, 'trimmings': 1, 'layouts': 1, 'meticulousness': 1, 'computergenerate': 1, 'analytic': 1, 'katsulas': 1, 'coordinators': 1, 'bower': 1, 'emshwiller': 1, 'naifeh': 1, 'constructive': 1, 'flowerstear': 1, 'dissertations': 1, 'backhanded': 1, 'haters': 1, 'demystification': 1, 'labourintensive': 1, 'imponderable': 1, 'editorializing': 1, 'outsidein': 1, 'preintellectualizing': 1, 'cubism': 1, 'harmonious': 1, 'startpollock': 1, 'elsewheretheir': 1, 'conniptions': 1, 'dalliances': 1, 'klingman': 1, 'enamoured': 1, 'invasive': 1, 'scorei': 1, 'interrupting': 1, 'reload': 1, 'gentleness': 1, 'vocalized': 1, 'silverback': 1, 'burley': 1, 'alltogether': 1, 'kiddies': 1, 'ji': 1, 'mcgreggor': 1, 'cityscapes': 1, 'tusken': 1, 'oft': 1, 'individualunderdog': 1, 'americanised': 1, 'parliamentary': 1, 'livewire': 1, 'tohellwithmorality': 1, 'tohellwiththelaw': 1, 'tohellwiththesystem': 1, 'exstripper': 1, 'friedrich': 1, 'moralchristian': 1, 'gownseuuugh': 1, 'booboos': 1, 'oumph': 1, 'expections': 1, 'ewwww': 1, 'nottice': 1, 'crawly': 1, 'quire': 1, 'twocentury': 1, '1791': 1, 'pierces': 1, 'griefstricken': 1, 'eurovamps': 1, 'rousselot': 1, 'inkyblue': 1, 'moonlight': 1, 'ferretti': 1, 'middleton': 1, 'forwarned': 1, 'traumnovelle': 1, 'schnitzer': 1, 'musnt': 1, 'stickler': 1, 'bloopersflubs': 1, 'overlays': 1, 'unrated': 1, 'soiree': 1, 'storagehouse': 1, 'partys': 1, 'marijunana': 1, 'outed': 1, 'pidgeonhole': 1, 'immoralistic': 1, 'erich': 1, 'korngolds': 1, 'weyls': 1, 'flynns': 1, 'locksley': 1, 'toothy': 1, 'eartoear': 1, 'dreamyeyed': 1, 'fitzswalter': 1, 'oversaturated': 1, 'preordained': 1, 'gisbourne': 1, 'rathbone': 1, 'murrieta': 1, 'zorros': 1, 'chugging': 1, 'eskow': 1, 'rosio': 1, 'uniqe': 1, 'mineo': 1, 'lionize': 1, 'rattigan': 1, 'shilling': 1, 'formidably': 1, 'staccatto': 1, 'hawthornes': 1, 'suffrage': 1, 'deanes': 1, 'faculties': 1, 'lifesized': 1, 'vegetative': 1, 'dreamscape': 1, 'brainstorm': 1, 'zoolike': 1, 'marionettes': 1, 'recoiling': 1, 'disemboweling': 1, 'spitlike': 1, 'penney': 1, 'exclude': 1, 'egpyt': 1, 'jethro': 1, 'hotep': 1, 'huy': 1, 'asbury': 1, 'lorna': 1, 'golds': 1, 'directoractorcowriter': 1, 'frankensteinfilms': 1, 'effectful': 1, 'horrorfans': 1, '1794': 1, 'gole': 1, 'myserious': 1, 'banquets': 1, 'cherie': 1, 'lunghi': 1, 'promiss': 1, 'marridge': 1, 'presuite': 1, 'breeth': 1, 'epidemic': 1, 'gwynne': 1, 'munster': 1, 'vaulerbility': 1, 'daemon': 1, 'threedimensionality': 1, 'trolls': 1, 'unsecure': 1, 'vaulerble': 1, 'buildingup': 1, 'acore': 1, 'alps': 1, 'plagueriddled': 1, 'exacly': 1, 'horrifies': 1, 'shellys': 1, 'munundating': 1, 'lifeline': 1, 'shakesperean': 1, 'disatisfaction': 1, 'privelege': 1, 'restraints': 1, 'masochist': 1, 'orgiastic': 1, 'eisensteins': 1, 'pysche': 1, 'universality': 1, 'dymanite': 1, '1500s': 1, 'crowened': 1, 'elizabethian': 1, 'zant': 1, 'laughfilled': 1, 'dissing': 1, 'potinduced': 1, 'velma': 1, 'affleckdamon': 1, 'ficomedy': 1, 'benning': 1, 'hooray': 1, 'frontpage': 1, 'multipurpose': 1, 'burgles': 1, 'pasta': 1, 'hooch': 1, 'spottiswoode': 1, 'rested': 1, 'undertone': 1, 'fwords': 1, 'purists': 1, 'destructions': 1, '802': 1, '701': 1, 'preyed': 1, 'attractiveness': 1, 'degenerating': 1, 'filby': 1, 'taylorgordon': 1, 'revision': 1, 'abbotts': 1, 'austenlike': 1, 'selfpreservation': 1, 'insoluble': 1, 'cleave': 1, 'twain': 1, 'sentimentally': 1, 'synchronised': 1, '1on1': 1, 'waferthin': 1, 'screenviewer': 1, 'us68': 1, 'commissioning': 1, 'f18s': 1, 'documentarians': 1, 'tapetofilm': 1, 'boatloads': 1, 'beret': 1, 'riverboat': 1, 'napalm': 1, 'kurtzs': 1, 'linus': 1, 'marriageable': 1, 'mcgovern': 1, 'mertons': 1, 'liferuining': 1, 'millies': 1, 'lowtraffic': 1, 'geographically': 1, 'receipt': 1, 'keogh': 1, 'unclaimed': 1, 'dromey': 1, 'stocky': 1, 'capita': 1, 'allornothing': 1, 'swordfishing': 1, 'gloucester': 1, 'wittliffs': 1, 'hauls': 1, 'walhberg': 1, 'skippers': 1, 'lb': 1, 'meteorologist': 1, 'simulating': 1, 'skellington': 1, 'grove': 1, 'christmastown': 1, 'joyprovider': 1, 'giftbearer': 1, 'rediscovering': 1, 'comingling': 1, 'shrunken': 1, 'sleigh': 1, 'oogie': 1, 'oingo': 1, 'boingo': 1, 'whic': 1, 'equallyinnovative': 1, 'massacering': 1, 'muchlarger': 1, '165': 1, 'mph': 1, 'hibernated': 1, 'expelling': 1, 'oncebreeding': 1, 'hidding': 1, 'ventilation': 1, 'suspensefully': 1, 'timetitanic': 1, 'grills': 1, 'policestation': 1, 'mordantly': 1, 'hockney': 1, 'shellgame': 1, 'hinging': 1, 'furnishing': 1, 'plexus': 1, 'startle': 1, 'elevenyearold': 1, 'selfcomposure': 1, 'reevaluation': 1, 'scriptural': 1, 'serpent': 1, 'perpetuated': 1, 'commence': 1, 'rejoicing': 1, 'resound': 1, 'compile': 1, 'reshot': 1, 'responsive': 1, 'articulated': 1, 'iranian': 1, 'dariush': 1, 'thirtyyear': 1, 'conceiving': 1, 'shallowly': 1, 'unrequisite': 1, 'outraging': 1, 'punctiation': 1, 'morales': 1, 'scrapping': 1, 'spiritdead': 1, 'goony': 1, 'unconsummated': 1, 'barelyteen': 1, 'vegetarian': 1, 'existences': 1, 'inputs': 1, 'interlinked': 1, 'atrophied': 1, 'clandestinely': 1, 'straightforwardness': 1, 'intelligences': 1, 'antiintruder': 1, 'morpheuss': 1, 'semicircle': 1, 'cartridges': 1, 'mclachlans': 1, 'receptacle': 1, 'nouri': 1, 'ferraris': 1, 'salsad': 1, 'eyecatcher': 1, 'maclachlans': 1, 'nondavid': 1, 'bataillon': 1, 'hildyards': 1, 'adaptable': 1, 'madscientistinbavariancastle': 1, 'baseman': 1, 'silverbladed': 1, 'garlicfilled': 1, 'glean': 1, 'rolex': 1, 'antivampire': 1, 'manportable': 1, 'relegating': 1, 'multiplying': 1, 'hatemail': 1, 'pounder': 1, 'shootup': 1, 'mcclain': 1, 'heirloom': 1, 'winde': 1, 'gimp': 1, 'reminicent': 1, 'qman': 1, 'letterbox': 1, 'panandscan': 1, 'motherfucker': 1, 'unseasonably': 1, 'idolized': 1, 'onehorse': 1, 'agendas': 1, 'medgar': 1, 'myrlie': 1, 'delaughter': 1, 'slaveship': 1, 'intoning': 1, 'larded': 1, 'oscarconsideration': 1, '25years': 1, 'units': 1, 'kettle': 1, 'mountainsides': 1, 'lowhanging': 1, 'fogs': 1, 'interiorsin': 1, 'baily': 1, 'exboss': 1, 'hottempered': 1, 'biggestbreaking': 1, 'exco': 1, 'potts': 1, 'nationally': 1, 'hollander': 1, 'sensationalistic': 1, 'kindabitchyinareservedway': 1, 'mormon': 1, 'zealots': 1, 'boos': 1, 'gettin': 1, 'pouncing': 1, 'trashywell': 1, 'ambulancechasing': 1, 'neckbrace': 1, 'unwelcomed': 1, 'erect': 1, 'flyby': 1, 'swampy': 1, 'itpeople': 1, 'nonudity': 1, '1824': 1, 'grassroots': 1, 'uprisings': 1, 'fiefdoms': 1, 'wastelands': 1, 'holnist': 1, 'retrofuturistic': 1, 'liberates': 1, 'renews': 1, 'afire': 1, 'pony': 1, 'derivitive': 1, 'eights': 1, 'holism': 1, 'mayan': 1, 'repowering': 1, 'nationalism': 1, 'connundrum': 1, 'cappuccino': 1, 'agreements': 1, 'hypnotist': 1, 'roomate': 1, 'buds': 1, 'kasinsky': 1, 'oscarnominationworthy': 1, 'exstensive': 1, 'doctorpatient': 1, 'generalization': 1, 'parallelism': 1, 'girlboy': 1, 'acheives': 1, 'awesomeness': 1, 'posessing': 1, 'reccomending': 1, 'impressiveasever': 1, 'clothesline': 1, 'trashtalking': 1, 'whitemanblackman': 1, 'dictates': 1, 'biopics': 1, 'counterexample': 1, 'bestial': 1, 'inextricably': 1, 'spar': 1, 'brothermanager': 1, 'capitulate': 1, 'shrewish': 1, 'diseased': 1, 'misogyny': 1, 'ensnare': 1, 'contenda': 1, 'perilously': 1, 'straightforwardly': 1, 'horseshit': 1, 'preceeded': 1, 'unaffecting': 1, 'comicallynamed': 1, 'idosyncrasies': 1, 'overstylized': 1, 'fantsy': 1, 'pervert': 1, 'nabokov': 1, 'obsessional': 1, 'economized': 1, 'lyon': 1, 'bratiness': 1, 'selfcenteredness': 1, 'blackmails': 1, 'lolitas': 1, 'scolding': 1, 'overlyreligious': 1, 'clare': 1, 'proning': 1, 'cinemawise': 1, 'sculpture': 1, 'demolishes': 1, 'cyanide': 1, 'semipredictable': 1, 'sustains': 1, 'motorized': 1, 'merciful': 1, 'broadcasted': 1, 'yasmeen': 1, 'bleeth': 1, 'todiefor': 1, 'worldreknowned': 1, 'storytellers': 1, 'overdramaticizes': 1, 'auriol': 1, 'keely': 1, 'kiffer': 1, 'finzi': 1, 'morissey': 1, 'semistarmaking': 1, 'barenboim': 1, 'overcloud': 1, 'hilarys': 1, 'melodramtic': 1, 'semismiliar': 1, 'overpraise': 1, 'overpraising': 1, 'stepforstep': 1, 'rainman': 1, 'nottotallygreat': 1, 'hanksryan': 1, 'adorably': 1, 'perkycute': 1, 'megahit': 1, 'shopgirl': 1, 'emailing': 1, 'undetailed': 1, 'megabookstores': 1, 'eyeroll': 1, 'predestination': 1, 'castleton': 1, 'deluding': 1, 'accomplishing': 1, 'backpedaling': 1, 'lyn': 1, 'vaus': 1, 'subliminally': 1, 'futuristiclooking': 1, 'auriga': 1, 'wren': 1, 'gediman': 1, 'sytable': 1, 'analee': 1, 'nonsexualyetslightlyhomoerotic': 1, 'seminoir': 1, 'deapens': 1, 'chauvenist': 1, 'bastad': 1, 'anxietyridden': 1, 'ovular': 1, 'wildes': 1, 'inquiries': 1, 'androgony': 1, 'structurewise': 1, 'exfriend': 1, 'addictively': 1, 'thenfootage': 1, 'secluding': 1, 'curt': 1, 'reducing': 1, 'wildness': 1, 'exmanager': 1, 'sladewild': 1, 'wowinspiring': 1, 'ratttz': 1, 'iggyesuqe': 1, 'postmovement': 1, 'enos': 1, 'camels': 1, 'exhileration': 1, 'frock': 1, 'nonetooobvious': 1, 'roxy': 1, 'yorke': 1, 'bowielike': 1, 'retrogarbo': 1, 'salingerism': 1, 'sniffing': 1, 'bales': 1, 'perpetuallychanging': 1, 'androgonys': 1, 'shuddered': 1, 'luhrman': 1, 'companiesfamilies': 1, 'modernisation': 1, 'lidner': 1, 'misusing': 1, 'tribesmen': 1, 'varieties': 1, 'comepete': 1, 'wellpolished': 1, 'envigorating': 1, 'internetlike': 1, 'morphin': 1, 'graduating': 1, 'nonsupermodel': 1, 'arachnidlike': 1, 'recognizably': 1, 'spoofery': 1, 'scifiactioncomedy': 1, 'severities': 1, 'protohumans': 1, 'cocooned': 1, 'christy': 1, 'copes': 1, 'brimstone': 1, 'tracker': 1, 'yvonne': 1, 'goer': 1, 'refining': 1, 'ramboids': 1, 'immortalised': 1, 'triannual': 1, 'supertech': 1, 'antiviolent': 1, 'shih': 1, 'kien': 1, 'preclude': 1, 'leadin': 1, 'sugarish': 1, 'obeidient': 1, 'bert': 1, 'faylen': 1, 'sugarcoated': 1, 'eggnog': 1, 'acheivement': 1, '121': 1, 'digesting': 1, 'foretaste': 1, 'oldish': 1, 'mixandmatch': 1, 'businesswomen': 1, 'immin': 1, 'ent': 1, 'standardissue': 1, 'psychologyresearcher': 1, 'mixups': 1, 'tname': 1, 'footmassage': 1, 'carjacking': 1, 'neuroticallycharged': 1, 'psychobabbler': 1, 'singling': 1, 'frenetically': 1, 'reagents': 1, 'nts': 1, 'outpouring': 1, 'fillintheblankamericancomedy': 1, 'lovey': 1, 'charact': 1, 'ers': 1, 'vampyre': 1, '1922': 1, 'bleakness': 1, 'bastardised': 1, 'klaus': 1, 'bewitches': 1, 'blueish': 1, 'peopled': 1, 'hypnotised': 1, 'mesmerising': 1, 'lugosis': 1, 'draculas': 1, 'vampirism': 1, 'bloodlust': 1, 'ancientsounding': 1, 'spacemusic': 1, 'harmonies': 1, 'larters': 1, 'kati': 1, 'outinen': 1, 'nen': 1, 'sakari': 1, 'kuosmanen': 1, 'elina': 1, 'timo': 1, 'salminen': 1, 'tram': 1, 'bookshelves': 1, 'idiosyncracy': 1, 'equated': 1, 'stultifying': 1, 'subsumed': 1, 'latalante': 1, 'largent': 1, 'upholstered': 1, 'inelegantly': 1, 'downsized': 1, 'bottoming': 1, 'ilonas': 1, 'exaggeratedthis': 1, 'realismbut': 1, 'indignities': 1, 'thirtyeight': 1, 'judicious': 1, '96minute': 1, 'dissipated': 1, 'resolvessurprisingly': 1, 'movinglyinto': 1, 'illluck': 1, 'governs': 1, 'londoner': 1, 'untranslated': 1, 'scrambles': 1, 'starlight': 1, 'nonstereotyped': 1, 'inconveniences': 1, 'vallejo': 1, 'kathe': 1, 'burkhart': 1, 'valencia': 1, 'debilitates': 1, 'saturating': 1, 'recouperating': 1, 'idelogy': 1, 'revelled': 1, 'museums': 1, 'anus': 1, 'candidness': 1, 'peforming': 1, 'approachment': 1, 'devotee': 1, 'murmuring': 1, 'pseudoplaymate': 1, 'auntie': 1, 'dinsmoors': 1, 'dilapidating': 1, 'hotandcold': 1, 'plop': 1, 'lubezkis': 1, 'steamier': 1, 'icily': 1, 'fueling': 1, 'mambos': 1, 'cuarons': 1, 'gloppy': 1, 'renovated': 1, 'prepaid': 1, 'copilot': 1, 'coppingout': 1, 'passe': 1, 'thirdperson': 1, 'topdown': 1, 'cforcharlie': 1, 'cforcharlies': 1, 'winatallcosts': 1, 'corporals': 1, 'belittle': 1, 'smelled': 1, 'yolande': 1, 'daragon': 1, 'calmer': 1, 'paranoiac': 1, 'polishing': 1, 'viscously': 1, 'rais': 1, 'aulon': 1, 'ridings': 1, 'banners': 1, 'mtvgeneration': 1, 'topps': 1, 'middleoftheroad': 1, 'resilience': 1, 'schmucks': 1, 'canals': 1, 'earthward': 1, 'ringers': 1, 'theremindriven': 1, 'purplesequined': 1, 'preempt': 1, 'dishearteningly': 1, 'strangeloves': 1, 'turgidson': 1, 'nook': 1, 'bighaired': 1, 'pointybreasted': 1, 'vampira': 1, 'octogenarian': 1, 'skullfaces': 1, 'eggeyes': 1, 'malevolence': 1, 'gremlins': 1, 'monuments': 1, 'suschitzky': 1, 'thomass': 1, 'holocaustravaged': 1, 'wishfulfillment': 1, 'entertainers': 1, 'determining': 1, 'elitists': 1, 'kitschiest': 1, 'winking': 1, 'trippy': 1, 'hyperspeed': 1, 'blowed': 1, 'reeked': 1, 'timingoriented': 1, 'pretzels': 1, 'exagent': 1, 'bonerattling': 1, 'punchouts': 1, 'switchblade': 1, 'dextrous': 1, 'humanizes': 1, 'slinging': 1, 'aug': 1, '26th1998': 1, 'bullshitting': 1, 'jeannie': 1, 'modelled': 1, 'girlfriendboyfriend': 1, 'hazardus': 1, 'seer': 1, 'movieoftheweek': 1, 'vulnerabilities': 1, 'sfxfest': 1, 'biases': 1, 'dionesque': 1, 'crosspromotion': 1, 'llamas': 1, 'seinfelds': 1, 'pacha': 1, 'llamaherder': 1, 'kuzcos': 1, 'showgirl': 1, 'hopecrosby': 1, 'cpr': 1, 'julys': 1, 'snickerworthy': 1, 'coventure': 1, 'microsoft': 1, 'discoverer': 1, 'baluyev': 1, 'cometbombing': 1, 'truea': 1, 'carat': 1, 'gypsies': 1, 'ritchiess': 1, 'introd': 1, 'helmerscripter': 1, 'avis': 1, 'frankies': 1, 'sol': 1, 'stratham': 1, 'devour': 1, 'doubledeals': 1, 'roughandtumble': 1, 'shiver': 1, 'pikers': 1, 'brigand': 1, 'sorcha': 1, 'lenser': 1, 'mauricejones': 1, 'us130': 1, 'cultlike': 1, 'stockshoot': 1, 'indiefilm': 1, 'subdesarrollo': 1, 'statesanctioned': 1, 'missive': 1, 'internetters': 1, 'soc': 1, 'lineit': 1, 'repressiveness': 1, 'tolerating': 1, 'filmtwice': 1, 'dialectic': 1, 'materialist': 1, 'avocation': 1, 'perceives': 1, 'theoreticians': 1, 'diegos': 1, 'thingstea': 1, 'revolucionario': 1, 'faustian': 1, 'tabio': 1, 'op': 1, 'fresa': 1, '21a': 1, 'nuez': 1, 'legitimize': 1, 'forbidding': 1, 'riskadverse': 1, 'sharpster': 1, 'acrobats': 1, 'mat': 1, 'kario': 1, 'dobbs': 1, 'flashiest': 1, 'harrold': 1, 'misused': 1, 'waitering': 1, 'venner': 1, 'jove': 1, 'randal': 1, 'kleisers': 1, 'filmone': 1, 'birdsall': 1, 'whogaspis': 1, '45yearold': 1, 'introversion': 1, 'birdsalls': 1, 'seducer': 1, 'redgraves': 1, 'twentyyearold': 1, 'heywood': 1, 'inedible': 1, 'scalding': 1, 'winthrop': 1, 'maturation': 1, 'agogo': 1, 'foreignlanguage': 1, 'encyclopedias': 1, 'buckney': 1, 'awardsymbol': 1, '153': 1, 'sonamed': 1, 'felons': 1, 'sozes': 1, 'infiltrating': 1, 'unintelligent': 1, '_murder_': 1, '1583': 1, 'subordination': 1, 'highcultured': 1, 'genial': 1, 'venier': 1, 'ravishing': 1, 'wining': 1, 'encroachment': 1, 'ire': 1, 'inarguable': 1, 'transmits': 1, 'herskovitzs': 1, 'partnered': 1, 'bojan': 1, 'highlystylized': 1, 'sixteenthcentury': 1, 'garwood': 1, 'nailbiter': 1, 'scudding': 1, 'malfunctions': 1, 'musters': 1, 'cobble': 1, 'engrosses': 1, 'pugnacious': 1, 'heedful': 1, 'pseudosuspenser': 1, 'foam': 1, 'overblow': 1, 'letterperfect': 1, 'physicality': 1, 'blotted': 1, 'tightness': 1, 'hitherto': 1, 'alleviates': 1, 'generics': 1, 'nailbiting': 1, 'outofthisworld': 1, 'suspenseand': 1, '20searly': 1, 'schizopolis': 1, 'gallaghers': 1, 'giacomos': 1, 'minorly': 1, 'newlyborn': 1, 'obssession': 1, 'methodically': 1, 'sadistically': 1, 'perpretrators': 1, 'rudely': 1, 'stressinducing': 1, 'hardedge': 1, 'disheartened': 1, 'nutmeg': 1, 'steelgray': 1, 'aquamarine': 1, 'enhancer': 1, 'trelkins': 1, 'retrieval': 1, 'broodwarriors': 1, 'cys': 1, 'tonguetied': 1, 'turbo': 1, 'simmrin': 1, 'ashlee': 1, 'levitch': 1, 'derides': 1, 'tolerates': 1, 'fungus': 1, 'acquisition': 1, 'mirth': 1, 'mazzellos': 1, 'vicariously': 1, 'coto': 1, 'eckstrom': 1, 'pllllleeeeease': 1, 'barneylike': 1, 'hasty': 1, 'midknight': 1, 'heralding': 1, 'ascension': 1, 'torrance': 1, 'induction': 1, 'harrowingly': 1, 'precipitous': 1, 'denigrates': 1, 'rejuvenated': 1, 'swope': 1, 'incites': 1, 'impertinent': 1, 'roccos': 1, 'perpetualmotion': 1, 'idioms': 1, 'ziembicki': 1, 'catapults': 1, 'preaidsscare': 1, 'abounded': 1, 'obliviousness': 1, 'nowoutdated': 1, 'swopes': 1, 'eighttrack': 1, 'deaky': 1, 'eddiedirks': 1, 'tiegs': 1, 'wellselected': 1, 'nostaligism': 1, 'pornographyrelated': 1, 'deemphasize': 1, 'salability': 1, 'hotbed': 1, 'carnality': 1, 'matteroffactness': 1, 'lechery': 1, 'bemusing': 1, 'lacing': 1, 'doubleedged': 1, 'hybridizes': 1, '152': 1, 'bench': 1, 'essences': 1, 'nits': 1, 'bestexecuted': 1, 'loosecannon': 1, 'compadre': 1, 'rahad': 1, 'firecrackers': 1, 'giddiness': 1, 'prostration': 1, 'ulu': 1, 'grosbards': 1, 'altercation': 1, 'demeanour': 1, 'sweetfaced': 1, 'prowling': 1, 'comehither': 1, 'prudish': 1, 'forbade': 1, 'cheadles': 1, 'guzmans': 1, 'acquiescence': 1, 'asserts': 1, 'reteam': 1, 'kindergartners': 1, 'elijahs': 1, 'dunnes': 1, 'jeremys': 1, 'heavyhandedness': 1, 'childishness': 1, 'groveling': 1, 'stuggles': 1, 'screwups': 1, 'evileyed': 1, 'attillalooking': 1, 'myagi': 1, '_will_': 1, 'idolize': 1, 'exchampion': 1, 'deities': 1, 'kauffman': 1, 'blockubuster': 1, 'hynek': 1, 'uforelated': 1, 'sonorra': 1, 'coincide': 1, 'muncie': 1, 'guiler': 1, 'lacombe': 1, 'perilous': 1, 'pickets': 1, 'trumbull': 1, 'haskins': 1, 'conspiratorial': 1, 'excitements': 1, 'multidimensionality': 1, 'garr': 1, 'nearys': 1, 'semiofficial': 1, 'uforesearching': 1, 'greyskinned': 1, 'crimegonewrong': 1, 'borderlinepsychotic': 1, 'cheater': 1, 'berated': 1, 'tournaments': 1, 'nymphomaniac': 1, 'creedence': 1, 'clearwater': 1, 'nutcases': 1, 'berates': 1, 'wellfunctioning': 1, 'undynamic': 1, 'butts': 1, 'knowin': 1, 'takin': 1, 'posits': 1, 'icebound': 1, 'brigantine': 1, 'traverse': 1, 'weddell': 1, 'roughest': 1, 'crewmen': 1, '19months': 1, 'grueling': 1, 'sled': 1, '800mile': 1, 'nitpicks': 1, 'lilting': 1, 'documentarys': 1, 'yearevery': 1, 'niflheim': 1, 'bunyans': 1, 'amalgamations': 1, 'doin': 1, 'breezeor': 1, 'thoughtwill': 1, 'performancesalways': 1, 'enforces': 1, 'verification': 1, 'moreall': 1, 'boyhoodand': 1, 'numbskulls': 1, 'munundated': 1, 'bookfilm': 1, 'capper': 1, 'muchadmired': 1, 'itsaholocaustfilm': 1, 'itsaspielbergfilm': 1, 'lawyerly': 1, 'adandon': 1, 'lukemia': 1, 'overachievement': 1, 'zeljko': 1, 'ivanek': 1, 'thanklessly': 1, 'engulfing': 1, 'quinland': 1, 'strickler': 1, 'depsite': 1, 'noteriaty': 1, 'zallians': 1, 'prosecuted': 1, 'subtley': 1, 'generalize': 1, 'pent': 1, 'tellallshowall': 1, 'hudgeons': 1, 'riveted': 1, 'crosspollination': 1, 'untangle': 1, 'boyo': 1, 'squishy': 1, 'terrestrials': 1, 'rewritten': 1, 'identifies': 1, 'schema': 1, 'migrates': 1, 'alamo': 1, 'analogue': 1, 'paradigms': 1, 'gallantry': 1, 'neutralize': 1, 'castration': 1, 'prospecting': 1, 'broncobuster': 1, 'bickles': 1, 'corruptive': 1, 'mirroring': 1, 'confiscates': 1, 'shindig': 1, 'ratzos': 1, 'salami': 1, 'warhols': 1, 'kowtowing': 1, 'proletarian': 1, 'relinquished': 1, 'commensurately': 1, 'excitedly': 1, 'resign': 1, 'repel': 1, 'gatsby': 1, 'atrophy': 1, 'illusory': 1, 'sfpd': 1, 'comer': 1, 'marksman': 1, 'copnew': 1, 'sarge': 1, 'tailormade': 1, 'drip': 1, 'wincotts': 1, 'rockwarner': 1, 'schwinn': 1, 'minimizing': 1, 'benignly': 1, 'firstever': 1, 'truthfulness': 1, 'dislocation': 1, 'edwin': 1, 'pang': 1, 'yip': 1, 'immaculatelywhite': 1, 'greenery': 1, 'wonderous': 1, 'cooly': 1, 'ultraviolet': 1, 'ambling': 1, 'yelps': 1, 'acclimatize': 1, 'sunbathing': 1, 'bings': 1, 'newlyreunited': 1, 'stringent': 1, 'feng': 1, 'shui': 1, 'immigration': 1, 'rejoining': 1, 'detatched': 1, 'philosopical': 1, 'droning': 1, 'lingching': 1, 'mings': 1, 'bummed': 1, 'stagnate': 1, 'indecisiveness': 1, 'amelie': 1, 'tautou': 1, 'mathieu': 1, 'colloquialisms': 1, 'loveshates': 1, 'langlet': 1, '15yearold': 1, 'arielle': 1, 'dombasle': 1, 'fedoore': 1, 'atkine': 1, 'greggory': 1, 'rosette': 1, 'brosse': 1, '1969s': 1, 'mauds': 1, 'railly': 1, 'hornby': 1, 'categorizing': 1, 'sadder': 1, 'oscarnomination': 1, 'secondarily': 1, 'cleaners': 1, 'mysteryhorror': 1, 'unwraps': 1, 'unwinding': 1, 'pussyfoot': 1, 'brrrrrrrrr': 1, 'hollywoodian': 1, 'ahha': 1, 'tanktops': 1, 'liscinski': 1, 'aronov': 1, 'stephn': 1, 'shakier': 1, 'hookladen': 1, 'panslavic': 1, 'fawcettstyle': 1, 'fronting': 1, 'beatific': 1, 'hegwig': 1, 'overprocessed': 1, 'yitzhak': 1, 'bandmate': 1, 'bandanna': 1, 'angelicappearing': 1, 'scifikungfushootemup': 1, 'kongstyle': 1, 'roundhouse': 1, 'destabilizing': 1, 'weavings': 1, 'stony': 1, 'shapeshifting': 1, 'kitchy': 1, 'shmaltzy': 1, 'thoroughlymodern': 1, 'noncommunicative': 1, 'paige': 1, 'dorrance': 1, 'disreputable': 1, 'coughs': 1, 'simmering': 1, 'shadings': 1, 'abundence': 1, 'reoccurrence': 1, 'twomillion': 1, 'cellmates': 1, 'mardi': 1, 'gras': 1, 'pricelessly': 1, 'exemplifying': 1, 'cling': 1, 'immeasurable': 1, 'selfacknowledgment': 1, 'yapping': 1, 'phobias': 1, 'firebreathing': 1, 'inhering': 1, 'selfridicule': 1, 'adamson': 1, 'jenson': 1, 'princessogre': 1, 'oneupped': 1, 'discoera': 1, 'similarlystructured': 1, 'skidded': 1, 'kinkier': 1, 'feathery': 1, '19yearold': 1, 'gawkers': 1, 'doffs': 1, 'elbows': 1, 'multicharacter': 1, 'bygone': 1, 'ragstoriches': 1, 'gazillions': 1, 'hustle': 1, 'bustle': 1, 'dow': 1, 'alteregos': 1, 'joisey': 1, 'jokersmile': 1, 'sizzles': 1, 'stringfield': 1, 'droopyeyed': 1, 'exorbitance': 1, 'ornamental': 1, 'scandalridden': 1, 'authorship': 1, 'cooney': 1, 'dustbuster': 1, 'barbs': 1, 'nonclinton': 1, 'machinists': 1, 'agnostics': 1, 'instict': 1, 'ed209': 1, 'scalvaging': 1, 'kershner': 1, 'druglord': 1, 'cyborgninja': 1, 'reccomended': 1, 'psychodrama': 1, 'perfectionist': 1, 'propositioned': 1, 'jolted': 1, 'justdeceased': 1, 'directorcumthespian': 1, 'scissorhappy': 1, 'philander': 1, 'formans': 1, 'columbias': 1, 'unweaves': 1, 'dirtpoor': 1, 'entrepreneurial': 1, 'periodical': 1, '_hustler_': 1, 'publication': 1, 'railed': 1, 'preached': 1, 'incarceration': 1, 'devotedly': 1, 'apparel': 1, 'subjectivity': 1, 'occassionally': 1, 'careertopping': 1, 'stubborness': 1, 'flashier': 1, 'freetalking': 1, 'faldwell': 1, 'bornagain': 1, 'studioreleased': 1, 'gasped': 1, 'veered': 1, 'laughtons': 1, 'archive': 1, 'willa': 1, 'stepchildren': 1, 'quartered': 1, 'flaunted': 1, 'stroller': 1, 'raheem': 1, 'crackled': 1, 'rabbinical': 1, 'depressionera': 1, 'agee': 1, 'birdie': 1, 'varden': 1, 'biblereading': 1, 'hymns': 1, 'underdone': 1, 'retrospectives': 1, 'tourism': 1, 'struthers': 1, 'kincaid': 1, 'stephanie': 1, 'disclose': 1, 'perpetuates': 1, 'agricultural': 1, 'businessminded': 1, 'dedicate': 1, 'mediator': 1, 'daytrippers': 1, 'whetted': 1, 'mousetrap': 1, '1968s': 1, 'puccini': 1, 'eyre': 1, 'wuthering': 1, 'atreus': 1, 'thenreigning': 1, 'watkin': 1, 'toplevel': 1, 'alreadybeautiful': 1, 'donnell': 1, 'treesurfs': 1, 'trannsferred': 1, 'perch': 1, 'nookeys': 1, 'campaigner': 1, 'fosdick': 1, 'wilfrid': 1, 'brambell': 1, 'steptoe': 1, 'popeye': 1, 'reinvents': 1, 'idealist': 1, 'cherryred': 1, 'catering': 1, 'barefooted': 1, 'sixpack': 1, 'competency': 1, 'pell': 1, 'begrudging': 1, 'changwei': 1, 'paneling': 1, 'leafy': 1, 'slumped': 1, 'contemptible': 1, 'lagging': 1, 'flatulent': 1, 'hussein': 1, 'allstopsout': 1, 'cartmans': 1, 'ratingsaplenty': 1, 'censoring': 1, 'notsocheap': 1, 'clearillusions': 1, 'middair': 1, 'posses': 1, 'eeriness': 1, 'malaise': 1, 'horrorlab': 1, 'penal': 1, 'penitentiaries': 1, 'mensch': 1, 'reenactments': 1, 'birkenau': 1, 'electrocuting': 1, 'feebleminded': 1, 'weakhearted': 1, 'penner': 1, 'antienvironmentalist': 1, 'arbuthnot': 1, 'limbaugh': 1, 'noshow': 1, 'postsnl': 1, 'moronism': 1, 'partygirl': 1, 'ditzism': 1, 'bodacious': 1, 'anticharm': 1, 'grading': 1, '8ball': 1, 'cigarsmoking': 1, 'chump': 1, 'sprocket': 1, 'maimed': 1, 'zigs': 1, 'zags': 1, 'hairspray': 1, 'reedit': 1, 'mink': 1, 'ricki': 1, 'nealon': 1, 'fielder': 1, 'tarlov': 1, 'delorenzo': 1, 'caraccio': 1, 'warms': 1, 'snapped': 1, 'fishnetstocking': 1, 'hinwood': 1, 'franknfurters': 1, 'magenta': 1, 'intents': 1, 'likability': 1, 'currys': 1, 'garters': 1, 'fishnets': 1, 'singable': 1, 'catchiness': 1, 'sharman': 1, 'menaced': 1, 'writerperformer': 1, 'interactivity': 1, 'clicking': 1, 'contracting': 1, 'pneumonia': 1, 'halfnaked': 1, 'prompter': 1, 'jackstyled': 1, 'madlibs': 1, 'styled': 1, 'riffraffs': 1, 'literock': 1, 'popup': 1, 'loafsung': 1, 'patootie': 1, 'obriens': 1, 'undressing': 1, 'unbuttoning': 1, 'bostwicks': 1, 'completist': 1, 'misprinted': 1, 'singalongs': 1, 'pollster': 1, 'polltakers': 1, 'nonissue': 1, 'fruitition': 1, 'welladvised': 1, 'juveniles': 1, 'adolescentminded': 1, 'moralize': 1, 'theses': 1, 'sermonize': 1, 'dogmatism': 1, 'koran': 1, 'chicanery': 1, 'extinguisher': 1, 'burningbush': 1, 'mews': 1, 'riffini': 1, 'isaach': 1, 'sublimely': 1, 'samurais': 1, 'americanitalian': 1, 'sculptors': 1, 'archaic': 1, 'foundations': 1, 'iconoclast': 1, 'precepts': 1, 'lugubriously': 1, 'punctuating': 1, 'hypercolorized': 1, 'codas': 1, 'permanence': 1, 'antimovie': 1, 'asserting': 1, 'fulcrum': 1, 'slovenly': 1, 'chapped': 1, 'sweatshirt': 1, 'monklike': 1, 'pleasureless': 1, 'distilling': 1, 'naps': 1, 'tenet': 1, 'roshomonlike': 1, 'bosss': 1, 'roshomon': 1, 'loans': 1, 'jarmuschs': 1, 'jamusch': 1, 'rappercomposer': 1, 'rza': 1, 'dichotomous': 1, 'strengthen': 1, 'ruffini': 1, 'husk': 1, 'misinterprets': 1, 'problematically': 1, 'sightseeing': 1, 'transgression': 1, 'lapaine': 1, 'sittingducks': 1, 'meting': 1, 'prisonbound': 1, 'noiresque': 1, 'lawyerfixer': 1, 'pullam': 1, 'thaiborn': 1, 'partnerwife': 1, 'incompletely': 1, 'tensionas': 1, 'foredoomed': 1, 'timeconstrained': 1, 'freedomin': 1, 'subthemes': 1, 'yin': 1, 'cleareyed': 1, 'ontrack': 1, 'moat': 1, 'visitorsfriends': 1, 'openness': 1, 'dars': 1, 'thailands': 1, 'nativeborn': 1, 'hellhole': 1, 'sunlit': 1, 'beckinsales': 1, 'magistrate': 1, 'womanfemale': 1, 'barnyard': 1, 'squealed': 1, 'reproduced': 1, 'rafting': 1, 'outdoorsman': 1, 'boonetype': 1, 'banjos': 1, 'canoeing': 1, 'unexperienced': 1, 'sodomized': 1, 'disposing': 1, 'latched': 1, 'pachanga': 1, 'rediscovers': 1, 'bracket': 1, 'legit': 1, 'borne': 1, 'copacabana': 1, 'resemblances': 1, 'plagiarisms': 1, 'gobetween': 1, 'bowlers': 1, 'condescension': 1, 'jeezus': 1, 'haysoos': 1, 'postpostfeminist': 1, 'rebuked': 1, 'cinematographr': 1, 'carpetpissers': 1, 'vikingbowling': 1, 'immortalizing': 1, 'dougherty': 1, 'rejuvenating': 1, 'bubblebath': 1, 'voyages': 1, 'mountaintops': 1, 'verdant': 1, 'monitored': 1, 'indefinantly': 1, 'youthrestoring': 1, 'crewmates': 1, 'reassume': 1, 'androidwishingtobehuman': 1, 'iithe': 1, 'everbut': 1, 'anijs': 1, 'unsuspenseful': 1, 'critictype': 1, 'mcfly': 1, 'griff': 1, '2015': 1, 'authentically': 1, 'copasetic': 1, '1955': 1, 'relling': 1, 'reveling': 1, 'polarize': 1, 'pseudoclimax': 1, 'gomorrah': 1, 'slithery': 1, 'seminars': 1, 'lfe': 1, 'codification': 1, 'lattitude': 1, 'bulleye': 1, 'documentarian': 1, 'bijou': 1, 'whiteowned': 1, 'homies': 1, 'donager': 1, 'ebb': 1, 'tamer': 1, 'crazies': 1, 'donagers': 1, 'degrades': 1, 'garths': 1, 'lipsync': 1, 'ymca': 1, 'badlydubbed': 1, 'watermelons': 1, 'manageable': 1, 'eases': 1, 'bilinguallysubtitled': 1, 'seng': 1, 'periodpiece': 1, 'moviesthe': 1, 'allbutillegible': 1, 'bunyan': 1, 'spiriting': 1, 'overworking': 1, 'underpaying': 1, 'filmfeihongs': 1, 'supplicate': 1, 'identicallywrapped': 1, 'medicinal': 1, 'lackies': 1, 'lau': 1, 'loyalist': 1, '_are_': 1, 'fightsespecially': 1, 'endin': 1, '_least_': 1, 'quicktime': 1, 'beforealmost': 1, 'distaste': 1, 'majpr': 1, 'stowed': 1, 'focussed': 1, 'lightmoodseriousmood': 1, 'analogous': 1, 'paved': 1, 'skgs': 1, 'kiddieoriented': 1, 'rodents': 1, 'smuntz': 1, 'hickey': 1, 'upkeep': 1, '60some': 1, 'smuntzs': 1, 'architecturallyunsound': 1, 'contraptions': 1, 'everaffable': 1, 'calcium': 1, 'gouda': 1, 'speakeasy': 1, 'raided': 1, 'ratted': 1, 'joejosephine': 1, 'loonier': 1, 'pitchperfect': 1, 'contemporizing': 1, 'desi': 1, 'brable': 1, 'kaaya': 1, 'othello': 1, 'iago': 1, 'kaayas': 1, 'profanefilled': 1, 'eroding': 1, 'erosion': 1, 'carpings': 1, 'tillmans': 1, 'befalls': 1, 'lems': 1, 'ahmads': 1, 'beleiveable': 1, 'informationsomething': 1, 'signup': 1, 'psychtests': 1, 'physicals': 1, 'revelationwhen': 1, 'incredibility': 1, 'psycholically': 1, 'desparation': 1, 'pheiffer': 1, 'tbirds': 1, 'schmoes': 1, 'reeling': 1, 'sweathog': 1, 'lorenzo': 1, 'fonzie': 1, 'woofest': 1, 'newtonjohns': 1, 'easton': 1, 'contemporaries': 1, 'fastidious': 1, 'scrubs': 1, 'exfoliating': 1, 'creams': 1, 'catholicrattling': 1, 'comprising': 1, 'houstons': 1, 'sweathogs': 1, 'speakeasytype': 1, 'oreomunching': 1, 'goulash': 1, 'knish': 1, 'heavilyaccented': 1, 'petrovsky': 1, 'facilitates': 1, 'channeling': 1, 'maduro': 1, 'narrations': 1, 'apprise': 1, 'epsteins': 1, 'watchdogs': 1, 'nastytempered': 1, 'spacefaring': 1, 'emigrants': 1, 'quotas': 1, 'thingsgoneawry': 1, 'aliensashuman': 1, 'cockroachlike': 1, 'flippers': 1, 'mandibles': 1, 'crustier': 1, 'protectearthfromdestruction': 1, 'darndest': 1, 'parameters': 1, 'earthhangsinthebalance': 1, 'wierdness': 1, 'atomizers': 1, 'slimesplattering': 1, 'odder': 1, 'seenitall': 1, 'dorothys': 1, 'ewwwws': 1, 'blechhhs': 1, 'aaaahhhs': 1, 'unsurpassed': 1, 'grossest': 1, 'preludes': 1, 'hottie': 1, 'notreallyallthatfunny': 1, 'gantry': 1, 'wavess': 1, 'peachcolored': 1, 'claps': 1, 'orators': 1, 'hitlist': 1, 'churchs': 1, 'rebaptizes': 1, 'tithe': 1, 'toosie': 1, 'conceptions': 1, 'sucess': 1, 'bassingers': 1, 'twinky': 1, 'interogation': 1, 'australians': 1, 'reevaluate': 1, 'nearmasterpiece': 1, 'borrowings': 1, '2010': 1, 'captained': 1, 'soontobedivorced': 1, 'partway': 1, 'intersecting': 1, 'exhubby': 1, 'maligned': 1, 'spellbound': 1, 'eszterhaz': 1, 'sexfilled': 1, 'tabloidish': 1, 'genitalia': 1, 'thisi': 1, 'presses': 1, 'oceanic': 1, 'findshe': 1, 'sceneeven': 1, 'sceneis': 1, 'sleazefest': 1, 'adventuredrama': 1, 'tab': 1, 'tzudiker': 1, 'noni': 1, 'darwanism': 1, 'fullgrown': 1, 'archimedes': 1, 'safari': 1, 'claytons': 1, 'vines': 1, 'singalong': 1, 'mistakefree': 1, 'incurring': 1, 'penalties': 1, 'brims': 1, 'frightfulness': 1, 'alltoowilling': 1, 'xv': 1, 'pierreaugustin': 1, 'figaro': 1, 'lavishness': 1, 'segonzacs': 1, 'fabrice': 1, 'luchini': 1, 'mesmerizes': 1, 'deviousness': 1, 'judgeship': 1, 'docket': 1, 'luchinis': 1, 'gudin': 1, 'manuel': 1, 'blanc': 1, 'kerdelhues': 1, 'petits': 1, 'brisville': 1, 'edouard': 1, 'molinaro': 1, 'guitry': 1, 'disorganization': 1, 'sandrine': 1, 'kiberlain': 1, 'marietherese': 1, 'beaumarchaiss': 1, 'protesting': 1, 'inhibition': 1, 'bozo': 1, 'defacing': 1, 'jokers': 1, 'flaunts': 1, 'expressionist': 1, 'bladerunnerrobocop': 1, 'megabudgeted': 1, 'highcalorie': 1, '65': 1, 'weakening': 1, 'walloping': 1, 'joltinducers': 1, 'carded': 1, 'beasties': 1, 'spiderscorpioncrab': 1, 'kenandbarbie': 1, 'garys': 1, 'crowddrawer': 1, 'revitalise': 1, '1272': 1, '1305': 1, 'longshanks': 1, 'ius': 1, 'primae': 1, 'noctis': 1, 'murron': 1, 'maccormack': 1, 'murrons': 1, 'garrison': 1, '1298': 1, 'nobles': 1, 'pretender': 1, 'fairytalelike': 1, 'naturalistically': 1, 'ultranaturalistic': 1, 'underline': 1, 'idolising': 1, 'isabel': 1, 'leprosystricken': 1, 'balliol': 1, 'homophobia': 1, 'conservatism': 1, 'hanly': 1, 'liberals': 1, 'aldous': 1, 'huxley': 1, 'insufficient': 1, 'prospected': 1, 'donned': 1, 'stats': 1, 'retentive': 1, 'semiwily': 1, 'dystopian': 1, 'cooled': 1, 'inhumanity': 1, 'gilliamesque': 1, '12fingered': 1, 'selfstaged': 1, 'airbrushed': 1, 'hustlers': 1, 'onassis': 1, 'gloat': 1, 'trumpeted': 1, 'sl': 1, 'outhouse': 1, 'lionizing': 1, 'candycoated': 1, 'quasipopular': 1, 'rougly': 1, 'mechanicallychallenged': 1, 'surrandon': 1, 'scariestlooking': 1, 'singlemother': 1, 'barclay': 1, 'utlizes': 1, 'toons': 1, 'exprience': 1, 'horor': 1, 'quasicampy': 1, 'parodyish': 1, 'snls': 1, 'glamorize': 1, 'frauds': 1, 'vishnu': 1, 'claritys': 1, 'plastics': 1, 'pagans': 1, 'predicate': 1, 'hegel': 1, 'ineffable': 1, 'unassailable': 1, 'jhvh': 1, 'heydey': 1, 'forego': 1, 'unmitigated': 1, 'unchallenged': 1, 'parenthetically': 1, 'absolutist': 1, 'assailing': 1, 'sacrament': 1, 'authoritarianism': 1, 'internalize': 1, 'internalized': 1, 'expurgating': 1, 'stridency': 1, 'hyberboreanswe': 1, 'hyberboreans': 1, 'pindar': 1, 'deathour': 1, 'illwe': 1, 'dirtiness': 1, 'largeur': 1, 'sirocco': 1, 'southwinds': 1, 'tertiary': 1, 'quaternary': 1, 'gayles': 1, 'uncritical': 1, 'exemplify': 1, 'fantasized': 1, 'commutes': 1, 'nother': 1, 'barreness': 1, 'skittish': 1, 'paraphrased': 1, 'cummin': 1, 'expunging': 1, 'solipsism': 1, 'scagnettis': 1, 'pubic': 1, 'plucks': 1, 'reincarnated': 1, 'antilife': 1, 'emil': 1, 'reingold': 1, 'nietzsches': 1, 'wardens': 1, 'gayle': 1, 'sickest': 1, 'promiscuity': 1, 'murdochesque': 1, 'mogulpsychotic': 1, 'cru': 1, 'cassanovaness': 1, 'aidscautionary': 1, 'almostcameo': 1, 'teris': 1, 'arianlooking': 1, 'goetz': 1, 'shiavelli': 1, 'motorcylce': 1, 'wilyness': 1, 'majestys': 1, 'sometimestedious': 1, 'oftenmoving': 1, 'diarist': 1, 'mostfamous': 1, 'adolph': 1, 'miep': 1, 'gies': 1, 'excepts': 1, 'powerlessness': 1, 'indigenous': 1, 'conejo': 1, 'gonz': 1, 'lez': 1, 'jeered': 1, 'alc': 1, 'zar': 1, 'sympathizer': 1, 'graciela': 1, 'tania': 1, 'longerthannecessary': 1, 'domingos': 1, 'unloaded': 1, 'twentiethcentury': 1, 'texasmexico': 1, 'bordertown': 1, 'slavomir': 1, 'dialects': 1, 'portillos': 1, '10week': 1, 'screamesque': 1, 'seediness': 1, 'stoneish': 1, 'dreamsfantasies': 1, 'freemasons': 1, 'surrendering': 1, 'rippers': 1, 'brrrrr': 1, 'stalingrad': 1, 'russiangerman': 1, 'motherland': 1, 'prospers': 1, 'onenotedom': 1, 'sniping': 1, 'jeanjacques': 1, 'annaud': 1, 'reestablishing': 1, 'theymightbecaught': 1, 'possibilites': 1, 'coveringup': 1, 'immeadiate': 1, 'handswashing': 1, 'lowangle': 1, 'sift': 1, 'depletion': 1, 'stamping': 1, 'streeming': 1, 'distractedness': 1, 'rifleshot': 1, 'dimwittedness': 1, 'fullcondescension': 1, 'acception': 1, 'nearsweetness': 1, 'picturing': 1, 'chelcie': 1, 'charactercontrolled': 1, 'protestations': 1, 'clam': 1, 'curdling': 1, 'ilah': 1, 'masts': 1, 'generational': 1, 'cocoons': 1, 'kristens': 1, 'dorns': 1, 'substantiated': 1, 'cults': 1, 'adherents': 1, 'nasties': 1, 'pasties': 1, 'norrington': 1, 'delievered': 1, 'vaticansponsored': 1, 'battleworn': 1, 'supervampire': 1, 'jakoby': 1, 'wittiest': 1, 'counterfeiters': 1, 'jeopardise': 1, 'counterfeiter': 1, 'vukovich': 1, 'pankow': 1, 'gerrald': 1, 'petievich': 1, 'utilised': 1, 'millieu': 1, 'ultramaterialistic': 1, 'ruthlessness': 1, 'fibber': 1, 'feuer': 1, 'darlanne': 1, 'fleugel': 1, 'chung': 1, 'outweighs': 1, 'trekfanonly': 1, 'nontrekkies': 1, 'dispel': 1, 'washouts': 1, 'beginningwhile': 1, 'reptiles': 1, 'inspections': 1, 'peaceniks': 1, 'apathetic': 1, 'drubbing': 1, 'vegasstyle': 1, 'materialism': 1, 'cmaerons': 1, 'specfically': 1, 'alonehis': 1, 'powerto': 1, 'machinea': 1, 'pressto': 1, 'vanquish': 1, 'inescapableand': 1, 'humanizing': 1, 'winfields': 1, 'henriksens': 1, 'antagonistunstoppable': 1, 'obdurate': 1, 'hurds': 1, 'movingusually': 1, 'dooms': 1, 'heartpull': 1, 'outgrosses': 1, 'endoskeleton': 1, 'hamiltons': 1, 'misconceptions': 1, 'lovetrianglerevenge': 1, 'shovels': 1, 'discharging': 1, 'skitters': 1, 'deadguyseemstohavecomebacktolifebutthenwefindoutitsonlyadream': 1, 'nonexploitative': 1, 'coenheads': 1, 'bendix': 1, 'lighters': 1, 'lobsters': 1, 'stuffexcept': 1, 'goldwhen': 1, 'sundry': 1, 'comedyit': 1, 'autumns': 1, 'soong': 1, 'worldwhat': 1, 'rafts': 1, 'poled': 1, 'americanchinese': 1, 'resignedly': 1, 'impatience': 1, 'greenerand': 1, 'poppop': 1, 'evelyns': 1, 'unlocks': 1, 'arising': 1, 'beefed': 1, 'hannahs': 1, 'tatis': 1, 'monsieur': 1, 'facefirst': 1, 'trapping': 1, 'defeaningly': 1, 'disconnecting': 1, 'directorcowriter': 1, 'uboats': 1, 'uboat': 1, 'surroundsound': 1, 'dahlgren': 1, 'sailor': 1, 'erik': 1, 'palladino': 1, 'mutiny': 1, '_titanic_': 1, 'thirteeth': 1, '_matrix_': 1, 'foreseen': 1, 'repays': 1, 'goodnight_': 1, '_casablanca_': 1, 'hairline': 1, 'imperiously': 1, '_amadeus_': 1, 'like_blade': 1, '_very_small_': 1, 'accountability': 1, 'xenophobe': 1, 'animalhater': 1, 'chronically': 1, 'bullied': 1, 'topsyturvey': 1, 'sequestered': 1, 'ritualistically': 1, 'retreated': 1, 'grouchiness': 1, 'wellness': 1, 'bucketsful': 1, 'retracing': 1, 'teenstyled': 1, 'geekish': 1, 'chutzpah': 1, 'outstripped': 1, 'partowner': 1, 'greenlighted': 1, 'expending': 1, 'knockedout': 1, 'fullspeed': 1, 'copyrighted': 1, 'cachet': 1, 'noteperfect': 1, 'flashynewthing': 1, 'seam': 1, 'catalyzes': 1, 'uneasieness': 1, 'anxieties': 1, 'crystallized': 1, 'screed': 1, 'retention': 1, 'wrongheaded': 1, 'profiteers': 1, 'abstraction': 1, 'sappiest': 1, 'seatofthepants': 1, 'loopiness': 1, 'bellylaughs': 1, 'reflexivity': 1, 'doppelgangers': 1, 'mindbender': 1, 'humility': 1, 'concurrent': 1, 'howdy': 1, 'doodyish': 1, 'openingnight': 1, 'nearuproar': 1, 'alacrity': 1, 'totfriendly': 1, 'unkrich': 1, 'docter': 1, 'hsaio': 1, 'calahan': 1, 'insinuated': 1, 'sven': 1, 'nykvist': 1, 'hedges': 1, 'foodmart': 1, 'steenburgens': 1, 'offkey': 1, 'regurgitates': 1, 'naif': 1, 'schellhardt': 1, '750': 1, 'soderburgh': 1, 'granttype': 1, 'aintisexy': 1, 'elevates': 1, 'lopezs': 1, 'popin': 1, '120th': 1, 'coinage': 1, 'edict': 1, 'sighing': 1, 'dreading': 1, 'valor': 1, 'stead': 1, 'burner': 1, 'fe': 1, 'flavors': 1, 'attila': 1, 'piety': 1, 'wahoo': 1, 'perused': 1, 'firstsemester': 1, 'falks': 1, 'prescripted': 1, '107yearold': 1, 'withgaspa': 1, 'pursuits': 1, 'achieveing': 1, 'absolutes': 1, 'niftiest': 1, 'nonsupernatural': 1, 'mildewlike': 1, 'taguchis': 1, 'disturbances': 1, 'lifeforce': 1, 'hunches': 1, 'junichiro': 1, 'semilighting': 1, 'jerkules': 1, 'boastful': 1, 'percussionheavy': 1, 'turnabout': 1, 'aloneuntil': 1, 'imagerycel': 1, 'animted': 1, 'villiany': 1, 'ithe': 1, 'blesseds': 1, 'scatting': 1, 'shoobedoo': 1, 'dabedah': 1, 'unsanitary': 1, 'flatuencethat': 1, 'unbelieveably': 1, 'egar': 1, 'battleships': 1, 'emissaries': 1, 'doomsaying': 1, 'pinnacles': 1, 'dwellers': 1, 'cuteified': 1, 'stirrup': 1, '500like': 1, 'ratcheted': 1, 'sportscasters': 1, 'mosteagerly': 1, 'federations': 1, 'nineepisode': 1, 'storywriting': 1, 'forceloving': 1, 'demystify': 1, 'mislead': 1, '25andunder': 1, 'jeesh': 1, 'gil': 1, 'krumholtz': 1, 'shakespeareobsessed': 1, 'mandella': 1, 'vapor': 1, 'plath': 1, 'badboy': 1, 'multidimensions': 1, 'unformal': 1, 'harlequin': 1, 'assignments': 1, 'underwhelmed': 1, 'whelmed': 1, 'perfectlyassembled': 1, 'indierock': 1, 'flawlesslyacted': 1, 'directorproducer': 1, 'baction': 1, 'actorsdirectorsproducers': 1, 'superflous': 1, 'raj': 1, 'evicted': 1, 'landlords': 1, 'rents': 1, 'beachfront': 1, 'bartellemeo': 1, 'pistella': 1, 'donatelli': 1, 'donato': 1, 'heisted': 1, 'boyfriendcoppartner': 1, 'sandoval': 1, 'fanaro': 1, 'drywitted': 1, 'phallus': 1, 'spa': 1, 'statesmen': 1, 'carreer': 1, 'suppoosed': 1, 'potentialities': 1, 'consolidate': 1, 'magisterial': 1, 'rhyitm': 1, 'uninterest': 1, 'libertys': 1, 'defenders': 1, 'injustices': 1, 'autonomy': 1, 'inteligence': 1, 'equalizes': 1, '77yearold': 1, 'amourlast': 1, 'marienbadm': 1, 'britisher': 1, 'pennies': 1, 'demy': 1, 'cherbourg': 1, 'rochefort': 1, 'resnaiss': 1, 'hinders': 1, 'piaf': 1, 'chevalier': 1, 'amberlike': 1, 'embellished': 1, 'parisians': 1, 'sabine': 1, 'az': 1, 'arditi': 1, '8years': 1, 'dussolier': 1, 'duveyrier': 1, 'jaouis': 1, 'yeomen': 1, 'paladru': 1, 'selfcontrol': 1, 'odiles': 1, 'resonation': 1, 'killorbekilled': 1, 'keyed': 1, 'reaganera': 1, 'relayed': 1, 'elevating': 1, 'axiomatic': 1, 'purported': 1, 'timeliness': 1, 'plumped': 1, 'smirked': 1, 'presuming': 1, 'slipperysmooth': 1, 'superjudgmental': 1, 'poweroriented': 1, 'whereupon': 1, 'headhunter': 1, 'trainees': 1, 'glengary': 1, 'detrimental': 1, 'belittles': 1, 'thumps': 1, 'phonepitch': 1, 'hucksters': 1, 'victimizer': 1, 'streetlike': 1, 'salespitch': 1, 'diesl': 1, 'lookin': 1, 'sorrowful': 1, 'boohoo': 1, 'fork': 1, 'decalogue': 1, 'veronique': 1, 'triptych': 1, 'missescatches': 1, 'destinies': 1, 'diverge': 1, 'reconverge': 1, 'platinumblond': 1, 'severs': 1, 'irelands': 1, 'telecommunications': 1, 'unimpeachable': 1, 'actualization': 1, 'whitehot': 1, 'beastie': 1, 'objecting': 1, 'devolved': 1, 'courteous': 1, 'entrylevel': 1, 'lestercorp': 1, 'floris': 1, 'whooshed': 1, 'ejected': 1, 'rummaging': 1, 'malkovisits': 1, 'tweaks': 1, 'selfdeprecating': 1, 'schlub': 1, 'unconscionable': 1, 'kenner': 1, 'worms': 1, 'recommendations': 1, 'pedophilic': 1, 'asparagus': 1, 'voyeurnextdoor': 1, 'burnhamss': 1, 'mantel': 1, 'selfexploration': 1, 'picket': 1, 'pictureperfect': 1, 'oldies': 1, 'misconception': 1, 'forwards': 1, 'impartially': 1, 'dontmesswithmylifeandiwontmesswithyours': 1, 'licentious': 1, 'enchantingly': 1, 'imr': 1, 'skirting': 1, 'messier': 1, 'pillaged': 1, 'encapsulated': 1, 'conscript': 1, 'cartoonishly': 1, 'daggeredged': 1, 'dipping': 1, 'revisitings': 1, 'iconography': 1, 'invoking': 1, 'pseudoasian': 1, 'beancurd': 1, 'intrinsics': 1, 'pridefully': 1, 'audiencefriendly': 1, 'princesses': 1, 'neofeminist': 1, 'unimaginatively': 1, 'dissuasive': 1, 'briskly': 1, 'exgangsta': 1, 'koolaid': 1, 'squat': 1, 'tyrese': 1, 'vj': 1, 'sympathized': 1, 'taraji': 1, 'bitchie': 1, 'jodys': 1, 'bracken': 1, 'veronicca': 1, 'beaters': 1, 'chisselled': 1, 'stomachturning': 1, 'heroantihero': 1, 'unrepentant': 1, 'unidolizable': 1, 'drifted': 1, 'goads': 1, 'soldering': 1, 'unaffected': 1, 'comissioned': 1, 'flushes': 1, 'neonoirs': 1, 'folded': 1, 'unarguable': 1, 'exercising': 1, 'espouses': 1, 'levien': 1, 'koppelman': 1, 'partiallyrealized': 1, 'watershed': 1, 'sexualized': 1, 'cosby': 1, 'nonunion': 1, 'mppa': 1, 'xrating': 1, 'valenti': 1, 'politicallycharged': 1, 'mumu': 1, 'evades': 1, 'ghettos': 1, 'whorehouses': 1, 'epigraph': 1, 'disassociates': 1, 'ebony': 1, 'denouncing': 1, 'frontandcenter': 1, 'dues': 1, 'documentarylike': 1, 'syringe': 1, 'liddle': 1, 'tatopolous': 1, '1920s60s': 1, 'dickensera': 1, 'nighthawks': 1, 'quay': 1, 'increments': 1, 'caffeinated': 1, 'telekinetically': 1, 'nonliteral': 1, 'murdochs': 1, 'iroquois': 1, 'turtle': 1, 'timelessness': 1, 'fuckyou': 1, 'writerperformers': 1, 'smartsassy': 1, 'bruklin': 1, 'galvanizing': 1, 'interned': 1, 'shellshocked': 1, 'incompleteits': 1, 'passengerside': 1, 'scrawling': 1, 'hecklers': 1, 'tormentor': 1, 'epigraphs': 1, 'audre': 1, 'lorde': 1, 'callin': 1, 'consort': 1, 'stipe': 1, 'tourfilm': 1, 'onceremoved': 1, 'inseperable': 1, 'capano': 1, 'courtrooms': 1, 'measly': 1, 'codefendant': 1, 'noncomedic': 1, 'incourt': 1, 'treasureseeking': 1, 'napoleon': 1, 'agamemnon': 1, 'oceangoing': 1, 'postponement': 1, 'harddriven': 1, 'rehabilitating': 1, 'researches': 1, 'equine': 1, 'faithhealing': 1, 'undeterred': 1, 'headingbut': 1, 'neillbetter': 1, 'beforeround': 1, 'azure': 1, 'wheatall': 1, 'viewfinder': 1, 'barrys': 1, 'majesty': 1, 'conditionssonorous': 1, 'stringladen': 1, 'earlygoings': 1, 'kinsella': 1, 'depletes': 1, 'comebringing': 1, 'vehemently': 1, 'sox': 1, 'lancaster': 1, 'kinsellas': 1, 'fantasyone': 1, 'chiming': 1, 'roscoe': 1, 'brownes': 1, 'soothingly': 1, 'arkfull': 1, 'kittens': 1, 'urbanites': 1, 'pelicans': 1, 'imbued': 1, 'animalloving': 1, 'spinster': 1, 'dismaying': 1, 'wellkept': 1, 'putit': 1, 'fablelike': 1, 'architectural': 1, 'gondolatrekked': 1, 'moriceaus': 1, 'exotically': 1, 'flooms': 1, 'lesnies': 1, 'deleting': 1, 'appeased': 1, 'felliniesque': 1, 'pseudomorbidity': 1, 'lorenzos': 1, 'firsts': 1, 'upgrades': 1, 'expended': 1, 'incubator': 1, 'plugged': 1, 'freedomfighters': 1, 'eyeful': 1, 'outpace': 1, 'internationallyacclaimed': 1, 'sculptorrussian': 1, 'swirls': 1, 'backto': 1, 'locus': 1, 'autumnal': 1, 'brightlycolored': 1, 'startlingbuteffective': 1, 'healers': 1, 'assuaged': 1, 'cristof': 1, 'bushido': 1, 'maximal': 1, 'accountable': 1, 'comparatively': 1, 'tenko': 1, 'godawa': 1, 'marched': 1, 'raillaying': 1, 'sadism': 1, '20somethings': 1, 'lurve': 1, 'chatup': 1, 'vaughns': 1, 'cringeworhy': 1, 'categorization': 1, 'nationstate': 1, 'retaliating': 1, 'tomahawk': 1, 'ladens': 1, 'agentincharge': 1, 'bureaus': 1, 'curtail': 1, 'authorizes': 1, 'constitutionality': 1, 'invocation': 1, 'menno': 1, 'meyjes': 1, 'evidencing': 1, 'scorewriter': 1, 'arabianthemed': 1, 'irishsounding': 1, 'snigger': 1, 'deplore': 1, 'unbeknown': 1, 'urinals': 1, 'amercian': 1, 'mideast': 1, 'renards': 1, 'valentin': 1, 'zukovsky': 1, 'marceaus': 1, 'llewelyns': 1, 'nc17rated': 1, 'infidelitous': 1, 'manip': 1, 'ulation': 1, 'catalysts': 1, 'natassja': 1, 'sexmaniac': 1, 'disserve': 1, 'collectively': 1, 'floridaset': 1, 'sexbomb': 1, 'kidnaping': 1, 'jailbait': 1, 'alluringly': 1, 'stanwyckgloria': 1, 'tantalizingly': 1, 'everlikeable': 1, 'repopular': 1, 'revelationheavy': 1, 'sinker': 1, 'aol': 1, 'superbookstores': 1, 'charmmeter': 1, 'boinked': 1, 'kafkaism': 1, 'bonet': 1, 'extinguishing': 1, 'chilled': 1, 'exacty': 1, 'fivesecond': 1, 'notbad': 1, 'clancyesque': 1, 'lender': 1, 'ocious': 1, 'demolish': 1, 'ultramodern': 1, 'scavengers': 1, 'homily': 1, 'imrie': 1, 'arrietty': 1, 'newbigin': 1, 'peagreen': 1, 'felton': 1, '4inch': 1, 'childrenonly': 1, 'edelman': 1, 'dowd': 1, 'solon': 1, 'glickman': 1, 'panavision': 1, 'prefecture': 1, 'cui': 1, 'rong': 1, 'guang': 1, 'hog': 1, 'nymphet': 1, 'calgary': 1, 'reverence': 1, 'obrian': 1, 'drunkenness': 1, 'angstfilled': 1, 'divisible': 1, 'eightly': 1, 'dancesong': 1, '82': 1, 'performig': 1, 'tutus': 1, 'successfuly': 1, 'imelda': 1, 'staunton': 1, 'jingles': 1, 'alphonsia': 1, 'innerfriend': 1, 'dysfuntional': 1, 'subtely': 1, 'anticlassics': 1, 'stupidfun': 1, 'phyllida': 1, 'lauries': 1, 'seperation': 1, 'joust': 1, 'balto': 1, 'steigs': 1, 'genericized': 1, 'schillings': 1, 'muffin': 1, 'bobbly': 1, 'antennaelike': 1, 'princessguarding': 1, 'opportunies': 1, 'tomboyish': 1, 'turnstyle': 1, 'undisneyish': 1, 'duetting': 1, 'motownsinging': 1, 'lithgows': 1, 'heightchallenged': 1, 'mononoke': 1, 'oohs': 1, 'aahs': 1, 'bridal': 1, 'coladas': 1, 'recollect': 1, 'resteraunt': 1, 'mooch': 1, 'dispare': 1, 'semisuccessful': 1, 'desperatly': 1, 'sera': 1, 'getsoff': 1, 'smokey': 1, 'orgasms': 1, 'burbon': 1, 'retroactive': 1, 'fieryhaired': 1, 'franka': 1, 'moritz': 1, 'tykwer': 1, 'supercharged': 1, 'scintillating': 1, 'kraup': 1, 'rohde': 1, 'griebe': 1, 'bonnefroy': 1, 'lightningfast': 1, 'chores': 1, 'guardrail': 1, 'onethird': 1, 'irregular': 1, 'buries': 1, 'transcending': 1, 'pettiness': 1, 'structures': 1, 'cohesiveness': 1, 'blanketing': 1, 'mystifying': 1, 'overemphasizing': 1, 'nailbitingly': 1, 'misjudgment': 1, 'newbies': 1, 'deride': 1, 'quicklypaced': 1, 'selfsatisfaction': 1, 'papaya': 1, 'yenkhe': 1, 'ngo': 1, 'quanq': 1, 'nguyen': 1, 'nhu': 1, 'quynh': 1, 'quoc': 1, 'chu': 1, 'ngoc': 1, 'habitual': 1, 'botanical': 1, 'khanh': 1, 'manh': 1, 'cuong': 1, 'tuan': 1, 'hais': 1, 'serenity': 1, 'cyclic': 1, 'pingbin': 1, 'courtyards': 1, 'styling': 1, 'lapsing': 1, 'yellowish': 1, 'storydriven': 1, 'starringliam': 1, 'directorgeorge': 1, 'hut': 1, 'jonn': 1, 'sebulba': 1, 'ratlike': 1, 'bagger': 1, 'swindled': 1, 'audiencepleasing': 1, 'glasgow': 1, 'vacancy': 1, 'straws': 1, 'unnerve': 1, 'flinch': 1, 'awarding': 1, 'halfgrabbing': 1, 'guttural': 1, 'lowlit': 1, 'psychoanalysts': 1, 'slavehood': 1, 'licked': 1, 'presumedly': 1, 'sortaredux': 1, 'andrei': 1, 'tarkofsky': 1, 'cosmonaut': 1, 'commited': 1, 'regretting': 1, 'conisderation': 1, 'sittings': 1, 'sprees': 1, 'notinconsiderable': 1, 'moustached': 1, 'verging': 1, 'coups': 1, 'castingagainsttype': 1, 'centrestage': 1, 'viv': 1, 'pitfall': 1, 'movingly': 1, 'fatherinlaws': 1, 'wellplanned': 1, 'carpark': 1, 'buymore': 1, 'consumptioncrazy': 1, 'disturbance': 1, 'glamourous': 1, 'determinedly': 1, 'nbk': 1, 'whitefenced': 1, 'identikit': 1, 'yankovics': 1, 'hostess': 1, 'twinkies': 1, 'buns': 1, 'smartalec': 1, 'vhf': 1, 'networkaffiliate': 1, 'fletcherchannel': 1, '8s': 1, 'illnatured': 1, 'ownerveteran': 1, 'snorts': 1, 'grimaces': 1, 'movieseverything': 1, 'spatulas': 1, 'wrencher': 1, 'airplanetype': 1, 'spadowskis': 1, 'playhouse': 1, 'mixedup': 1, 'foreignexchange': 1, 'drescher': 1, 'finklestein': 1, '62s': 1, 'alakina': 1, 'serviceman': 1, 'photosensitivity': 1, 'fionnula': 1, 'tuttle': 1, 'enveloped': 1, 'worshiper': 1, 'finkbine': 1, 'tranquilizers': 1, 'withing': 1, 'telss': 1, 'beneficial': 1, 'runningjumping': 1, 'scence': 1, 'concise': 1, 'totty': 1, 'nineteeneighties': 1, 'milagro': 1, 'beanfield': 1, 'magicrealism': 1, 'newlybroken': 1, 'authoritive': 1, 'whisperers': 1, 'thawed': 1, 'mattertheir': 1, 'installs': 1, 'vaporize': 1, 'potatoe': 1, 'taime': 1, 'moi': 1, 'charme': 1, 'huggan': 1, 'viii': 1, 'handinmarriage': 1, 'reeking': 1, 'averse': 1, 'liased': 1, 'lodgerley': 1, 'lecherous': 1, 'downsides': 1, 'blondie': 1, 'loverboy': 1, 'wholo': 1, 'prided': 1, 'transistor': 1, 'halfscared': 1, 'cupacoffee': 1, 'somewhatchildish': 1, 'ciggy': 1, 'whatre': 1, 'unfounded': 1, 'coconut': 1, 'seething': 1, 'couplet': 1, 'iambic': 1, 'pentameter': 1, 'fennymann': 1, 'financiallyoriented': 1, 'searing': 1, 'rozencrantz': 1, 'boundless': 1, 'openlyhomosexual': 1, 'apothecary': 1, 'quibbling': 1, 'titantic': 1, 'categorized': 1, 'subs': 1, 'necklaces': 1, 'hundredyearold': 1, 'snobbishness': 1, 'itinerant': 1, 'promenade': 1, 'loathes': 1, 'finace': 1, 'lamonts': 1, 'planningtoretire': 1, 'brighthot': 1, 'gashes': 1, 'ninetenths': 1, 'mommies': 1, 'daddies': 1, 'guggenheims': 1, 'toothpaste': 1, 'snowencrusted': 1, 'zealot': 1, 'enumerates': 1, 'peyton': 1, 'outpourings': 1, 'mitchells': 1, 'dannas': 1, 'goalsit': 1, 'classifying': 1, 'deliversmeaningful': 1, 'relentlessness': 1, 'alltoorealistic': 1, 'bottins': 1, 'alwaysgrisly': 1, 'nottobeunderestimated': 1, 'sevens': 1, 'conducive': 1, 'largerissue': 1, 'popbroadway': 1, 'tome': 1, 'reform': 1, 'abider': 1, 'extorts': 1, 'omitting': 1, 'dims': 1, 'pornogrpahy': 1, 'resuscitate': 1, 'scouts': 1, 'bussing': 1, 'omnipresence': 1, 'doesnut': 1, 'hadnut': 1, 'experess': 1, 'dysfuntion': 1, 'cuckold': 1, 'endowment': 1, 'fullfill': 1, 'nurture': 1, 'lulled': 1, 'popstar': 1, 'preachiness': 1, 'itus': 1, 'thereus': 1, 'youull': 1, 'hollands': 1, 'adian': 1, 'estefan': 1, 'secondgrade': 1, 'estrogenic': 1, 'schoolteachers': 1, 'guasparis': 1, 'lifealtering': 1, 'casuality': 1, 'edifying': 1, 'vannesa': 1, 'archnemesis': 1, 'regis': 1, 'pinkie': 1, '600pound': 1, 'shagless': 1, 'lazer': 1, 'mustafa': 1, 'alotta': 1, 'fagina': 1, 'sidesplittingly': 1, 'obesity': 1, 'gritted': 1, 'optimistically': 1, 'starphoenix': 1, 'saskatoon': 1, 'sk': 1, 'finalist': 1, 'ytv': 1, 'teentargeted': 1, 'malfunctioning': 1, 'timemachine': 1, 'cretaceous': 1, 'modify': 1, 'schematics': 1, 'drizzling': 1, 'confer': 1, 'unspool': 1, 'secondstring': 1, 'anvil': 1, 'slouched': 1, 'apprehensively': 1, 'splotty': 1, 'submerge': 1, 'stimulates': 1, 'connectthedots': 1, 'jocky': 1, 'controlfreak': 1, 'nonetoosubtly': 1, 'flashcard': 1, 'guenveur': 1, 'frightfest': 1, 'murdererontheloose': 1, 'sugarland': 1, 'births': 1, 'naturalborn': 1, 'spielbergian': 1, 'bigotry': 1, 'effectsloaded': 1, 'appetizers': 1, 'threeplus': 1, 'texts': 1, 'rigorously': 1, 'lionhearted': 1, 'eastward': 1, 'northward': 1, 'repute': 1, 'orator': 1, 'aligned': 1, 'amplify': 1, 'occasionallyhumorous': 1, 'seeminglystrange': 1, 'subhuman': 1, 'proslavery': 1, 'claimants': 1, 'americanspanish': 1, 'spineless': 1, 'sycophant': 1, 'emotionallycrippled': 1, 'goeth': 1, 'chaseriboud': 1, 'upsurge': 1, 'illuminated': 1, 'nabbed': 1, 'mantlepiece': 1, 'reparations': 1, 'hotheaded': 1, 'trampy': 1, 'ultraeccentric': 1, 'milehigh': 1, 'marmet': 1, 'berkeleyesque': 1, 'bounteous': 1, 'cleanest': 1, 'hungus': 1, 'downloaded': 1, 'delete': 1, 'megabytes': 1, 'staggeringly': 1, 'compardre': 1, 'dietrich': 1, 'hasslers': 1, 'reclining': 1, 'castors': 1, '5671': 1, 'potrayal': 1, 'duelling': 1, 'platformprison': 1, 'trumpeting': 1, 'redcarpet': 1, 'beautician': 1, 'frenchie': 1, 'didi': 1, 'conn': 1, 'tellitlikeitis': 1, 'arden': 1, 'supporter': 1, 'fontaine': 1, 'edd': 1, 'dinah': 1, 'manhoff': 1, 'olsson': 1, 'screendoms': 1, 'effervescently': 1, 'ack': 1, 'carp': 1, 'showpiece': 1, 'funinthesun': 1, 'cappers': 1, 'panandscannedout': 1, 'bellbottoms': 1, 'mckinley': 1, 'hrundis': 1, 'clutterbucks': 1, 'numnum': 1, 'endoftheworld': 1, 'rhinoceros': 1, 'bottlecaps': 1, 'superblystaged': 1, 'antlike': 1, 'boardwalk': 1, 'marketers': 1, 'seashell': 1, 'seagull': 1, 'orient': 1, 'merpeople': 1, 'notsosubtle': 1, 'shrine': 1, 'potbelly': 1, 'scholls': 1, 'veinotte': 1, 'averagesized': 1, 'leavins': 1, 'keller': 1, 'autocrat': 1, 'seana': 1, 'dunsworth': 1, 'rosmarys': 1, 'aghast': 1, 'reignited': 1, 'cinematicallysavvy': 1, 'edvard': 1, 'munchesque': 1, 'getups': 1, 'culturewhiz': 1, 'victimpotential': 1, 'chatty': 1, 'nottoofriendly': 1, 'inaugurate': 1, 'lunchmeat': 1, 'nonroles': 1, 'star69': 1, 'spoofy': 1, 'phoneassault': 1, 'tradein': 1, 'outclass': 1, 'fbis': 1, 'antiterrorism': 1, 'beirut': 1, 'endowing': 1, 'galahad': 1, 'nestled': 1, 'impossibilty': 1, 'esquires': 1, 'ladden': 1, 'drugrave': 1, 'antipillpoppingcasualtantricsexcarchaseattemptedmurder': 1, 'blessedly': 1, 'careerthreatening': 1, 'idfueled': 1, 'zigzagged': 1, 'torontonian': 1, 'chipperly': 1, 'limans': 1, 'vaughans': 1, 'aped': 1, 'backstabbers': 1, 'untapped': 1, 'exdrug': 1, 'jailterm': 1, 'curlyhaired': 1, 'awoken': 1, 'ratso': 1, 'blanco': 1, 'goregeous': 1, 'eleveate': 1, 'flim': 1, 'trashcan': 1, 'foghorn': 1, 'leghorn': 1, 'tangodancing': 1, 'insultthrowing': 1, 'populus': 1, 'subtitlephobes': 1, 'clownish': 1, 'minefield': 1, 'featherweight': 1, 'schramm': 1, 'contrastive': 1, 'spry': 1, 'abides': 1, 'flexibly': 1, 'blumberg': 1, 'weighing': 1, 'sheepish': 1, 'fullyripened': 1, 'excluding': 1, 'heavensent': 1, 'expug': 1, 'separatist': 1, 'hollers': 1, 'imprecation': 1, 'mobutus': 1, 'titans': 1, 'wellstocked': 1, 'mailers': 1, 'kaftan': 1, 'sympathiser': 1, 'undifferentiated': 1, 'unconsidered': 1, 'coz': 1, 'simplify': 1, 'kolya': 1, 'zdenek': 1, 'fatherandson': 1, 'regalia': 1, 'wanderlust': 1, 'quicksilver': 1, 'surmises': 1, 'germinate': 1, 'cagily': 1, 'mongkuts': 1, 'monarchy': 1, 'midfilm': 1, 'chowyun': 1, 'concubines': 1, 'susie': 1, 'etheraddicted': 1, 'matriarch': 1, 'paz': 1, 'huerta': 1, 'dissolute': 1, 'substandardly': 1, 'stationmaster': 1, 'projectsweet': 1, 'hallstr': 1, 'filmclass': 1, 'coterie': 1, 'adorning': 1, 'majoring': 1, 'deviating': 1, 'shortcuts': 1, 'correlates': 1, 'overcasts': 1, 'horrortrilogy': 1, 'smashhit': 1, 'jingoalltheway': 1, 'militarism': 1, 'twentyfoottall': 1, 'superimpaling': 1, 'dragonflies': 1, 'notsosecretly': 1, 'ferrets': 1, 'fiscally': 1, 'skewer': 1, 'iiera': 1, 'antimilitary': 1, 'boosterism': 1, 'booster': 1, 'landscaping': 1, 'recommended8585but': 1, 'pheneomena': 1, 'corvino': 1, 'entomologist': 1, 'pleasance': 1, 'exrolling': 1, 'wyman': 1, 'gothicelectronic': 1, 'gels': 1, 'reccurs': 1, 'retitled': 1, 'hallucinogenfueled': 1, 'seventyfive': 1, 'pellets': 1, 'shaker': 1, 'laughers': 1, 'ether': 1, 'amyls': 1, 'correlated': 1, 'alcoholbased': 1, 'consumatory': 1, 'barmaid': 1, 'kaleidoscopic': 1, 'barkin': 1, 'expectedly': 1, 'barnburner': 1, 'drugravaged': 1, 'doobie': 1, 'unstimulated': 1, 'snorted': 1, 'thompsonbased': 1, 'quirkier': 1, 'rapture': 1, 'viper': 1, 'forefathers': 1, 'seized': 1, 'skaarsgard': 1, 'expresident': 1, 'kaminski': 1, 'abolitionist': 1, 'abuser': 1, 'umptenth': 1, 'middleage': 1, 'noboyd': 1, 'corrupted': 1, 'accountants': 1, 'copywriters': 1, 'bankers': 1, 'commuter': 1, '25th': 1, 'unshrouded': 1, 'farmerwizard': 1, 'henwen': 1, 'munchings': 1, 'crunchings': 1, 'bauble': 1, 'whirlpool': 1, 'fairylike': 1, 'morva': 1, 'eilonwys': 1, 'ressurect': 1, 'gurgis': 1, 'cradles': 1, 'stirshe': 1, 'fondest': 1, 'micheal': 1, 'annex': 1, 'glendale': 1, 'buena': 1, 'petition': 1, 'bardsley': 1, 'biner': 1, 'fondacairo': 1, 'frollo': 1, 'esmeralda': 1, 'proudest': 1, 'mid50s': 1, 'booths': 1, 'wagered': 1, 'tac': 1, 'freedman': 1, 'enrights': 1, 'soontoberuler': 1, 'goodwin': 1, 'explicating': 1, 'citystreet': 1, 'sauntering': 1, 'interrogating': 1, 'goofing': 1, 'presumes': 1, 'academybeloved': 1, 'overplotting': 1, 'mid1800s': 1, 'leplastrier': 1, 'anglican': 1, 'newlyacquired': 1, 'glassworks': 1, 'confessor': 1, 'undesirable': 1, 'hinds': 1, 'unwieldy': 1, 'flyovers': 1, 'installing': 1, 'expansionism': 1, 'donaldsons': 1, 'teleplay': 1, 'fore': 1, 'reenact': 1, 'deployment': 1, 'budgetwise': 1, 'girds': 1, 'militarycia': 1, 'admirals': 1, 'expatriates': 1, 'armynavyair': 1, 'peaceably': 1, 'antiaircraft': 1, 'foregoing': 1, 'kennedyesque': 1, 'culp': 1, 'fairman': 1, 'adlai': 1, 'intelligentsia': 1, 'ecker': 1, 'wingman': 1, 'isis': 1, 'mussenden': 1, 'imaging': 1, 'docudramas': 1, 'evangelizing': 1, 'swindler': 1, 'congregations': 1, 'exminister': 1, 'beasley': 1, 'rechristening': 1, 'patronizing': 1, 'charlatans': 1, 'handlers': 1, 'shapes': 1, 'studious': 1, 'inarguably': 1, 'indelibly': 1, 'dollies': 1, 'churchgoers': 1, 'andmiss': 1, 'sleepercult': 1, 'yeeeeah': 1, 'thetop': 1, 'disposed': 1, 'shag': 1, 'indubitably': 1, 'prosoldier': 1, 'inundation': 1, 'militaristic': 1, 'whyunless': 1, 'drugstoked': 1, 'polack': 1, 'graying': 1, 'gristly': 1, 'enlistee': 1, 'docin': 1, 'disbelieving': 1, 'hillif': 1, 'valour': 1, 'ashau': 1, 'thuroughly': 1, 'villiage': 1, 'buffo': 1, 'bestworst': 1, 'seemlessly': 1, 'detractions': 1, 'hourglass': 1, 'unsurprised': 1, 'actorturneddirector': 1, 'resolving': 1, 'ascribe': 1, 'kin': 1, 'eroded': 1, 'coldest': 1, 'onshore': 1, 'twosomes': 1, 'recentlywidowed': 1, 'willful': 1, 'argumentative': 1, 'nita': 1, 'scanning': 1, 'obituaries': 1, 'biggerstaff': 1, 'firsttimers': 1, 'replicate': 1, 'nonrelated': 1, 'microscope': 1, 'batallion': 1, 'wellphotographed': 1, 'pleasantvilleone': 1, 'guideline': 1, 'decemeber': 1, 'steriotypically': 1, 'dialoguethose': 1, 'cameoesque': 1, 'preforming': 1, 'schwarzbaum': 1, 'settingintensified': 1, 'courtroomcertainly': 1, 'classifies': 1, 'masterpiecehe': 1, 'bigbe': 1, 'davegood': 1, 'precedents': 1, 'preceeding': 1, 'scarsely': 1, 'bouyant': 1, 'unconventionally': 1, 'downes': 1, '28th': 1, 'uglyduckling': 1, 'innundated': 1, 'mischievousness': 1, 'chipmunks': 1, 'conventionality': 1, 'grasps': 1, 'confidant': 1, 'formulaisms': 1, 'reassured': 1, 'weddding': 1, 'serenade': 1, 'infectuous': 1, 'lustre': 1, 'nearcertain': 1, 'clinically': 1, 'reflexes': 1, 'detroits': 1, 'crimefoiling': 1, 'cultclassics': 1, 'audiencein': 1, 'fictionsocial': 1, 'qualifying': 1, 'looseends': 1, 'fairytail': 1, 'rms': 1, 'mer': 1, 'lovetts': 1, 'sketchbook': 1, 'helicoptered': 1, 'buketer': 1, 'soapopera': 1, 'odalisque': 1, 'minimums': 1, 'helplessness': 1, 'disasterslashaction': 1, 'thrillsaminute': 1, 'quickedit': 1, 'jutting': 1, 'nicelooking': 1, 'amateurs': 1, 'kouf': 1, 'tzi': 1, 'swarthy': 1, 'babysit': 1, 'rattner': 1, 'tier': 1, 'actioncomedies': 1, 'rein': 1, 'scrounges': 1, 'squeaker': 1, 'gangbullseye': 1, 'zurgs': 1, 'thisiswhatwethinkkidswanttohear': 1, '25cent': 1, 'substitution': 1, 'phrasing': 1, 'appended': 1, 'desklamps': 1, 'mowing': 1, 'nominally': 1, 'miracuously': 1, 'rossellinia': 1, 'esoteric': 1, 'harshness': 1, 'theatens': 1, 'muttonchop': 1, 'sideburns': 1, 'damnedest': 1, 'cork': 1, 'grogan': 1, 'hynes': 1, 'disfiguring': 1, 'inventively': 1, 'engagingly': 1, 'conor': 1, 'mcpherson': 1, 'paddy': 1, 'breathnach': 1, 'peat': 1, 'hostelries': 1, 'mcphersons': 1, 'carefullycrafted': 1, 'caffrey': 1, 'clunkiness': 1, 'grittymake': 1, 'grubbybut': 1, 'disorganized': 1, 'philadelphiaarea': 1, 'theaterand': 1, 'longso': 1, 'rearranged': 1, 'hefti': 1, 'klugman': 1, 'languishing': 1, 'actspeak': 1, 'parrots': 1, 'furball': 1, 'exclaim': 1, 'dollsized': 1, 'bambi': 1, 'tempe': 1, 'azthis': 1, 'voil': 1, 'onehundreddollar': 1, 'doorman': 1, 'flowershop': 1, 'rearended': 1, 'gigi': 1, 'hernandezs': 1, 'stayin': 1, 'mone': 1, 'vinegars': 1, 'luedekes': 1, 'kaczynski': 1, 'blondes': 1, 'guestquarter': 1, 'knottieing': 1, 'stepin': 1, 'buddyweightlifter': 1, 'goodlooker': 1, 'barbiedoll': 1, 'tracheotomy': 1, 'tickling': 1, 'twentyyear': 1, 'suckerpunch': 1, 'highvisibility': 1, 'obliges': 1, 'racemotivated': 1, 'funspoiling': 1, 'orgazmo': 1, 'cuff': 1, 'nigra': 1, 'unchained': 1, 'neumann': 1, 'fasterthan': 1, 'selfreplicating': 1, 'achievable': 1, 'fasterthanlight': 1, 'astronomerwriter': 1, 'afa': 1, 'intermediary': 1, 'ethereally': 1, 'wellstructured': 1, 'mitigated': 1, 'badlywritten': 1, 'radioing': 1, 'genome': 1, 'shapeshift': 1, 'multiform': 1, 'cockroach': 1, 'sheerly': 1, 'assassinexterminator': 1, 'empathpsychic': 1, 'gigers': 1, 'ichor': 1, 'bodystrewn': 1, 'kaminsky': 1, 'trudge': 1, 'dramatism': 1, 'extremity': 1, 'braveheartdosage': 1, 'heavilyhyped': 1, 'herrington': 1, 'zeke': 1, 'academics': 1, 'delilah': 1, 'delilahs': 1, 'photojournalist': 1, 'popculturally': 1, 'aquit': 1, '15milliondollar': 1, 'stans': 1, 'resigns': 1, 'winterbottoms': 1, 'portents': 1, 'tumultuosness': 1, 'schmaltziness': 1, 'nusevic': 1, 'overview': 1, 'cigarrettes': 1, 'somesuch': 1, 'sketchiness': 1, 'hampers': 1, 'khanjian': 1, 'camelia': 1, 'frieberg': 1, '__________________________________________________________': 1, 'aftermaths': 1, 'mistfortune': 1, 'nearrevolutionary': 1, 'surging': 1, 'hebrews': 1, 'sonnets': 1, 'cairo': 1, 'manhatten': 1, 'snoozing': 1, 'eyeopener': 1, 'sews': 1, 'corrects': 1, 'mistakingly': 1, 'capitol': 1, 'backroads': 1, 'buggs': 1, 'salted': 1, 'peanuts': 1, 'dynamites': 1, 'countermanded': 1, 'prosecutes': 1, 'alibis': 1, 'lynchings': 1, 'perjuring': 1, 'affairaweek': 1, 'oakland': 1, 'deathrow': 1, 'pocums': 1, 'crinkled': 1, 'duking': 1, 'governers': 1, 'tensionbuilding': 1, 'furrow': 1, '19year': 1, 'convent': 1, 'pescuccis': 1, 'nonglamorous': 1, 'underplay': 1, 'handfeed': 1, 'wellproduced': 1, 'rueffs': 1, 'lubricants': 1, 'salesmentalk': 1, 'analytical': 1, 'salesmanship': 1, 'nonquestioning': 1, 'burnedout': 1, 'symmetry': 1, 'urgencies': 1, 'hairobsessed': 1, 'shoals': 1, 'cyclops': 1, 'handsomest': 1, 'pomade': 1, 'hairnets': 1, 'herowanderer': 1, 'baptism': 1, 'tuneful': 1, 'homerian': 1, 'pappy': 1, 'odaniel': 1, 'teague': 1, 'badalucco': 1, 'babyface': 1, 'reping': 1, 'zophres': 1, 'jaynes': 1, 'silvery': 1, 'walkway': 1, 'spherical': 1, 'fearthe': 1, 'exhilaration': 1, 'lifeafter': 1, 'incoming': 1, 'empirical': 1, 'scripters': 1, 'goldenberg': 1, 'eschew': 1, 'sothere': 1, 'palmerellie': 1, 'constantine': 1, 'litz': 1, 'hissed': 1, 'trippier': 1, 'alwaysinteresting': 1, 'incorporateactorsintoexistingfilmfootage': 1, 'twohourplus': 1, 'muchwelcome': 1, 'showbusiness': 1, 'conditioned': 1, 'perceiving': 1, 'winifred': 1, 'sitcomesque': 1, 'breans': 1, 'cradling': 1, 'tostitos': 1, 'gratuitious': 1, 'smokescreen': 1, 'godfathertrilogy': 1, 'majestically': 1, 'pervious': 1, 'rotas': 1, 'amassed': 1, 'charities': 1, 'sicily': 1, 'crookier': 1, 'carmine': 1, 'tavoularis': 1, 'godfatherfilms': 1, 'pangs': 1, 'shire': 1, 'hagen': 1, 'vincenzos': 1, 'mcclaine': 1, 'overthehill': 1, 'cabby': 1, 'deserts': 1, '2023': 1, 'smog': 1, 'tortoiselike': 1, 'heredna': 1, 'korbens': 1, 'lazyasalways': 1, 'jeanbaptiste': 1, 'piglike': 1, 'gamorreans': 1, 'problemwhy': 1, 'brion': 1, 'llosa': 1, 'guyusing': 1, 'movielover': 1, '25yearold': 1, '6yearold': 1, 'sheikh': 1, 'offhanded': 1, 'slurring': 1, 'strumming': 1, 'guitars': 1, 'bragging': 1, 'sufis': 1, 'sigmund': 1, 'freuds': 1, 'playboys': 1, 'trojan': 1, 'algeria': 1, 'acrobat': 1, 'taghmaoui': 1, 'bigtodo': 1, 'bilals': 1, 'shiftlessness': 1, 'mosques': 1, 'enacts': 1, 'westerner': 1, 'countercultural': 1, 'sojourn': 1, 'babyboom': 1, 'sufism': 1, 'newport': 1, 'devastingly': 1, 'cucumber': 1, 'stepson': 1, 'renowed': 1, 'dershowitzs': 1, 'oversimplifies': 1, 'prejudiced': 1, 'ambiguousness': 1, 'bulows': 1, 'reversalf': 1, 'uhrys': 1, 'pulitzerprize': 1, '70something': 1, '60something': 1, 'atlantas': 1, 'packard': 1, 'driveway': 1, 'cancels': 1, 'salmon': 1, 'escorted': 1, 'hokes': 1, 'cantankerous': 1, 'tandys': 1, 'daisys': 1, 'idella': 1, 'rolle': 1, 'boolies': 1, 'stagey': 1, 'jugular': 1, 'superseventies': 1, 'inflation': 1, 'nihilism': 1, 'symbolises': 1, '26year': 1, 'megalopolis': 1, 'sheperd': 1, 'palantines': 1, 'dostoyevski': 1, 'raskolnikovlike': 1, 'interviewers': 1, 'madmen': 1, 'stomachlack': 1, 'wizzard': 1, 'pre1960s': 1, 'palantine': 1, 'postvietnam': 1, 'stygian': 1, 'herrman': 1, 'tabloidfodder': 1, 'hinckley': 1, 'mediterranean': 1, 'rotate': 1, 'patternlike': 1, 'zerosum': 1, 'discreet': 1, 'betweentheline': 1, 'angering': 1, 'bottomofthedrugfoodchain': 1, 'narc': 1, 'multilevelmarketing': 1, 'lovemaker': 1, 'shrimpscarfers': 1, 'afeminite': 1, 'threepronged': 1, 'flashed': 1, 'tonemood': 1, 'independents': 1, 'overlydark': 1, 'cinematographyart': 1, 'themetheory': 1, '42399': 1, 'wackedout': 1, 'warcrazy': 1, 'decker': 1, 'dither': 1, 'brookss': 1, 'malintentioned': 1, 'taggart': 1, 'kwan': 1, 'spocklike': 1, 'avenged': 1, 'thermia': 1, 'whisk': 1, 'transporters': 1, 'notsoobvious': 1, 'taglines': 1, 'shalhoubs': 1, 'chens': 1, 'holierthanthou': 1, 'counterprogramming': 1, 'addendum': 1, 'postulate': 1, 'embarass': 1, 'cheekbones': 1, 'lighweight': 1, 'victimize': 1, 'gidley': 1, 'pual': 1, 'curryspiced': 1, 'offstage': 1, 'quartercentury': 1, 'sociallyacceptable': 1, 'backdoor': 1, 'sleeze': 1, 'powertrip': 1, 'negotiable': 1, 'deglamorizes': 1, 'costumer': 1, 'reflexively': 1, 'internalizing': 1, 'ethos': 1, 'cooperating': 1, 'explicate': 1, 'inhumanly': 1, 'camouflaged': 1, 'jost': 1, 'vacanos': 1, 'delineation': 1, 'nodialog': 1, 'vampirefest': 1, 'moonlighted': 1, 'mostlystraightforward': 1, 'chronology': 1, 'jacksonchris': 1, 'jacksonrobert': 1, 'jacksontravolta': 1, 'pointsof': 1, 'vantages': 1, 'banyon': 1, 'disloyal': 1, 'toughguyswhorarely': 1, 'twoanda': 1, 'abductees': 1, 'casanovawhat': 1, 'characterdeveloping': 1, 'impressiveness': 1, 'mtvtype': 1, 'unawareness': 1, 'scraps': 1, 'deceived': 1, 'dell': 1, 'barletta': 1, 'holistic': 1, 'grazia': 1, 'unmarried': 1, 'overreacts': 1, 'ganzs': 1, 'moonlit': 1, 'ironed': 1, 'applicant': 1, 'battiston': 1, 'toughnosed': 1, 'nicolets': 1, 'bailbondsman': 1, '56year': 1, '44year': 1, 'bikiniclad': 1, 'lifesaver': 1, 'defeaning': 1, 'abbots': 1, 'expressively': 1, 'leathery': 1, 'rotates': 1, 'renegades': 1, 'd2': 1, 'traitorous': 1, 'itselfa': 1, 'mace': 1, 'incriminator': 1, 'discourteous': 1, 'noses': 1, 'rectitude': 1, 'slabs': 1, 'lightheaded': 1, 'farfromoverpowering': 1, 'cosmetics': 1, 'dilbertesque': 1, 'administrative': 1, 'trivialities': 1, 'overeffective': 1, 'hypnotherapist': 1, 'samir': 1, 'ajay': 1, 'naidu': 1, 'vantage': 1, 'inefficiencies': 1, 'teenagetargeted': 1, '1524': 1, 'snipping': 1, 'gameplan': 1, 'hardfought': 1, 'replenishing': 1, 'suggestiveness': 1, 'rivaled': 1, 'teendominated': 1, 'lessthanoriginal': 1, 'exlax': 1, 'proceeder': 1, 'boatwright': 1, 'postworld': 1, 'stigma': 1, 'weds': 1, 'lyle': 1, 'anneys': 1, 'earle': 1, 'miscarries': 1, 'supress': 1, 'lovedependent': 1, 'impoverishment': 1, 'preponderence': 1, 'malones': 1, 'manouvering': 1, 'pressurecooker': 1, 'formulaism': 1, 'bumpkinisms': 1, 'zabriskie': 1, 'merediths': 1, 'positioning': 1, 'tightest': 1, 'disintegrating': 1, 'puddle': 1, 'recants': 1, 'zips': 1, 'unzips': 1, 'cultstatus': 1, 'scarefest': 1, 'leeched': 1, 'hauser': 1, 'catacombs': 1, 'catalyze': 1, 'misperception': 1, 'professed': 1, 'blessings': 1, 'selflessness': 1, 'baddass': 1, 'shwarzeneggerlike': 1, 'diesels': 1, 'nitpicked': 1, 'riddicks': 1, 'clinches': 1, 'purged': 1, 'limecolored': 1, 'linoleum': 1, 'sparky': 1, 'louisianas': 1, 'infection': 1, 'serialized': 1, 'hutchison': 1, 'fantasyallegory': 1, 'spiritualistic': 1, 'preternatural': 1, 'healings': 1, 'voodoolike': 1, 'transference': 1, 'healer': 1, 'rarer': 1, 'tit': 1, 'intermingling': 1, 'shone': 1, 'grossy': 1, 'becase': 1, 'activites': 1, 'webcams': 1, 'hydrophobia': 1, 'fluidly': 1, 'sermonizing': 1, 'legitimately': 1, 'carefullystacked': 1, 'laurensylvia': 1, 'indignantly': 1, 'restricts': 1, 'gazers': 1, 'indicting': 1, 'insulatory': 1, 'insidiously': 1, 'forthright': 1, 'antivoyeuristic': 1, 'mischievously': 1, 'perkily': 1, 'typify': 1, 'anticipates': 1, 'lookatme': 1, 'trustworthiness': 1, 'picketfenced': 1, 'burkhard': 1, 'dallwitzs': 1, '1965s': 1, 'actualisation': 1, 'permissiveness': 1, 'craftednot': 1, 'narrowmindedness': 1, 'lansquenet': 1, 'rocher': 1, 'mouthwatering': 1, 'confections': 1, 'comte': 1, 'reynaud': 1, 'aurelien': 1, 'parentkoening': 1, 'carrieann': 1, 'muscat': 1, 'battering': 1, 'annmoss': 1, 'sympathizes': 1, 'alwaysonthemove': 1, 'oconor': 1, 'roux': 1, 'levelsas': 1, 'omens': 1, 'hockeymasked': 1, 'middleman': 1, 'santostefano': 1, 'aline': 1, 'brosh': 1, 'snappiness': 1, 'romanticmistaken': 1, 'coffers': 1, 'embodying': 1, 'spoilsport': 1, 'multitalented': 1, 'hooted': 1, 'hines': 1, 'danced': 1, 'forerunner': 1, 'floated': 1, 'quasinutritional': 1, 'cheatin': 1, 'mariachidirector': 1, '7000': 1, 'debutstars': 1, 'texmex': 1, 'countat': 1, 'estimatebut': 1, 'fictiontype': 1, 'backslidden': 1, 'expreacher': 1, 'sexpervert': 1, 'relieving': 1, 'ageold': 1, 'impalement': 1, 'unmentioned': 1, 'larceny': 1, 'scalawags': 1, '289': 1, '460': 1, '9392': 1, 'lemon': 1, 'clintonesqe': 1, 'compton': 1, 'teeter': 1, 'halftruthtelling': 1, 'spindoctoring': 1, 'equaled': 1, 'treason': 1, 'grimlooking': 1, 'boyznhood': 1, 'liability': 1, 'rhythmless': 1, 'lingo': 1, 'letdowns': 1, 'cumberland': 1, 'stroehmann': 1, 'defenseless': 1, 'residuals': 1, 'cruisepaul': 1, '92early': 1, 'macchio': 1, 'benjilike': 1, 'decter': 1, 'strauss': 1, 'plotrelevant': 1, 'seriousminded': 1, 'cufflinks': 1, 'mcguigan': 1, 'overstylize': 1, 'phallic': 1, 'selfproduced': 1, 'pronunciation': 1, 'eastwooddirected': 1, 'berendt': 1, 'horseflies': 1, 'beverages': 1, 'nepotists': 1, 'castilian': 1, 'rupaul': 1, 'flyguy': 1, 'jurys': 1, 'indictment': 1, 'celebritydirected': 1, 'truestory': 1, 'boylikesgirl': 1, 'boygetskilledinhorribleaccident': 1, 'supernaturalentitytakesoverboysbody': 1, 'supernaturalentityfallsinlovewithgirl': 1, '1934': 1, '65th': 1, 'springy': 1, 'boringly': 1, 'susans': 1, 'murkily': 1, 'voicesaccents': 1, 'angelica': 1, 'witzky': 1, 'localized': 1, 'spookiness': 1, 'closedin': 1, 'loaned': 1, 'buttnumbing': 1, 'coloring': 1, 'reassigned': 1, 'panavisions': 1, 'uninhabitable': 1, 'fullsize': 1, 'goldenera': 1, 'girlongirl': 1, 'croupier': 1, 'picaresque': 1, 'accommodations': 1, 'violets': 1, 'limestone': 1, 'reprimands': 1, 'pinching': 1, 'sneezing': 1, 'pansies': 1, 'highfives': 1, 'wildflowers': 1, 'hershman': 1, 'batinkoff': 1, 'rands': 1, 'rosen': 1, 'joeys': 1, 'crushes': 1, 'doltish': 1, 'comedicromance': 1, 'groundlings': 1, 'brassieres': 1, 'amended': 1, 'opined': 1, 'hemingway': 1, 'polluted': 1, 'falstaff': 1, 'filmcritic': 1, 'schrager': 1, 'romeros': 1, 'doublewhammy': 1, 'dubuque': 1, '2470': 1, 'moot': 1, 'delusion': 1, 'fetishist': 1, 'barcode': 1, 'rubys': 1, 'dajani': 1, 'yawk': 1, 'adoring': 1, 'ohsoadorable': 1, 'markers': 1, 'jetee': 1, 'logans': 1, 'outofstep': 1, 'raceagainsttime': 1, 'slots': 1, 'bettermade': 1, 'idealistically': 1, 'dispensing': 1, 'tarkovskian': 1, 'humanism': 1, 'frickin': 1, 'shagadelic': 1, 'unfrozen': 1, 'frischs': 1, 'ejecting': 1, 'madmans': 1, 'quasievil': 1, 'homedance': 1, 'cambodian': 1, 'entrace': 1, 'slicked': 1, 'nonbritish': 1, 'edina': 1, 'monsoon': 1, 'chucklesome': 1, 'telly': 1, 'fruitcake': 1, 'fruity': 1, 'nutcake': 1, 'twohander': 1, 'builtup': 1, 'agonisingly': 1, 'seldon': 1, 'nerveshattering': 1, 'doh': 1, 'nervewracking': 1, 'snooping': 1, 'ankles': 1, 'gorey': 1, 'regularlyupdated': 1, 'comhollywoodbungalow4960': 1, 'madonnamarrying': 1, 'freeform': 1, 'dothis': 1, 'fullprice': 1, 'albany': 1, 'crowning': 1, 'deterent': 1, 'cronfronting': 1, 'jealously': 1, 'daper': 1, 'stongwilled': 1, 'castelike': 1, 'freewill': 1, 'southerners': 1, 'gall': 1, 'boastfully': 1, 'signifcance': 1, 'signficance': 1, 'simplying': 1, 'tyrany': 1, 'exuberhant': 1, 'souths': 1, 'oneup': 1, 'polarization': 1, 'hypernaturally': 1, 'ravished': 1, 'wracked': 1, 'mournfulness': 1, 'adjustment': 1, 'terse': 1, 'obtrusive': 1, 'blethyns': 1, 'longish': 1, 'porpoise': 1, 'cliquey': 1, 'battler': 1, 'politiciandeveloper': 1, 'chumming': 1, 'crowing': 1, 'rhonda': 1, 'tormenters': 1, 'pippa': 1, 'grandison': 1, 'jarrett': 1, 'bumblingly': 1, 'proportionately': 1, 'windowshopping': 1, 'sharpwitted': 1, 'houseguest': 1, 'vagrants': 1, 'beggars': 1, 'hazing': 1, 'trendiness': 1, 'regent': 1, 'pantomime': 1, 'frixos': 1, 'princesss': 1, 'rewardinga': 1, '1793': 1, 'visualizing': 1, 'regicide': 1, 'maidservant': 1, 'meudon': 1, 'patriots': 1, 'grandscale': 1, 'blueblood': 1, 'philipe': 1, 'massacres': 1, '1792': 1, 'procession': 1, 'rioters': 1, 'sheltering': 1, 'equalizers': 1, 'intrusions': 1, 'inaction': 1, 'disconnects': 1, 'foolery': 1, 'staunch': 1, 'vastness': 1, 'groundlessness': 1, 'karweis': 1, 'karwei': 1, 'hones': 1, 'unavailable': 1, 'secondfavorite': 1, 'softlytoned': 1, 'appealinglychirpy': 1, 'formerangel': 1, 'acrossthe': 1, 'predetermined': 1, 'teenspeak': 1, 'lesssuccessful': 1, '17yearold': 1, '40student': 1, 'preflight': 1, 'jitters': 1, 'ruckus': 1, 'interrogate': 1, 'unboarded': 1, 'neverseen': 1, 'boosts': 1, 'goldbergesque': 1, 'underseen': 1, 'slashercomedy': 1, 'manthe': 1, 'nowdeceased': 1, 'sawas': 1, 'arcane': 1, 'supererogatory': 1, 'frightentwo': 1, 'vignettesstyled': 1, 'divorcee': 1, 'trepidations': 1, 'reignite': 1, 'neigbors': 1, 'anthesis': 1, 'relatibility': 1, 'likeness': 1, 'rewatchable': 1, 'strasberg': 1, 'delaware': 1, 'leibowitz': 1, 'keenan': 1, 'swanbeck': 1, 'retrieving': 1, 'ambroses': 1, 'rectified': 1, 'ethans': 1, 'godgiven': 1, 'coins': 1, 'rancher': 1, 'taxed': 1, 'eighteenwheeler': 1, 'traumatizes': 1, 'dissipate': 1, 'cameratime': 1, 'softfocus': 1, 'widens': 1, 'eastwoods': 1, 'wallers': 1, 'heartsweeping': 1, 'hesitates': 1, 'roughness': 1, 'horsetraining': 1, 'paralleled': 1, 'slowdancing': 1, 'bookshop': 1, 'limousines': 1, 'carpets': 1, 'honeysoaked': 1, 'apricots': 1, 'iniquity': 1, 'bonneville': 1, 'michell': 1, 'treetop': 1, 'enhancement': 1, 'terrarium': 1, 'zookeepers': 1, 'trenchcoats': 1, 'experimenters': 1, 'realitywarping': 1, 'existentialist': 1, 'conformist': 1, 'dictatorships': 1, 'kant': 1, 'existentialists': 1, 'nondisney': 1, 'ghettoized': 1, 'shrugging': 1, 'wormwood': 1, 'zinnia': 1, 'wormwoods': 1, 'crunchem': 1, 'childhating': 1, 'trunchbulls': 1, 'cockeyed': 1, 'pigtails': 1, 'televisionaddicted': 1, '_moby': 1, 'dick_': 1, 'adhesive': 1, 'swicord': 1, 'tizard': 1, 'mcglory': 1, 'ballinagra': 1, 'mcglorys': 1, 'roadblocks': 1, 'pescara': 1, 'rosalbas': 1, 'plumbingsupply': 1, 'bohemian': 1, 'icelandic': 1, 'redandwhite': 1, 'platformsoled': 1, 'espadrilles': 1, 'massagetherapist': 1, 'plumberturnedprivate': 1, 'southport': 1, 'honored': 1, 'apprehensive': 1, 'yielding': 1, 'crossan': 1, 'jumpinyourseat': 1, 'smartlyscripted': 1, 'anabasis': 1, 'xenophon': 1, 'cleon': 1, 'dorsey': 1, 'gramercy': 1, 'rogues': 1, 'cleons': 1, 'upheld': 1, 'wouldbegirlfriend': 1, 'valkenburgh': 1, 'vorzon': 1, 'statesmanlike': 1, 'bereavement': 1, 'reprimand': 1, 'morante': 1, 'trinca': 1, 'respectfully': 1, 'selfpropelled': 1, 'conciliatory': 1, 'waterworks': 1, 'bargaining': 1, 'enfield': 1, 'beths': 1, 'jointsmoking': 1, 'repaint': 1, 'barntill': 1, 'wich': 1, 'zuckerabrahamszucker': 1, 'hijacker': 1, 'striker': 1, 'exfighterpilot': 1, 'dickinson': 1, 'deathlyill': 1, 'chicagobound': 1, 'kareem': 1, 'abduljabbar': 1, 'ashmore': 1, 'sterotypically': 1, 'stucker': 1, 'courtland': 1, 'salle': 1, 'reyes': 1, 'guiltridden': 1, 'portinari': 1, 'impactful': 1, 'likingdisliking': 1, 'funmaking': 1, 'richman': 1, 'solidifying': 1, 'fauxsympathy': 1, 'buttercup': 1, 'branched': 1, 'coowns': 1, 'uptown': 1, 'costanzas': 1, 'anchorcorrespondant': 1, 'awefilled': 1, 'vulturelike': 1, 'shard': 1, 'reinserted': 1, 'demornaylike': 1, 'ogrewitch': 1, 'aughra': 1, 'spasticbutfriendly': 1, 'tumbleweedlike': 1, 'fizzgig': 1, 'puppeteering': 1, 'phenomenalobserve': 1, 'landwalker': 1, 'chasebut': 1, 'delicatelynarrated': 1, 'baddeley': 1, 'irregulars': 1, 'toneperfect': 1, 'executing': 1, 'betterknown': 1, 'labyrinths': 1, 'peopleless': 1, 'acidtrip': 1, 'guesthost': 1, 'tolkiens': 1, 'ihmoeteps': 1, 'sandstorm': 1, 'horrorloving': 1, 'ultraman': 1, 'franciscobased': 1, 'auxiliary': 1, 'notsotypical': 1, 'herbal': 1, 'matzo': 1, 'soy': 1, 'saucethe': 1, 'cuisine': 1, 'copeland': 1, 'maryann': 1, 'urbano': 1, 'freespirit': 1, 'leung': 1, 'hustles': 1, 'ishorror': 1, 'horrorsbad': 1, 'identitystruggling': 1, 'lasers': 1, 'forethought': 1, 'technologythe': 1, 'crosscuts': 1, 'darings': 1, 'romes': 1, 'pantwetter': 1, 'respectmebecausemyfatherwasagoodman': 1, 'grislyfaced': 1, 'dismays': 1, 'exbaseball': 1, 'exassistant': 1, 'blackburn': 1, 'terrorfying': 1, 'doesns': 1, 'us150': 1, 'spaceflight': 1, 'haise': 1, 'swigert': 1, 'measles': 1, 'footages': 1, 'filmmusic': 1, 'shrugged': 1, '_dragon': 1, 'story_': 1, '_dragonheart_': 1, 'latura': 1, '_daylight_s': 1, '_cliffhanger': 1, 'ii_it': 1, 'trundle': 1, '_boom_': 1, 'batterings': 1, '34degree': 1, 'slystyle': 1, 'meadows': 1, 'cyberspace': 1, 'sciencefictionaction': 1, 'multimilliondollar': 1, 'effectsheavy': 1, '135': 1, 'irrelevent': 1, 'placating': 1, 'servicewear': 1, 'effectual': 1, 'thw': 1, 'smirkiest': 1, 'cogent': 1, 'modernist': 1, 'iniquitous': 1, 'clubish': 1, 'yech': 1, 'ciello': 1, 'prejuliani': 1, 'unintrusive': 1, 'ulcer': 1, '167': 1, 'ia': 1, 'raspiness': 1, 'itty': 1, 'bitty': 1, 'gauthier': 1, 'renna': 1, 'tiffaniamber': 1, 'thiessen': 1, 'mediasaturated': 1, 'bop': 1, 'seriouslyits': 1, 'ceasefire': 1, 'captives': 1, 'assmap': 1, 'bullion': 1, 'proposesdemandsthat': 1, 'adriana': 1, 'iraq': 1, 'interrogator': 1, 'mutes': 1, 'soundwere': 1, 'persian': 1, 'observeas': 1, 'indieminded': 1, 'cartoonishbarlows': 1, 'posttorture': 1, 'revelry': 1, 'godfearingultraseriousantiracistblackmanofpower': 1, 'protestormarching': 1, 'hayseed': 1, 'revert': 1, 'kuwaits': 1, 'oilinfested': 1, 'primer': 1, 'oftdismissed': 1, 'sociallyculturallypoliticallyglobally': 1, 'condons': 1, 'wwi': 1, '67': 1, 'disracting': 1, 'clayon': 1, 'disapproving': 1, 'reclusion': 1, 'structuring': 1, 'onagainoffagain': 1, 'condon': 1, 'mckellens': 1, 'scrutinization': 1, 'einsteinlevel': 1, 'resistant': 1, 'warmheartedness': 1, 'receptive': 1, 'decisionirving': 1, 'novelbut': 1, 'boycalled': 1, 'versionwho': 1, 'falsetto': 1, 'enzyme': 1, 'morquio': 1, 'functionsmiths': 1, 'charactersin': 1, 'obsequious': 1, 'howeverthe': 1, 'revisions': 1, 'swamped': 1, 'twentysix': 1, 'stoppards': 1, '1590s': 1, 'noblewoman': 1, 'fennyman': 1, 'forementioned': 1, 'truelove': 1, 'yearsopen': 1, 'railings': 1, 'aft': 1, 'realisticaly': 1, 'brining': 1, 'dicaprip': 1, 'luxuries': 1, 'undertaken': 1, 'marveled': 1, 'smashingly': 1, 'technoish': 1, 'taxicab': 1, 'highlyenergetic': 1, 'eightyear': 1, 'unpromisingly': 1, 'selfpossessed': 1, 'soho': 1, 'twotimed': 1, 'catty': 1, 'captivatingly': 1, 'blusterous': 1, 'stealthy': 1, 'vivaldi': 1, 'carlas': 1, 'doubleteamed': 1, 'aggrieved': 1, 'smirkingly': 1, 'increasinglyflustered': 1, 'apologetic': 1, 'apoplectic': 1, 'unfeasible': 1, 'lous': 1, 'exploratory': 1, 'profundities': 1, 'notquitesubtle': 1, 'contractuallyobligated': 1, 'resubmit': 1, 'scaleddown': 1, 'withdrew': 1, 'customtailored': 1, 'seeping': 1, 'selfchiding': 1, 'broadlyobserved': 1, 'chatterbox': 1, 'transposed': 1, 'surprisinglyresilient': 1, 'evasively': 1, 'triedandtested': 1, 'occupationalhazard': 1, 'residing': 1, 'acquainted': 1, 'downbutnotout': 1, 'salad': 1, 'scattering': 1, 'scrabble': 1, 'renshaw': 1, 'alexandria': 1, 'fullscreen': 1, 'loverprot': 1, 'fosses': 1, 'selfenlightenment': 1, 'kansas': 1, 'offshoots': 1, 'singerlover': 1, 'yitzak': 1, 'gosses': 1, 'youngloversontheroad': 1, 'marcys': 1, 'illnesswhich': 1, 'violentlythat': 1, 'beguilingly': 1, 'khanijian': 1, 'multiline': 1, 'unconnectedness': 1, 'outofchronologicalorder': 1, 'rigueur': 1, 'multiplots': 1, 'multiplot': 1, 'spoonfedentertainment': 1, 'taxauditor': 1, 'palliative': 1, 'penuries': 1, 'poorrich': 1, 'wrack': 1, 'favorties': 1, 'pinnochio': 1, 'barage': 1, 'seeminglyperfect': 1, 'fuckedup': 1, 'kunz': 1, 'vineyard': 1, 'pseudomaid': 1, 'outoftheway': 1, 'eachothers': 1, 'earpiercing': 1, 'qe2': 1, 'migraineinducing': 1, 'golddigging': 1, 'dilemnas': 1, 'reminscing': 1, 'hawkscary': 1, 'plagerism': 1, 'imploded': 1, '_mafia_': 1, 'stillpresent': 1, 'mulqueens': 1, 'basque': 1, '112097': 1, 'witzy': 1, 'lineman': 1, 'illena': 1, 'masterfullydone': 1, 'visualize': 1, 'brilliantlyconstrued': 1, 'dreamt': 1, 'liza': 1, 'frameofmind': 1, 'realisticallywritten': 1, 'spinetinglingly': 1, 'efects': 1, 'assitance': 1, 'beggining': 1, 'shoveller': 1, 'enterataining': 1, 'aquire': 1, 'disastorous': 1, 'garfalo': 1, 'enteratining': 1, 'screem': 1, 'proceeders': 1, 'bannister': 1, 'dobsons': 1, 'horroraction': 1, 'contention': 1, 'jeffery': 1, 'schnook': 1, 'reenergize': 1, 'streamline': 1, 'laketype': 1, 'backandforth': 1, 'reinvention': 1, 'quickfire': 1, 'clung': 1, 'yuppy': 1, 'girlpower': 1, 'countryclub': 1, 'flaxenhaired': 1, 'tenaciously': 1, 'manicurist': 1, 'garber': 1, 'teencomedy': 1, 'cheerfulness': 1, 'problemsolving': 1, 'luketic': 1, 'joyously': 1, 'incandescent': 1, 'soontobepublished': 1, 'scented': 1, 'mirkins': 1, 'aprhodite': 1, 'weinberger': 1, 'umteenth': 1, 'romys': 1, 'schiffs': 1, 'finfer': 1, 'lightness': 1, 'whartons': 1, 'newland': 1, 'welland': 1, 'slowstarting': 1, 'lotsa': 1, 'nuttiness': 1, 'venna': 1, 'harassing': 1, 'whippersnappers': 1, 'buckle': 1, 'shebang': 1, 'jot': 1, 'lotta': 1, 'exaggerating': 1, 'epicwannabe': 1, 'linden': 1, 'deaden': 1, 'buffalohunting': 1, 'skinning': 1, 'nonpc': 1, 'corral': 1, 'nevers': 1, 'tubercular': 1, 'rosselini': 1, 'ida': 1, 'wissner': 1, 'vips': 1, 'il': 1, 'landworld': 1, 'barracades': 1, 'shanghaied': 1, 'copymachine': 1, 'oncemeek': 1, 'bethlehems': 1, 'selffulfilling': 1, 'selfnamed': 1, 'odog': 1, 'tates': 1, 'odogs': 1, 'softeyed': 1, 'intellectuallychallenged': 1, 'vh1vogue': 1, 'shortfilm': 1, 'hilfiger': 1, 'potshots': 1, 'jacobim': 1, 'brainwash': 1, 'slumping': 1, 'ballstein': 1, 'largeassed': 1, 'dowdy': 1, 'highbrow': 1, 'pickings': 1, 'pimpernel': 1, 'fops': 1, 'bewigged': 1, 'beribboned': 1, 'pew': 1, 'royalists': 1, 'royalist': 1, 'coachmen': 1, 'dany': 1, 'diguise': 1, 'dubarry': 1, 'duchesse': 1, 'plume': 1, 'tante': 1, 'chateau': 1, 'neuve': 1, 'swordfight': 1, 'onform': 1, 'fop': 1, 'camemberts': 1, 'thickwitted': 1, 'aristo': 1, 'betterthanusual': 1, 'courthouse': 1, 'waver': 1, 'nabs': 1, 'unpredictably': 1, 'wellbuilt': 1, 'semireligious': 1, 'patially': 1, 'needful': 1, '144': 1, 'jitterish': 1, 'tireless': 1, 'atone': 1, 'baptizes': 1, 'financing': 1, 'australianbelgian': 1, 'tingwell': 1, 'reinvigorating': 1, 'agnostic': 1, 'litters': 1, 'recurs': 1, 'clashed': 1, 'pall': 1, 'candlelit': 1, 'indiscretion': 1, 'bravo': 1, 'lan': 1, 'hybridization': 1, 'usthey': 1, 'arroways': 1, 'humankinds': 1, 'atheists': 1, 'lessthanideal': 1, 'extremists': 1, 'dinnertable': 1, 'collegedormitory': 1, 'josss': 1, 'ideadriven': 1, 'fizzled': 1, 'alar': 1, 'kivilos': 1, 'finelywritten': 1, 'twoyearold': 1, 'lhassa': 1, '1950': 1, 'illequipped': 1, 'diplomatic': 1, 'audiencepleaser': 1, 'mountainclimber': 1, 'oracle': 1, 'glasss': 1, 'thubten': 1, 'norbu': 1, 'clapping': 1, 'survivalofthefittest': 1, 'manhunting': 1, 'cautiously': 1, 'stitching': 1, 'vllainous': 1, 'doublenatured': 1, 'sloth': 1, 'grotesquely': 1, 'obese': 1, 'murderedforced': 1, 'shownlike': 1, 'postdeath': 1, 'triviacostars': 1, 'oscarpitt': 1, 'tributes': 1, 'beeing': 1, 'curtiz': 1, 'nazicollaborating': 1, 'vichy': 1, 'thrive': 1, 'antifascist': 1, 'gestapo': 1, 'veidt': 1, 'selfpreserving': 1, 'maltese': 1, 'tiranny': 1, 'rickilsa': 1, 'competiton': 1, 'undoubtful': 1, 'analyse': 1, 'renaults': 1, 'speculations': 1, 'nitpickers': 1, 'beliavable': 1, 'magnificient': 1, 'berridge': 1, 'uss': 1, 'eighthundred': 1, 'someodd': 1, 'accumulate': 1, 'bitchin': 1, 'happilyeverafter': 1, 'discarged': 1, 'potatohead': 1, 'jessies': 1, 'remembrance': 1, 'videogames': 1, 'brs': 1, 'stepaway': 1, 'disneyanimation': 1, 'untraditional': 1, 'platonic': 1, 'ailment': 1, 'philistine': 1, 'rejoiced': 1, 'sprites': 1, 'humpback': 1, 'icebergs': 1, 'oceanscape': 1, 'scuffle': 1, 'googly': 1, 'intertwines': 1, 'hustled': 1, 'schoolmarm': 1, 'shostakovichs': 1, 'concerto': 1, 'andersens': 1, 'andersen': 1, '18plus': 1, 'elgars': 1, 'wintery': 1, 'enlargement': 1, 'bumblebee': 1, 'horsemen': 1, 'valkyries': 1, 'salvador': 1, 'dali': 1, 'previewed': 1, 'whalestriangle': 1, 'thingssprites': 1, 'ethnocentric': 1, 'miracurously': 1, 'propoganda': 1, 'rehabilitation': 1, 'shaven': 1, 'swastica': 1, 'emrboidered': 1, 'devlish': 1, 'carjackers': 1, 'rehabilitated': 1, 'monger': 1, 'kampf': 1, 'wisened': 1, 'neonazidom': 1, 'quasisadistic': 1, 'lolipop': 1, 'elloquently': 1, 'eliott': 1, 'rightist': 1, 'unparalled': 1, 'unnerrving': 1, 'soontobeclassic': 1, 'revoltingly': 1, 'maron': 1, 'pencilled': 1, 'trounced': 1, 'suplee': 1, 'furlongs': 1, 'skinheaddom': 1, 'badmouth': 1, 'enwrapped': 1, 'realy': 1, 'gusty': 1, 'dehaven': 1, 'backdown': 1, 'gruelling': 1, 'heroheroine': 1, 'endeavours': 1, 'urgayle': 1, 'screamer': 1, 'rigour': 1, 'surname': 1, 'selfadvancement': 1, 'preachings': 1, 'tenacity': 1, 'trickster': 1, 'guises': 1, 'givya': 1, 'dabbles': 1, 'oates': 1, 'accursed': 1, 'bly': 1, 'genrecrossing': 1, 'selfreferences': 1, 'discouragingly': 1, 'follies': 1, 'lessexperienced': 1, 'pekurny': 1, 'usda': 1, 'tarts': 1, 'thingsnielsenboosting': 1, 'thingsstart': 1, 'trampled': 1, 'pollsters': 1, 'alpine': 1, 'writerdirectorcomedian': 1, 'feasting': 1, 'funniestand': 1, 'scariestthing': 1, 'scuba': 1, 'stealth': 1, 'superagent': 1, 'pluck': 1, 'leiter': 1, 'leiters': 1, 'zodiac': 1, 'horoscopes': 1, 'browsed': 1, 'nephews': 1, 'asias': 1, 'malay': 1, 'rugby': 1, 'intending': 1, 'overpass': 1, 'lessthansavoury': 1, 'chappy': 1, 'notsorightfully': 1, '_william_shakespeares_romeo__juliet_': 1, '_the_lion_king': 1, '_the_broadway_musical_': 1, '_titus_andronicus_': 1, 'audaciousand': 1, 'bloodyfilm': 1, 'transplanted': 1, 'romebut': 1, 'temporal': 1, 'colosseum': 1, 'gladiatorlike': 1, 'goths': 1, 'suviving': 1, 'avant': 1, 'garde': 1, 'resonated': 1, 'viperous': 1, '_titus_': 1, 'fearlessly': 1, 'spielbergkatzenberggeffens': 1, 'mousehunt': 1, 'sexscandal': 1, 'oneyear': 1, 'wolfbeiderman': 1, 'enroute': 1, 'discoverers': 1, 'avert': 1, 'wolfbeidermans': 1, 'lerners': 1, 'peacekeeper': 1, 'actioncraving': 1, 'normallooking': 1, 'eternally': 1, 'banisters': 1, 'alleviated': 1, '____________________________________________': 1, 'kendrick': 1, 'bigfoot': 1, 'comjimkendrick': 1, 'jimkendrickbigfoot': 1, 'pusateri': 1, 'serb': 1, 'battledamaged': 1, 'innocentlooking': 1, '9yearold': 1, 'farmboy': 1, 'obiwans': 1, 'littleboy': 1, 'dinosaursized': 1, 'venetianlooking': 1, 'romanchariot': 1, 'nascar': 1, 'corsucant': 1, 'palaces': 1, 'skylines': 1, 'paunchy': 1, 'flutter': 1, 'hummingbird': 1, 'jons': 1, 'halfhidden': 1, 'cultfavorite': 1, 'foots': 1, 'dogbone': 1, 'horseplay': 1, 'eavesdropping': 1, 'filmwithinthefilm': 1, 'overkilling': 1, 'saracastic': 1, 'slandering': 1, 'smartalecs': 1, 'dumbingdown': 1, 'partyrave': 1, 'pubbing': 1, 'wanking': 1, 'jip': 1, 'simm': 1, 'koop': 1, 'parkes': 1, 'nicola': 1, 'mcjob': 1, 'weekends': 1, 'lulu': 1, 'pilkington': 1, 'jips': 1, 'moff': 1, 'hardback': 1, 'filipino': 1, 'cormanwannabe': 1, 'cusp': 1, 'aleximalle': 1, 'fatter': 1, 'latches': 1, 'lowgrade': 1, 'surreptitiously': 1, 'fraternizing': 1, 'stricter': 1, 'combed': 1, 'ignoramus': 1, 'scientologists': 1, 'stricters': 1, 'neutralcoloured': 1, 'amphetamine': 1, 'affirmations': 1, 'pseudoreligion': 1, 'milltypes': 1, 'feeders': 1, 'innovativenever': 1, 'borderjumpers': 1, 'cahiers': 1, 'twothousand': 1, 'wealthiest': 1, 'fingerpointing': 1, 'potsmoking': 1, 'gothlooking': 1, 'jellydonut': 1, 'lawsuits': 1, 'peeking': 1, 'dingdong': 1, 'paup': 1, 'affirm': 1, 'nonnudity': 1, 'guelph': 1, 'hoser': 1, 'confidencelacking': 1, 'overlyofficious': 1, 'lomper': 1, 'huison': 1, 'graceless': 1, 'speer': 1, 'wellendowed': 1, 'sextet': 1, 'choreograph': 1, 'pseudosexy': 1, 'antiappeal': 1, 'tastelessness': 1, 'lindos': 1, '70searly': 1, 'battlestar': 1, 'galactica': 1, 'revised': 1, 'meddle': 1, '_experience_': 1, 'lucasfilm': 1, 'collated': 1, 'webpages': 1, 'islandnet': 1, 'comcoronafilmsdetailssw4': 1, 'cs': 1, 'latrobe': 1, 'edu': 1, 'aukoukoula': 1, 'unnoticeably': 1, 'yavin': 1, 'edifice': 1, 'mosscovered': 1, 'carvings': 1, 'etchings': 1, 'glitches': 1, 'madeand': 1, '_fantastic_': 1, 'brightened': 1, 'remixed': 1, 'reprocessed': 1, 'maven': 1, 'burtt': 1, 'theatershaking': 1, 'fullthx': 1, '_so': 1, 'much_': 1, 'letterboxing': 1, 'experienceyoull': 1, 'moviespecial': 1, 'enthrall': 1, 'slapsticky': 1, 'eithers': 1, 'pickpocket': 1, 'schmoozes': 1, 'moonshine': 1, 'foolproof': 1, 'tidymans': 1, 'releaseand': 1, 'decadethe': 1, 'broadbased': 1, 'singletons': 1, 'y2g': 1, '_shaft_s': 1, 'sequelspinoff': 1, '1972s': 1, '_shafts_big_score': 1, '1973s': 1, '_shaft_in_africa_': 1, 'samenamed': 1, 'raciallymotivated': 1, 'dominican': 1, 'palmieri': 1, 'eyewitness': 1, 'peoplesor': 1, 'doesand': 1, '_american_psycho_': 1, 'busta': 1, 'rasaan': 1, 'stronglybut': 1, 'ownare': 1, 'salerno': 1, 'unsurprising': 1, 'cooland': 1, 'sequencescored': 1, 'everinfectious': 1, 'sprinkles': 1, 'filmon': 1, 'muthashut': 1, 'malorys': 1, 'morte': 1, 'darthur': 1, 'enshrining': 1, 'dethrones': 1, 'merlins': 1, 'smolder': 1, 'nearruin': 1, 'condominas': 1, 'mordred': 1, 'gawain': 1, 'balsan': 1, 'lancelots': 1, 'strippeddown': 1, 'drumbeat': 1, 'bagpipes': 1, 'clanking': 1, 'creaking': 1, 'neighing': 1, 'scrappile': 1, 'bagpipe': 1, 'reevaluating': 1, 'fearsomely': 1, 'adepts': 1, 'karatekicking': 1, 'fo': 1, 'everenjoyable': 1, 'sppedboat': 1, 'danging': 1, 'wrongway': 1, 'copter': 1, 'greyer': 1, 'trotting': 1, 'oscarbait': 1, 'epichandsome': 1, 'screenplaywith': 1, 'frenchset': 1, 'factoryworkerturnedprostitute': 1, 'vigau': 1, 'caretakers': 1, 'decadesspanning': 1, 'englishlanguage': 1, 'smillas': 1, 'jorgen': 1, 'persson': 1, 'rushs': 1, 'modulated': 1, 'unglamorous': 1, 'cerebrally': 1, 'cosettemarius': 1, 'eponine': 1, 'mariuss': 1, 'underbids': 1, 'giggs': 1, 'guilfoyle': 1, '10000': 1, 'audiotapes': 1, 'multipersonality': 1, 'jumpoutatyoufromthedark': 1, 'parcel': 1, 'highdefinition': 1, 'uta': 1, 'briesewitz': 1, 'epos': 1, 'lovestory': 1, 'vestern': 1, 'calvinistic': 1, 'clocktower': 1, 'tobeweds': 1, 'skarsgaard': 1, 'funerals': 1, 'kirkeby': 1, 'procol': 1, 'harum': 1, 'matin': 1, 'lunes': 1, 'fiel': 1, 'katrin': 1, 'cartlidge': 1, 'prix': 1, 'ultimo': 1, 'landsbury': 1, 'vlad': 1, 'rasputins': 1, 'bartok': 1, 'showstopper': 1, 'top40': 1, 'showpieces': 1, 'campions': 1, 'wrongagain': 1, 'betteramong': 1, 'thinkif': 1, 'unlistenable': 1, 'dryburgh': 1, 'eyefilling': 1, '777film': 1, 'alains': 1, 'heavies': 1, 'booked': 1, 'bohemia': 1, 'derbies': 1, 'doublebarreled': 1, 'accentuating': 1, 'amplifying': 1, 'twotg': 1, 'savviness': 1, 'unabashed': 1, 'planners': 1, 'funtowatch': 1, 'alleyways': 1, 'chidducks': 1, 'forebodings': 1, 'shrills': 1, 'desperados': 1, 'sixtyish': 1, 'sunbathes': 1, 'expat': 1, 'vernier': 1, 'nenette': 1, 'boni': 1, 'woolfs': 1, 'andree': 1, 'tainsy': 1, 'putrefaction': 1, 'bagged': 1, 'bernheim': 1, 'hiberli': 1, 'ramplings': 1, 'autoarousal': 1, 'polanskis': 1, 'rombi': 1, 'ullmanns': 1, 'harkened': 1, 'sidekicksidekicks': 1, 'warnerbrotherscoyotefalloffthecliff': 1, 'englishdubbed': 1, 'totoro': 1, 'understandingly': 1, 'harmlessly': 1, 'broom': 1, 'hugeness': 1, 'pacifier': 1, 'onepersons': 1, 'complimented': 1, 'deliverees': 1, 'masterservant': 1, 'friendfriend': 1, 'bewonderment': 1, 'selfcontradicted': 1, 'selfimage': 1, 'monoko': 1, 'hime': 1, 'alferd': 1, 'postcannibal': 1, 'snowmen': 1, 'mchughs': 1, 'dissenting': 1, 'shpadoinkle': 1, 'braniff': 1, 'leit': 1, 'uncuts': 1, 'inclusions': 1, 'mchugh': 1, 'dian': 1, 'bachar': 1, 'kemler': 1, 'lemmy': 1, 'motorhead': 1, 'aix': 1, 'robberyhe': 1, 'glades': 1, 'bundles': 1, 'toupeesporting': 1, 'capergoneawry': 1, 'outmaneuvers': 1, 'snoopy': 1, 'perennially': 1, 'nationstype': 1, 'isolationist': 1, 'reemerging': 1, 'comprise': 1, 'solicit': 1, 'gushing': 1, 'testimonials': 1, 'easternsounding': 1, 'geopolitics': 1, 'appeasement': 1, 'satellitecontrolled': 1, 'cetera': 1, 'camel': 1, 'topoftheline': 1, 'expletitive': 1, 'traffiking': 1, 'lashings': 1, 'middlemen': 1, 'bristling': 1, 'overracting': 1, 'aquits': 1, 'scorese': 1, 'moroders': 1, 'synthesier': 1, 'kfilled': 1, 'glitters': 1, 'thirdly': 1, 'groomwannabe': 1, 'incorrigible': 1, 'injure': 1, 'uncorking': 1, 'volleyball': 1, 'tugofwar': 1, 'topical': 1, 'hunkydory': 1, 'mothering': 1, 'nitpicking': 1, 'sausalito': 1, 'quantities': 1, 'refrigerates': 1, 'lettuce': 1, 'wilted': 1, 'glaze': 1, 'twentypound': 1, 'freezer': 1, 'sequitur': 1, 'yosarian': 1, 'softness': 1, 'demeaned': 1, 'mccalister': 1, 'ideologically': 1, 'entitlement': 1, 'usurp': 1, 'barnetts': 1, 'winsomely': 1, 'tenets': 1, 'viscous': 1, 'straddle': 1, 'infuriatingly': 1, 'compress': 1, 'schoonmaker': 1, 'radios': 1, 'herded': 1, 'tibets': 1, 'vestments': 1, 'grouped': 1, 'bawling': 1, 'nolstalgic': 1, 'engross': 1, 'drugdealers': 1, 'babyfaced': 1, 'venable': 1, 'attentiongrabbing': 1, 'vails': 1, 'altarboy': 1, 'redherrings': 1, 'deadends': 1, 'prepostrous': 1, 'uncompromisingly': 1, 'davisharrison': 1, 'pedal': 1, 'brake': 1, 'prisonerformer': 1, 'parolees': 1, 'adopter': 1, 'interfered': 1, 'jetliners': 1, 'voltage': 1, 'denuto': 1, 'tiriel': 1, 'mora': 1, 'tenny': 1, 'simcoe': 1, 'investments': 1, 'denutos': 1, 'simpletons': 1, 'santo': 1, 'cilauro': 1, 'gleisner': 1, 'bandied': 1, 'outcomes': 1, 'constitution': 1, 'pleasent': 1, 'conners': 1, 'punxsutawney': 1, 'totatly': 1, 'unoffensive': 1, 'senitmental': 1, 'ramiss': 1, 'smary': 1, 'ryanson': 1, 'neurologist': 1, 'donne': 1, 'inclement': 1, 'wonderbred': 1, 'fearfully': 1, 'denker': 1, 'pseudonymous': 1, 'dussandermuch': 1, 'bowdens': 1, 'doodles': 1, 'swastikas': 1, 'credibilityin': 1, 'postsecondary': 1, 'verbals': 1, 'goldenboy': 1, 'ruses': 1, 'outcomethere': 1, 'hoodwink': 1, 'filmschoolish': 1, 'subduedand': 1, 'murdererintraining': 1, 'taylorthomas': 1, 'cocainei': 1, 'kidsand': 1, 'onlychildrenhas': 1, 'blackeningheart': 1, 'indeedwe': 1, 'laudible': 1, 'hayworth': 1, 'implementation': 1, 'sentimentalized': 1, 'pseudolyrical': 1, 'homely': 1, 'irishfolk': 1, 'ratinfested': 1, 'malnutrition': 1, 'worsening': 1, 'gloomily': 1, 'supplementing': 1, 'hambling': 1, 'bladders': 1, 'famished': 1, 'mccourt': 1, 'trenches': 1, 'discos': 1, 'conversationheavy': 1, 'upwardlymobile': 1, 'basspounding': 1, 'intellectualizing': 1, 'harvardeducated': 1, 'outspokenperhaps': 1, 'dancefloor': 1, 'remeet': 1, 'eigeman': 1, 'factthat': 1, 'soulbaring': 1, 'wellspoken': 1, 'merrygoround': 1, 'enforcing': 1, 'spearing': 1, 'dingo': 1, 'churchman': 1, 'milliken': 1, 'aborginal': 1, 'pedersen': 1, 'menonly': 1, 'uluru': 1, 'anglosaxon': 1, 'jedda': 1, 'blacksmith': 1, 'nourishing': 1, 'performences': 1, 'effectsbound': 1, 'edgeofyourseat': 1, 'mouthopening': 1, 'gaultier': 1, 'amadalas': 1, 'goldembroidery': 1, 'zestful': 1, 'circled': 1, 'beliner': 1, 'outofit': 1, 'sugercoated': 1, 'syds': 1, 'portrtayal': 1, 'onceblossoming': 1, 'characted': 1, 'duong': 1, 'invlove': 1, 'steaminess': 1, 'leboswki': 1, 'whatsgoingonaroundhere': 1, 'slothful': 1, 'dudeness': 1, 'trademarked': 1, 'crimesgonewrong': 1, 'nam': 1, 'allpurple': 1, 'roseanne': 1, 'barrs': 1, 'redmanbvoice': 1, 'eaddress': 1, 'estuff': 1, 'martyrs': 1, 'manifesto': 1, 'meri': 1, 'kaczkowski': 1, 'robb': 1, 'sovereign': 1, 'sanctity': 1, 'url': 1, 'lauto': 1, 'smallbudget': 1, 'horrorscifi': 1, 'anywayyep': 1, 'timelines': 1, 'bred': 1, 'decreased': 1, 'incorporation': 1, 'fossils': 1, 'wellbalanced': 1, 'parthuman': 1, 'nooks': 1, 'crannies': 1, 'seathandles': 1, 'migration': 1, 'undie': 1, 'thespianatlarge': 1, 'fatherdavid': 1, 'douchebag': 1, 'nacho': 1, 'fiesta': 1, 'glenross': 1, 'ged': 1, 'felonies': 1, 'pry': 1, 'orsen': 1, 'filer': 1, 'appearence': 1, 'inventie': 1, 'unwinable': 1, 'proclamations': 1, 'prosecuting': 1, 'welldressed': 1, 'glorystarring': 1, 'freemanis': 1, '54th': 1, '1862': 1, 'eriksson': 1, 'warthat': 1, 'grazes': 1, 'enlistment': 1, 'cheekand': 1, 'rattle': 1, 'regiments': 1, 'norths': 1, 'southforever': 1, 'unquestioned': 1, 'grittiest': 1, '170': 1, 'discharge': 1, 'countrysides': 1, 'chiefofstafff': 1, 'downgrade': 1, 'trueman': 1, 'overflying': 1, 'paneled': 1, 'vainly': 1, 'allseeing': 1, 'cageworld': 1, 'snoots': 1, 'obstructions': 1, 'obscuring': 1, 'tangerine': 1, 'timbre': 1, 'powaqqatsi': 1, 'keyboardist': 1, 'capitalized': 1})
#creating an array of arrays for the mask
word_cloud = create_word_cloud_with_mask("data//projector.png", no_stopwords_dict, 750, "Word Cloud Stopwords Removed")
#Visualizing the top 12 words/characters
eda_reviews_top_words = word_freq_dict_to_df_top_words(no_stopwords_dict, 12)
eda_reviews_top_words
count | word | |
---|---|---|
104 | 8858 | film |
11 | 5520 | one |
22 | 5438 | movie |
87 | 3553 | like |
36 | 2555 | even |
51 | 2320 | good |
275 | 2283 | time |
276 | 2117 | story |
42 | 2105 | films |
189 | 2041 | would |
342 | 2023 | much |
233 | 1965 | also |
top_words_bar_plot(eda_reviews_top_words, "Top 12 Words Stopwords and Punctuation Removed")
sns.set_context("talk")
total_words_unique_words(no_stopwords_dict)
The total number of words is 710273 The total number of unique words is 47627
#Using the Porter Stemmer to tokenize
#stemming using the porter stemmer.
stemmed_movies = pd.DataFrame()
stemmed_movies["stemmed_review"] = movies_clean.apply(lambda row: stem_fun(row["review_no_stopwords"]), axis = 1)
#Visualizing the stemmed_movies df
stemmed_movies.head()
stemmed_review | |
---|---|
0 | [plot, two, teen, coupl, go, church, parti, dr... |
1 | [happi, bastard, quick, movi, review, damn, y2... |
2 | [movi, like, make, jade, movi, viewer, thank, ... |
3 | [quest, camelot, warner, bro, first, featurele... |
4 | [synopsi, mental, unstabl, man, undergo, psych... |
#Visualizing the data without the stopwords
viz = pd.DataFrame()
viz["stemmed_review"] = stemmed_movies["stemmed_review"].copy()
viz["stemmed_review"] = getting_data_ready_for_freq(viz, "stemmed_review")
stemmed_dict = creating_freq_list_from_df_to_dict(viz, "stemmed_review")
print(stemmed_dict)
Counter({'film': 11108, 'movi': 6855, 'one': 5758, 'like': 3997, 'charact': 3855, 'get': 3189, 'make': 3152, 'time': 2902, 'scene': 2638, 'even': 2602, 'good': 2383, 'play': 2361, 'stori': 2319, 'see': 2202, 'would': 2041, 'much': 2024, 'also': 1965, 'go': 1954, 'way': 1855, 'seem': 1834, 'look': 1825, 'end': 1825, 'two': 1824, 'take': 1799, 'first': 1769, 'come': 1765, 'well': 1756, 'work': 1693, 'thing': 1650, 'year': 1562, 'realli': 1556, 'plot': 1553, 'know': 1548, 'perform': 1522, 'littl': 1493, 'life': 1482, 'peopl': 1460, 'love': 1412, 'could': 1395, 'bad': 1382, 'never': 1364, 'man': 1353, 'tri': 1340, 'show': 1339, 'best': 1304, 'give': 1280, 'new': 1277, 'doesnt': 1271, 'mani': 1267, 'star': 1266, 'want': 1231, 'say': 1230, 'actor': 1229, 'director': 1217, 'dont': 1211, 'watch': 1206, 'find': 1201, 'great': 1176, 'action': 1172, 'use': 1163, 'becom': 1153, 'think': 1152, 'he': 1150, 'role': 1144, 'anoth': 1119, 'act': 1103, 'audienc': 1074, 'us': 1065, 'effect': 1064, 'back': 1062, 'someth': 1052, 'still': 1043, 'world': 1029, 'made': 1026, 'turn': 1025, 'interest': 1002, 'there': 996, 'actual': 989, 'howev': 986, 'feel': 984, 'big': 970, 'day': 954, 'live': 951, 'set': 948, 'everi': 945, 'though': 936, 'better': 922, 'part': 917, 'cast': 914, 'enough': 907, 'guy': 904, 'seen': 902, 'around': 896, 'comedi': 886, 'point': 882, 'isnt': 871, 'origin': 870, 'last': 867, 'name': 854, 'may': 854, 'real': 853, 'begin': 849, 'direct': 845, 'fact': 843, 'run': 833, 'script': 832, 'right': 831, 'funni': 829, 'final': 820, 'lot': 812, 'almost': 811, 'noth': 800, 'although': 795, 'john': 795, 'friend': 791, 'that': 790, 'place': 790, 'long': 778, 'moment': 775, 'sinc': 768, 'start': 767, 'minut': 755, 'person': 745, 'old': 742, 'young': 739, 'ever': 738, 'line': 730, 'kill': 730, 'tell': 722, 'happen': 719, 'screen': 718, 'help': 718, 'call': 704, 'famili': 698, 'without': 695, 'wonder': 695, 'quit': 691, 'problem': 687, 'believ': 681, 'pictur': 678, 'least': 675, 'open': 669, 'complet': 667, 'appear': 659, 'sequenc': 655, 'need': 652, 'music': 652, 'away': 651, 'girl': 651, 'cours': 649, 'goe': 646, 'cant': 645, 'human': 644, 'involv': 635, 'three': 633, 'im': 630, 'reason': 628, 'might': 624, 'rather': 620, 'alien': 620, 'anyth': 618, 'laugh': 618, 'includ': 616, 'bit': 613, 'enjoy': 613, 'far': 611, 'entertain': 610, 'put': 608, 'keep': 604, 'must': 604, 'job': 602, 'sens': 601, 'lead': 601, 'yet': 600, 'kind': 597, 'follow': 597, 'gener': 583, 'differ': 580, 'special': 579, 'sure': 577, 'didnt': 576, 'alway': 575, 'leav': 574, 'fun': 571, 'attempt': 570, 'american': 567, 'wife': 567, 'instead': 565, 'home': 565, 'featur': 563, 'hollywood': 560, 'woman': 557, 'fall': 556, 'expect': 556, 'entir': 549, 'hand': 543, 'probabl': 543, 'move': 538, 'seri': 537, 'creat': 536, 'hour': 535, 'war': 532, 'let': 531, 'along': 529, 'kid': 527, 'meet': 527, 'power': 525, 'everyth': 525, 'men': 524, 'pretti': 523, 'idea': 522, 'dialogu': 522, 'night': 521, 'black': 521, 'head': 520, 'bring': 517, 'togeth': 515, 'forc': 515, 'shot': 512, 'hard': 511, 'mean': 509, 'high': 509, 'emot': 506, 'question': 503, 'money': 503, 'humor': 502, 'hope': 502, 'given': 501, 'mind': 497, 'care': 495, 'save': 494, 'whole': 494, 'surpris': 488, 'got': 487, 'success': 486, 'fight': 483, 'everyon': 482, 'talk': 479, 'death': 479, 'beauti': 478, 'anim': 478, 'manag': 476, 'father': 474, 'coupl': 472, 'citi': 472, 'face': 469, 'talent': 468, 'thought': 466, 'sever': 463, 'case': 460, 'review': 458, 'perhap': 458, 'done': 458, 'boy': 457, 'die': 454, 'especi': 454, 'sex': 454, 'horror': 453, 'less': 452, 'next': 452, 'brother': 450, 'relationship': 449, 'releas': 445, 'unfortun': 444, 'murder': 444, 'possibl': 442, 'rest': 440, 'product': 435, 'whose': 434, 'nice': 433, 'second': 433, 'chang': 432, 'comic': 432, 'evil': 430, 'ask': 430, 'eye': 430, 'simpli': 429, 'decid': 429, 'word': 428, 'jame': 426, 'mr': 424, 'anyon': 424, 'base': 422, 'mother': 422, 'michael': 421, 'suppos': 416, 'present': 414, 'theyr': 414, 'william': 413, 'sound': 413, 'left': 412, 'book': 412, 'lack': 411, 'main': 408, 'she': 407, 'small': 406, 'group': 406, 'lost': 403, 'bore': 403, 'found': 403, 'town': 403, 'usual': 399, 'impress': 399, 'develop': 399, 'school': 398, 'learn': 397, 'someon': 396, '2': 396, 'hit': 396, 'hous': 396, 'joke': 395, 'filmmak': 395, 'half': 393, 'matter': 393, 'except': 393, 'wrong': 392, 'game': 392, 'true': 388, 'perfect': 387, 'either': 386, 'element': 385, 'fan': 385, 'realiz': 384, 'els': 384, 'support': 384, 'soon': 383, 'later': 381, 'ive': 381, 'viewer': 380, 'david': 380, 'produc': 379, 'provid': 376, 'car': 375, 'return': 372, 'credit': 367, 'robert': 367, 'deal': 365, 'written': 365, 'camera': 364, 'side': 363, 'rate': 362, 'tv': 362, 'often': 361, 'dead': 360, 'certainli': 360, 'dark': 359, 'result': 357, 'natur': 356, 'consid': 354, 'stop': 353, 'said': 353, 'despit': 351, 'behind': 351, 'visual': 351, 'fail': 349, 'scream': 349, 'close': 348, 'hero': 345, 'order': 345, 'mayb': 345, 'son': 345, 'voic': 344, 'basic': 344, 'classic': 344, 'team': 344, 'recent': 343, 'titl': 343, 'past': 342, 'experi': 341, 'summer': 340, 'abl': 339, 'major': 339, 'miss': 338, 'write': 337, 'critic': 337, 'your': 335, 'killer': 334, 'children': 333, 'exampl': 332, 'mysteri': 332, 'style': 331, 'extrem': 330, 'piec': 330, 'view': 330, 'situat': 330, 'offer': 329, 'event': 324, 'sort': 324, 'video': 323, 'theater': 323, 'daughter': 321, 'intellig': 321, 'kevin': 321, 'note': 321, 'offic': 319, 'stand': 318, 'joe': 317, 'top': 314, 'bodi': 313, 'version': 313, 'full': 312, 'worth': 311, 'drama': 310, 'figur': 309, 'appar': 309, 'plan': 309, 'worst': 307, 'upon': 305, 'other': 304, 'discov': 304, 'nearli': 303, 'thriller': 303, 'deliv': 302, 'heart': 302, 'read': 302, 'dream': 301, 'ship': 301, 'dog': 301, 'screenplay': 301, 'throughout': 300, 'room': 300, 'break': 298, 'short': 298, 'violenc': 298, 'exactli': 297, 'writer': 296, 'earth': 295, 'earli': 295, 'stupid': 293, 'art': 293, 'carri': 292, 'wasnt': 291, 'white': 290, 'jack': 290, 'clich': 289, 'who': 289, 'wast': 288, 'fine': 288, 'spend': 287, 'obviou': 287, 'add': 287, 'guess': 286, 'imagin': 286, 'level': 286, 'alreadi': 285, 'state': 284, 'prove': 283, 'battl': 283, 'wait': 283, 'toward': 282, 'simpl': 281, 'sometim': 280, 'disney': 279, 'king': 279, 'cut': 278, 'predict': 278, 'pull': 278, 'space': 278, 'allow': 277, 'convinc': 277, 'explain': 276, 'novel': 276, 'women': 276, 'understand': 275, 'number': 275, 'cop': 274, 'suspens': 274, 'twist': 274, 'truli': 274, 'portray': 274, 'touch': 273, 'member': 273, 'flick': 273, 'genr': 273, 'deep': 272, 'form': 272, 'jacki': 272, 'walk': 271, 'light': 271, 'tom': 270, 'detail': 270, 'career': 269, 'fill': 268, 'chase': 267, 'hell': 267, 'known': 266, 'peter': 266, 'hold': 265, 'york': 265, 'lee': 264, 'fiction': 264, 'age': 264, 'continu': 263, 'rememb': 263, 'import': 262, 'stay': 262, 'prison': 262, 'wont': 261, 'villain': 261, 'sequel': 261, 'four': 261, 'planet': 260, 'husband': 260, 'parent': 260, 'arent': 259, 'strong': 259, 'child': 259, 'charm': 259, 'remain': 259, 'eventu': 258, 'sit': 257, 'ye': 257, 'saw': 255, 'romant': 253, 'materi': 253, 'marri': 253, 'tale': 252, 'score': 252, 'god': 252, 'quickli': 251, 'song': 251, 'project': 251, 'disappoint': 251, 'five': 250, 'escap': 250, 'attent': 250, 'excit': 249, 'respect': 249, 'unlik': 249, 'chanc': 247, 'late': 246, 'particularli': 245, 'sexual': 245, 'definit': 244, 'futur': 244, 'happi': 243, 'harri': 243, 'troubl': 243, 'build': 242, 'polit': 242, 'wors': 242, 'thank': 241, 'mostli': 241, 'speak': 241, 'polic': 240, 'lose': 240, 'qualiti': 240, 'wild': 239, 'mention': 238, 'paul': 238, 'confus': 237, 'apart': 237, 'dr': 237, 'hilari': 237, 'total': 236, 'drug': 236, 'strang': 235, 'ultim': 235, 'van': 235, 'imag': 235, 'larg': 235, 'what': 234, 'win': 234, 'gun': 234, 'oscar': 234, 'mark': 234, 'smith': 234, 'none': 233, 'televis': 232, 'pain': 232, 'local': 232, 'obvious': 231, 'subject': 231, 'comput': 231, 'de': 231, 'type': 230, 'crime': 230, 'georg': 229, 'dramat': 229, 'absolut': 229, 'alon': 227, 'annoy': 226, 'pay': 226, 'reveal': 226, 'pace': 226, 'taken': 225, 'singl': 225, 'youll': 225, 'busi': 225, 'among': 225, 'amaz': 225, 'caus': 224, 'pass': 224, 'popular': 224, 'premis': 223, 'bill': 222, 'aspect': 222, 'flaw': 221, 'within': 220, 'incred': 220, 'drive': 219, 'across': 219, 'serv': 219, 'mission': 219, 'theme': 219, 'hate': 219, 'girlfriend': 218, 'secret': 218, 'actress': 218, 'chri': 218, 'histori': 218, 'screenwrit': 217, '1': 217, 'scienc': 216, 'whether': 216, 'easi': 216, 'similar': 216, 'wit': 216, 'crew': 215, 'teenag': 215, 'effort': 215, 'ill': 214, 'rock': 213, 'shoot': 213, 'fear': 212, 'exist': 212, 'hear': 212, 'poor': 212, 'america': 212, 'contain': 212, 'deserv': 211, 'grow': 211, 'attack': 211, 'studio': 209, 'robin': 209, 'agent': 209, 'subplot': 209, 'water': 209, 'doubt': 209, 'seriou': 209, 'master': 209, 'cool': 208, 'design': 208, 'pick': 208, 'stuff': 208, 'potenti': 208, 'told': 208, 'messag': 208, 'realiti': 208, 'million': 208, 'excel': 207, 'mere': 207, 'somehow': 206, 'lie': 206, 'wish': 206, 'easili': 206, 'ryan': 204, 'cover': 203, 'vampir': 203, 'richard': 203, 'ad': 202, 'batman': 202, 'approach': 201, 'parti': 200, 'street': 200, 'difficult': 200, 'introduc': 200, 'went': 200, 'angel': 200, 'ago': 199, 'middl': 199, 'color': 199, 'ben': 199, 'oh': 198, 'certain': 198, 'wed': 198, 'terribl': 197, 'wouldnt': 197, 'appeal': 197, 'rare': 196, 'due': 196, 'answer': 196, 'presenc': 196, 'investig': 196, 'compani': 196, 'romanc': 195, 'suffer': 195, '3': 194, 'ridicul': 194, 'box': 194, 'attract': 194, 'familiar': 193, 'anyway': 193, 'motion': 193, 'rich': 193, 'control': 192, 'throw': 192, 'inspir': 192, 'clear': 191, 'promis': 191, 'adult': 191, 'accept': 191, 'immedi': 190, 'destroy': 190, 'share': 189, 'surprisingli': 189, 'blood': 189, 'countri': 189, 'fire': 189, 'rule': 188, 'notic': 188, 'youv': 188, 'rise': 188, 'fli': 188, 'arriv': 187, 'desper': 187, 'somewhat': 187, 'train': 187, 'serious': 187, 'clever': 187, 'abil': 187, 'previou': 186, 'edit': 186, 'date': 186, 'came': 185, 'huge': 185, 'jim': 185, 'choic': 185, 'couldnt': 185, 'cinema': 184, 'gone': 184, 'latest': 183, 'former': 183, 'bob': 183, 'slow': 183, 'near': 182, 'park': 181, 'red': 181, 'giant': 181, 'student': 181, 'victim': 180, 'beyond': 180, 'mari': 180, 'amus': 179, 'smart': 179, 'sister': 179, 'sam': 179, 'purpos': 179, 'occasion': 178, 'trailer': 178, 'la': 178, 'martin': 177, 'sweet': 177, 'shock': 176, 'brilliant': 176, 'truth': 176, 'third': 176, 'murphi': 176, 'bunch': 175, 'felt': 175, 'refer': 175, 'straight': 175, 'suspect': 175, 'scari': 174, 'artist': 174, 'travel': 174, 'id': 174, 'solid': 173, 'captur': 173, 'aw': 172, 'insid': 172, 'reach': 172, 'mess': 171, 'equal': 171, 'favorit': 171, 'danc': 171, 'imposs': 171, 'stone': 171, 'teen': 170, 'engag': 170, 'describ': 170, 'steal': 170, 'jone': 170, 'law': 170, 'treat': 170, 'handl': 170, 'ride': 170, 'land': 170, 'adventur': 169, 'bond': 169, 'complex': 169, 'track': 169, 'decent': 168, 'adapt': 168, 'search': 168, 'amount': 168, 'typic': 167, 'join': 166, 'stage': 166, 'execut': 165, '4': 165, 'tone': 165, 'grace': 165, 'took': 164, 'requir': 164, 'suggest': 164, 'hunt': 164, 'catch': 164, 'innoc': 164, 'perfectli': 164, 'achiev': 164, 'cameron': 164, 'sign': 163, 'posit': 163, 'genuin': 163, 'strike': 163, 'truman': 163, 'toy': 162, 'heard': 162, 'wear': 162, 'overal': 161, 'surviv': 161, 'privat': 161, 'scott': 161, 'bruce': 161, 'silli': 161, 'dumb': 161, 'monster': 160, 'issu': 160, 'intens': 160, 'forget': 160, 'particular': 160, 'remind': 159, 'neither': 159, 'express': 159, 'outsid': 159, 'trek': 159, 'chan': 159, 'detect': 159, 'carter': 159, 'frank': 159, 'compar': 158, 'door': 158, 'mar': 158, 'gag': 158, 'blue': 158, 'danger': 157, 'ten': 157, 'depth': 157, 'brought': 157, 'struggl': 157, '10': 156, 'sight': 156, 'tim': 156, 'mix': 156, 'allen': 156, 'class': 156, 'recommend': 156, 'wood': 156, 'r': 155, 'inform': 155, 'societi': 155, 'govern': 155, 'moral': 155, 'atmospher': 155, 'otherwis': 154, 'race': 154, 'skill': 154, 'variou': 154, 'opportun': 154, 'memor': 153, 'air': 153, 'player': 153, 'soundtrack': 152, 'step': 152, 'armi': 152, 'list': 152, 'haunt': 151, 'explor': 151, 'steve': 151, 'willi': 151, 'magic': 150, 'univers': 150, 'week': 150, 'occur': 150, 'club': 150, 'thrill': 149, 'kiss': 149, 'roll': 149, 'combin': 149, 'respons': 149, 'west': 149, 'rais': 149, 'biggest': 148, 'avoid': 148, 'slightli': 148, 'episod': 148, 'femal': 148, 'earlier': 148, 'modern': 148, 'steven': 148, 'machin': 148, 'focu': 148, 'today': 148, 'eddi': 148, 'minor': 147, 'havent': 147, 'creatur': 147, 'cold': 147, 'admit': 147, 'suit': 146, 'send': 146, 'rescu': 146, 'background': 146, 'woodi': 146, 'hank': 146, 'fast': 146, 'horribl': 145, 'max': 145, 'month': 145, 'english': 145, 'term': 145, 'tension': 145, 'drop': 145, 'normal': 144, 'costum': 144, 'cinemat': 144, 'simon': 144, 'free': 144, 'leader': 144, 'disast': 144, 'concern': 144, 'hill': 144, 'delight': 144, 'jump': 143, 'bare': 143, 'pop': 143, 'formula': 143, 'odd': 143, 'impact': 143, 'beat': 142, 'dull': 142, 'fit': 142, 'plenti': 142, 'l': 142, 'violent': 142, 'british': 142, 'constantli': 142, 'soldier': 142, 'commun': 142, 'doctor': 141, 'pleas': 141, 'intent': 141, 'ape': 141, 'sing': 141, 'gave': 141, 'babi': 141, 'enter': 140, 'rush': 140, 'period': 140, 'e': 140, 'scare': 140, 'island': 140, 'nick': 140, 'queen': 140, 'remark': 140, 'presid': 140, 'lover': 140, 'consist': 140, 'realist': 140, 'front': 139, 'menac': 139, 'manner': 139, 'standard': 139, 'adam': 139, 'cinematographi': 139, 'agre': 139, 'command': 139, 'author': 139, 'spent': 139, 'obsess': 138, 'ground': 138, 'budget': 138, 'fairli': 138, 'fantasi': 137, 'pair': 137, 'grant': 137, '90': 137, 'disturb': 137, 'suddenli': 137, 'appropri': 137, 'connect': 137, 'godzilla': 137, 'brown': 137, 'virtual': 137, 'cute': 136, 'count': 136, 'brief': 136, 'cultur': 136, 'store': 136, 'trip': 136, 'fascin': 136, 'greatest': 136, 'cameo': 136, 'key': 136, 'bug': 135, 'addit': 135, 'satir': 135, 'whatev': 134, 'seven': 134, 'inde': 134, 'mike': 134, 'dollar': 133, 'common': 133, 'road': 133, 'iron': 133, 'partner': 133, 'physic': 133, 'buy': 133, 'ii': 133, 'meanwhil': 133, 'subtl': 133, 'concept': 132, 'stereotyp': 132, 'tradit': 132, 'clearli': 132, 'decad': 132, 'appreci': 132, 'frighten': 132, 'crimin': 131, 'weak': 131, 'climax': 131, 'intrigu': 131, 'fashion': 131, 'colleg': 131, 'titan': 131, 'eat': 131, 'quick': 130, 'memori': 130, 'warn': 130, 'cheap': 130, 'crash': 130, 'initi': 130, 'public': 130, 'chemistri': 130, 'shown': 129, 'conclus': 129, 'receiv': 129, 'band': 129, 'limit': 129, 'sean': 129, 'encount': 129, 'terrif': 129, 'uniqu': 129, 'longer': 129, 'asid': 128, 'highli': 128, 'protagonist': 128, 'billi': 128, 'storylin': 128, 'juli': 128, 'frame': 128, 'scientist': 128, 'lawyer': 128, 'dress': 128, 'spirit': 128, 'somewher': 127, 'cross': 127, 'narrat': 127, 'draw': 127, 'low': 127, 'jerri': 127, 'slowli': 127, 'affect': 127, 'languag': 127, 'camp': 127, 'individu': 127, 'six': 126, 'determin': 126, 'flat': 126, 'scifi': 126, 'display': 126, 'sad': 125, 'okay': 125, 'devic': 125, 'system': 125, 'technic': 125, 'etc': 125, 'award': 125, 'carrey': 125, 'valu': 124, 'hire': 124, 'french': 124, 'rob': 124, 'sent': 124, 'buddi': 124, 'report': 124, 'jackson': 124, 'liter': 123, 'u': 123, 'green': 123, 'visit': 123, 'boss': 123, 'spielberg': 123, 'wrote': 123, 'spot': 123, 'arm': 123, 'intend': 123, 'energi': 122, 'hang': 122, 'caught': 122, 'j': 122, 'knew': 122, 'claim': 122, 'decis': 122, 'tarzan': 122, 'witch': 121, 'flashback': 121, 'cage': 121, 'test': 121, 'male': 121, 'kidnap': 121, '1998': 121, 'central': 121, 'aliv': 121, 'edward': 121, 'famou': 121, 'studi': 121, 'target': 120, 'collect': 120, 'commit': 120, 'admir': 120, 'fair': 120, 'distract': 120, 'possess': 120, 'tough': 120, 'legend': 120, 'damn': 119, 'onto': 119, 'judg': 119, 'pure': 119, 'desir': 119, 'hardli': 119, 'oper': 119, 'thu': 119, 'motiv': 119, 'accent': 118, 'soul': 118, 'readi': 118, 'bizarr': 118, 'led': 118, 'current': 118, 'relat': 118, 'seemingli': 117, 'affair': 117, 'ghost': 117, 'conflict': 117, 'match': 117, 'tarantino': 117, 'social': 117, 'center': 117, 'travolta': 117, 'teacher': 117, 'opinion': 117, 'kick': 116, 'centuri': 116, 'confront': 116, 'root': 116, 'contact': 116, 'hole': 116, 'mouth': 116, 'julia': 116, 'singer': 115, 'industri': 115, 'roger': 115, 'mad': 115, 'guard': 115, 'brain': 114, 'challeng': 114, 'satisfi': 114, 'smile': 114, 'thrown': 114, 'christoph': 114, 'matthew': 114, 'accomplish': 114, 'surround': 114, 'accid': 113, 'mental': 113, 'heavi': 113, 'thin': 113, 'unit': 113, 'assist': 113, 'ladi': 113, 'stick': 112, 'blow': 112, 'independ': 112, 'speech': 112, 'b': 112, 'danni': 112, 'faith': 112, 'weird': 111, '1997': 111, 'weapon': 111, 'drag': 111, 'debut': 111, 'vega': 111, 'gay': 111, 'averag': 110, 'replac': 110, 'depress': 110, 'field': 110, 'fellow': 110, 'record': 110, 'locat': 110, 'news': 110, 'celebr': 110, 'weve': 109, 'fox': 109, 'threaten': 109, 'blade': 109, 'lame': 109, 'fortun': 109, 'burn': 109, 'parodi': 109, 'embarrass': 109, '1999': 109, 'becam': 109, 'evid': 108, 'inevit': 108, 'terror': 108, 'superior': 108, 'dude': 108, 'sell': 108, 'phone': 108, 'practic': 108, 'remak': 108, 'jason': 108, 'refus': 108, 'food': 108, 'henri': 108, 'anderson': 108, 'nomin': 108, 'jennif': 108, 'hair': 107, 'task': 107, 'attitud': 107, '80': 107, 'gang': 107, 'establish': 107, 'elizabeth': 107, 'explos': 107, 'shine': 107, 'pulp': 107, 'nation': 107, 'character': 107, 'rel': 106, 'progress': 106, 'frequent': 106, 'convent': 106, 'will': 106, 'stephen': 106, 'rent': 106, 'fresh': 106, 'latter': 106, 'russel': 106, 'edg': 105, 'hot': 105, 'invent': 105, 'loud': 105, 'plane': 105, 'pathet': 105, 'hors': 105, 'devil': 105, 'pleasur': 105, 'process': 105, 'folk': 104, 'check': 104, 'trust': 104, 'journey': 104, 'jimmi': 104, 'depict': 104, 'owner': 104, 'season': 104, 'younger': 104, 'gore': 103, 'older': 103, 'footag': 103, 'sadli': 103, 'hint': 103, 'epic': 103, 'numer': 103, 'board': 103, 'luca': 103, 'youd': 102, 'instanc': 102, 'jay': 102, 'jeff': 102, 'finish': 102, 'fate': 102, 'chines': 102, 'jr': 102, 'graphic': 102, 'cri': 102, 'comparison': 102, 'paint': 102, 'station': 102, 'intern': 102, 'ident': 102, 'creativ': 102, 'mistak': 101, 'brutal': 101, 'opposit': 101, 'alan': 101, 'speed': 101, 'charl': 101, 'setup': 101, 'interact': 101, 'captain': 101, 'stretch': 100, 'cartoon': 100, 'daniel': 100, 'mood': 100, 'fault': 100, 'speci': 100, 'fare': 100, 'blame': 100, 'spawn': 100, 'stun': 100, 'wall': 100, 'convers': 100, 'discuss': 100, 'ignor': 100, 'dougla': 100, 'market': 100, 'model': 100, '000': 100, 'patrick': 100, 'crow': 99, 'twice': 99, 'recogn': 99, 'charg': 99, 'seat': 99, 'ann': 99, 'trap': 99, 'patient': 99, 'assum': 98, 'blair': 98, 'essenti': 98, 'contriv': 98, 'arnold': 98, 'stunt': 98, 'twenti': 98, 'manipul': 98, 'masterpiec': 98, 'sleep': 98, 'profession': 98, 'kelli': 98, 'matt': 98, 'silent': 98, 'toni': 98, 'hide': 97, 'vision': 97, 'nowher': 97, 'creepi': 97, 'hasnt': 97, 'object': 97, 'commerci': 97, 'sole': 97, 'ruin': 97, 'shame': 97, 'demonstr': 97, 'insult': 97, 'witti': 97, 'forward': 96, 'kong': 96, 'goal': 96, 'fake': 96, 'gibson': 96, 'shakespear': 96, 'burton': 96, 'mulan': 96, 'technolog': 95, 'hospit': 95, 'listen': 95, 'bright': 95, 'laughabl': 95, 'notabl': 95, 'trick': 95, 'kept': 95, 'logic': 95, 'trooper': 95, 'boat': 95, 'born': 95, 'separ': 95, 'suicid': 95, 'militari': 95, 'prepar': 95, 'cloth': 94, 'cash': 94, 'comment': 94, 'tire': 94, 'denni': 94, 'hall': 94, 'floor': 94, 'bear': 94, 'loos': 94, 'fbi': 94, 'campbel': 94, 'shallow': 94, 'fantast': 94, 'marriag': 94, 'disappear': 93, 'bar': 93, 'focus': 93, 'superb': 93, 'lone': 93, 'pointless': 93, 'christma': 93, 'driver': 93, 'price': 93, 'wise': 93, 'resembl': 93, 'insight': 92, 'gain': 92, 'brook': 92, 'woo': 92, 'forev': 92, 'rang': 92, 'crap': 92, 'observ': 92, 'hong': 92, 'suck': 92, 'crowd': 92, 'fame': 92, 'reli': 92, 'academi': 92, 'convict': 92, 'press': 92, 'bank': 92, 'vehicl': 91, 'demand': 91, 'wind': 91, 'reveng': 91, 'necessari': 91, 'boyfriend': 91, 'affleck': 91, 'charli': 91, 'tast': 91, 'organ': 91, 'hundr': 91, 'crazi': 90, 'meant': 90, 'snake': 90, 'compel': 90, 'passion': 90, 'fulli': 90, 'ed': 90, 'repres': 90, 'thoma': 90, 'spice': 90, 'kate': 90, 'interview': 90, 'phantom': 90, 'baldwin': 89, 'nobodi': 89, 'excus': 89, 'advanc': 89, 'documentari': 89, 'exploit': 89, 'unfunni': 89, 'matrix': 89, 'length': 89, 'comed': 89, 'idiot': 89, 'ice': 89, 'push': 89, 'destin': 89, 'abandon': 89, 'content': 88, 'angri': 88, 'doubl': 88, 'hotel': 88, 'unless': 88, 'extra': 88, 'choos': 88, 'knock': 88, 'gangster': 88, 'princess': 88, 'patch': 88, 'rocki': 88, 'mile': 88, 'ray': 88, 'segment': 88, 'rose': 88, 'dad': 87, 'failur': 87, 'window': 87, 'relief': 87, 'warrior': 87, 'strength': 87, 'drink': 86, '20': 86, 'robot': 86, 'specif': 86, 'aid': 86, 'bland': 86, '5': 86, 'therefor': 86, 'hurt': 86, 'angl': 86, 'ok': 86, 'larri': 86, 'improv': 86, 'termin': 86, 'moor': 86, 'clean': 86, 'cruis': 86, 'contrast': 86, 'nightmar': 85, 'proceed': 85, 'nasti': 85, 'sentiment': 85, 'complic': 85, 'tune': 85, 'ass': 85, 'secur': 85, 'urban': 85, 'dozen': 85, 'stuck': 85, 'fish': 85, 'lynch': 85, 'bottom': 84, 'spectacular': 84, 'mediocr': 84, 'heroin': 84, 'sick': 84, 'signific': 84, 'martial': 84, 'bat': 84, 'rival': 84, 'radio': 84, 'rain': 84, 'maintain': 84, 'goofi': 84, 'tommi': 84, 'babe': 84, 'transform': 84, 'slasher': 83, 'desert': 83, 'employ': 83, 'jane': 83, 'reaction': 83, 'narr': 83, 'grand': 83, 'sport': 83, 'johnni': 83, 'routin': 83, 'sympathet': 83, 'wave': 83, 'utterli': 83, 'wayn': 83, 'ford': 83, 'starship': 83, 'attend': 83, 'tear': 83, 'path': 83, 'humour': 83, 'terrorist': 83, 'seth': 83, 'plain': 82, 'explan': 82, 'stumbl': 82, 'poorli': 82, 'offens': 82, 'mine': 82, 'blond': 82, 'bomb': 82, 'program': 82, 'winner': 82, 'mel': 82, 'symbol': 82, 'ami': 82, 'russian': 81, 'c': 81, 'bother': 81, 'damm': 81, 'feet': 81, 'protect': 81, 'tend': 81, 'capabl': 81, 'dvd': 81, 'punch': 81, 'washington': 81, 'professor': 81, 'welcom': 81, 'chosen': 81, 'wide': 81, 'slave': 81, 'lord': 81, 'flash': 80, 'worri': 80, 'surfac': 80, 'pack': 80, 'seek': 80, 'zero': 80, 'shouldnt': 80, 'avail': 80, 'reev': 80, 'enemi': 80, 'servic': 80, 'theatr': 80, 'nake': 80, 'worthi': 80, 'sexi': 80, 'jedi': 80, 'shop': 80, 'honest': 80, 'media': 80, 'mob': 80, 'flynt': 80, 'alex': 80, 'remot': 79, 'tie': 79, 'yeah': 79, 'depart': 79, 'highlight': 79, 'scheme': 79, 'ball': 79, 'defin': 79, 'na': 79, 'structur': 79, 'earn': 79, 'jail': 79, 'eccentr': 79, 'court': 79, 'clue': 78, 'carpent': 78, 'scale': 78, 'besid': 78, 'risk': 78, 'writerdirector': 78, 'outrag': 78, 'histor': 78, 'rape': 78, 'belong': 78, 'south': 78, 'teach': 78, 'veteran': 78, 'succe': 78, 'psycholog': 78, 'here': 77, 'gari': 77, 'theatric': 77, 'supposedli': 77, 'hugh': 77, 'exchang': 77, 'ms': 77, 'hidden': 77, 'brian': 77, 'remov': 77, 'neighbor': 77, 'bloodi': 77, 'gift': 77, 'unbeliev': 77, 'constant': 77, 'makeup': 77, 'instinct': 77, 'craft': 77, 'likabl': 77, 'shadow': 77, 'sandler': 77, 'helen': 77, 'anni': 77, 'ted': 77, 'safe': 76, 'catherin': 76, 'ugli': 76, 'reflect': 76, 'fat': 76, 'japanes': 76, 'regular': 76, 'miller': 76, '50': 76, 'geniu': 76, 'comfort': 76, 'twin': 76, 'cheesi': 76, 'vincent': 76, 'monkey': 76, 'succeed': 76, 'viru': 75, 'substanc': 75, 'frustrat': 75, 'bed': 75, 'stock': 75, 'broken': 75, 'al': 75, 'onelin': 75, 'aim': 75, 'tragedi': 75, 'gold': 75, 'gross': 75, 'taylor': 75, 'bridg': 75, 'cult': 75, 'seagal': 75, 'smoke': 75, 'card': 75, '70': 75, 'civil': 75, 'joy': 75, 'began': 75, 'church': 74, 'beast': 74, 'quiet': 74, 'blockbust': 74, 'bu': 74, 'utter': 74, 'crack': 74, 'settl': 74, 'wake': 74, 'sourc': 74, 'cinematograph': 74, 'excess': 74, 'consequ': 74, 'sheer': 74, 'badli': 74, 'wing': 74, 'sky': 74, '100': 74, 'stuart': 74, 'directli': 74, 'knowledg': 74, 'statu': 74, 'beach': 74, 'austin': 74, 'matur': 74, 'outstand': 74, 'clair': 73, 'tabl': 73, 'argu': 73, 'accus': 73, 'drawn': 73, 'slapstick': 73, 'joan': 73, 'dread': 73, 'loser': 73, 'accompani': 73, 'thousand': 73, 'hunter': 73, 'shift': 73, '1996': 73, 'g': 73, 'ring': 73, 'oliv': 73, 'copi': 73, 'pilot': 73, 'forgotten': 73, 'marvel': 73, 'jar': 73, 'heaven': 73, 'damon': 73, 'myer': 73, 'era': 73, 'exact': 72, 'revolv': 72, 'wander': 72, 'miser': 72, 'walter': 72, 'associ': 72, 'movement': 72, 'pie': 72, 'spi': 72, 'serial': 72, 'cheer': 72, 'ahead': 72, 'hook': 72, 'nuditi': 71, 'cusack': 71, 'trash': 71, 'altern': 71, 'plu': 71, 'lucki': 71, 'credibl': 71, 'method': 71, 'rage': 71, 'anthoni': 71, 'irrit': 71, 'shout': 71, 'sea': 71, 'storm': 71, 'sarah': 71, 'consider': 71, 'quest': 70, 'recal': 70, 'breath': 70, 'assign': 70, 'andrew': 70, 'sorri': 70, 'thoroughli': 70, 'terri': 70, 'stranger': 70, 'chicken': 70, 'guilti': 70, 'reminisc': 70, 'nuclear': 70, 'bone': 70, 'michel': 70, 'hollow': 70, 'hopkin': 70, 'crystal': 70, 'sidney': 70, 'unusu': 70, 'sink': 70, 'spark': 70, 'funniest': 70, 'xfile': 70, 'scorses': 70, 'empti': 69, 'hey': 69, 'favor': 69, 'strip': 69, 'influenc': 69, 'joel': 69, 'werent': 69, 'convey': 69, 'western': 69, '1995': 69, 'prevent': 69, 'cell': 69, 'gotten': 69, 'absurd': 69, 'derek': 69, 'instal': 69, 'area': 69, 'freeman': 69, 'everybodi': 69, 'barri': 69, 'boogi': 69, 'clooney': 69, 'regard': 68, 'accident': 68, 'elabor': 68, 'cat': 68, 'conveni': 68, 'confid': 68, 'onscreen': 68, 'mountain': 68, 'armageddon': 68, 'chief': 68, 'statement': 68, 'mainli': 68, 'unexpect': 68, 'ticket': 68, 'schwarzenegg': 68, 'intellectu': 68, 'abus': 68, 'load': 68, 'williamson': 68, 'keaton': 68, 'nicholson': 68, 'synopsi': 67, 'doom': 67, 'buck': 67, 'foreign': 67, 'screw': 67, 'self': 67, 'pretend': 67, 'luck': 67, 'mask': 67, 'perspect': 67, 'ensu': 67, 'repeat': 67, 'rip': 67, 'maker': 67, 'bobbi': 67, '30': 67, 'leg': 67, 'bacon': 67, '8': 67, 'fool': 67, 'cheat': 67, 'previous': 67, 'ideal': 67, 'prefer': 67, '60': 66, 'built': 66, 'lawrenc': 66, 'dare': 66, 'corrupt': 66, 'footbal': 66, 'courtroom': 66, 'expens': 66, 'freedom': 66, 'activ': 66, 'london': 66, 'ripley': 66, 'spoiler': 66, 'stallon': 66, 'contribut': 66, 'justic': 66, 'wrap': 65, 'morn': 65, 'princ': 65, 'digit': 65, 'revel': 65, 'jonathan': 65, 'promot': 65, 'unnecessari': 65, 'theori': 65, 'alic': 65, 'friendship': 65, 'overli': 65, 'jon': 65, 'bet': 65, 'verhoeven': 65, 'corner': 65, 'german': 65, 'wrestl': 65, 'bigger': 65, 'insan': 65, 'exercis': 65, 'bitter': 65, 'flesh': 65, 'sharp': 65, 'eric': 64, '0': 64, 'eight': 64, 'opera': 64, 'deni': 64, 'preview': 64, 'threat': 64, 'religi': 64, 'jean': 64, 'block': 64, 'storytel': 64, 'eve': 64, 'bag': 64, 'condit': 64, 'anna': 64, 'cynic': 64, 'circumst': 64, 'christian': 64, 'porn': 64, 'elli': 64, 'survivor': 64, 'degre': 64, 'critiqu': 63, 'fifteen': 63, 'resid': 63, 'knight': 63, 'dragon': 63, 'core': 63, 'pari': 63, 'assassin': 63, 'youth': 63, 'jungl': 63, '12': 63, 'conspiraci': 63, 'account': 63, 'niro': 63, 'honor': 63, 'worker': 63, 'uninterest': 63, 'ocean': 63, 'invit': 63, 'awar': 63, 'duval': 63, 'identifi': 63, 'emerg': 63, 'greater': 63, 'sitcom': 63, 'sum': 63, 'shrek': 63, 'wound': 62, 'whenev': 62, 'extend': 62, 'astronaut': 62, 'leagu': 62, 'compos': 62, 'tragic': 62, 'magazin': 62, 'arquett': 62, 'domin': 62, 'research': 62, 'priest': 62, 'jake': 62, 'hype': 62, 'concentr': 62, 'mom': 62, 'cowboy': 62, 'thirti': 62, 'feder': 62, 'halfway': 61, 'round': 61, 'necessarili': 61, 'fallen': 61, 'bound': 61, 'distinct': 61, 'skin': 61, 'photograph': 61, 'examin': 61, 'heavili': 61, 'sidekick': 61, 'endur': 61, 'borrow': 61, 'costar': 61, 'dinner': 61, 'afraid': 61, 'warm': 61, 'devot': 61, 'popul': 61, 'farrelli': 61, '810': 60, 'halloween': 60, 'loss': 60, 'wilson': 60, 'unknown': 60, 'flow': 60, 'ala': 60, 'lesson': 60, 'brad': 60, 'select': 60, 'float': 60, 'spin': 60, 'behavior': 60, 'bulworth': 60, 'murray': 60, 'breast': 60, 'dean': 60, 'balanc': 60, 'spiritu': 60, 'stiller': 60, 'drunken': 59, 'franc': 59, 'basebal': 59, 'bullet': 59, 'solv': 59, 'england': 59, 'complain': 59, 'transport': 59, 'letter': 59, 'broderick': 59, 'china': 59, 'stab': 59, 'met': 59, 'quaid': 59, 'ensembl': 59, 'con': 59, 'vacat': 59, 'dirti': 59, 'tortur': 59, 'pig': 59, 'trilog': 59, 'todd': 59, 'nevertheless': 59, 'melvin': 59, 'skip': 58, 'fatal': 58, 'wealthi': 58, 'switch': 58, 'offici': 58, 'weekend': 58, 'neil': 58, 'chill': 58, 'bowl': 58, 'predecessor': 58, 'depend': 58, '15': 58, 'coach': 58, 'chuckl': 58, 'peac': 58, 'deadli': 58, 'slip': 58, 'cook': 58, 'techniqu': 58, 'destruct': 58, 'laughter': 58, 'nbsp': 58, 'stolen': 57, 'schumach': 57, '2001': 57, 'odonnel': 57, 'oddli': 57, 'precis': 57, 'held': 57, 'trade': 57, 'redeem': 57, 'belov': 57, 'trial': 57, 'keanu': 57, 'chicago': 57, 'andi': 57, 'truck': 57, 'quirki': 57, 'cost': 56, 'psycho': 56, 'fugit': 56, 'size': 56, 'campaign': 56, 'yell': 56, 'multipl': 56, 'toss': 56, 'luke': 56, 'aforement': 56, 'factor': 56, 'rick': 56, 'gon': 56, 'extraordinari': 56, 'tape': 56, 'notion': 56, 'photographi': 56, 'guest': 56, 'marshal': 56, 'neg': 56, 'river': 56, 'ethan': 56, 'overcom': 56, 'spoil': 56, 'meg': 56, 'noir': 56, 'lebowski': 56, 'commentari': 56, 'unfold': 56, 'retir': 56, 'belief': 56, 'greg': 56, 'spoof': 56, 'phil': 56, '710': 55, 'endless': 55, 'sudden': 55, 'arrest': 55, 'unabl': 55, 'tree': 55, 'lake': 55, '510': 55, 'childhood': 55, 'enorm': 55, 'tens': 55, 'creation': 55, 'mickey': 55, 'freddi': 55, 'controversi': 55, '7': 55, 'metal': 55, 'barrymor': 55, 'cowork': 55, 'bite': 55, 'bride': 55, 'measur': 55, 'frankli': 55, 'fals': 55, 'lo': 55, 'norton': 55, 'coen': 55, 'finest': 55, 'texa': 55, 'citizen': 55, 'benefit': 55, 'crisi': 55, 'homag': 54, 'deeper': 54, 'nonetheless': 54, 'foot': 54, 'drunk': 54, 'karen': 54, 'anywher': 54, 'boast': 54, 'terrifi': 54, 'forgiv': 54, 'construct': 54, 'roommat': 54, 'african': 54, 'dri': 54, 'davi': 54, 'sin': 54, 'disguis': 54, 'prime': 54, 'horizon': 54, 'diamond': 54, 'villag': 54, 'vagu': 54, 'cole': 54, 'albeit': 53, 'accur': 53, 'advic': 53, 'glenn': 53, 'festiv': 53, 'fifth': 53, 'obligatori': 53, 'fulfil': 53, 'quot': 53, 'basi': 53, 'defens': 53, 'hitchcock': 53, 'reward': 53, 'f': 53, 'holiday': 53, 'sentenc': 53, 'erot': 53, 'glass': 53, 'peak': 53, 'italian': 53, 'theyv': 53, 'addict': 53, 'pitt': 53, 'anticip': 53, 'medic': 53, 'ordinari': 53, 'divorc': 53, 'shape': 53, 'closer': 53, 'recreat': 53, 'ian': 53, 'p': 53, 'freez': 53, 'trio': 53, 'nazi': 53, 'likeabl': 53, 'goodman': 53, 'jurass': 53, 'tribe': 53, 'isol': 53, 'string': 52, 'birth': 52, 'alcohol': 52, 'soap': 52, 'jet': 52, 'presum': 52, 'overthetop': 52, 'lewi': 52, 'announc': 52, 'lend': 52, 'prais': 52, 'accord': 52, 'restaur': 52, 'dump': 52, '1980': 52, 'drew': 52, 'experienc': 52, 'adopt': 52, 'obnoxi': 52, 'paper': 52, 'chain': 52, 'fairi': 52, 'costner': 52, 'religion': 52, 'hoffman': 52, 'maggi': 52, 'spacey': 52, 'finger': 51, 'forest': 51, 'saturday': 51, 'categori': 51, 'entri': 51, 'adequ': 51, 'driven': 51, 'romeo': 51, 'cox': 51, 'gene': 51, 'inhabit': 51, 'mirror': 51, 'host': 51, 'leap': 51, '1970': 51, 'hack': 51, 'incid': 51, 'deepli': 51, 'tight': 51, 'gather': 51, 'surreal': 51, 'bleak': 51, 'bird': 51, 'primari': 51, '6': 51, 'link': 51, 'persona': 51, 'lloyd': 51, 'kenneth': 51, 'importantli': 51, 'contemporari': 51, 'judd': 51, 'rees': 51, 'sir': 51, 'treatment': 51, 'we': 50, '1960': 50, 'midnight': 50, 'deriv': 50, 'expert': 50, 'captiv': 50, 'tini': 50, 'graduat': 50, 'buzz': 50, 'pile': 50, 'inept': 50, 'unintent': 50, 'prinz': 50, 'howard': 50, 'gorgeou': 50, 'gabriel': 50, 'anger': 50, 'dedic': 50, 'lisa': 50, 'sixth': 50, 'own': 50, 'grip': 50, 'morgan': 50, 'mafia': 50, 'mechan': 50, 'expos': 50, 'beatti': 50, 'custom': 50, 'dillon': 50, 'directori': 50, 'dick': 50, 'foster': 50, 'correct': 50, 'san': 50, 'airplan': 50, 'silver': 50, 'afterward': 50, 'financi': 50, 'sincer': 50, 'parker': 50, '54': 50, 'besson': 50, 'bastard': 49, 'cabl': 49, 'disbelief': 49, 'capsul': 49, '13': 49, 'pregnant': 49, 'higher': 49, 'countless': 49, 'assur': 49, 'sandra': 49, 'graham': 49, 'inan': 49, 'whatsoev': 49, 'demon': 49, 'wong': 49, 'engin': 49, 'gratuit': 49, 'sheriff': 49, 'dealer': 49, 'meyer': 49, 'glimps': 49, 'weight': 49, 'phillip': 49, 'burst': 49, 'tucker': 49, 'enhanc': 49, 'portion': 49, 'laura': 49, 'jackal': 49, 'dan': 49, 'ordel': 49, 'stir': 48, 'border': 48, 'wooden': 48, 'hip': 48, 'justifi': 48, 'mous': 48, 'blind': 48, 'stalk': 48, 'explod': 48, 'paid': 48, 'parallel': 48, 'trite': 48, 'superfici': 48, 'li': 48, 'mortal': 48, 'natasha': 48, 'kilmer': 48, 'clueless': 48, 'shut': 48, 'wreck': 48, 'endear': 48, 'invest': 48, 'moviego': 48, 'aspir': 48, 'campi': 48, 'hood': 48, 'sonni': 48, 'creator': 48, 'climact': 48, 'mitchel': 48, 'editor': 48, 'luci': 48, 'sceneri': 48, 'n': 48, 'forth': 48, 'franci': 48, 'golden': 48, 'horrifi': 48, 'corni': 48, 'luckili': 48, 'depp': 48, 'kim': 48, 'argument': 48, '2000': 48, 'vs': 48, 'authent': 48, 'mass': 48, 'echo': 47, 'cgi': 47, 'pet': 47, 'assault': 47, 'nine': 47, 'sake': 47, 'roth': 47, 'awkward': 47, 'mighti': 47, 'circl': 47, 'environ': 47, 'caricatur': 47, 'harrelson': 47, 'gadget': 47, 'dialog': 47, '1993': 47, 'betray': 47, 'jaw': 47, 'broadcast': 47, 'fienn': 47, 'befriend': 47, 'mainstream': 47, 'emma': 47, 'distanc': 47, 'penn': 47, 'pleasant': 47, 'pauli': 47, 'site': 47, 'fincher': 47, 'blank': 47, 'artifici': 47, 'stylish': 47, 'sat': 47, 'cruel': 47, 'refresh': 47, 'gradual': 47, 'flight': 47, 'alter': 47, 'neeson': 47, 'freak': 47, 'sophist': 47, 'owen': 47, 'network': 47, 'invis': 47, 'ancient': 47, 'fred': 47, 'johnson': 47, 'brilliantli': 47, 'triumph': 47, 'octob': 47, 'pacino': 47, 'warner': 46, 'reject': 46, '9': 46, 'repetit': 46, 'jan': 46, 'util': 46, 'pose': 46, 'gorilla': 46, 'phrase': 46, 'north': 46, 'satan': 46, 'jordan': 46, 'cooper': 46, 'subtleti': 46, 'tyler': 46, 'offend': 46, 'energet': 46, 'page': 46, 'thief': 46, 'indian': 46, 'mtv': 46, 'vulner': 46, 'ludicr': 46, 'ron': 46, 'princip': 46, 'varieti': 46, 'defend': 46, 'kubrick': 46, 'reput': 46, 'amanda': 46, 'cuba': 46, 'immens': 46, 'gambl': 46, 'closeup': 46, 'lift': 46, 'neve': 46, 'suspici': 46, 'franchis': 46, 'susan': 46, 'scenario': 46, 'paltrow': 46, 'coincid': 46, 'negoti': 46, 'occas': 46, 'pursu': 46, 'joli': 46, 'branagh': 46, 'donni': 46, 'sympathi': 46, 'disco': 46, 'holm': 46, 'stewart': 46, 'whale': 46, 'downright': 46, 'arthur': 45, 'sword': 45, 'fighter': 45, 'insist': 45, 'henstridg': 45, 'alicia': 45, 'crush': 45, 'basketbal': 45, 'stare': 45, 'gut': 45, 'punish': 45, 'gem': 45, 'onedimension': 45, 'anaconda': 45, 'betti': 45, 'tediou': 45, 'random': 45, 'pretenti': 45, 'sun': 45, 'randi': 45, 'lifeless': 45, 'suitabl': 45, 'showcas': 45, 'capit': 45, 'shark': 45, 'baker': 45, 'infam': 45, 'via': 45, 'anymor': 45, 'proof': 45, 'breathtak': 45, 'labor': 45, 'gori': 45, 'interpret': 45, 'dicaprio': 45, 'robbi': 45, 'empir': 44, 'strain': 44, 'shower': 44, 'anybodi': 44, 'wannab': 44, 'deliveri': 44, 'uninspir': 44, 'stronger': 44, 'advantag': 44, 'spare': 44, 'irish': 44, 'cathol': 44, 'prior': 44, 'disgust': 44, 'overact': 44, 'guid': 44, 'increasingli': 44, 'illustr': 44, 'function': 44, 'advertis': 44, 'sensibl': 44, 'merit': 44, 'guarante': 44, 'jesu': 44, 'ventur': 44, 'profan': 44, 'fonda': 44, 'sneak': 44, 'damag': 44, 'everywher': 44, 'reallif': 44, 'crucial': 44, 'hostag': 44, 'snipe': 44, 'legendari': 44, 'session': 44, '1994': 44, 'charisma': 44, 'grown': 44, 'reduc': 44, 'buri': 44, 'thompson': 44, 'millionair': 44, 'heat': 44, 'grab': 44, 'malkovich': 44, 'resolut': 44, 'robocop': 44, 'courag': 44, '1990': 43, 'turkey': 43, '8mm': 43, 'puzzl': 43, 'california': 43, 'inject': 43, 'voiceov': 43, 'handsom': 43, 'glanc': 43, 'portrait': 43, 'bathroom': 43, 'standout': 43, 'grade': 43, 'computergener': 43, 'nonsens': 43, 'cauldron': 43, 'spell': 43, 'urg': 43, 'trend': 43, 'swear': 43, 'spring': 43, 'split': 43, 'pg': 43, 'bandera': 43, 'reluct': 43, 'promin': 43, 'lethal': 43, 'pitch': 43, 'hackman': 43, 'glori': 43, '40': 43, 'mildli': 43, 'albert': 43, 'stanley': 43, 'psychot': 43, 'jeffrey': 43, 'carol': 43, 'wallac': 43, 'lesbian': 43, 'profess': 43, 'denis': 43, 'grave': 43, 'palma': 43, 'gloria': 43, 'ingredi': 43, 'birthday': 43, 'lang': 43, 'flubber': 43, 'homosexu': 43, 'diaz': 43, 'genet': 43, 'craven': 43, 'jami': 42, 'recycl': 42, 'mystic': 42, 'ambiti': 42, 'realism': 42, 'fu': 42, 'blend': 42, 'pam': 42, 'lock': 42, 'drown': 42, 'paxton': 42, 'compet': 42, 'eeri': 42, 'dazzl': 42, 'garbag': 42, 'uncov': 42, 'section': 42, 'recruit': 42, 'conneri': 42, 'resolv': 42, 'chair': 42, 'wildli': 42, 'doll': 42, 'pool': 42, 'southern': 42, 'token': 42, 'braveheart': 42, 'acclaim': 42, 'invad': 42, 'leo': 42, 'legal': 42, 'gere': 42, 'colonel': 42, 'quentin': 42, 'till': 42, 'subsequ': 42, 'prostitut': 42, 'corpor': 42, 'wahlberg': 42, 'companion': 42, 'castl': 42, 'finn': 42, 'packag': 41, 'flashi': 41, 'squad': 41, 'slick': 41, 'instantli': 41, 'ironi': 41, 'ear': 41, 'oppos': 41, 'altman': 41, 'ripoff': 41, 'kung': 41, 'imageri': 41, 'bmovi': 41, 'supernatur': 41, 'print': 41, 'eager': 41, 'pen': 41, 'ashley': 41, 'chose': 41, 'straightforward': 41, 'combat': 41, 'battlefield': 41, 'silenc': 41, 'cousin': 41, 'blast': 41, 'discoveri': 41, 'fanci': 41, 'fix': 41, 'hawk': 41, 'nativ': 41, 'duke': 41, 'passeng': 41, 'astonish': 41, 'tour': 41, 'assembl': 41, 'buscemi': 41, 'thug': 41, 'liber': 41, 'viciou': 41, 'mate': 41, 'soft': 41, 'declar': 41, 'await': 41, 'implaus': 41, 'gordon': 41, 'clone': 41, 'thurman': 41, 'uncomfort': 41, 'pun': 41, 'robbin': 41, 'resist': 41, 'gattaca': 41, 'dig': 40, 'rank': 40, 'pan': 40, 'bubbl': 40, 'inspector': 40, 'emperor': 40, 'dub': 40, 'sinis': 40, 'pg13': 40, 'larger': 40, 'shoulder': 40, 'clown': 40, 'suppli': 40, 'flee': 40, 'shell': 40, 'wire': 40, 'ador': 40, 'wisecrack': 40, 'analyz': 40, 'poke': 40, 'rachel': 40, 'post': 40, 'reviv': 40, 'lay': 40, 'cave': 40, 'defeat': 40, 'brand': 40, 'emili': 40, 'griffith': 40, 'arrog': 40, 'awesom': 40, 'pat': 40, 'martha': 40, 'react': 40, 'piti': 40, 'ambigu': 40, 'attach': 40, 'friendli': 40, 'fargo': 40, 'blown': 40, 'ricki': 40, 'duti': 40, 'sleepi': 40, 'frankenstein': 40, 'sensit': 40, 'clerk': 40, 'charismat': 40, 'loyal': 40, 'trace': 40, 'heather': 40, 'felix': 40, 'flawless': 40, 'tremend': 40, 'kudrow': 40, 'philosophi': 40, 'watson': 40, 'magnific': 40, 'absorb': 40, 'antz': 40, 'sutherland': 39, 'melodrama': 39, 'chick': 39, 'increas': 39, 'easier': 39, 'martian': 39, 'sleazi': 39, 'toilet': 39, 'respond': 39, 'dinosaur': 39, 'worthwhil': 39, 'kay': 39, 'spread': 39, 'inner': 39, 'competit': 39, 'plant': 39, 'somebodi': 39, 'inexplic': 39, 'bud': 39, 'hurrican': 39, 'confess': 39, 'antic': 39, 'primarili': 39, 'context': 39, 'victori': 39, 'bulli': 39, 'educ': 39, 'h': 39, 'rebel': 39, 'shall': 39, 'fund': 39, 'lou': 39, 'resort': 39, 'plausibl': 39, 'meat': 39, 'farm': 39, 'lion': 39, 'upset': 39, 'strand': 39, 'joseph': 39, 'glad': 39, 'unpredict': 39, 'reserv': 39, 'cromwel': 39, 'proclaim': 39, 'bottl': 39, 'craze': 39, 'slide': 39, 'newcom': 39, 'mcgregor': 39, 'anakin': 39, 'liam': 39, 'topic': 39, 'disc': 39, 'translat': 39, 'rat': 39, 'malcolm': 39, 'institut': 39, 'profit': 39, 'harrison': 39, 'alfr': 39, 'theyll': 39, 'data': 39, 'ellen': 39, 'porter': 39, 'enterpris': 39, 'courtney': 39, 'ant': 39, 'donald': 38, 'gear': 38, 'showdown': 38, 'admittedli': 38, 'client': 38, 'super': 38, 'aint': 38, 'torn': 38, 'broad': 38, 'wouldb': 38, 'grier': 38, 'trademark': 38, 'crook': 38, 'teeth': 38, 'label': 38, 'fell': 38, 'pattern': 38, 'hokey': 38, 'ali': 38, 'schindler': 38, 'nurs': 38, 'sloppi': 38, 'molli': 38, 'delici': 38, 'moron': 38, 'heck': 38, 'hadnt': 38, 'carl': 38, 'alec': 38, 'fianc': 38, 'showgirl': 38, 'comet': 38, 'internet': 38, 'address': 38, 'lightheart': 38, 'k': 38, 'flame': 38, 'holi': 38, 'secretli': 38, 'darth': 38, 'restor': 38, 'subtitl': 38, 'uncl': 38, 'altogeth': 38, 'massiv': 38, 'honestli': 38, 'overwhelm': 38, 'iren': 38, 'bumbl': 38, 'melodramat': 38, 'fourth': 38, 'updat': 38, 'galaxi': 38, 'employe': 38, 'philip': 38, 'beverli': 38, 'geoffrey': 38, 'krippendorf': 38, 'resurrect': 38, 'angela': 38, 'poker': 38, 'ton': 37, 'lazi': 37, 'ponder': 37, 'savag': 37, 'tag': 37, 'unpleas': 37, 'nervou': 37, 'spoken': 37, 'metaphor': 37, 'degener': 37, 'roman': 37, 'smash': 37, 'choreograph': 37, 'briefli': 37, 'helm': 37, 'superhero': 37, 'quinn': 37, 'sorvino': 37, 'boil': 37, 'fabl': 37, 'bang': 37, 'nail': 37, 'casino': 37, 'par': 37, 'mansion': 37, 'vinc': 37, 'insert': 37, 'wacki': 37, 'colleagu': 37, 'heartbreak': 37, 'descript': 37, 'leonard': 37, 'volcano': 37, 'sinist': 37, 'twister': 37, 'jessica': 37, 'bay': 37, 'warren': 37, 'sketch': 37, 'monti': 37, 'illeg': 37, 'lyric': 37, 'debat': 37, 'linda': 37, 'ricci': 37, 'elect': 37, 'greatli': 37, 'sharon': 37, 'seduc': 37, 'elev': 37, 'dynam': 37, 'firm': 37, 'ace': 37, 'boot': 37, 'libbi': 37, 'lean': 37, 'hyster': 37, 'perri': 37, 'curti': 36, 'outfit': 36, 'coat': 36, 'render': 36, 'senat': 36, 'revers': 36, 'realm': 36, 'shoe': 36, 'redempt': 36, 'stale': 36, 'equip': 36, 'nichola': 36, 'coher': 36, 'upcom': 36, 'harsh': 36, 'kinda': 36, 'ambit': 36, 'toler': 36, 'icon': 36, 'africa': 36, 'particip': 36, 'collabor': 36, 'jerk': 36, 'naiv': 36, 'seduct': 36, 'launch': 36, 'connor': 36, 'crude': 36, 'granger': 36, 'breakdown': 36, 'bowfing': 36, 'obiwan': 36, 'canadian': 36, 'inher': 36, 'complaint': 36, 'east': 36, 'owe': 36, 'ned': 36, 'hat': 36, 'underground': 36, 'devast': 36, 'leigh': 36, 'proper': 36, 'sweep': 36, 'mermaid': 36, 'aveng': 36, 'poison': 36, 'deniro': 36, 'duchovni': 36, 'virgin': 36, 'shortli': 36, 'mulder': 36, 'luc': 36, 'rebecca': 36, 'regardless': 36, 'dose': 36, 'indulg': 36, 'argento': 36, 'wisdom': 35, 'shake': 35, 'strive': 35, 'han': 35, 'musket': 35, 'linger': 35, 'extent': 35, 'clumsi': 35, 'strictli': 35, 'theron': 35, 'sheen': 35, 'exagger': 35, 'inconsist': 35, 'shaw': 35, 'encourag': 35, 'elderli': 35, 'poignant': 35, 'photo': 35, 'startl': 35, 'chao': 35, 'antonio': 35, 'recov': 35, 'shane': 35, 'hopper': 35, 'be': 35, 'robberi': 35, 'deliber': 35, 'ross': 35, 'mindless': 35, 'jew': 35, 'tall': 35, 'code': 35, 'medium': 35, 'garden': 35, 'psychlo': 35, 'safeti': 35, 'dancer': 35, 'nostalgia': 35, 'dislik': 35, 'premier': 35, 'mail': 35, 'perpetu': 35, 'backdrop': 35, 'distant': 35, 'nearbi': 35, 'unhappi': 35, 'channel': 35, 'dreamwork': 35, 'slight': 35, 'advoc': 35, 'march': 35, 'voight': 35, 'ga': 35, 'heist': 35, 'ransom': 35, 'amistad': 35, 'mcconaughey': 35, 'homer': 35, 'contest': 34, 'enthusiast': 34, 'reel': 34, 'august': 34, 'ebert': 34, 'happili': 34, 'appli': 34, 'cindi': 34, 'crawford': 34, 'outing': 34, '200': 34, 'wow': 34, 'sappi': 34, 'diseas': 34, 'grim': 34, 'bate': 34, 'grasp': 34, 'repli': 34, 'imit': 34, 'godfath': 34, 'embrac': 34, 'waitress': 34, 'clark': 34, 'provok': 34, 'elimin': 34, 'lovabl': 34, 'butcher': 34, 'essenc': 34, 'underr': 34, 'dogma': 34, '_the': 34, 'proud': 34, 'jewish': 34, 'musician': 34, 'flair': 34, 'spite': 34, 'macho': 34, 'mock': 34, 'whisper': 34, 'bell': 34, 'sustain': 34, 'socal': 34, 'scratch': 34, 'tackl': 34, 'funnier': 34, 'weaver': 34, 'hammer': 34, 'butt': 34, 'raw': 34, 'contract': 34, 'comedian': 34, 'cure': 34, 'mamet': 34, 'dora': 34, 'existenz': 34, 'insurrect': 34, 'obscur': 34, 'calm': 34, 'attorney': 34, 'hedwig': 34, 'harder': 33, 'oldman': 33, 'automat': 33, 'walker': 33, 'territori': 33, 'chamber': 33, 'fade': 33, 'marin': 33, 'jealou': 33, 'philosoph': 33, 'plagu': 33, 'egg': 33, 'conclud': 33, 'skywalk': 33, 'dunn': 33, 'ran': 33, 'carlito': 33, 'hed': 33, 'lip': 33, 'divers': 33, 'neck': 33, 'intric': 33, 'rumbl': 33, 'humili': 33, 'row': 33, 'bump': 33, 'aris': 33, '13th': 33, 'alli': 33, 'etern': 33, 'tiresom': 33, 'aggress': 33, 'dant': 33, 'pour': 33, 'unconvinc': 33, 'incompet': 33, 'sympath': 33, 'eugen': 33, 'plotlin': 33, 'funer': 33, 'needless': 33, 'gal': 33, 'resourc': 33, 'runner': 33, 'fright': 33, 'selfish': 33, 'lifestyl': 33, 'sadist': 33, 'tendenc': 33, 'nose': 33, 'stylist': 33, 'bought': 33, 'overdon': 33, 'crawl': 33, 'portman': 33, 'pod': 33, 'pressur': 33, 'advis': 33, 'unsatisfi': 33, 'digniti': 33, 'cloud': 33, 'forgot': 33, 'slightest': 33, 'strongli': 33, 'thoughtprovok': 33, 'bullock': 33, 'aboard': 33, 'kathi': 33, 'evok': 33, 'uma': 33, 'craig': 33, 'duo': 33, 'lower': 33, 'insur': 33, 'verbal': 33, 'creep': 33, 'chucki': 33, 'sli': 33, 'yard': 33, 'overlook': 33, 'upper': 33, 'rout': 33, 'eastwood': 33, 'blake': 33, 'margaret': 33, 'x': 33, 'neat': 32, 'repris': 32, 'coloni': 32, 'beneath': 32, 'widow': 32, 'everyday': 32, 'simultan': 32, 'vow': 32, 'franklin': 32, 'garofalo': 32, 'greas': 32, 'hapless': 32, 'uneven': 32, 'preced': 32, 'dismiss': 32, 'swing': 32, 'guilt': 32, 'lust': 32, 'shi': 32, 'access': 32, 'candid': 32, 'eas': 32, 'le': 32, 'everett': 32, 'useless': 32, 'reson': 32, 'curiou': 32, 'decidedli': 32, 'flirt': 32, 'chew': 32, 'pierc': 32, 'lanc': 32, 'lopez': 32, 'struck': 32, 'australian': 32, 'behold': 32, 'corps': 32, 'pursuit': 32, 'rough': 32, 'dawson': 32, 'electr': 32, 'emmerich': 32, 'squar': 32, 'transit': 32, 'cliff': 32, 'payback': 32, 'factori': 32, 'vietnam': 32, 'snow': 32, 'kline': 32, 'montag': 32, 'nicol': 32, 'kidman': 32, 'conceiv': 32, 'samuel': 32, 'coffe': 32, 'exclus': 32, 'dawn': 32, 'grew': 32, 'fond': 32, 'barbara': 32, 'miami': 32, 'paranoid': 32, 'vast': 32, 'phoni': 32, 'trail': 32, 'watchabl': 32, 'oz': 32, 'cope': 32, 'byrn': 32, 'engross': 32, 'sid': 32, 'jock': 32, 'mobster': 32, 'elfman': 32, 'treasur': 32, 'rico': 32, 'uplift': 32, 'nelson': 32, 'raider': 32, 'gladiat': 32, 'thirteenth': 32, 'hamlet': 32, 'guido': 32, 'fed': 31, 'dane': 31, 'transfer': 31, 'convolut': 31, 'indic': 31, 'climb': 31, 'lane': 31, 'goldblum': 31, 'loath': 31, 'indi': 31, 'notch': 31, 'rehash': 31, 'variat': 31, 'obstacl': 31, 'kennedi': 31, 'slap': 31, 'nifti': 31, 'clip': 31, 'bigbudget': 31, 'awak': 31, 'bene': 31, 'integr': 31, 'schneider': 31, 'raimi': 31, 'slaughter': 31, 'rudi': 31, 'parol': 31, 'laid': 31, 'dud': 31, 'mayor': 31, 'iii': 31, 'christina': 31, 'platt': 31, 'swim': 31, 'frantic': 31, 'enlist': 31, 'habit': 31, 'shannon': 31, 'liner': 31, 'clash': 31, 'ha': 31, 'homicid': 31, 'dimens': 31, 'asleep': 31, 'gruesom': 31, 'invas': 31, 'gimmick': 31, 'victor': 31, 'barn': 31, 'quigon': 31, 'natali': 31, 'walsh': 31, 'weav': 31, 'virtu': 31, 'text': 31, 'propos': 31, 'boxoffic': 31, 'mexico': 31, 'marc': 31, 'sale': 31, 'josh': 31, 'innov': 31, 'payoff': 31, 'fiona': 31, 'racism': 31, 'christ': 31, 'witherspoon': 31, 'candi': 31, 'christin': 31, 'futurist': 31, 'omin': 31, 'cab': 31, 'effici': 31, 'dizzi': 31, 'mistaken': 31, 'brenner': 31, 'wcw': 31, 'mercuri': 31, 'brosnan': 31, 'jawbreak': 31, 'egoyan': 31, 'jude': 31, 'chronicl': 31, 'frequenc': 31, 'leila': 31, 'highway': 30, 'where': 30, 'joblo': 30, 'forgett': 30, 'snuff': 30, 'nicola': 30, 'pivot': 30, 'champion': 30, 'exit': 30, 'nude': 30, 'theyd': 30, 'asian': 30, 'margin': 30, 'cardboard': 30, 'awaken': 30, 'absent': 30, 'miracul': 30, 'friday': 30, 'dispos': 30, 'flood': 30, 'nerv': 30, 'retriev': 30, 'per': 30, 'attribut': 30, 'richardson': 30, 'format': 30, 'properti': 30, 'sunday': 30, 'marti': 30, 'distinguish': 30, 'wash': 30, 'com': 30, 'dilemma': 30, 'bicker': 30, 'vari': 30, '1992': 30, 'arguabl': 30, 'bunni': 30, 'deck': 30, 'profound': 30, 'rap': 30, 'minim': 30, 'suzi': 30, 'heroic': 30, 'brave': 30, 'defi': 30, 'darn': 30, 'misguid': 30, 'maniac': 30, 'harm': 30, 'insecur': 30, 'werewolf': 30, 'hewitt': 30, 'rave': 30, 'spectacl': 30, 'bless': 30, 'foley': 30, 'pimp': 30, 'drift': 30, 'greed': 30, 'hayek': 30, 'layer': 30, 'landscap': 30, '1984': 30, 'rene': 30, 'butler': 30, 'redman': 30, 'nois': 30, 'dian': 30, 'bean': 30, 'popcorn': 30, 'weather': 30, 'mesmer': 30, 'newman': 30, 'cia': 30, 'patriot': 30, 'imperson': 30, 'properli': 30, 'swallow': 30, 'devito': 30, 'lemmon': 30, 'percept': 30, 'mill': 30, 'consum': 30, 'videotap': 30, 'heston': 30, 'gwyneth': 30, 'exhibit': 30, 'troop': 30, 'smooth': 30, 'interrupt': 30, 'mummi': 30, 'spike': 30, 'nielsen': 30, 'webb': 30, 'juliann': 30, 'fuller': 30, 'benigni': 30, 'matilda': 30, 'sweetback': 30, 'span': 29, 'norm': 29, 'impli': 29, 'proce': 29, 'psychologist': 29, 'sand': 29, 'shed': 29, 'zone': 29, 'miscast': 29, 'beg': 29, 'shirt': 29, 'adolesc': 29, 'boston': 29, 'nod': 29, 'imprison': 29, 'crisp': 29, 'breed': 29, 'gate': 29, 'theresa': 29, 'underdevelop': 29, 'prologu': 29, 'wheel': 29, 'pump': 29, 'rid': 29, 'chapter': 29, 'gritti': 29, 'pal': 29, 'flop': 29, 'facial': 29, 'milk': 29, 'zani': 29, 'fishburn': 29, 'joker': 29, 'journalist': 29, 'ralph': 29, 'brood': 29, 'transcend': 29, 'airport': 29, 'weir': 29, 'throat': 29, 'spontan': 29, 'thick': 29, 'vanish': 29, 'nolt': 29, 'walken': 29, 'revolut': 29, 'understood': 29, 'newspap': 29, 'tip': 29, 'confirm': 29, 'hudson': 29, 'undermin': 29, 'reluctantli': 29, 'metro': 29, 'introduct': 29, 'dave': 29, 'arrang': 29, 'daddi': 29, 'sgt': 29, 'winter': 29, 'monica': 29, 'reunion': 29, 'twilight': 29, 'steel': 29, 'flip': 29, 'spaceship': 29, 'cain': 29, 'tad': 29, 'shue': 29, 'boyl': 29, 'blatant': 29, 'juliet': 29, 'trait': 29, 'peel': 29, 'bont': 29, 'gordi': 29, 'publish': 29, 'sold': 29, 'fuck': 29, 'conscienc': 29, 'liz': 29, 'dimwit': 29, 'pale': 29, 'poster': 29, 'sphere': 29, 'cue': 29, 'suffic': 29, 'grisham': 29, 'del': 29, '17': 29, 'senior': 29, 'leonardo': 29, 'magoo': 29, 'vital': 29, 'fundament': 29, 'businessman': 29, 'solut': 29, 'rumor': 29, 'pride': 29, 'von': 29, 'destini': 29, 'winslet': 29, 'cynthia': 29, 'redford': 29, 'lambeau': 29, 'arrow': 28, 'undercov': 28, 'stake': 28, 'document': 28, 'banal': 28, 'psychiatrist': 28, 'henc': 28, 'coast': 28, 'cring': 28, 'preciou': 28, 'thread': 28, 'royal': 28, 'confin': 28, 'paradis': 28, 'er': 28, 'pound': 28, 'lesser': 28, 'stamp': 28, 'australia': 28, 'suspend': 28, 'secretari': 28, 'irrelev': 28, 'hesit': 28, 'absenc': 28, 'unbear': 28, 'chow': 28, 'nightclub': 28, 'detract': 28, 'ash': 28, 'florida': 28, 'stahl': 28, 'compens': 28, 'incorpor': 28, 'moviemak': 28, 'denzel': 28, 'smaller': 28, 'regret': 28, 'palmetto': 28, 'tea': 28, 'co': 28, 'ruthless': 28, 'broke': 28, 'nineti': 28, 'inabl': 28, 'brandi': 28, 'overbear': 28, 'outcom': 28, 'unrealist': 28, 'dealt': 28, 'alexand': 28, 'tender': 28, 'powder': 28, 'grate': 28, 'amongst': 28, 'commend': 28, 'thornton': 28, 'sail': 28, 'extens': 28, 'psychic': 28, 'lacklust': 28, 'bachelor': 28, 'opt': 28, 'characterist': 28, 'catchi': 28, 'phillipp': 28, 'judi': 28, 'relish': 28, 'elit': 28, 'relev': 28, 'abyss': 28, 'lesli': 28, 'nobl': 28, 'courtesi': 28, 'casablanca': 28, 'junk': 28, 'maci': 28, 'resent': 28, 'nonstop': 28, 'jakob': 28, 'judith': 28, 'oppress': 28, 'embodi': 28, 'strict': 28, 'wright': 28, 'vocal': 28, '25': 28, 'inch': 28, 'shield': 28, 'mohr': 28, 'vader': 28, 'mallori': 28, 'jeopardi': 27, '20th': 27, 'moder': 27, 'phoenix': 27, 'propel': 27, 'birch': 27, 'substanti': 27, 'cap': 27, 'ethic': 27, 'indiana': 27, 'shatter': 27, 'recur': 27, 'pant': 27, 'proven': 27, 'horrif': 27, 'counterpart': 27, 'depalma': 27, 'whine': 27, 'foolish': 27, 'jeanclaud': 27, 'fabul': 27, 'frenzi': 27, 'puppi': 27, 'dalmatian': 27, 'bull': 27, 'spanish': 27, 'reign': 27, 'unsettl': 27, 'curs': 27, 'prize': 27, 'potent': 27, 'lousi': 27, 'demis': 27, 'mute': 27, 'explicit': 27, 'rapidli': 27, '1900': 27, 'piano': 27, 'salli': 27, 'couldv': 27, 'ta': 27, 'horni': 27, 'mankind': 27, 'pray': 27, 'zetajon': 27, 'azaria': 27, 'velvet': 27, 'sieg': 27, 'fri': 27, 'qualifi': 27, 'nasa': 27, 'horner': 27, 'saga': 27, 'midst': 27, 'knife': 27, 'slaveri': 27, 'cowrit': 27, 'debt': 27, 'wherea': 27, 'cooki': 27, 'postman': 27, 'geek': 27, 'rodriguez': 27, 'beer': 27, 'cartoonish': 27, 'georgia': 27, 'jacob': 27, 'sylvest': 27, 'lili': 27, 'momentum': 27, 'cigarett': 27, 'robinson': 27, 'amazingli': 27, 'tunnel': 27, 'garner': 27, 'hannah': 27, 'hopelessli': 27, 'reynold': 27, 'recognit': 27, 'item': 27, 'detach': 27, 'quarter': 27, 'egypt': 27, 'lui': 27, 'incident': 27, 'kinnear': 27, 'ewan': 27, 'protest': 27, 'racist': 27, 'hereaft': 27, 'themat': 27, 'monologu': 27, 'offbeat': 27, 'gu': 27, 'stark': 27, 'tango': 27, 'chad': 27, 'mold': 26, 'underworld': 26, 'tank': 26, 'convincingli': 26, 'appl': 26, 'tower': 26, 'restraint': 26, 'grandmoth': 26, 'fluff': 26, 'val': 26, 'reader': 26, 'underwat': 26, 'annett': 26, 'amidst': 26, 'overus': 26, 'stern': 26, 'liveact': 26, 'ratio': 26, 'manic': 26, 'demeanor': 26, 'hotshot': 26, 'height': 26, 'stomach': 26, 'outer': 26, 'uniform': 26, 'uninvolv': 26, 'ward': 26, 'maguir': 26, 'realis': 26, 'sara': 26, 'tongu': 26, 'concert': 26, 'spill': 26, 'farc': 26, 'roy': 26, 'beaten': 26, 'loui': 26, 'relax': 26, 'domest': 26, 'wick': 26, 'vaniti': 26, 'itll': 26, 'bust': 26, 'dreari': 26, 'eszterha': 26, 'concoct': 26, 'oil': 26, 'proport': 26, 'beau': 26, 'staff': 26, 'snap': 26, 'manufactur': 26, 'deuc': 26, 'lifetim': 26, 'inmat': 26, 'mcgowan': 26, 'repeatedli': 26, 'mild': 26, 'heartfelt': 26, 'warrant': 26, 'acknowledg': 26, 'acid': 26, 'ooz': 26, 'kathleen': 26, 'throwaway': 26, 'elicit': 26, 'tax': 26, 'superman': 26, 'equival': 26, 'coppola': 26, 'gothic': 26, 'cup': 26, 'gentl': 26, 'havoc': 26, 'judgment': 26, 'jeremi': 26, 'unforgett': 26, '18': 26, 'insect': 26, 'mcdonald': 26, 'daisi': 26, 'underneath': 26, '1950': 26, 'reed': 26, 'topnotch': 26, 'caan': 26, 'stress': 26, 'skull': 26, 'memphi': 26, 'wag': 26, 'holocaust': 26, 'irresist': 26, 'muse': 26, 'sacrific': 26, 'poetri': 26, 'feat': 26, 'notori': 26, 'gavin': 26, 'dreyfuss': 26, 'immers': 26, 'museum': 26, 'traci': 26, 'taran': 26, '910': 25, 'bro': 25, 'contrari': 25, 'behav': 25, 'groan': 25, 'restrain': 25, 'underst': 25, 'curios': 25, 'phenomenon': 25, 'monoton': 25, 'andor': 25, 'muddl': 25, 'melani': 25, 'closest': 25, 'odyssey': 25, 'v': 25, 'regist': 25, 'charliz': 25, 'plight': 25, 'fart': 25, 'cheerlead': 25, 'africanamerican': 25, 'partli': 25, 'pot': 25, 'undeni': 25, 'incomprehens': 25, 'ritual': 25, 'armor': 25, 'ol': 25, 'bitch': 25, 'followup': 25, 'boxer': 25, 'politician': 25, 'brillianc': 25, 'wrestler': 25, 'bridget': 25, 'lab': 25, 'lengthi': 25, 'robber': 25, 'minni': 25, 'wealth': 25, 'mayhem': 25, 'blatantli': 25, 'jazz': 25, '1988': 25, 'partial': 25, 'maximum': 25, 'parad': 25, 'col': 25, 'vessel': 25, 'web': 25, 'tool': 25, 'kiki': 25, 'nerd': 25, 'buff': 25, 'worm': 25, 'glare': 25, 'lectur': 25, 'madonna': 25, 'elliot': 25, 'newli': 25, 'underli': 25, 'voyag': 25, 'instrument': 25, 'leder': 25, 'decemb': 25, 'unawar': 25, 'grandfath': 25, 'foul': 25, 'wouldv': 25, 'feed': 25, 'orphan': 25, 'riot': 25, 'ivi': 25, 'shit': 25, 'vice': 25, 'divid': 25, 'compliment': 25, 'dive': 25, 'triangl': 25, 'decept': 25, 'deed': 25, 'joey': 25, 'japan': 25, 'signal': 25, 'turner': 25, 'pleasantvil': 25, 'mose': 25, 'ghetto': 25, 'extraterrestri': 25, 'emphasi': 25, 'edgi': 25, 'ephron': 25, 'miseri': 25, 'harold': 25, 'diner': 25, 'liar': 25, 'articl': 25, 'zane': 25, 'doublecross': 25, 'leon': 25, 'ramsey': 25, 'hech': 25, 'clint': 25, 'loung': 25, 'taxi': 25, 'momma': 25, 'nello': 25, 'skinhead': 25, 'apostl': 25, 'maximu': 25, 'suspicion': 24, 'ribisi': 24, 'puls': 24, 'dust': 24, 'daryl': 24, 'ensur': 24, 'condemn': 24, 'european': 24, 'delv': 24, 'pronounc': 24, 'oppon': 24, 'stray': 24, 'ken': 24, 'pad': 24, 'lambert': 24, 'wig': 24, 'huh': 24, 'disastr': 24, 'cheadl': 24, 'honesti': 24, 'healthi': 24, 'norman': 24, 'ex': 24, 'rug': 24, 'glow': 24, 'moon': 24, 'spotlight': 24, 'dash': 24, 'nowaday': 24, 'newest': 24, 'fisher': 24, 'kit': 24, 'peer': 24, 'astound': 24, 'stiff': 24, 'em': 24, 'jacket': 24, 'counselor': 24, 'psychopath': 24, 'jewel': 24, 'nc17': 24, 'arc': 24, 'unorigin': 24, 'daili': 24, 'bigg': 24, 'smell': 24, 'downhil': 24, 'preposter': 24, 'slater': 24, 'dubiou': 24, 'ho': 24, 'assort': 24, 'secondari': 24, 'clock': 24, 'duck': 24, 'giggl': 24, 'sweetheart': 24, 'arizona': 24, 'pepper': 24, 'evolv': 24, '11': 24, 'reliabl': 24, 'shore': 24, 'asteroid': 24, 'underwritten': 24, 'spader': 24, 'warp': 24, 'puppet': 24, '1985': 24, 'syndrom': 24, 'wan': 24, 'nonexist': 24, 'contend': 24, 'manhattan': 24, 'seattl': 24, 'fraser': 24, 'wardrob': 24, 'injuri': 24, 'jess': 24, 'drill': 24, 'kingsley': 24, 'gerard': 24, 'levi': 24, 'reappear': 24, 'stroke': 24, 'fastpac': 24, 'map': 24, 'boiler': 24, 'id4': 24, 'kane': 24, 'steam': 24, 'skit': 24, 'yearn': 24, 'mercenari': 24, 'plastic': 24, '1981': 24, 'dien': 24, 'wreak': 24, 'jersey': 24, 'fanat': 24, 'perman': 24, 'unexpectedli': 24, 'harbor': 24, 'botch': 24, 'vote': 24, 'frog': 24, 'st': 24, 'sensat': 24, 'oldfashion': 24, 'despair': 24, 'messeng': 24, 'travi': 24, 'conrad': 24, 'violin': 24, 'crichton': 24, 'newton': 24, 'feelgood': 24, 'darren': 24, 'picard': 24, 'outlin': 24, 'stigmata': 24, 'meaning': 24, 'expand': 24, 'forrest': 24, 'gale': 24, 'bold': 24, 'effortlessli': 24, 'veronica': 24, 'blah': 24, 'lola': 24, 'prom': 24, 'apt': 24, 'colour': 24, 'gilliam': 24, 'tribut': 24, 'wilder': 24, 'farquaad': 24, 'donkey': 24, 'neighborhood': 23, 'pink': 23, 'idl': 23, 'stink': 23, 'spout': 23, 'sue': 23, 'buildup': 23, 'obscen': 23, 'charlott': 23, '14': 23, 'tiger': 23, 'temptat': 23, 'goldberg': 23, 'janean': 23, 'piss': 23, 'turmoil': 23, 'flower': 23, 'proverbi': 23, 'impos': 23, 'letdown': 23, 'greet': 23, 'banter': 23, 'deem': 23, 'mug': 23, 'bibl': 23, 'forti': 23, '1991': 23, 'alley': 23, 'resum': 23, 'tactic': 23, 'tempt': 23, 'paramount': 23, 'principl': 23, 'undoubtedli': 23, 'twelv': 23, 'mia': 23, 'detroit': 23, 'exot': 23, 'matthau': 23, 'merci': 23, 'entitl': 23, 'nomi': 23, 'glamor': 23, 'overlong': 23, 'sore': 23, 'reno': 23, 'awri': 23, 'psych': 23, 'dismal': 23, 'rant': 23, 'francisco': 23, 'ration': 23, 'bounc': 23, 'departur': 23, 'apolog': 23, 'greedi': 23, 'salma': 23, 'bail': 23, 'griffin': 23, 'prospect': 23, 'dracula': 23, 'zellweg': 23, 'chuck': 23, 'compromis': 23, 'mythic': 23, 'saint': 23, 'hail': 23, 'longtim': 23, 'contempl': 23, 'obtain': 23, 'blackmail': 23, 'shadi': 23, 'weari': 23, 'emphas': 23, 'hooker': 23, 'casper': 23, 'ventura': 23, 'salesman': 23, 'whip': 23, 'cream': 23, 'similarli': 23, 'varsiti': 23, 'skeptic': 23, 'dumber': 23, 'rapid': 23, 'clinic': 23, 'casual': 23, 'fuel': 23, 'judgement': 23, 'tomorrow': 23, 'mib': 23, 'anonym': 23, 'heap': 23, 'heal': 23, 'gilbert': 23, 'baku': 23, 'kenobi': 23, 'juri': 23, 'milton': 23, 'kati': 23, 'distribut': 23, 'mors': 23, 'famk': 23, 'potter': 23, 'exorcist': 23, 'rivet': 23, 'rosi': 23, 'jeann': 23, 'malick': 23, 'vike': 23, 'goodfella': 23, 'abraham': 23, 'thrust': 23, 'estella': 23, 'fidel': 23, 'feihong': 23, 'lama': 23, 'chop': 22, 'juvenil': 22, 'anastasia': 22, 'error': 22, 'unsuccess': 22, 'daylight': 22, 'decapit': 22, 'culmin': 22, 'mundan': 22, 'fabric': 22, 'illus': 22, 'atroci': 22, 'leari': 22, 'bulk': 22, 'kombat': 22, 'mimic': 22, 'saddl': 22, 'overshadow': 22, 'stapl': 22, 'yawn': 22, 'placement': 22, 'entranc': 22, 'underus': 22, 'cape': 22, 'polish': 22, 'calib': 22, 'harmless': 22, 'gestur': 22, 'patienc': 22, 'rooki': 22, 'earnest': 22, 'soviet': 22, 'difficulti': 22, 'penni': 22, 'claw': 22, 'mauric': 22, 'slim': 22, 'nostalg': 22, 'inferior': 22, 'boredom': 22, 'janet': 22, 'forlani': 22, 'appal': 22, 'lumet': 22, 'enthusiasm': 22, 'sammi': 22, 'recit': 22, 'stardom': 22, 'wesley': 22, 'rewrit': 22, 'sunk': 22, 'kingpin': 22, 'shade': 22, 'noteworthi': 22, 'confidenti': 22, 'vivid': 22, 'testament': 22, 'chest': 22, 'household': 22, 'firsttim': 22, 'atom': 22, 'naboo': 22, 'hideou': 22, 'thumb': 22, 'jacqu': 22, 'morrison': 22, 'hugo': 22, 'improvis': 22, 'basement': 22, 'loyalti': 22, 'devoid': 22, 'nicki': 22, 'descend': 22, 'outset': 22, 'stood': 22, 'ark': 22, 'motorcycl': 22, 'evolut': 22, 'harlem': 22, 'nemesi': 22, 'maid': 22, 'wet': 22, 'immort': 22, 'glover': 22, 'hitman': 22, 'orang': 22, 'faceoff': 22, 'beam': 22, 'spencer': 22, 'pete': 22, 'bigscreen': 22, 'fiance': 22, 'conduct': 22, 'reservoir': 22, 'peculiar': 22, 'lester': 22, 'harvey': 22, 'dylan': 22, 'glen': 22, 'valley': 22, 'chocol': 22, 'irv': 22, 'distress': 22, 'nora': 22, 'heckerl': 22, 'trunk': 22, 'toro': 22, 'navi': 22, 'incarn': 22, 'forster': 22, 'guidanc': 22, 'gellar': 22, 'klein': 22, 'patric': 22, 'unseen': 22, 'nuanc': 22, 'erupt': 22, 'hypnot': 22, 'carlyl': 22, 'flourish': 22, 'montana': 22, 'retain': 22, 'mpaa': 22, 'revolutionari': 22, 'erin': 22, 'camil': 22, 'rounder': 22, 'kudo': 21, 'shelv': 21, 'keener': 21, 'plod': 21, 'simplist': 21, 'gray': 21, 'kasdan': 21, 'justin': 21, 'halfhour': 21, 'youngster': 21, 'scandal': 21, 'instant': 21, 'watcher': 21, 'exposit': 21, 'luxuri': 21, 'femm': 21, 'faster': 21, 'paragraph': 21, 'bath': 21, 'apollo': 21, 'anticlimact': 21, 'lure': 21, 'muster': 21, 'slam': 21, 'eras': 21, 'atlant': 21, 'bruno': 21, 'vignett': 21, 'reindeer': 21, 'sampl': 21, 'compris': 21, 'therapi': 21, 'taglin': 21, 'fist': 21, 'heighten': 21, 'belt': 21, 'infinit': 21, 'lamb': 21, 'misstep': 21, 'worn': 21, 'repuls': 21, 'flavor': 21, 'stellar': 21, 'dafo': 21, 'hackney': 21, 'sixti': 21, 'meal': 21, 'quirk': 21, 'option': 21, 'afternoon': 21, 'dune': 21, 'request': 21, 'romp': 21, 'contempt': 21, 'chees': 21, 'missil': 21, 'sarcast': 21, 'leoni': 21, '1989': 21, 'slimi': 21, 'lauren': 21, 'revisit': 21, 'rubber': 21, 'lightn': 21, 'paranoia': 21, 'venic': 21, 'kurt': 21, 'collaps': 21, 'enforc': 21, 'therebi': 21, 'laurenc': 21, 'farmer': 21, '35': 21, 'blanchett': 21, 'forewarn': 21, 'favourit': 21, 'neglect': 21, 'uncertain': 21, 'rita': 21, 'instruct': 21, 'grin': 21, 'chainsaw': 21, 'suav': 21, 'comeback': 21, 'plug': 21, 'declin': 21, 'smarter': 21, 'subdu': 21, 'senseless': 21, 'darryl': 21, 'europ': 21, 'expedit': 21, 'clan': 21, 'junki': 21, 'dear': 21, 'simpson': 21, 'pervers': 21, 'torment': 21, 'lieuten': 21, 'array': 21, 'liberti': 21, 'hush': 21, 'blossom': 21, 'dustin': 21, 'stephan': 21, 'suprem': 21, 'shandl': 21, 'crusad': 21, 'enchant': 21, 'tomb': 21, 'lara': 21, 'janssen': 21, 'petti': 21, 'andrea': 21, 'templ': 21, 'diari': 21, 'gap': 21, 'bargain': 21, 'hammond': 21, 'lauri': 21, 'bedroom': 21, 'doug': 21, 'sant': 21, 'preach': 21, 'net': 21, 'spoon': 21, 'hatr': 21, 'april': 21, 'strongest': 21, 'rereleas': 21, 'meteor': 21, 'surpass': 21, 'cannib': 21, 'ideolog': 21, 'osment': 21, 'carver': 21, 'lumumba': 21, 'niccol': 21, 'gile': 21, 'occupi': 20, 'kingdom': 20, 'ogr': 20, 'bronson': 20, 'seedi': 20, 'hardcor': 20, 'dement': 20, 'bookstor': 20, 'automobil': 20, 'scottish': 20, 'grownup': 20, 'ireland': 20, 'awhil': 20, 'succumb': 20, 'billion': 20, 'shootout': 20, 'silverston': 20, 'babysitt': 20, 'preserv': 20, 'mastermind': 20, 'asset': 20, 'spooki': 20, 'idol': 20, 'ryder': 20, 'envis': 20, 'minimum': 20, 'abound': 20, 'evan': 20, 'lindo': 20, 'swinger': 20, 'warden': 20, 'calcul': 20, 'equat': 20, 'camerawork': 20, 'churn': 20, 'brink': 20, 'worthless': 20, 'vengeanc': 20, 'jenni': 20, 'patricia': 20, 'headlin': 20, 'reunit': 20, 'mentor': 20, 'shrink': 20, 'warmth': 20, 'admiss': 20, 'meander': 20, 'hopeless': 20, 'athlet': 20, 'deputi': 20, 'lush': 20, 'arkin': 20, '19th': 20, 'restless': 20, 'unrel': 20, 'persuad': 20, 'insipid': 20, 'tourist': 20, 'traffic': 20, 'denver': 20, 'rogu': 20, 'dutch': 20, 'kyle': 20, 'goon': 20, 'kitchen': 20, 'enlighten': 20, 'helicopt': 20, 'illog': 20, 'furiou': 20, 'bruckheim': 20, 'dispatch': 20, 'gaug': 20, 'raymond': 20, 'maria': 20, 'claudia': 20, 'holli': 20, 'amidala': 20, 'stuf': 20, 'macdonald': 20, 'germani': 20, 'turturro': 20, 'dirt': 20, 'literatur': 20, 'riski': 20, 'patron': 20, 'banana': 20, 'mode': 20, 'madsen': 20, 'beck': 20, 'elsewher': 20, 'zoom': 20, 'helpless': 20, 'simul': 20, 'mixtur': 20, 'scientif': 20, 'exec': 20, 'eighti': 20, 'elisabeth': 20, 'provoc': 20, 'melt': 20, 'overblown': 20, 'exhaust': 20, 'gigant': 20, 'satellit': 20, 'shortcom': 20, 'rhame': 20, 'delic': 20, 'ingeni': 20, 'preacher': 20, 'allur': 20, 'overplay': 20, 'spit': 20, 'wellwritten': 20, 'rear': 20, 'rice': 20, 'copyright': 20, 'toronto': 20, 'tame': 20, 'hurley': 20, 'wizard': 20, 'creek': 20, 'rocket': 20, 'radic': 20, 'rubel': 20, 'impuls': 20, 'bartend': 20, 'unwatch': 20, 'frozen': 20, 'fort': 20, 'health': 20, 'primit': 20, 'manifest': 20, 'timothi': 20, 'groundbreak': 20, 'union': 20, 'peni': 20, 'requisit': 20, 'fifti': 20, 'willard': 20, 'globe': 20, 'farley': 20, 'adrenalin': 20, 'muppet': 20, 'growth': 20, 'cinqu': 20, 'horn': 20, 'aaron': 20, 'eleg': 20, 'begun': 20, 'kidnapp': 20, 'quietli': 20, 'ongo': 20, 'prayer': 20, 'click': 20, 'wen': 20, 'pokemon': 20, 'poet': 20, 'darker': 20, 'bye': 20, 'burbank': 20, 'jo': 20, 'meantim': 19, '1010': 19, 'jade': 19, 'custodi': 19, 'schrader': 19, 'cancer': 19, 'sabotag': 19, 'temper': 19, 'moodi': 19, 'neurot': 19, 'rhythm': 19, 'taught': 19, 'suvari': 19, 'stilt': 19, 'rope': 19, 'mann': 19, 'rea': 19, 'weigh': 19, 'thereaft': 19, 'approxim': 19, 'meaningless': 19, 'earthquak': 19, 'interior': 19, 'scar': 19, 'email': 19, 'shred': 19, 'strategi': 19, 'hart': 19, 'jill': 19, 'diabol': 19, 'compass': 19, 'panic': 19, 'boundari': 19, 'convert': 19, 'heavyhand': 19, 'ronin': 19, 'marlon': 19, 'alongsid': 19, '101': 19, 'curious': 19, 'lolita': 19, 'sherri': 19, 'predat': 19, 'pullman': 19, '1977': 19, 'josi': 19, 'reilli': 19, 'cake': 19, 'adject': 19, 'shaft': 19, 'dimension': 19, 'furi': 19, 'powel': 19, 'rambl': 19, 'rous': 19, 'childish': 19, 'chinatown': 19, 'incoher': 19, 'deedl': 19, 'shave': 19, 'nixon': 19, 'vein': 19, 'wipe': 19, 'up': 19, 'coincident': 19, 'sultri': 19, 'harrow': 19, 'exotica': 19, 'exquisit': 19, 'zwick': 19, 'trashi': 19, 'faculti': 19, 'tasteless': 19, 'grotesqu': 19, 'lizard': 19, 'madison': 19, 'carnag': 19, 'ego': 19, 'vaughn': 19, 'dissolv': 19, 'karla': 19, 'fisherman': 19, 'foreshadow': 19, 'impend': 19, 'merchandis': 19, 'miracl': 19, 'valeri': 19, 'palmer': 19, 'mimi': 19, 'tap': 19, 'alik': 19, 'preston': 19, 'beard': 19, 'kurtz': 19, 'amor': 19, 'entireti': 19, 'bald': 19, 'muscl': 19, 'schedul': 19, 'divert': 19, 'sarandon': 19, 'decor': 19, 'literari': 19, 'breakfast': 19, 'broadway': 19, 'cabin': 19, 'shove': 19, 'contradict': 19, '1968': 19, 'sprinkl': 19, 'cheek': 19, 'modernday': 19, 'stripper': 19, 'unfair': 19, 'subway': 19, 'roller': 19, 'einstein': 19, 'bernard': 19, 'cruelti': 19, 'draft': 19, 'celluloid': 19, 'pirat': 19, 'vibrant': 19, 'firstrat': 19, 'scam': 19, 'millennium': 19, 'orgi': 19, 'bergman': 19, 'wellknown': 19, '16': 19, 'bash': 19, 'ranger': 19, 'bilko': 19, 'tunney': 19, 'fought': 19, 'sculli': 19, 'abund': 19, 'estrang': 19, 'electron': 19, 'labut': 19, 'columbia': 19, 'jericho': 19, 'beavi': 19, 'facil': 19, 'peebl': 19, 'nina': 19, 'tin': 19, 'chip': 19, 'keitel': 19, 'kenni': 19, 'lt': 19, 'guardian': 19, 'pixar': 19, 'eva': 19, 'reportedli': 19, 'hen': 19, 'kaufman': 19, 'applaud': 18, 'throne': 18, 'crown': 18, 'oblivi': 18, 'valid': 18, 'yellow': 18, 'sucker': 18, 'pornographi': 18, 'stellan': 18, 'unimagin': 18, 'ladder': 18, 'ugh': 18, 'agenda': 18, 'mall': 18, 'tattoo': 18, 'poem': 18, 'bathtub': 18, 'bliss': 18, 'cardin': 18, 'unfamiliar': 18, 'liu': 18, 'hallucin': 18, 'punctuat': 18, 'upsid': 18, 'rendit': 18, 'leguizamo': 18, 'downey': 18, 'tsui': 18, 'clutch': 18, 'conquer': 18, 'auteur': 18, 'miramax': 18, 'bestsel': 18, 'audio': 18, 'escal': 18, 'paus': 18, 'crab': 18, 'uneasi': 18, 'deadpan': 18, 'kelley': 18, 'squeez': 18, 'grunt': 18, 'propaganda': 18, 'moreau': 18, 'shorti': 18, 'comprehend': 18, 'paycheck': 18, 'induc': 18, 'abort': 18, 'collid': 18, 'brooklyn': 18, 'ought': 18, 'frost': 18, 'w': 18, 'phenomen': 18, '3000': 18, 'ambassador': 18, 'sour': 18, 'despic': 18, 'porno': 18, 'meanspirit': 18, 'mutat': 18, 'helena': 18, 'headach': 18, 'framework': 18, 'mcnaughton': 18, 'occurr': 18, 'shotgun': 18, 'rig': 18, 'iceberg': 18, 'goodby': 18, 'stile': 18, 'angst': 18, 'hometown': 18, 'pine': 18, 'ineffect': 18, 'discern': 18, 'bog': 18, 'conjur': 18, 'leisur': 18, 'econom': 18, 'trigger': 18, 'sigourney': 18, 'cocain': 18, 'upbeat': 18, 'spacecraft': 18, 'rubin': 18, 'vanessa': 18, 'forbidden': 18, 'usa': 18, 'supergirl': 18, 'ham': 18, 'crane': 18, 'conserv': 18, 'releg': 18, 'limb': 18, 'cisco': 18, 'vault': 18, 'slacker': 18, 'dusk': 18, 'thiev': 18, 'jodi': 18, 'ving': 18, 'surrog': 18, 'purchas': 18, 'clayton': 18, 'strap': 18, 'closet': 18, 'mona': 18, 'silverman': 18, 'dish': 18, 'ralli': 18, 'hop': 18, 'substitut': 18, 'valuabl': 18, 'chunk': 18, 'championship': 18, 'plead': 18, 'file': 18, 'sunni': 18, 'nicknam': 18, 'wiseguy': 18, 'superbl': 18, 'davidson': 18, 'inappropri': 18, 'carmen': 18, 'jab': 18, 'therapist': 18, 'immigr': 18, 'analysi': 18, 'recogniz': 18, 'intim': 18, 'brazil': 18, 'outtak': 18, 'submarin': 18, 'palac': 18, 'ahm': 18, 'mctiernan': 18, 'diehard': 18, 'brash': 18, 'gayheart': 18, 'highest': 18, 'liaison': 18, 'catastroph': 18, 'fellini': 18, 'palpabl': 18, 'stimul': 18, 'accuraci': 18, 'foil': 18, 'wolf': 18, 'lowkey': 18, 'heartwarm': 18, 'gump': 18, 'jovovich': 18, 'pamela': 18, 'butthead': 18, 'mandingo': 18, 'bradi': 18, 'hustler': 18, 'mm': 18, 'boorman': 18, 'poetic': 18, 'magnolia': 18, 'arab': 18, 'solo': 18, 'wyatt': 18, 'spade': 18, 'yield': 18, 'kimbl': 18, 'commodu': 18, 'shyamalan': 18, 'dolor': 18, 'bubbi': 18, 'cal': 18, 'dalai': 18, 'correctli': 17, 'mod': 17, 'epp': 17, 'footstep': 17, 'mediev': 17, 'alltim': 17, 'deprav': 17, 'rrate': 17, 'onenot': 17, 'ceremoni': 17, 'juggl': 17, '610': 17, 'slice': 17, 'unconvent': 17, 'choreographi': 17, 'rodman': 17, 'leather': 17, 'cube': 17, 'salvag': 17, 'pro': 17, 'swarm': 17, 'pic': 17, 'afford': 17, 'februari': 17, 'nutti': 17, 'endang': 17, 'dove': 17, 'rabbit': 17, 'mount': 17, 'zombi': 17, 'sacrif': 17, 'seinfeld': 17, 'apocalyps': 17, 'pacif': 17, 'henchmen': 17, '1987': 17, 'nigel': 17, 'myth': 17, 'anniversari': 17, 'creaki': 17, 'injur': 17, 'baffl': 17, 'perfunctori': 17, 'syd': 17, 'brainless': 17, 'vomit': 17, 'hamper': 17, 'punk': 17, 'misfir': 17, 'confer': 17, 'elvi': 17, 'vulgar': 17, 'boom': 17, 'cate': 17, 'burden': 17, 'garcia': 17, 'estat': 17, 'renegad': 17, 'gee': 17, '1973': 17, 'fuent': 17, 'pocket': 17, 'sciencefict': 17, 'attain': 17, 'gina': 17, 'plummer': 17, 'ordeal': 17, 'lombardo': 17, 'procedur': 17, 'clinton': 17, 'lit': 17, 'anchor': 17, 'elijah': 17, 'ostens': 17, 'unsuspect': 17, 'pit': 17, 'sophomor': 17, 'monk': 17, '1978': 17, 'forsyth': 17, 'dna': 17, 'extract': 17, 'incessantli': 17, 'saniti': 17, 'rental': 17, 'topless': 17, '1986': 17, 'sf': 17, 'hungri': 17, 'devin': 17, 'middleag': 17, 'not': 17, 'franki': 17, 'coverup': 17, 'quiz': 17, 'earl': 17, 'hacker': 17, 'angelina': 17, 'rod': 17, 'maneuv': 17, 'gaze': 17, 'consult': 17, 'whimsic': 17, 'enigmat': 17, 'glorifi': 17, 'slowmot': 17, '1971': 17, 'racial': 17, 'spain': 17, 'fx': 17, 'heel': 17, 'springer': 17, 'smithe': 17, 'deceas': 17, 'weekli': 17, 'campu': 17, 'intrus': 17, 'couch': 17, 'ell': 17, 'capac': 17, 'superflu': 17, 'versu': 17, 'stream': 17, 'ditch': 17, 'teas': 17, 'liev': 17, 'schreiber': 17, 'modin': 17, 'lavish': 17, 'experiment': 17, 'devis': 17, 'ghostbust': 17, 'antagonist': 17, 'kirk': 17, 'smuggl': 17, 'tornado': 17, 'cleavag': 17, 'samurai': 17, 'rushmor': 17, 'bleed': 17, 'sim': 17, 'larter': 17, 'jule': 17, 'hippi': 17, 'kindli': 17, 'cuban': 17, 'gloriou': 17, 'greenwood': 17, 'bowler': 17, 'ingenu': 17, 'fetish': 17, 'cocki': 17, 'awe': 17, 'christof': 17, 'duncan': 17, 'lifelong': 17, 'iq': 17, 'sinclair': 17, 'hubbard': 17, 'archetyp': 17, 'shockingli': 17, 'disagre': 17, 'transpir': 17, 'mytholog': 17, 'drastic': 17, 'smirk': 17, 'unsur': 17, 'janitor': 17, 'knack': 17, 'textur': 17, 'gloomi': 17, 'dysfunct': 17, 'wang': 17, 'button': 17, 'jerom': 17, 'rome': 17, 'outcast': 17, 'neill': 17, 'loneli': 17, 'republ': 17, 'leadership': 17, 'dewey': 17, 'doubtfir': 17, 'outlandish': 17, 'dismay': 17, 'naval': 17, 'cronenberg': 17, 'mitch': 17, 'maclean': 17, 'surrealist': 17, 'circu': 17, 'jinn': 17, 'imperi': 17, 'groceri': 17, 'hockey': 17, 'schwimmer': 17, 'kersey': 17, 'neo': 17, 'thirteen': 17, 'steadi': 17, 'alda': 17, 'tatooin': 17, 'bandit': 17, 'capon': 17, 'boon': 17, 'motta': 17, 'bianca': 17, 'booker': 17, 'hercul': 16, 'graviti': 16, 'hostil': 16, 'viewpoint': 16, 'empathi': 16, 'chord': 16, 'outlaw': 16, 'noon': 16, 'suburban': 16, 'haley': 16, 'walt': 16, 'matchmak': 16, 'democrat': 16, 'ohara': 16, 'spew': 16, 'eastern': 16, 'rampant': 16, 'extraordinarili': 16, '85': 16, 'thunder': 16, 'bonu': 16, 'conspir': 16, 'endlessli': 16, 'nest': 16, 'bent': 16, 'sub': 16, 'tightli': 16, 'teddi': 16, 'misadventur': 16, 'limp': 16, 'simmon': 16, 'overton': 16, 'mama': 16, 'kurosawa': 16, 'hormon': 16, 'urgenc': 16, 'wholli': 16, 'impecc': 16, 'bronx': 16, 'barb': 16, 'conscious': 16, 'penchant': 16, 'interestingli': 16, 'favreau': 16, 'chart': 16, 'soar': 16, 'carolina': 16, 'placid': 16, 'brendan': 16, 'scholar': 16, 'down': 16, 'gotcha': 16, 'juliett': 16, 'roof': 16, 'gentleman': 16, 'valentin': 16, 'sheedi': 16, 'prestigi': 16, 'graini': 16, 'eh': 16, 'whilst': 16, 'di': 16, 'litter': 16, 'prank': 16, 'jam': 16, 'agenc': 16, '1979': 16, 'olivia': 16, 'goodnatur': 16, 'runaway': 16, 'unapp': 16, 'halt': 16, 'violat': 16, 'radiat': 16, 'unforgiv': 16, 'dwell': 16, 'choppi': 16, 'chef': 16, '19': 16, 'anguish': 16, 'enabl': 16, 'mistress': 16, 'wellmad': 16, 'injok': 16, 'se7en': 16, 'hallmark': 16, 'verg': 16, 'lurk': 16, 'wield': 16, 'plate': 16, 'carv': 16, 'reckless': 16, 'z': 16, 'coma': 16, 'sergeant': 16, 'offscreen': 16, 'primal': 16, 'unleash': 16, 'unclear': 16, 'ya': 16, 'farther': 16, 'trainspot': 16, 'allison': 16, 'der': 16, 'highprofil': 16, 'sibl': 16, 'ichabod': 16, 'redneck': 16, 'whitak': 16, 'veer': 16, 'boost': 16, 'typecast': 16, 'patent': 16, 'dicken': 16, 'morri': 16, 'yarn': 16, 'polar': 16, 'ruler': 16, 'sensual': 16, 'marci': 16, 'playboy': 16, 'uptight': 16, 'policeman': 16, 'untouch': 16, 'januari': 16, 'interrog': 16, 'wink': 16, 'shadowi': 16, 'wayan': 16, 'pryce': 16, 'digest': 16, 'deceiv': 16, 'ounc': 16, 'mccabe': 16, 'passag': 16, 'foremost': 16, 'compon': 16, 'grumpi': 16, 'hilar': 16, 'vain': 16, 'embark': 16, 'bow': 16, 'timeless': 16, 'barber': 16, 'yorker': 16, 'implant': 16, 'pollack': 16, 'divin': 16, 'donofrio': 16, 'galor': 16, 'gilmor': 16, 'highschool': 16, 'meticul': 16, 'stanton': 16, 'reborn': 16, 'renown': 16, 'lomax': 16, 'conni': 16, 'oconnor': 16, 'pupil': 16, 'snatch': 16, 'motel': 16, 'eclect': 16, 'santa': 16, 'mario': 16, 'lightli': 16, 'bonni': 16, 'beatric': 16, 'lunch': 16, 'crippl': 16, 'inherit': 16, 'madefortv': 16, 'sewel': 16, 'deft': 16, 'twohour': 16, 'peril': 16, 'intimid': 16, 'advisor': 16, 'valek': 16, 'collector': 16, 'fenc': 16, 'closur': 16, 'lovitz': 16, 'nosferatu': 16, 'ferri': 16, 'cleverli': 16, 'tack': 16, 'sooner': 16, 'scum': 16, 'polley': 16, 'splash': 16, 'mccoy': 16, 'kermit': 16, 'seamless': 16, 'pfeiffer': 16, 'bateman': 16, 'foundat': 16, 'presidenti': 16, 'tibb': 16, 'fantasia': 16, 'pollock': 16, 'reza': 16, 'humbert': 16, 'chocolat': 16, 'scarlett': 16, 'unstabl': 15, 'stabl': 15, 'uniformli': 15, 'rd': 15, 'mutter': 15, 'indiffer': 15, 'alright': 15, 'distributor': 15, 'whini': 15, 'oconnel': 15, 'exgirlfriend': 15, 'titular': 15, 'punchlin': 15, 'don': 15, 'jolt': 15, 'mumbl': 15, 'everyman': 15, 'regain': 15, 'murki': 15, 'articul': 15, 'simplic': 15, 'gender': 15, 'harden': 15, 'brando': 15, 'dana': 15, 'niec': 15, 'firmli': 15, 'legitim': 15, 'commod': 15, 'coyot': 15, 'foulmouth': 15, 'pornograph': 15, 'smoothli': 15, 'dangl': 15, 'sicken': 15, 'platoon': 15, 'inkpot': 15, 'terrenc': 15, 'permeat': 15, 'adept': 15, 'raunchi': 15, 'lowbudget': 15, 'evacu': 15, 'drain': 15, 'aptli': 15, 'incap': 15, 'duel': 15, 'casey': 15, 'rickman': 15, 'stack': 15, 'stole': 15, 'audrey': 15, 'blaze': 15, 'gwen': 15, 'archer': 15, 'berkley': 15, 'malon': 15, 'overr': 15, 'streak': 15, 'maclachlan': 15, 'sparkl': 15, 'retread': 15, 'barrier': 15, 'rural': 15, 'smack': 15, 'slew': 15, 'elus': 15, 'epitom': 15, 'relentless': 15, 'spunki': 15, 'delet': 15, 'prompt': 15, 'stagger': 15, 'capra': 15, 'hammi': 15, 'weakest': 15, 'phenomena': 15, 'nut': 15, 'python': 15, 'banish': 15, 'belli': 15, 'lightweight': 15, 'quaint': 15, 'feast': 15, 'percent': 15, 'swell': 15, 'gillian': 15, 'bout': 15, 'buster': 15, 'wade': 15, 'overboard': 15, 'speechless': 15, 'wolv': 15, 'atroc': 15, 'drivel': 15, 'restrict': 15, 'adher': 15, 'hiphop': 15, 'cohes': 15, 'sleeper': 15, 'verit': 15, 'transvestit': 15, 'deadon': 15, 'cram': 15, 'shag': 15, 'bum': 15, 'lampoon': 15, 'cradl': 15, 'croft': 15, 'falter': 15, 'gig': 15, 'quarterback': 15, 'beek': 15, 'lick': 15, 'horrend': 15, 'windsor': 15, 'countrysid': 15, 'swinton': 15, 'dino': 15, 'classmat': 15, 'burt': 15, 'vinni': 15, 'rosemari': 15, 'plung': 15, 'seal': 15, 'herman': 15, 'liotta': 15, 'derang': 15, 'grief': 15, 'rude': 15, 'reagan': 15, 'dame': 15, 'titil': 15, 'unemploy': 15, 'zahn': 15, 'outdoor': 15, 'fodder': 15, 'wondrou': 15, 'optimist': 15, 'portal': 15, 'garri': 15, 'wive': 15, 'subgenr': 15, 'conceal': 15, 'uncanni': 15, 'booth': 15, 'rudolph': 15, 'hawtrey': 15, 'chloe': 15, 'abbi': 15, 'jealousi': 15, 'payn': 15, 'junior': 15, '22': 15, 'spider': 15, 'trim': 15, 'unreal': 15, 'kattan': 15, 'claustrophob': 15, 'improb': 15, 'roper': 15, 'retrospect': 15, 'implic': 15, 'bush': 15, 'motherinlaw': 15, 'superstar': 15, 'predica': 15, 'likewis': 15, 'allianc': 15, 'math': 15, 'bread': 15, 'hoot': 15, 'dorn': 15, 'nihilist': 15, 'nikki': 15, 'dina': 15, 'prop': 15, 'cotton': 15, 'www': 15, 'groundhog': 15, 'branch': 15, 'brasco': 15, 'minist': 15, 'shalhoub': 15, 'highland': 15, 'keen': 15, 'lucinda': 15, 'eachoth': 15, 'anton': 15, 'flander': 15, 'osmosi': 15, 'geronimo': 15, 'jewison': 15, 'lithgow': 15, 'slade': 15, 'muriel': 15, 'valjean': 15, 'jumbl': 14, 'unravel': 14, 'redund': 14, 'elm': 14, 'salvat': 14, 'giovanni': 14, 'sexist': 14, 'shtick': 14, 'ditzi': 14, 'laps': 14, 'q': 14, 'openli': 14, 'yuppi': 14, 'unspoken': 14, 'thwart': 14, 'static': 14, 'sundanc': 14, 'howi': 14, 'annual': 14, 'dartagnan': 14, 'pedestrian': 14, 'shakespearean': 14, 'marilyn': 14, 'barrel': 14, 'exterior': 14, 'priceless': 14, 'inclus': 14, 'leak': 14, 'envelop': 14, 'bowel': 14, 'allegedli': 14, 'vivian': 14, 'sigh': 14, 'her': 14, 'carla': 14, 'infect': 14, 'winona': 14, 'shaki': 14, 'nauseat': 14, 'rifl': 14, 'logo': 14, 'prey': 14, 'intermin': 14, 'goo': 14, 'crop': 14, 'bodyguard': 14, 'hung': 14, 'colin': 14, 'gruff': 14, 'overweight': 14, 'harvard': 14, 'mutant': 14, 'cameraman': 14, 'fascist': 14, 'itali': 14, 'horseman': 14, 'chore': 14, 'caulder': 14, 'heartless': 14, 'ariel': 14, 'leer': 14, 'slicker': 14, 'victoria': 14, 'thankless': 14, 'amateur': 14, 'selfdestruct': 14, 'lillard': 14, 'garag': 14, 'gershon': 14, 'aniston': 14, 'summar': 14, 'civilian': 14, 'hick': 14, 'jonni': 14, 'innuendo': 14, 'drip': 14, 'oblig': 14, '95': 14, 'bigtim': 14, 'overwrought': 14, 'scope': 14, 'problemat': 14, 'liv': 14, 'awardwin': 14, 'taunt': 14, 'reloc': 14, 'amateurish': 14, 'brush': 14, 'mortensen': 14, 'barrag': 14, 'massacr': 14, 'divis': 14, 'urin': 14, 'kitti': 14, 'gape': 14, 'brodi': 14, 'pistol': 14, 'cane': 14, 'eleph': 14, 'honey': 14, 'sandi': 14, 'roar': 14, 'spiral': 14, 'worldwid': 14, 'stereo': 14, 'aunt': 14, 'rebelli': 14, 'headless': 14, 'empath': 14, 'stride': 14, 'standup': 14, 'governor': 14, 'sunris': 14, 'grossout': 14, 'ici': 14, 'excruciatingli': 14, 'salt': 14, 'poitier': 14, 'facad': 14, 'scatter': 14, 'forbid': 14, 'narrowli': 14, 'paradox': 14, 'wretch': 14, 'farfetch': 14, 'vicki': 14, 'chat': 14, 'sonnenfeld': 14, 'entiti': 14, 'deadbang': 14, 'disord': 14, 'academ': 14, 'feroci': 14, 'pretens': 14, 'secondli': 14, 'retel': 14, 'sporad': 14, 'cutout': 14, 'fichtner': 14, 'hyde': 14, 'thru': 14, 'maureen': 14, 'pill': 14, 'orient': 14, 'threedimension': 14, 'katherin': 14, 'stabil': 14, 'hug': 14, 'shelf': 14, 'polici': 14, 'soup': 14, 'phase': 14, 'howl': 14, 'julian': 14, 'viscer': 14, 'assert': 14, 'passabl': 14, 'squabbl': 14, 'secondr': 14, 'styliz': 14, 'unwittingli': 14, 'cancel': 14, 'bancroft': 14, 'subconsci': 14, 'afterthought': 14, 'lotteri': 14, 'lace': 14, 'teri': 14, 'exud': 14, 'roughli': 14, 'hightech': 14, 'garth': 14, 'terl': 14, 'coburn': 14, 'sunglass': 14, '500': 14, 'rami': 14, 'trekki': 14, 'duplic': 14, 'da': 14, 'thereof': 14, 'macdowel': 14, 'reshoot': 14, 'tingl': 14, 'steer': 14, 'reassur': 14, 'passiv': 14, 'heterosexu': 14, 'aykroyd': 14, 'interlud': 14, 'giddi': 14, 'hefti': 14, 'sebastian': 14, 'infuri': 14, 'hounsou': 14, 'youngest': 14, 'filter': 14, 'mutual': 14, 'extermin': 14, 'tibet': 14, 'pleasantli': 14, 'navig': 14, 'disjoint': 14, 'rufu': 14, 'blunt': 14, 'goodlook': 14, 'epilogu': 14, 'websit': 14, 'deliver': 14, 'significantli': 14, 'corn': 14, 'downfal': 14, 'heavenli': 14, 'elis': 14, 'neal': 14, 'hyperact': 14, 'hysteria': 14, 'remaind': 14, 'onlin': 14, 'suffici': 14, 'murdoch': 14, 'nephew': 14, 'climat': 14, 'booksel': 14, 'grasshopp': 14, 'toback': 14, 'ronna': 14, 'apprentic': 14, 'supervisor': 14, 'virgil': 14, 'atheist': 14, 'condor': 14, 'alain': 14, 'hedaya': 14, 'grinch': 14, 'miranda': 14, 'tobey': 14, 'perceiv': 14, 'melancholi': 14, 'lovingli': 14, 'althea': 14, 'fa': 14, 'kundun': 14, 'mindset': 13, 'featurelength': 13, 'carey': 13, 'subpar': 13, 'lineup': 13, 'exwif': 13, 'neatli': 13, 'medicin': 13, 'onejok': 13, 'sleepwalk': 13, 'mena': 13, 'crouch': 13, 'shanghai': 13, 'transpar': 13, 'foray': 13, 'awkwardli': 13, 'clutter': 13, 'minu': 13, 'classifi': 13, 'joint': 13, 'collin': 13, 'formal': 13, 'deconstruct': 13, 'fever': 13, 'summon': 13, 'alarm': 13, 'newfound': 13, 'breakup': 13, 'complement': 13, 'dispens': 13, 'frankenheim': 13, 'rabid': 13, 'propheci': 13, 'region': 13, 'rupert': 13, 'sumptuou': 13, 'kwai': 13, 'fingernail': 13, 'sweat': 13, 'hound': 13, 'hawthorn': 13, 'bitten': 13, 'tonight': 13, 'un': 13, 'willem': 13, 'elmor': 13, 'signifi': 13, 'bimbo': 13, 'leia': 13, 'relentlessli': 13, 'pearl': 13, 'stinker': 13, 'trumpet': 13, 'medit': 13, 'ninja': 13, 'ginger': 13, 'tabloid': 13, 'lin': 13, 'beal': 13, 'nun': 13, 'swan': 13, 'flock': 13, 'tricki': 13, 'jamaican': 13, 'se': 13, 'lap': 13, 'whore': 13, 'multiplex': 13, 'soak': 13, 'infus': 13, 'cycl': 13, 'resign': 13, 'compound': 13, 'surgeri': 13, 'sack': 13, 'shameless': 13, 'rampag': 13, 'incongru': 13, 'proposit': 13, 'wilcock': 13, 'maul': 13, 'canada': 13, 'intercut': 13, 'telegraph': 13, 'drab': 13, 'stu': 13, 'clariti': 13, 'naughti': 13, 'novelti': 13, 'chemic': 13, 'backward': 13, 'eighteen': 13, 'distort': 13, 'counter': 13, 'spoke': 13, 'blew': 13, 'galleri': 13, 'cannon': 13, 'messi': 13, 'helgenberg': 13, 'schtick': 13, 'palminteri': 13, 'visibl': 13, 'fierc': 13, 'henchman': 13, 'ivan': 13, 'shorter': 13, 'zack': 13, 'lighter': 13, 'sober': 13, 'soil': 13, 'tripe': 13, 'hitchhik': 13, 'leto': 13, 'booz': 13, 'reid': 13, 'elud': 13, 'inclin': 13, 'sway': 13, 'weep': 13, 'batgirl': 13, 'scent': 13, 'technician': 13, 'coin': 13, 'outburst': 13, 'baddi': 13, 'furthermor': 13, 'tyson': 13, 'biblic': 13, 'vitti': 13, 'summari': 13, 'pompou': 13, 'perki': 13, 'corridor': 13, 'altar': 13, 'breakthrough': 13, 'uncontrol': 13, 'fumbl': 13, 'spous': 13, 'mid': 13, 'laser': 13, 'slug': 13, 'reinvent': 13, 'ripe': 13, 'illfat': 13, 'intact': 13, 'desk': 13, 'unbeknownst': 13, 'dern': 13, 'envi': 13, 'radiant': 13, 'glimmer': 13, 'exclaim': 13, 'cement': 13, 'nyc': 13, 'slang': 13, 'dice': 13, 'wideey': 13, 'seventi': 13, 'curtain': 13, 'fog': 13, 'limbo': 13, 'railroad': 13, 'hbo': 13, 'ironsid': 13, 'roach': 13, 'lam': 13, 'offkilt': 13, 'pawn': 13, 'fluid': 13, 'tug': 13, 'feebl': 13, 'dench': 13, 'jenna': 13, 'understat': 13, 'townspeopl': 13, 'troy': 13, 'midway': 13, 'necess': 13, 'marit': 13, 'erni': 13, 'donna': 13, 'bischoff': 13, 'novelist': 13, 'squeal': 13, 'excurs': 13, 'tick': 13, 'bewild': 13, 'jettison': 13, 'idyl': 13, 'et': 13, 'cowrot': 13, 'idealist': 13, 'lawsuit': 13, 'abruptli': 13, 'loom': 13, 'extravag': 13, 'retreat': 13, 'elwood': 13, 'mojo': 13, 'tent': 13, 'goldman': 13, 'frear': 13, 'jerki': 13, 'unnecessarili': 13, 'brigg': 13, 'joshua': 13, 'cliqu': 13, 'evelyn': 13, 'basing': 13, 'prophet': 13, 'gleefulli': 13, 'persist': 13, 'daphn': 13, 'gregori': 13, 'condescend': 13, 'nathan': 13, 'strateg': 13, 'injustic': 13, 'brew': 13, 'june': 13, 'sugar': 13, 'akin': 13, 'conniv': 13, 'maiden': 13, 'affabl': 13, 'servant': 13, 'heyst': 13, 'sevigni': 13, 'mice': 13, 'thatll': 13, 'lad': 13, 'stoic': 13, 'romi': 13, 'dwayn': 13, 'bookend': 13, 'privileg': 13, 'specul': 13, 'roxburi': 13, 'cohen': 13, 'mathemat': 13, 'zach': 13, 'congreg': 13, 'beckinsal': 13, 'intertwin': 13, 'pearc': 13, 'sophi': 13, 'vigilant': 13, 'behaviour': 13, 'serendip': 13, 'earp': 13, 'corki': 13, 'refreshingli': 13, 'chimp': 13, 'widescreen': 13, 'troi': 13, 'bink': 13, 'ballad': 13, 'bomber': 13, 'rimbaud': 13, 'gradi': 13, 'zooland': 13, 'collett': 13, 'streep': 13, 'yeoh': 13, 'zemecki': 13, 'mushu': 13, 'u571': 13, 'merton': 13, 'gerri': 13, 'hulot': 13, 'roberta': 13, 'bulow': 13, 'melissa': 12, 'stan': 12, 'reform': 12, 'omar': 12, 'palat': 12, 'stalker': 12, 'desol': 12, 'sordid': 12, 'toll': 12, 'scribe': 12, 'joaquin': 12, 'horrid': 12, 'needlessli': 12, 'trivial': 12, 'kungfu': 12, 'schlock': 12, 'cun': 12, 'hyam': 12, 'honeymoon': 12, 'jamaica': 12, 'sprawl': 12, 'compuls': 12, 'slower': 12, 'crappi': 12, 'juic': 12, 'stud': 12, 'wanda': 12, 'uh': 12, 'sleepless': 12, 'macabr': 12, 'hohum': 12, 'autopilot': 12, 'malevol': 12, 'deterior': 12, 'fewer': 12, 'comrad': 12, 'darkest': 12, 'kruger': 12, 'cohort': 12, 'stall': 12, 'upstag': 12, 'trainer': 12, 'hal': 12, 'wagner': 12, 'yuen': 12, 'bloat': 12, 'delroy': 12, 'semblanc': 12, 'swamp': 12, 'conductor': 12, 'strangelov': 12, 'multitud': 12, 'bo': 12, 'tongueincheek': 12, 'assess': 12, 'orbit': 12, 'auto': 12, 'innocu': 12, 'freeli': 12, 'monstrou': 12, 'ditto': 12, 'soderbergh': 12, 'geeki': 12, 'sobieski': 12, 'sneer': 12, 'brim': 12, 'futil': 12, 'perpetr': 12, 'prodigi': 12, 'fetch': 12, 'maxim': 12, 'smarmi': 12, 'whack': 12, 'smalltown': 12, 'dug': 12, 'sayl': 12, 'ethnic': 12, 'nell': 12, 'sweati': 12, 'jfk': 12, 'solitari': 12, 'guru': 12, 'jessi': 12, 'afflict': 12, 'bonham': 12, 'busey': 12, 'genius': 12, 'eschew': 12, 'toe': 12, 'collis': 12, '24': 12, 'roland': 12, 'casualti': 12, 'sherman': 12, 'grandma': 12, 'tropic': 12, 'discard': 12, 'recount': 12, 'sheet': 12, 'affection': 12, 'impregn': 12, 'sluggish': 12, 'wore': 12, 'riff': 12, 'skateboard': 12, 'brenda': 12, 'bee': 12, 'marvin': 12, 'unknowingli': 12, 'astronom': 12, 'cliffhang': 12, 'engulf': 12, 'choke': 12, 'uncut': 12, 'humbl': 12, 'scholarship': 12, 'supermodel': 12, 'steiger': 12, 'founder': 12, 'landau': 12, 'supermarket': 12, 'tail': 12, 'prequel': 12, 'collar': 12, 'bid': 12, 'novemb': 12, 'nope': 12, 'lung': 12, 'waterworld': 12, 'hing': 12, 'matine': 12, 'abduct': 12, 'lacross': 12, 'dixon': 12, 'standpoint': 12, 'ruth': 12, 'fruit': 12, '97': 12, 'assasin': 12, 'cider': 12, 'steed': 12, 'foreman': 12, 'robe': 12, 'outlook': 12, 'courier': 12, 'bisexu': 12, 'entrap': 12, '1940': 12, 'vintag': 12, 'ernest': 12, 'tidi': 12, 'townsfolk': 12, 'gotham': 12, 'sputter': 12, 'overkil': 12, 'durat': 12, 'reitman': 12, 'transplant': 12, 'furnitur': 12, 'elliott': 12, 'hitch': 12, 'mobil': 12, 'postal': 12, 'pact': 12, 'recept': 12, 'bikini': 12, 'dopey': 12, 'shun': 12, 'alert': 12, 'coaster': 12, 'gunton': 12, 'hogan': 12, 'reverend': 12, 'dough': 12, 'fang': 12, 'liquor': 12, '1969': 12, 'needl': 12, 'directorwrit': 12, 'matti': 12, 'reek': 12, 'buffoon': 12, 'tobacco': 12, 'caper': 12, 'loveless': 12, 'stargher': 12, 'computeranim': 12, 'applic': 12, 'signatur': 12, 'capt': 12, 'fuzzi': 12, 'kip': 12, 'crave': 12, 'satisfactori': 12, '99': 12, 'pinkett': 12, 'unansw': 12, 'selfconsci': 12, 'fortyf': 12, 'briefcas': 12, 'mira': 12, 'buffi': 12, 'column': 12, 'bend': 12, 'waiter': 12, 'charlton': 12, 'richer': 12, 'flimsi': 12, 'grammer': 12, 'sleev': 12, 'hamil': 12, 'debacl': 12, 'autist': 12, 'stormar': 12, 'twentieth': 12, 'pander': 12, 'extran': 12, 'ringwald': 12, '1972': 12, 'denial': 12, 'hum': 12, 'morph': 12, '28': 12, '21': 12, 'hitler': 12, 'moss': 12, 'whoever': 12, 'rowland': 12, 'honour': 12, 'djimon': 12, 'modest': 12, 'locker': 12, 'magnet': 12, 'conceit': 12, 'fieri': 12, 'fragment': 12, 'fuse': 12, 'minnesota': 12, 'fern': 12, 'darkli': 12, 'poignanc': 12, 'peck': 12, 'imbu': 12, 'drove': 12, 'digress': 12, 'lucr': 12, 'copycat': 12, 'flag': 12, 'crib': 12, 'batter': 12, 'zucker': 12, 'denouement': 12, 'lowlif': 12, 'henriksen': 12, 'doo': 12, 'strut': 12, 'exceedingli': 12, 'fasttalk': 12, 'dalla': 12, 'flynn': 12, 'alleg': 12, 'infecti': 12, 'groom': 12, 'favour': 12, 'peasant': 12, 'blackandwhit': 12, 'chum': 12, 'baggag': 12, 'benicio': 12, 'librari': 12, 'agreeabl': 12, 'ambros': 12, 'askew': 12, 'lament': 12, 'nomine': 12, 'diedr': 12, 'griswold': 12, 'wage': 12, 'regularli': 12, 'lynn': 12, 'yang': 12, 'fortress': 12, 'hansel': 12, 'profil': 12, 'suzann': 12, 'thandi': 12, 'gonzo': 12, 'mourn': 12, 'communist': 12, 'lore': 12, 'artsi': 12, 'aristocrat': 12, 'infantri': 12, 'scarier': 12, 'forebod': 12, 'grain': 12, 'clyde': 12, 'alessa': 12, 'infatu': 12, 'fiorentino': 12, 'r2d2': 12, 'jabba': 12, 'hun': 12, 'seahaven': 12, 'groeteschel': 12, 'quilt': 12, 'caveman': 12, 'mckellar': 12, 'dirk': 12, 'corleon': 12, 'gingerbread': 12, 'tibetan': 12, 'milli': 12, 'kat': 12, 'hrundi': 12, 'memento': 11, '410': 11, 'tech': 11, 'camelot': 11, 'pocahonta': 11, 'hunki': 11, 'underwood': 11, 'newer': 11, 'unimpress': 11, 'wholesom': 11, 'surveil': 11, 'scriptwrit': 11, 'arni': 11, 'skarsg': 11, 'rampl': 11, 'sorrow': 11, 'riddl': 11, 'blare': 11, 'shoddi': 11, 'molest': 11, 'candl': 11, 'usag': 11, 'volum': 11, 'opu': 11, 'metropoli': 11, 'warfar': 11, 'agreement': 11, 'neutral': 11, 'cheezi': 11, 'activist': 11, 'jingl': 11, 'gregg': 11, 'biolog': 11, 'superhuman': 11, 'funki': 11, 'squander': 11, 'cd': 11, 'rochon': 11, 'gambler': 11, 'arena': 11, 'gugino': 11, 'smear': 11, 'refug': 11, 'abstract': 11, 'blur': 11, 'mason': 11, 'flamboy': 11, 'savvi': 11, 'orson': 11, 'remast': 11, 'shelton': 11, 'setpiec': 11, 'interfer': 11, 'gusto': 11, 'clockwork': 11, 'shamelessli': 11, '98': 11, 'madli': 11, 'ceas': 11, 'crocodil': 11, 'sniper': 11, 'heinlein': 11, 'amnesia': 11, 'statur': 11, 'parrot': 11, 'vacuou': 11, 'lowest': 11, 'monument': 11, 'anthropologist': 11, 'evalu': 11, 'gerald': 11, 'clarenc': 11, 'panach': 11, 'somber': 11, 'muresan': 11, 'lobbi': 11, 'nonfan': 11, 'curv': 11, 'telephon': 11, 'huston': 11, 'sync': 11, 'inadvert': 11, 'louie': 11, 'unarm': 11, 'mexican': 11, 'discount': 11, 'revolt': 11, 'zinger': 11, 'supercop': 11, 'intoler': 11, 'angu': 11, 'sane': 11, 'driller': 11, 'blueprint': 11, 'scowl': 11, 'filler': 11, 'brandon': 11, 'pregnanc': 11, 'consciou': 11, 'lurid': 11, 'marisa': 11, 'whodunit': 11, 'textbook': 11, 'winkler': 11, 'unexcit': 11, 'enliven': 11, 'nightmarish': 11, 'blink': 11, 'wri': 11, 'slash': 11, 'bark': 11, 'bigalow': 11, 'gigolo': 11, 'montreal': 11, 'somerset': 11, 'hypocrit': 11, 'mack': 11, 'autobiograph': 11, 'numb': 11, 'ah': 11, 'isl': 11, 'marijuana': 11, 'aimlessli': 11, 'album': 11, '1967': 11, 'strawberri': 11, 'unnam': 11, 'peacemak': 11, 'flaunt': 11, 'firefight': 11, 'recip': 11, 'despis': 11, 'supervis': 11, 'exil': 11, 'dunaway': 11, 'assumpt': 11, 'elder': 11, 'testimoni': 11, 'rake': 11, 'splendid': 11, 'lazard': 11, 'marg': 11, 'arti': 11, 'loggia': 11, 'rourk': 11, 'versatil': 11, 'distrust': 11, 'chester': 11, 'can': 11, 'switchback': 11, 'ermey': 11, 'el': 11, 'explicitli': 11, 'savior': 11, 'bloodthirsti': 11, 'isabella': 11, 'arous': 11, 'eagerli': 11, 'vastli': 11, 'benni': 11, 'economi': 11, 'gough': 11, 'quintessenti': 11, 'siren': 11, 'asylum': 11, 'weller': 11, 'caligula': 11, 'gail': 11, 'stem': 11, 'shawshank': 11, 'entic': 11, 'fragil': 11, 'bait': 11, 'crumbl': 11, 'acquir': 11, 'tread': 11, 'raid': 11, 'narrow': 11, 'ira': 11, 'unfaith': 11, 'burli': 11, 'amid': 11, 'cann': 11, 'doogi': 11, 'glove': 11, 'patton': 11, 'soulless': 11, 'septemb': 11, 'fizzl': 11, 'shrug': 11, 'fountain': 11, 'zeta': 11, 'bewar': 11, 'escapist': 11, 'epiphani': 11, 'whiz': 11, 'surf': 11, 'hatti': 11, 'aka': 11, 'lowbrow': 11, 'juici': 11, 'mutil': 11, 'profoundli': 11, 'abli': 11, 'surgeon': 11, 'surfer': 11, 'astonishingli': 11, '90210': 11, 'comprehens': 11, 'coffin': 11, 'backstori': 11, 'swept': 11, 'tycoon': 11, 'defici': 11, 'audac': 11, 'griev': 11, 'fulllength': 11, 'unsympathet': 11, 'misfit': 11, 'hatcher': 11, 'butterfli': 11, 'committe': 11, 'beth': 11, 'wasteland': 11, 'forgiven': 11, 'brunett': 11, 'intersect': 11, 'chauffeur': 11, 'peet': 11, 'childlik': 11, 'hone': 11, 'inquisit': 11, 'evita': 11, 'replet': 11, 'oftentim': 11, 'cruz': 11, 'titu': 11, 'abysm': 11, 'jeffri': 11, 'decenc': 11, 'mcfarlan': 11, 'pinnacl': 11, 'fleet': 11, 'supernova': 11, 'bassett': 11, 'mirren': 11, 'unconsci': 11, '1962': 11, 'gunplay': 11, 'skarsgard': 11, 'classi': 11, 'lofti': 11, 'wallet': 11, 'cryogen': 11, 'carrot': 11, 'kathryn': 11, 'lunat': 11, 'louis': 11, 'caption': 11, 'satisfact': 11, 'tremor': 11, 'sting': 11, 'carrol': 11, 'ferrel': 11, 'smug': 11, 'malici': 11, 'claud': 11, 'soften': 11, 'grandson': 11, 'freaki': 11, 'smitten': 11, 'pointofview': 11, 'tay': 11, 'digg': 11, 'inflict': 11, 'stein': 11, 'housewif': 11, 'ritchi': 11, 'stash': 11, 'oddbal': 11, 'wincott': 11, 'allout': 11, 'successor': 11, 'hitmen': 11, 'airlin': 11, 'caution': 11, 'pilgrim': 11, 'slogan': 11, 'exhilar': 11, 'bowden': 11, 'croni': 11, 'chairman': 11, 'tougher': 11, 'outsmart': 11, 'poseidon': 11, 'vacant': 11, 'plantat': 11, 'katt': 11, 'randal': 11, 'orchestra': 11, 'ulrich': 11, 'laserdisc': 11, 'masteri': 11, 'comb': 11, 'timid': 11, 'tearjerk': 11, 'handheld': 11, 'marco': 11, 'whoopi': 11, 'surrend': 11, 'mcquarri': 11, 'labyrinth': 11, 'affirm': 11, 'proya': 11, 'congo': 11, 'finch': 11, 'nichol': 11, 'plunkett': 11, 'benefactor': 11, 'elia': 11, 'henson': 11, 'doyl': 11, 'kristen': 11, 'harmon': 11, 'composit': 11, 'lefti': 11, 'scarfac': 11, 'disput': 11, 'brick': 11, 'rugrat': 11, 'distraught': 11, 'brit': 11, 'glam': 11, 'motor': 11, 'tulip': 11, 'salesmen': 11, 'escapad': 11, 'dunst': 11, 'eyecatch': 11, 'nyah': 11, 'sorcer': 11, 'arraki': 11, 'potato': 11, '45': 11, 'rec': 11, 'ronni': 11, 'nervous': 11, 'hurlyburli': 11, 'lesra': 11, 'unnerv': 11, 'luhrmann': 11, 'spillan': 11, 'india': 11, 'tampopo': 11, 'hogarth': 11, 'meryl': 11, 'henderson': 11, 'brean': 11, 'motss': 11, 'failsaf': 11, 'gretchen': 11, 'mol': 11, 'jackieo': 11, 'linney': 11, 'lestat': 11, 'alois': 11, 'fanni': 11, 'flanagan': 11, 'cy': 11, 'shackleton': 11, 'beaumarchai': 11, 'caraboo': 11, 'bresson': 11, 'lancelot': 11, 'mightv': 10, 'celin': 10, 'undergo': 10, 'rundown': 10, 'philadelphia': 10, 'asshol': 10, 'aberdeen': 10, 'bitchi': 10, 'brow': 10, 'overload': 10, 'canyon': 10, 'fella': 10, '310': 10, 'annihil': 10, 'selfawar': 10, 'sidetrack': 10, 'goro': 10, 'specialist': 10, 'emotionless': 10, 'schroeder': 10, 'chaotic': 10, 'manson': 10, 'counsel': 10, 'guitar': 10, 'soso': 10, 'frivol': 10, 'thespian': 10, 'crank': 10, 'burger': 10, 'fay': 10, 'miniseri': 10, 'benevol': 10, 'tailor': 10, 'deton': 10, 'madman': 10, 'massachusett': 10, 'hark': 10, 'koepp': 10, 'incess': 10, 'postur': 10, 'esteem': 10, 'reconcili': 10, 'edgar': 10, 'illconceiv': 10, 'dynamit': 10, 'narcot': 10, 'immun': 10, 'congratul': 10, 'waltz': 10, 'incredul': 10, 'stomp': 10, '102': 10, 'largerthanlif': 10, 'singlehandedli': 10, 'coax': 10, 'gloom': 10, '1976': 10, '1982': 10, 'dolbi': 10, 'stoner': 10, 'stroll': 10, 'yunfat': 10, 'disciplin': 10, 'hunk': 10, 'troup': 10, 'mitchum': 10, 'cam': 10, 'annoyingli': 10, 'bereng': 10, 'ule': 10, 'linear': 10, 'commonplac': 10, 'shepard': 10, 'onset': 10, 'leele': 10, 'brace': 10, 'zest': 10, 'um': 10, 'vu': 10, 'preteen': 10, 'bard': 10, 'dam': 10, 'gunfir': 10, 'myriad': 10, 'invigor': 10, 'firestorm': 10, 'yoda': 10, 'sydney': 10, 'gasp': 10, 'endeavor': 10, 'ineffectu': 10, 'dwarf': 10, 'loaf': 10, 'lawn': 10, 'ineptitud': 10, 'cough': 10, 'cow': 10, 'orchestr': 10, 'sizemor': 10, 'formid': 10, 'mesh': 10, 'rail': 10, 'grind': 10, '1000': 10, 'knee': 10, 'shini': 10, 'russ': 10, 'doc': 10, 'klingon': 10, 'underdog': 10, 'junket': 10, 'cowritten': 10, 'fee': 10, 'dim': 10, 'labour': 10, 'itd': 10, 'nari': 10, 'apocalypt': 10, 'badass': 10, 'biker': 10, 'shawn': 10, 'rework': 10, 'aisl': 10, 'wallow': 10, 'kinki': 10, 'trusti': 10, 'clay': 10, 'helmer': 10, 'accustom': 10, 'unmistak': 10, 'skeleton': 10, 'hideous': 10, 'guin': 10, 'cater': 10, 'crossdress': 10, 'raoul': 10, 'piper': 10, 'wari': 10, 'roam': 10, 'bishop': 10, 'juan': 10, 'readili': 10, 'percentag': 10, 'brag': 10, 'protector': 10, 'splatter': 10, 'demean': 10, 'ado': 10, 'jolli': 10, '300': 10, 'homeless': 10, 'farina': 10, 'keith': 10, 'lerner': 10, '48': 10, 'shriek': 10, 'instructor': 10, 'sadden': 10, 'detest': 10, 'quinlan': 10, 'heartstr': 10, 'insignific': 10, 'latin': 10, 'steadili': 10, 'pursuer': 10, 'kara': 10, 'selena': 10, 'tshirt': 10, 'artifact': 10, 'goldsman': 10, 'dodg': 10, 'medak': 10, 'feldman': 10, 'unstopp': 10, 'skimpi': 10, 'unwil': 10, 'loan': 10, 'cum': 10, 'yank': 10, 'audit': 10, 'witt': 10, 'ski': 10, 'coal': 10, 'pout': 10, 'bottomofthebarrel': 10, 'bernstein': 10, 'lest': 10, 'sarcasm': 10, 'disapprov': 10, 'delay': 10, 'isaac': 10, 'hay': 10, 'axe': 10, 'mercilessli': 10, 'welldon': 10, 'consol': 10, 'talki': 10, 'lifeform': 10, 'motley': 10, 'goodheart': 10, 'bodili': 10, 'unorthodox': 10, 'firstli': 10, 'skyscrap': 10, 'outright': 10, 'introspect': 10, 'frenet': 10, 'excop': 10, 'hardboil': 10, 'uncar': 10, 'otherworldli': 10, 'guinea': 10, 'raucou': 10, 'feminist': 10, 'selfabsorb': 10, 'tedium': 10, 'abras': 10, 'bucket': 10, 'embarrassingli': 10, 'stunningli': 10, 'wayland': 10, 'licens': 10, 'pond': 10, 'counterpoint': 10, '1974': 10, 'reiner': 10, 'stow': 10, 'saccharin': 10, 'patriarch': 10, 'pole': 10, 'pledg': 10, 'fractur': 10, 'forg': 10, 'muslim': 10, 'bello': 10, 'idioci': 10, 'babbl': 10, 'zorro': 10, 'harass': 10, 'holland': 10, 'analog': 10, 'anita': 10, 'intellect': 10, '1983': 10, 'butterworth': 10, 'hoggett': 10, 'wickedli': 10, 'screwbal': 10, 'oral': 10, 'swift': 10, 'ari': 10, 'giamatti': 10, 'patrol': 10, 'schaech': 10, 'bribe': 10, 'buffalo': 10, 'mississippi': 10, 'correspond': 10, 'smalltim': 10, 'hutton': 10, 'tout': 10, 'sap': 10, 'snappi': 10, 'intergalact': 10, 'chevi': 10, 'proxi': 10, 'acrobat': 10, 'deviat': 10, 'anxieti': 10, 'parson': 10, 'mildmann': 10, 'shovel': 10, 'pee': 10, 'goth': 10, 'repress': 10, 'flare': 10, 'accomplic': 10, 'burk': 10, 'downtoearth': 10, 'teammat': 10, 'levinson': 10, 'cutesi': 10, 'elena': 10, 'forman': 10, 'tide': 10, 'wigand': 10, 'voyeur': 10, 'cigar': 10, 'slayer': 10, 'upstair': 10, 'hurri': 10, 'nitro': 10, 'powerless': 10, 'feisti': 10, 'tan': 10, 'mislead': 10, 'unger': 10, 'molina': 10, 'laundri': 10, 'misogynist': 10, 'handicap': 10, 'disillus': 10, 'stillman': 10, 'goingson': 10, 'prowess': 10, 'cellular': 10, 'underestim': 10, 'benson': 10, 'void': 10, 'architect': 10, 'kinski': 10, 'journal': 10, 'gunfight': 10, 'antidot': 10, 'belushi': 10, 'reclaim': 10, 'systemat': 10, 'excerpt': 10, 'valmont': 10, 'juda': 10, 'hartman': 10, 'encompass': 10, 'rigid': 10, 'trivia': 10, 'verhoven': 10, 'jasmin': 10, 'mew': 10, 'seann': 10, '007': 10, 'misplac': 10, 'drum': 10, 'demm': 10, 'strangl': 10, 'courteney': 10, 'gloss': 10, 'thanksgiv': 10, 'scariest': 10, 'kieslowski': 10, 'yup': 10, 'britain': 10, 'eerili': 10, 'bind': 10, 'novikov137': 10, 'quicki': 10, 'rudd': 10, 'perplex': 10, 'disconcert': 10, 'stoltz': 10, 'antihero': 10, 'starv': 10, 'prescott': 10, 'posey': 10, 'meek': 10, 'someday': 10, 'milla': 10, 'devilish': 10, 'dissapoint': 10, 'exemplifi': 10, 'invinc': 10, 'unexplain': 10, 'snob': 10, 'bowi': 10, 'bujold': 10, 'sham': 10, 'quartet': 10, 'franciss': 10, 'deborah': 10, 'masquerad': 10, 'bess': 10, 'matheson': 10, 'rumour': 10, 'darlen': 10, 'tiein': 10, 'mommi': 10, 'gangsta': 10, 'condom': 10, 'preval': 10, 'optim': 10, 'carlo': 10, 'district': 10, 'eldest': 10, '31': 10, 'heritag': 10, 'ghostfac': 10, 'bailey': 10, 'kaplan': 10, 'painter': 10, 'http': 10, 'actionthril': 10, 'infidel': 10, 'connelli': 10, 'discomfort': 10, 'strikingli': 10, 'sheep': 10, 'sixteen': 10, 'organis': 10, 'non': 10, 'fend': 10, 'intimaci': 10, 'acquaint': 10, 'taiwan': 10, 'noodl': 10, 'gripe': 10, 'moulin': 10, 'flik': 10, 'misunderstand': 10, 'wendi': 10, 'trophi': 10, 'lair': 10, 'undercurr': 10, 'mo': 10, 'pantoliano': 10, 'aficionado': 10, 'sylvia': 10, 'decay': 10, 'deadend': 10, 'depriv': 10, 'porki': 10, 'nanci': 10, 'butch': 10, 'kindheart': 10, 'gia': 10, 'pesci': 10, 'ferrara': 10, 'barren': 10, 'marceau': 10, 'unfairli': 10, 'quibbl': 10, 'trent': 10, 'verlain': 10, 'sawa': 10, 'ballroom': 10, 'anecdot': 10, 'bogart': 10, 'noah': 10, 'zardoz': 10, 'en': 10, 'matron': 10, 'patti': 10, 'savor': 10, 'carli': 10, 'diesel': 10, 'roberto': 10, 'mustse': 10, 'mozart': 10, 'sarajevo': 10, 'jing': 10, 'tenebra': 10, 'funnest': 10, 'russia': 10, 'arroway': 10, 'joss': 10, 'morrow': 10, 'redefin': 10, 'onegin': 10, 'valentine_': 10, 'crimson': 10, 'jacquelin': 10, 'louisa': 10, 'curdl': 10, 'regim': 10, 'lillian': 10, 'andromeda': 10, 'paradin': 10, 'javert': 10, 'downsid': 10, 'bale': 10, 'cyborsuit': 10, 'rohmer': 10, 'gurgi': 10, 'rosalba': 10, 'sorta': 9, 'bentley': 9, 'runtim': 9, 'clout': 9, 'garrett': 9, 'differenti': 9, 'directtovideo': 9, 'tacki': 9, 'playwright': 9, 'paralyz': 9, 'lena': 9, 'scotland': 9, 'rotten': 9, 'diva': 9, 'cataton': 9, 'stifl': 9, 'mogul': 9, 'marketplac': 9, 'fluffi': 9, 'swashbuckl': 9, 'regurgit': 9, 'meati': 9, 'robust': 9, 'asham': 9, 'excruci': 9, 'mantra': 9, 'milo': 9, 'tepid': 9, 'actionadventur': 9, 'torch': 9, 'khan': 9, 'kang': 9, 'mistakenli': 9, 'leaden': 9, 'coproduc': 9, 'lookalik': 9, 'dreck': 9, 'accordingli': 9, 'poacher': 9, 'gooey': 9, 'minion': 9, 'relianc': 9, 'untim': 9, 'aggrav': 9, 'lincoln': 9, 'dandi': 9, 'fervor': 9, 'seiz': 9, 'synchron': 9, 'unremark': 9, 'exasper': 9, 'dissect': 9, 'thesi': 9, 'cryptic': 9, 'atop': 9, 'shabbi': 9, 'strung': 9, 'growl': 9, 'cruella': 9, 'haircut': 9, 'fur': 9, 'shaken': 9, 'goer': 9, 'vcr': 9, 'chariot': 9, 'menu': 9, 'squirm': 9, 'faux': 9, 'unfocus': 9, 'warehous': 9, 'brawl': 9, 'ragtag': 9, 'miner': 9, 'matteroffact': 9, 'crotch': 9, 'stormi': 9, 'unwelcom': 9, 'merri': 9, 'sewer': 9, 'erotic': 9, 'livein': 9, 'berlin': 9, 'nag': 9, 'monik': 9, 'paraphras': 9, 'paperthin': 9, 'policemen': 9, 'discourag': 9, 'harmoni': 9, 'sheridan': 9, 'permiss': 9, 'gentlemen': 9, 'liven': 9, '37': 9, 'hodgepodg': 9, 'mismatch': 9, 'wherein': 9, 'stavro': 9, 'backfir': 9, 'bombast': 9, 'palm': 9, 'hatch': 9, 'monday': 9, 'sob': 9, 'promptli': 9, 'stargat': 9, 'circuit': 9, 'pr': 9, 'soni': 9, 'rehab': 9, 'winc': 9, 'embarass': 9, 'fictiti': 9, 'slut': 9, 'tramp': 9, 'thou': 9, 'loop': 9, 'snail': 9, 'immatur': 9, 'philand': 9, 'behalf': 9, 'jeep': 9, 'commiss': 9, 'shuttl': 9, 'tidal': 9, 'amusingli': 9, 'aesthet': 9, 'wax': 9, 'dj': 9, 'spray': 9, 'splice': 9, 'leftov': 9, 'traumat': 9, 'tomei': 9, 'takeoff': 9, 'joanna': 9, 'tatopoulo': 9, 'biologist': 9, 'footprint': 9, 'toppl': 9, 'aircraft': 9, 'sharpli': 9, 'dial': 9, 'dolittl': 9, 'deposit': 9, 'ting': 9, 'phifer': 9, 'blockad': 9, 'droid': 9, 'soror': 9, 'madelein': 9, 'volatil': 9, 'swanson': 9, 'faint': 9, 'persuas': 9, 'glorious': 9, 'goddamn': 9, 'grass': 9, 'vh': 9, 'shear': 9, 'edison': 9, 'reissu': 9, 'renni': 9, 'harlin': 9, 'redgrav': 9, 'perkin': 9, 'fling': 9, 'attic': 9, 'conspicu': 9, 'mit': 9, 'phoeb': 9, 'bra': 9, 'approv': 9, 'goldsmith': 9, 'tidbit': 9, 'boo': 9, 'donaldson': 9, 'stitch': 9, 'acquit': 9, 'escort': 9, 'chaplin': 9, 'compassion': 9, 'uncredit': 9, 'goate': 9, 'rehears': 9, 'yea': 9, 'brat': 9, 'rewatch': 9, 'relic': 9, 'vener': 9, 'theft': 9, 'loner': 9, 'exboyfriend': 9, 'slept': 9, 'competitor': 9, 'decreas': 9, 'colon': 9, 'cartooni': 9, 'taut': 9, 'macpherson': 9, 'houston': 9, 'exuber': 9, 'hello': 9, 'clumsili': 9, 'penelop': 9, 'gel': 9, 'marrow': 9, 'esposito': 9, 'kentucki': 9, 'donat': 9, 'nippl': 9, 'vamp': 9, 'technicolor': 9, 'dire': 9, 'cargo': 9, 'wachowski': 9, 'marcia': 9, 'vapid': 9, 'marcu': 9, 'stoog': 9, 'ampl': 9, 'motif': 9, 'thai': 9, 'har': 9, 'cemeteri': 9, 'overtim': 9, 'techno': 9, 'disregard': 9, 'chen': 9, 'flatout': 9, 'allus': 9, 'gulf': 9, 'clunki': 9, 'plummet': 9, 'hamilton': 9, 'drool': 9, 'visionari': 9, 'ceil': 9, '666': 9, 'mariah': 9, 'impass': 9, 'yahoo': 9, 'desmond': 9, 'aswel': 9, 'madam': 9, 'starlet': 9, 'whove': 9, 'cerebr': 9, 'rames': 9, 'slate': 9, 'adjust': 9, 'avid': 9, 'mishap': 9, 'passport': 9, 'amend': 9, 'arch': 9, 'knive': 9, 'reuben': 9, 'selfrespect': 9, 'firebal': 9, 'berri': 9, 'overnight': 9, 'wellcraft': 9, 'aki': 9, 'disarm': 9, 'rack': 9, 'orgasm': 9, 'eccleston': 9, 'foe': 9, 'calmli': 9, 'louisiana': 9, 'wreckag': 9, 'rooftop': 9, 'brent': 9, 'demi': 9, 'fantas': 9, 'abrupt': 9, 'weighti': 9, 'upandcom': 9, 'enthral': 9, 'incom': 9, 'befuddl': 9, 'oblivion': 9, 'puerto': 9, 'acerb': 9, 'carniv': 9, 'bogg': 9, 'atlanta': 9, 'amish': 9, 'blurt': 9, 'bahama': 9, 'subvers': 9, 'koontz': 9, 'toast': 9, 'chronic': 9, 'oldest': 9, 'scoop': 9, 'grape': 9, 'mischiev': 9, 'cinderella': 9, 'royalti': 9, 'aiello': 9, 'mcdowel': 9, 'caruso': 9, 'scarc': 9, 'lava': 9, 'pseudonym': 9, 'hardwork': 9, 'vet': 9, 'nanni': 9, 'visitor': 9, 'guis': 9, 'formerli': 9, 'weirdli': 9, 'goldeney': 9, 'darnel': 9, 'vocabulari': 9, 'clad': 9, '00': 9, 'intox': 9, 'maverick': 9, 'breezi': 9, 'slum': 9, 'hokum': 9, 'hunchback': 9, 'bearabl': 9, 'prosper': 9, 'flatul': 9, 'highconcept': 9, 'comeupp': 9, 'thicken': 9, 'emmanuel': 9, 'headquart': 9, 'detour': 9, 'allegori': 9, 'cherri': 9, 'mangl': 9, 'morgu': 9, 'platform': 9, 'lens': 9, 'adrian': 9, 'kinet': 9, 'eckhart': 9, 'occup': 9, 'dumbest': 9, 'nononsens': 9, 'landmark': 9, 'mccormack': 9, 'dalton': 9, 'boyd': 9, 'submerg': 9, 'diminish': 9, 'marlow': 9, 'laughoutloud': 9, 'riley': 9, 'wrought': 9, 'rubi': 9, 'millenium': 9, 'fold': 9, 'disgrac': 9, 'sunlight': 9, 'metaphys': 9, 'aloof': 9, 'fullest': 9, 'dale': 9, 'roro': 9, 'pitcher': 9, 'violet': 9, 'quantiti': 9, 'bythenumb': 9, 'getgo': 9, 'morricon': 9, 'hybrid': 9, 'renew': 9, '1975': 9, 'masturb': 9, 'softspoken': 9, 'partak': 9, 'grisli': 9, 'rhea': 9, 'odett': 9, 'profici': 9, 'overflow': 9, 'fletcher': 9, 'brackett': 9, 'scath': 9, 'bunz': 9, 'chazz': 9, 'anatomi': 9, 'romantic': 9, 'debbi': 9, 'prejudic': 9, 'reinforc': 9, 'exposur': 9, '4th': 9, 'mini': 9, 'dot': 9, 'langella': 9, 'featherston': 9, 'degrad': 9, 'gentli': 9, 'dangelo': 9, 'ridley': 9, 'penetr': 9, 'armand': 9, 'kotea': 9, 'unrecogniz': 9, 'panama': 9, 'lesbo': 9, 'betsi': 9, 'centerpiec': 9, 'wonderland': 9, 'counterfeit': 9, 'donner': 9, 'siskel': 9, 'sendup': 9, 'steep': 9, 'obliter': 9, '1930': 9, 'cari': 9, 'thailand': 9, 'tristar': 9, 'ghastli': 9, 'multidimension': 9, 'hodg': 9, 'kirbi': 9, 'defect': 9, 'speaker': 9, 'android': 9, 'expertli': 9, 'maxin': 9, 'stubborn': 9, 'danver': 9, 'innat': 9, 'grodin': 9, 'loot': 9, 'comingofag': 9, 'falk': 9, 'refin': 9, 'jiali': 9, 'samantha': 9, 'snowman': 9, 'hillbilli': 9, 'intervent': 9, 'materialist': 9, 'pillow': 9, 'moreov': 9, 'fernando': 9, 'dreami': 9, 'broker': 9, 'pertain': 9, 'cackl': 9, 'norri': 9, 'culkin': 9, 'lenni': 9, 'circul': 9, 'segal': 9, 'borg': 9, 'uproari': 9, 'jermain': 9, 'pub': 9, 'weisz': 9, 'devon': 9, 'jeunet': 9, 'pi': 9, 'mst3k': 9, 'jasper': 9, 'accolad': 9, 'mockeri': 9, 'oscarwin': 9, 'luther': 9, 'baz': 9, 'ganz': 9, 'atlanti': 9, 'tate': 9, 'gridlockd': 9, 'drawback': 9, 'hypocrisi': 9, 'uncompromis': 9, 'hutt': 9, 'unzip': 9, 'aladdin': 9, 'sullivan': 9, 'ballet': 9, 'brisk': 9, 'hobb': 9, 'suspiria': 9, 'seti': 9, 'notorieti': 9, 'claiborn': 9, 'darbi': 9, 'magrud': 9, 'rhi': 9, 'chubbi': 9, 'patlabor': 9, 'nookey': 9, 'fflewdurr': 9, 'cosett': 9, 'gallo': 9, 'tswsm': 9, 'laserman': 9, 'sagemil': 8, 'unscath': 8, 'seymour': 8, 'precinct': 8, 'hoodlum': 8, 'selfright': 8, 'condon': 8, 'snippet': 8, 'cookiecutt': 8, 'lunaci': 8, 'sunset': 8, 'unveil': 8, 'oop': 8, 'thora': 8, 'accentu': 8, 'shrewd': 8, 'hannib': 8, 'manhunt': 8, 'courtship': 8, 'ecstat': 8, 'gould': 8, 'sander': 8, 'luggag': 8, 'counti': 8, 'undo': 8, 'lukewarm': 8, 'coordin': 8, 'febr': 8, 'mousi': 8, 'rever': 8, 'incorrect': 8, 'nikita': 8, 'dormant': 8, 'screech': 8, 'singularli': 8, 'slowmov': 8, 'cocktail': 8, 'recaptur': 8, 'nerdi': 8, 'brass': 8, 'sweeney': 8, 'pizza': 8, 'cheaper': 8, 'heavyweight': 8, 'unearth': 8, 'cautionari': 8, 'unnot': 8, 'imperfect': 8, 'influenti': 8, 'randomli': 8, 'streetwis': 8, 'tribun': 8, 'deciph': 8, 'vogu': 8, 'flail': 8, 'dahl': 8, '33': 8, 'mandatori': 8, 'vera': 8, 'adlib': 8, 'corey': 8, 'issac': 8, 'promiscu': 8, 'canal': 8, 'knockoff': 8, 'min': 8, 'chapel': 8, 'rider': 8, '1964': 8, 'gleeson': 8, 'croc': 8, 'noisi': 8, 'fascism': 8, 'wartim': 8, 'overse': 8, 'suppress': 8, 'tv2': 8, 'nonlinear': 8, 'certifi': 8, 'overdos': 8, 'mindnumbingli': 8, 'lastli': 8, 'whoop': 8, 'detmer': 8, 'wist': 8, 'regul': 8, 'onboard': 8, 'emin': 8, 'omen': 8, 'maudlin': 8, 'posh': 8, 'lyonn': 8, 'newt': 8, 'patterson': 8, 'savannah': 8, 'guerrilla': 8, 'sage': 8, 'hose': 8, 'lodg': 8, 'overhead': 8, 'lumber': 8, 'gosh': 8, 'nevada': 8, 'scant': 8, '94': 8, 'slutti': 8, 'arbitrari': 8, 'redhead': 8, 'rollercoast': 8, 'toller': 8, 'settlement': 8, 'deceit': 8, 'inhibit': 8, 'user': 8, 'perez': 8, 'distinctli': 8, 'pope': 8, 'fluke': 8, 'pitillo': 8, 'anyhow': 8, 'dosent': 8, 'vigor': 8, 'bin': 8, 'crass': 8, 'faceless': 8, 'slay': 8, 'seclud': 8, 'unfinish': 8, 'scoundrel': 8, 'cabinet': 8, 'wee': 8, 'heir': 8, '75': 8, 'trader': 8, 'easiest': 8, 'blaxploit': 8, 'blanket': 8, 'pervert': 8, 'mud': 8, 'tribul': 8, 'frenchman': 8, 'karyo': 8, 'leviti': 8, 'eleven': 8, 'maxwel': 8, 'deja': 8, 'contin': 8, 'ilm': 8, 'shocker': 8, 'icki': 8, 'artemu': 8, 'desperado': 8, 'harper': 8, 'hairstyl': 8, 'sock': 8, 'akiva': 8, 'accumul': 8, 'bram': 8, 'stoker': 8, 'shelley': 8, 'infest': 8, 'underlin': 8, 'detriment': 8, 'toxic': 8, 'firearm': 8, 'trump': 8, 'nameless': 8, 'terenc': 8, 'friedkin': 8, 'codirector': 8, 'disgruntl': 8, 'brolin': 8, 'ploy': 8, 'hardearn': 8, 'sociopath': 8, 'lent': 8, 'wrongli': 8, 'stoop': 8, 'linklat': 8, 'daze': 8, 'rockwel': 8, 'sil': 8, 'rerun': 8, 'tina': 8, 'inund': 8, 'tanker': 8, 'jare': 8, 'lump': 8, 'temperatur': 8, 'tara': 8, 'virginia': 8, 'inyourfac': 8, 'prolong': 8, 'wane': 8, 'laden': 8, 'antoin': 8, 'ode': 8, 'ail': 8, 'chi': 8, 'flush': 8, 'alot': 8, 'pessimist': 8, 'overpow': 8, 'trickeri': 8, 'contrapt': 8, 'starter': 8, 'edtv': 8, 'sassi': 8, 'flounder': 8, 'negat': 8, 'glamour': 8, 'dicillo': 8, 'repel': 8, 'wellact': 8, 'dummi': 8, 'repair': 8, 'burstyn': 8, 'rosanna': 8, 'burrough': 8, 'raven': 8, 'animatron': 8, 'brainard': 8, 'longterm': 8, 'sublim': 8, 'personifi': 8, 'nobrain': 8, 'cybil': 8, 'republican': 8, 'mulholland': 8, 'tiffani': 8, 'eyebal': 8, 'meld': 8, 'adulthood': 8, 'bewilder': 8, 'demograph': 8, 'kiddi': 8, 'tomato': 8, 'agil': 8, 'disappointingli': 8, 'fingerprint': 8, 'typewrit': 8, 'undevelop': 8, 'insomnia': 8, 'effemin': 8, 'balloon': 8, 'absurdli': 8, 'barbi': 8, 'bresslaw': 8, 'pipe': 8, 'serl': 8, 'flexibl': 8, 'blanch': 8, 'tantrum': 8, 'glenda': 8, 'miriam': 8, 'patho': 8, 'gunshot': 8, 'downtrodden': 8, 'biopic': 8, 'indel': 8, 'coloss': 8, 'flore': 8, 'hurl': 8, 'hord': 8, 'coverag': 8, 'fiddl': 8, 'hudsuck': 8, 'bluescreen': 8, 'oscarworthi': 8, 'rand': 8, 'instig': 8, 'benjamin': 8, 'beresford': 8, 'usher': 8, 'singular': 8, 'raja': 8, 'scrambl': 8, 'uncertainti': 8, 'schizophren': 8, 'comatos': 8, 'merg': 8, 'mingna': 8, 'haze': 8, 'trot': 8, 'wellmean': 8, 'whiskey': 8, 'waterboy': 8, 'spiner': 8, 'devolv': 8, 'mathematician': 8, 'truer': 8, 'stoppard': 8, 'coffey': 8, 'babysit': 8, 'braindead': 8, 'cent': 8, 'circa': 8, 'cafe': 8, 'moscow': 8, 'armin': 8, 'tenant': 8, 'rusti': 8, 'cb': 8, 'sought': 8, 'cavemen': 8, 'hulk': 8, 'scientolog': 8, 'sexton': 8, 'bryan': 8, 'kelsey': 8, 'grudg': 8, 'trey': 8, 'humorless': 8, 'accommod': 8, 'sona': 8, '_54_': 8, 'tripl': 8, 'identif': 8, 'coup': 8, 'aura': 8, 'carefre': 8, 'bake': 8, 'hasid': 8, 'shirley': 8, '1963': 8, 'hawn': 8, 'crise': 8, 'hartnett': 8, 'spectacularli': 8, 'woke': 8, 'mcelhon': 8, 'infiltr': 8, 'hisher': 8, 'turbul': 8, 'intrud': 8, 'felic': 8, 'fischer': 8, 'caravan': 8, 'impromptu': 8, 'garish': 8, 'andr': 8, 'calvin': 8, '23': 8, 'seldom': 8, 'coolest': 8, 'startlingli': 8, 'schoolteach': 8, 'sacr': 8, 'fuss': 8, 'notr': 8, 'tentacl': 8, 'stutter': 8, 'sociolog': 8, 'maud': 8, 'sullen': 8, 'jjak': 8, '_is_': 8, 'imax': 8, 'tub': 8, 'spree': 8, 'bolt': 8, 'versa': 8, 'lapaglia': 8, 'muchneed': 8, 'miniatur': 8, 'effortless': 8, 'cranki': 8, 'illiter': 8, 'whoa': 8, 'pardon': 8, 'blob': 8, 'ridden': 8, 'dictat': 8, 'errat': 8, 'outworld': 8, 'kahn': 8, 'puriti': 8, 'rocker': 8, 'booti': 8, 'swipe': 8, 'korda': 8, 'egyptian': 8, 'baron': 8, 'mcconnel': 8, 'squid': 8, 'buyer': 8, 'unbreak': 8, 'poverti': 8, 'underton': 8, 'inhuman': 8, 'uk': 8, 'backbon': 8, 'hardnos': 8, 'hairdo': 8, 'nba': 8, 'authoritarian': 8, 'peckinpah': 8, 'incest': 8, 'concret': 8, 'skyrocket': 8, 'taboo': 8, 'midget': 8, 'inferno': 8, 'bluntli': 8, 'craftsmanship': 8, 'whirlwind': 8, 'wholeheartedli': 8, 'indign': 8, 'enigma': 8, 'sledgehamm': 8, 'tumbl': 8, 'jb': 8, 'wh': 8, 'survey': 8, 'liken': 8, 'prosecut': 8, 'underscor': 8, 'raptor': 8, 'orlean': 8, 'grandios': 8, 'remors': 8, 'rodney': 8, 'alma': 8, 'skeet': 8, 'averi': 8, 'gimmicki': 8, 'bumpi': 8, 'attir': 8, 'inconsequenti': 8, 'regan': 8, 'underplay': 8, 'jitteri': 8, 'laud': 8, 'credenti': 8, 'isabel': 8, 'undercut': 8, 'rekindl': 8, 'vicious': 8, 'embed': 8, 'oprah': 8, 'brothel': 8, 'peek': 8, 'peski': 8, '1600': 8, 'tighter': 8, 'plimpton': 8, 'pickup': 8, 'salut': 8, 'boob': 8, 'pimpl': 8, 'panther': 8, 'utopia': 8, 'gym': 8, 'freeway': 8, 'skew': 8, 'cherish': 8, 'welldeserv': 8, 'christi': 8, 'prone': 8, 'palett': 8, 'devlin': 8, 'foibl': 8, 'retali': 8, 'rariti': 8, 'regrett': 8, 'bystand': 8, 'shorten': 8, 'cowardli': 8, 'alcott': 8, 'shatner': 8, 'fearless': 8, 'bing': 8, 'suburb': 8, 'juxtapos': 8, 'hartley': 8, 'immin': 8, 'childer': 8, 'cheech': 8, 'behindthescen': 8, 'aweinspir': 8, 'overlap': 8, 'adversari': 8, 'temporarili': 8, 'beetl': 8, 'columbu': 8, 'unheard': 8, 'stylishli': 8, 'bike': 8, 'liman': 8, 'shelter': 8, 'alison': 8, 'hyper': 8, 'jovial': 8, 'intuit': 8, 'madden': 8, 'wellpac': 8, 'widespread': 8, 'beforehand': 8, 'eloqu': 8, 'brokedown': 8, 'franz': 8, 'rebellion': 8, 'salari': 8, 'disdain': 8, 'mcdowal': 8, 'tatyana': 8, 'snowbal': 8, 'schmidt': 8, 'bloodsh': 8, 'actionpack': 8, '180': 8, 'outgo': 8, 'birdi': 8, 'applaus': 8, 'thrive': 8, 'granddaught': 8, '1947': 8, 'rigg': 8, 'messiah': 8, 'descent': 8, 'worf': 8, 'montoya': 8, 'canva': 8, 'nefari': 8, 'feud': 8, 'acut': 8, 'censor': 8, 'bullshit': 8, 'lori': 8, 'aquarium': 8, 'prentic': 8, 'midlif': 8, 'segu': 8, 'obrien': 8, 'donovan': 8, 'suitor': 8, 'tristen': 8, 'audaci': 8, 'coyl': 8, 'devereaux': 8, 'gospel': 8, 'sprite': 8, 'disintegr': 8, 'diatrib': 8, 'subtli': 8, 'posess': 8, 'pascal': 8, 'scrutini': 8, 'ness': 8, 'mcdermott': 8, 'bethani': 8, 'c3po': 8, 'jarmusch': 8, 'bias': 8, 'burnham': 8, 'rainmak': 8, 'shanta': 8, 'freed': 8, 'orlock': 8, 'hutter': 8, 'tint': 8, 'architectur': 8, 'centr': 8, 'permit': 8, 'pei': 8, 'embeth': 8, 'davidtz': 8, 'fourstar': 8, 'leeloo': 8, 'catalyst': 8, 'marqui': 8, 'drumlin': 8, 'irvin': 8, 'buren': 8, 'romulu': 8, 'bala': 8, 'snub': 8, 'dewitt': 8, 'hockley': 8, 'cappi': 8, 'wilkinson': 8, 'goldwyn': 8, 'abolitionist': 8, 'curri': 8, 'lovett': 8, 'massag': 8, 'rumpo': 8, 'furtwangl': 8, 'odin': 8, 'doe': 8, 'castro': 8, 'herzog': 8, 'wai': 8, 'leuchter': 8, 'alchemi': 8, 'chon': 8, 'uhf': 8, 'fantin': 8, 'eilonwi': 8, 'worral': 8, 'barlow': 8, 'niagara': 8, 'kerrigan': 8, '_shaft_': 8, 'apparit': 7, 'mir': 7, 'h20': 7, 'winston': 7, 'rash': 7, 'freespirit': 7, 'fledgl': 7, 'latenight': 7, 'exhusband': 7, 'overdo': 7, 'twothird': 7, 'pa': 7, 'rot': 7, 'coke': 7, 'twitch': 7, 'lumin': 7, 'mcdormand': 7, 'morbid': 7, 'cite': 7, 'shenanigan': 7, 'wiseass': 7, 'reelect': 7, 'oshea': 7, 'veng': 7, 'slain': 7, 'overthrow': 7, 'spier': 7, 'coo': 7, '17th': 7, 'tournament': 7, 'stanc': 7, 'hess': 7, 'sonya': 7, 'empor': 7, 'mope': 7, 'incarcer': 7, 'weaponri': 7, 'stupidli': 7, 'hiss': 7, 'ninth': 7, 'bellow': 7, 'wynn': 7, '_really_': 7, 'wimp': 7, 'steadicam': 7, 'halfass': 7, 'crucibl': 7, 'abigail': 7, 'inexor': 7, 'overzeal': 7, 'prick': 7, 'ck': 7, 'incrimin': 7, 'captor': 7, 'alist': 7, 'amiabl': 7, 'labori': 7, 'depardieu': 7, 'pierr': 7, 'wail': 7, 'furri': 7, 'finess': 7, 'solar': 7, 'cesar': 7, 'kerri': 7, 'nutshel': 7, 'maddeningli': 7, 'ownership': 7, 'valiant': 7, 'aimless': 7, 'schooler': 7, 'renfro': 7, 'predominantli': 7, '110': 7, 'bgrade': 7, 'fahey': 7, 'godaw': 7, 'worship': 7, 'mcbeal': 7, 'humankind': 7, 'stupidest': 7, 'wwii': 7, 'skewer': 7, 'earthl': 7, 'arsen': 7, 'thewli': 7, 'stint': 7, 'abod': 7, 'nil': 7, 'dope': 7, 'downer': 7, 'pushi': 7, 'pego': 7, 'verdict': 7, 'eden': 7, 'nypd': 7, 'lib': 7, 'geri': 7, 'sporti': 7, 'largest': 7, 'cod': 7, 'snobbish': 7, 'beacon': 7, 'oscarcalib': 7, 'furlong': 7, 'rotat': 7, 'threw': 7, 'corman': 7, 'hastili': 7, 'soccer': 7, 'lass': 7, 'ranch': 7, 'ny': 7, 'austen': 7, 'uturn': 7, 'tarantula': 7, 'drone': 7, 'suitcas': 7, 'scummi': 7, 'jawdrop': 7, 'hmmm': 7, 'neglig': 7, 'dorian': 7, 'curli': 7, 'steroid': 7, 'esqu': 7, 'disclos': 7, 'extinct': 7, 'missouri': 7, 'beguil': 7, 'unquestion': 7, 'freshman': 7, 'kri': 7, 'spartacu': 7, 'lapd': 7, 'darci': 7, 'breakout': 7, 'radar': 7, 'artistri': 7, 'snatcher': 7, 'reptilian': 7, 'tokyo': 7, 'contradictori': 7, 'hallway': 7, 'viggo': 7, 'shifti': 7, 'norvil': 7, 'bon': 7, 'klump': 7, 'weitz': 7, 'expertis': 7, 'tyrel': 7, 'karaok': 7, 'housekeep': 7, 'storyboard': 7, 'tecton': 7, 'undeserv': 7, 'rethink': 7, 'raft': 7, 'docudrama': 7, 'historian': 7, 'slack': 7, 'egotist': 7, 'mania': 7, 'overdu': 7, 'bankrupt': 7, 'danza': 7, 'stair': 7, 'beatl': 7, 'rejoic': 7, 'schell': 7, 'gungho': 7, '29': 7, 'databas': 7, 'romania': 7, 'downward': 7, 'ling': 7, 'northwest': 7, 'rapist': 7, 'loi': 7, 'otool': 7, 'scissorhand': 7, 'spurt': 7, '18th': 7, 'backwood': 7, 'telepath': 7, 'plotwis': 7, 'ustinov': 7, 'claus': 7, 'brewster': 7, 'wellington': 7, 'elain': 7, 'coolidg': 7, 'bass': 7, 'swore': 7, 'underway': 7, 'twodimension': 7, 'lusti': 7, 'artwork': 7, 'btw': 7, 'slime': 7, 'tripplehorn': 7, 'enola': 7, 'deacon': 7, 'disk': 7, 'stepfath': 7, 'razzi': 7, 'kumbl': 7, 'bignam': 7, 'mathilda': 7, 'plaster': 7, 'dorki': 7, 'leblanc': 7, 'ivori': 7, 'sidewalk': 7, 'virtuoso': 7, 'sailor': 7, 'cruiser': 7, 'transmiss': 7, 'masculin': 7, 'eaten': 7, 'machineri': 7, 'unscrupul': 7, '96': 7, 'cloak': 7, 'fathom': 7, 'nielson': 7, 'russo': 7, 'veneer': 7, 'nsa': 7, 'chariti': 7, 'sahara': 7, 'untal': 7, 'erb': 7, 'bogu': 7, 'tamara': 7, 'arthous': 7, 'hubbi': 7, 'proudli': 7, 'butter': 7, 'connot': 7, 'kennesaw': 7, 'rooker': 7, 'selfproclaim': 7, 'wrath': 7, 'getaway': 7, 'magnifi': 7, 'hover': 7, 'golf': 7, 'atyp': 7, 'exce': 7, '1966': 7, 'flake': 7, 'selfcent': 7, 'rhode': 7, 'voodoo': 7, 'moan': 7, 'cuddli': 7, 'howser': 7, 'slinki': 7, 'lovemak': 7, 'chainsmok': 7, 'thinli': 7, 'autobiographi': 7, 'blain': 7, 'manual': 7, 'soda': 7, 'spook': 7, 'culprit': 7, 'shouldv': 7, 'olin': 7, 'sciorra': 7, 'wrench': 7, 'glitter': 7, 'rainbow': 7, 'evidenc': 7, 'physician': 7, 'straightlac': 7, 'squirrel': 7, 'sherlock': 7, 'turpin': 7, 'glib': 7, 'entangl': 7, 'yearold': 7, 'albino': 7, 'gallagh': 7, 'sketchi': 7, 'complac': 7, 'interplay': 7, 'bori': 7, 'crackl': 7, 'moros': 7, 'fatherson': 7, 'overs': 7, 'rub': 7, 'mammoth': 7, 'pre': 7, 'olymp': 7, 'fastforward': 7, 'morton': 7, 'sworn': 7, 'muck': 7, 'ogl': 7, 'overtli': 7, 'deliri': 7, 'seamlessli': 7, 'swordfish': 7, '10yearold': 7, 'align': 7, 'catharin': 7, 'hobbi': 7, 'merciless': 7, 'mindnumb': 7, 'financ': 7, 'compil': 7, 'patsi': 7, 'pooch': 7, 'wager': 7, 'stripteas': 7, 'ignit': 7, 'filmgoer': 7, 'inexcus': 7, 'reliev': 7, 'willing': 7, 'becker': 7, 'muellerstahl': 7, 'recollect': 7, 'penguin': 7, 'uphold': 7, 'secreci': 7, 'magnitud': 7, 'fleme': 7, 'converg': 7, 'frasier': 7, 'fullblown': 7, 'reciev': 7, 'bureaucrat': 7, 'programm': 7, 'miko': 7, 'cart': 7, 'frontier': 7, 'granni': 7, 'eater': 7, 'facinelli': 7, 'larson': 7, 'enamor': 7, 'howler': 7, 'satur': 7, 'exam': 7, 'antisemit': 7, 'goldi': 7, 'hustl': 7, 'mishandl': 7, 'sleaz': 7, 'straw': 7, 'deaf': 7, 'noel': 7, 'momentarili': 7, 'offthewal': 7, 'caretak': 7, 'carrieann': 7, 'unreason': 7, 'multipli': 7, 'earthi': 7, 'cecil': 7, 'vibrat': 7, 'inventor': 7, 'weaker': 7, 'merced': 7, 'setback': 7, 'unintellig': 7, 'champ': 7, 'finnegan': 7, 'sommer': 7, 'vent': 7, 'volunt': 7, 'careen': 7, 'charmless': 7, 'loveabl': 7, 'folklor': 7, 'quicker': 7, 'woefulli': 7, 'loopi': 7, 'rivalri': 7, 'wolfgang': 7, 'petersen': 7, 'allstar': 7, 'scotti': 7, 'heed': 7, 'renaiss': 7, 'makeov': 7, 'pois': 7, 'grandpa': 7, 'appoint': 7, 'hellrais': 7, 'lipstick': 7, 'richi': 7, 'landi': 7, 'wine': 7, 'delpi': 7, 'spunk': 7, 'zoe': 7, 'mustach': 7, 'borderlin': 7, 'sixyear': 7, 'troma': 7, 'afterlif': 7, 'addam': 7, 'levin': 7, 'wheelchair': 7, 'hellbent': 7, 'settler': 7, '66': 7, 'twentysometh': 7, 'devout': 7, 'resound': 7, 'pigeon': 7, 'risqu': 7, 'duquett': 7, 'hayn': 7, 'farrel': 7, 'allan': 7, 'revisionist': 7, 'insincer': 7, 'stump': 7, 'disabl': 7, 'fiasco': 7, 'loudli': 7, 'triumphant': 7, 'misha': 7, 'scriptur': 7, 'brighten': 7, 'spine': 7, 'panick': 7, 'richli': 7, 'snicker': 7, 'haul': 7, 'broadli': 7, 'wyom': 7, 'muscular': 7, 'glee': 7, 'embri': 7, 'dens': 7, 'chockful': 7, 'rappaport': 7, 'kiefer': 7, 'shelli': 7, 'log': 7, 'dous': 7, 'latch': 7, 'shelmikedmu': 7, 'ennio': 7, 'jacobi': 7, 'steril': 7, 'helgeland': 7, 'blather': 7, 'council': 7, 'tangl': 7, 'overt': 7, 'dilapid': 7, '1939': 7, 'xavier': 7, 'skinni': 7, 'seventeen': 7, 'landlord': 7, 'sydow': 7, 'aftermath': 7, 'solitud': 7, 'divulg': 7, 'fulci': 7, 'ubiquit': 7, 'ronald': 7, 'subscrib': 7, 'cavanaugh': 7, 'pratfal': 7, 'welltodo': 7, 'expend': 7, 'latex': 7, 'connick': 7, 'hampshir': 7, 'glossi': 7, 'maddi': 7, 'quip': 7, 'fatherinlaw': 7, '27': 7, 'pollak': 7, 'auction': 7, 'villaini': 7, 'neighbour': 7, 'migrat': 7, 'bundl': 7, 'meatloaf': 7, 'fraud': 7, 'scout': 7, 'sunhil': 7, 'seventh': 7, 'jen': 7, 'recipi': 7, 'saron': 7, 'ravag': 7, 'postmodern': 7, 'grimac': 7, 'handgun': 7, 'outrun': 7, 'rhetor': 7, 'tact': 7, 'chronolog': 7, 'piston': 7, 'tutor': 7, 'unresolv': 7, 'dorothi': 7, 'hawaii': 7, 'prelud': 7, 'tirad': 7, 'thirst': 7, 'cabaret': 7, 'domain': 7, 'kramer': 7, 'glue': 7, 'global': 7, 'scumbal': 7, 'constitut': 7, 'dissatisfact': 7, 'cassandra': 7, 'recut': 7, 'gecko': 7, 'terrain': 7, 'unavoid': 7, 'brock': 7, 'madelin': 7, 'holden': 7, 'shrew': 7, 'prototyp': 7, 'kilgor': 7, 'kirsten': 7, 'bava': 7, 'seam': 7, 'shack': 7, 'len': 7, 'trauma': 7, 'bolster': 7, 'pep': 7, 'unflatt': 7, 'extern': 7, 'feather': 7, 'wednesday': 7, 'opportunist': 7, 'danson': 7, 'penthous': 7, 'katana': 7, 'potenc': 7, 'unrequit': 7, 'sweetest': 7, 'pip': 7, 'dinsmoor': 7, 'roddi': 7, 'precari': 7, 'dropout': 7, 'scrutin': 7, 'nurtur': 7, 'triedandtru': 7, 'symphoni': 7, 'transmit': 7, 'dolli': 7, 'bigwig': 7, 'purpl': 7, 'gena': 7, 'frederick': 7, 'breillat': 7, 'psychosi': 7, 'shudder': 7, 'faction': 7, 'tyrann': 7, 'paulina': 7, 'herbert': 7, 'salon': 7, 'jeter': 7, 'sung': 7, 'hav': 7, 'walltowal': 7, 'runofthemil': 7, 'guccion': 7, 'inquir': 7, 'karl': 7, 'southwest': 7, 'teeter': 7, 'wrongdo': 7, 'apprehens': 7, 'brightest': 7, 'combo': 7, 'cutthroat': 7, 'disrupt': 7, 'oneil': 7, 'notwithstand': 7, 'courtesan': 7, 'banker': 7, 'rhett': 7, 'fastest': 7, 'sonia': 7, 'brightli': 7, 'bravura': 7, 'katrina': 7, 'recoveri': 7, 'comicbook': 7, 'incomplet': 7, 'librarian': 7, 'deftli': 7, '_election_': 7, 'clees': 7, 'duan': 7, 'morpheu': 7, 'shakur': 7, 'disclaim': 7, 'showi': 7, 'droll': 7, 'giorgio': 7, 'schlesing': 7, 'carolyn': 7, 'groov': 7, 'hindu': 7, 'kite': 7, 'shang': 7, 'itami': 7, 'forefront': 7, 'stendhal': 7, 'dario': 7, 'caviezel': 7, 'ether': 7, 'vividli': 7, 'stealer': 7, 'stain': 7, 'webber': 7, 'wellround': 7, 'antiwar': 7, 'korben': 7, 'larch': 7, 'hallstrom': 7, 'exley': 7, 'sade': 7, 'connecticut': 7, 'sagan': 7, 'isaacman': 7, 'mazzello': 7, 'indistinguish': 7, 'doren': 7, 'quinci': 7, 'sugiyama': 7, 'tranquil': 7, 'unassum': 7, 'osnard': 7, 'colqhoun': 7, 'hortens': 7, 'hauer': 7, 'monitor': 7, 'gaz': 7, 'amarcord': 7, 'skylar': 7, 'yeager': 7, 'danish': 7, '1912': 7, 'fingal': 7, 'hadden': 7, 'mckellan': 7, '_pollock_': 7, 'keyser': 7, 'soze': 7, 'bethlehem': 7, 'du': 7, 'trask': 7, 'ruafro': 7, 'tael': 7, 'tati': 7, 'stempel': 7, 'tandi': 7, 'viann': 7, 'camembert': 7, 'elw': 6, 'waver': 6, 'invari': 6, 'chock': 6, 'fistfight': 6, 'unfulfil': 6, 'toma': 6, 'puke': 6, 'snort': 6, 'fourteen': 6, 'carriag': 6, 'deneuv': 6, 'goodnight': 6, 'empathet': 6, 'middleclass': 6, 'suburbia': 6, 'songwrit': 6, '52': 6, 'withdrawn': 6, 'ambival': 6, 'smallest': 6, 'asia': 6, 'richelieu': 6, 'prosaic': 6, 'lamest': 6, 'parillaud': 6, 'meddl': 6, 'colonist': 6, 'audibl': 6, 'scifihorror': 6, 'cinemax': 6, 'nuff': 6, 'blunder': 6, 'rade': 6, 'scatolog': 6, 'truckload': 6, 'overtak': 6, 'disgustingli': 6, 'mist': 6, 'opul': 6, 'fanfar': 6, 'deservedli': 6, 'payperview': 6, 'beckon': 6, 'surg': 6, 'coven': 6, 'invok': 6, 'quieter': 6, 'haughti': 6, 'pontif': 6, 'cathart': 6, 'jeanluc': 6, 'godard': 6, 'fret': 6, 'mishmash': 6, 'multifacet': 6, 'insinu': 6, 'wiser': 6, 'manchurian': 6, 'flatter': 6, 'commonli': 6, 'joeli': 6, 'critter': 6, 'heretofor': 6, '1961': 6, 'onesid': 6, 'bio': 6, 'mono': 6, 'repertoir': 6, 'durham': 6, 'vile': 6, 'carbon': 6, 'revert': 6, 'rapper': 6, 'facilit': 6, 'nfl': 6, 'orlando': 6, 'carolin': 6, 'kent': 6, 'finney': 6, 'workingclass': 6, 'airi': 6, 'seller': 6, 'sterl': 6, 'lawnmow': 6, 'dissatisfi': 6, 'tooth': 6, 'hector': 6, 'allig': 6, 'incit': 6, 'montgomeri': 6, 'balk': 6, 'justif': 6, 'limey': 6, 'excon': 6, 'reclus': 6, 'timetravel': 6, 'brennan': 6, 'astoundingli': 6, 'forehead': 6, 'mandi': 6, 'prereleas': 6, 'masochist': 6, 'ulterior': 6, 'theo': 6, 'further': 6, 'meani': 6, 'serpico': 6, 'rabbi': 6, 'barf': 6, 'giusepp': 6, 'propens': 6, 'gheorgh': 6, 'putrid': 6, 'braini': 6, 'allaround': 6, 'whew': 6, 'hoskin': 6, 'clifford': 6, 'tenley': 6, 'biel': 6, 'remedi': 6, 'catcher': 6, 'dishearten': 6, 'halfheart': 6, 'shay': 6, 'rifkin': 6, 'disinterest': 6, 'smother': 6, 'reteam': 6, 'newel': 6, 'sturdi': 6, 'railway': 6, 'remington': 6, 'dunno': 6, 'mafioso': 6, 'wb': 6, 'drifter': 6, 'inbr': 6, 'sniff': 6, 'greenlight': 6, 'omega': 6, 'crumb': 6, 'scruffi': 6, '57': 6, 'mush': 6, 'iota': 6, 'ahem': 6, 'dip': 6, 'copul': 6, 'golli': 6, 'bothersom': 6, 'drawer': 6, 'onslaught': 6, 'noirish': 6, 'iffi': 6, 'appet': 6, 'tedious': 6, 'stamper': 6, 'inspect': 6, 'pyrotechn': 6, 'primat': 6, 'nicer': 6, 'irwin': 6, 'lowlevel': 6, 'realtim': 6, 'wateri': 6, 'kirshner': 6, 'sm': 6, 'anem': 6, 'multimillion': 6, 'outdo': 6, 'selfimport': 6, 'unattract': 6, 'whiff': 6, 'onebyon': 6, 'fraught': 6, 'birdcag': 6, 'wrinkl': 6, 'jovi': 6, 'blyth': 6, 'danner': 6, 'expans': 6, 'payrol': 6, 'smartli': 6, 'anal': 6, 'inadequ': 6, 'chalk': 6, 'confeder': 6, 'obi': 6, 'cleaner': 6, 'yep': 6, 'brazilian': 6, 'worldli': 6, 'yuk': 6, 'dutton': 6, 'businessmen': 6, 'klutz': 6, 'harvest': 6, 'weed': 6, 'refrain': 6, 'swoop': 6, 'handyman': 6, 'tcheki': 6, 'telescop': 6, 'majest': 6, 'eldard': 6, '400': 6, 'goof': 6, 'sneaker': 6, 'parabl': 6, 'bane': 6, 'mi': 6, 'spinoff': 6, 'refuge': 6, 'omegahedron': 6, 'enrol': 6, 'szwarc': 6, 'bosco': 6, 'stockard': 6, 'backyard': 6, 'misfortun': 6, 'yanke': 6, 'mgm': 6, 'brancato': 6, 'gamut': 6, 'overrid': 6, 'bloodsoak': 6, 'entail': 6, 'effectsladen': 6, 'mykelti': 6, 'nudg': 6, 'royc': 6, 'digger': 6, 'info': 6, 'dvdrom': 6, 'guntot': 6, 'commando': 6, 'iv': 6, 'prematur': 6, 'tenth': 6, 'privi': 6, 'alumnu': 6, 'oneself': 6, 'voyeurist': 6, 'sweater': 6, 'froth': 6, 'compact': 6, 'finer': 6, 'skye': 6, 'lorr': 6, 'procreat': 6, 'outshin': 6, 'gill': 6, 'ammunit': 6, 'tangent': 6, 'coldheart': 6, 'splendor': 6, 'tucci': 6, 'ricardo': 6, 'matern': 6, 'cassidi': 6, 'venora': 6, 'unentertain': 6, 'slump': 6, 'skg': 6, 'tanner': 6, 'fest': 6, 'crossgat': 6, 'trendi': 6, 'teaser': 6, '_scream_': 6, 'broadbent': 6, 'wynter': 6, 'aborigin': 6, 'entrust': 6, 'puberti': 6, 'intermitt': 6, 'sear': 6, 'rainstorm': 6, 'gladli': 6, 'unspectacular': 6, 'unpreced': 6, 'ame': 6, 'bravado': 6, 'moralist': 6, 'psychedel': 6, 'revit': 6, 'cavern': 6, 'braxton': 6, 'crafti': 6, 'socialit': 6, 'emul': 6, 'steami': 6, 'ballist': 6, 'sendoff': 6, 'snoop': 6, 'irrespons': 6, 'adulteri': 6, 'substandard': 6, 'unlock': 6, 'naomi': 6, 'vibranc': 6, 'dourif': 6, 'ritter': 6, 'sickli': 6, 'guffaw': 6, 'devote': 6, 'longhair': 6, 'parlor': 6, 'bungl': 6, 'postapocalypt': 6, 'stupor': 6, 'frighteningli': 6, 'anytim': 6, 'petit': 6, 'canaan': 6, 'poe': 6, 'machismo': 6, 'pianist': 6, 'acceler': 6, 'reap': 6, 'appetit': 6, 'falcon': 6, 'handcuf': 6, 'plagiar': 6, 'starmak': 6, 'downtown': 6, 'hardest': 6, 'vatican': 6, 'scribbl': 6, 'inaccur': 6, 'aplomb': 6, 'prevail': 6, 'imaginari': 6, 'eyebrow': 6, 'poorer': 6, 'vonnegut': 6, 'farcic': 6, 'creeper': 6, 'unhappili': 6, 'chatter': 6, 'moriarti': 6, 'calibr': 6, 'karloff': 6, 'winslow': 6, 'pothead': 6, 'batch': 6, '3d': 6, 'jawdroppingli': 6, 'koufax': 6, 'mistreat': 6, 'copiou': 6, 'lugosi': 6, 'mushroom': 6, 'newsgroup': 6, 'francoi': 6, '61': 6, 'potboil': 6, 'rife': 6, 'consecut': 6, 'legaci': 6, 'bueno': 6, 'cosmic': 6, 'gleam': 6, 'neighbourhood': 6, 'eyepop': 6, 'fullfledg': 6, 'pranc': 6, 'replay': 6, 'selfassur': 6, 'nonhuman': 6, 'bleach': 6, 'novak': 6, 'buxom': 6, 'shite': 6, 'submit': 6, 'testosteron': 6, 'hue': 6, 'ramif': 6, 'robicheaux': 6, 'cooler': 6, 'den': 6, 'astut': 6, 'drawnout': 6, 'misunderstood': 6, 'burrow': 6, 'chin': 6, 'peep': 6, 'saling': 6, 'bayou': 6, 'proprietor': 6, '_not_': 6, 'fraction': 6, 'unhealthi': 6, 'illicit': 6, 'afar': 6, 'iguana': 6, 'unholi': 6, 'rican': 6, 'pedro': 6, 'earliest': 6, 'knox': 6, 'illegitim': 6, 'snl': 6, 'getup': 6, 'werewolv': 6, 'slob': 6, 'curmudgeon': 6, 'taco': 6, 'stripe': 6, 'coscreenwrit': 6, 'caddyshack': 6, 'subordin': 6, 'disfigur': 6, 'halfbak': 6, 'megalomaniac': 6, 'unapologet': 6, 'hearti': 6, 'breckin': 6, 'whit': 6, 'preppi': 6, 'straighten': 6, 'hackford': 6, 'hottest': 6, 'pear': 6, 'sitter': 6, 'foursom': 6, 'vivica': 6, 'evict': 6, 'cathrin': 6, 'chelsom': 6, 'overrun': 6, 'bemus': 6, 'kitten': 6, 'tote': 6, 'heald': 6, 'gandolfini': 6, 'natascha': 6, 'ooh': 6, 'bombard': 6, 'shagwel': 6, 'oven': 6, 'duma': 6, 'constru': 6, 'loathsom': 6, 'oscarnomin': 6, 'clau': 6, 'implod': 6, 'likelihood': 6, 'vic': 6, '14yearold': 6, 'crosscountri': 6, 'dentist': 6, 'moustach': 6, 'torpedo': 6, 'schoolboy': 6, 'lela': 6, 'sunshin': 6, 'showstop': 6, 'weirdo': 6, 'silvio': 6, 'horta': 6, 'cuckoo': 6, 'reliv': 6, 'whistl': 6, 'drugaddict': 6, 'antagon': 6, 'chimpanze': 6, 'plumb': 6, 'timelin': 6, 'benz': 6, 'mayo': 6, 'greer': 6, 'entrepreneur': 6, 'cocoon': 6, 'amber': 6, 'eastwick': 6, '1958': 6, 'impart': 6, 'goop': 6, 'phelp': 6, 'conceptu': 6, 'apprehend': 6, 'magician': 6, 'forese': 6, 'hazard': 6, 'darken': 6, 'blackout': 6, 'hairdress': 6, 'sooth': 6, 'dee': 6, 'frontal': 6, 'dupe': 6, 'standbi': 6, 'rubinvega': 6, 'flex': 6, 'happygolucki': 6, 'zip': 6, 'trevor': 6, 'hmm': 6, 'frown': 6, 'premonit': 6, 'delaney': 6, 'ufo': 6, '_knock_off_': 6, 'lag': 6, 'herzfeld': 6, 'chisel': 6, 'raini': 6, 'bereft': 6, 'atkinson': 6, 'irrever': 6, 'woodsboro': 6, 'attenborough': 6, 'analyst': 6, 'enrag': 6, 'duh': 6, 'goos': 6, 'kooki': 6, 'laptop': 6, 'solac': 6, 'wider': 6, 'mostow': 6, 'makeshift': 6, 'vail': 6, 'bounti': 6, 'fishoutofwat': 6, 'stew': 6, 'stepdaught': 6, 'undead': 6, 'celibaci': 6, 'rosenberg': 6, 'sheryl': 6, 'workplac': 6, 'livingston': 6, 'limo': 6, 'rebound': 6, 'gabi': 6, 'undiscov': 6, 'headstrong': 6, 'tomlin': 6, 'anxiou': 6, 'breakin': 6, 'gleeful': 6, 'illumin': 6, 'tighten': 6, 'testicl': 6, 'hc': 6, 'onward': 6, 'welldevelop': 6, 'mede': 6, 'araki': 6, 'romero': 6, 'ladybug': 6, 'serra': 6, 'triniti': 6, 'arlo': 6, 'hamburg': 6, 'sergio': 6, 'evoc': 6, 'graveyard': 6, 'longsuff': 6, 'theolog': 6, 'nesmith': 6, 'sculptress': 6, 'bulg': 6, 'lull': 6, 'pumpkin': 6, 'plea': 6, 'berg': 6, 'dissip': 6, 'yakuza': 6, 'lusciou': 6, 'hungarian': 6, 'chant': 6, 'sheila': 6, 'sailboat': 6, 'elementari': 6, 'derail': 6, 'vancouv': 6, 'ti': 6, 'illeana': 6, 'caleb': 6, 'gypsi': 6, 'chiefli': 6, 'welltim': 6, 'crescendo': 6, 'wring': 6, 'knick': 6, 'letterman': 6, 'starbuck': 6, 'riotous': 6, 'implement': 6, 'elfont': 6, 'gutsi': 6, 'dissimilar': 6, 'cornbal': 6, 'specialeffect': 6, 'receipt': 6, 'imbecil': 6, 'worldweari': 6, 'predomin': 6, 'neonazi': 6, 'replica': 6, 'deepest': 6, 'precoci': 6, 'intrins': 6, 'stifler': 6, 'waterfal': 6, 'stott': 6, 'marki': 6, 'furnish': 6, 'picturesqu': 6, 'odditi': 6, 'celesti': 6, 'gum': 6, 'tawdri': 6, 'tier': 6, 'earthli': 6, 'anarch': 6, 'affin': 6, 'berkeley': 6, 'prof': 6, 'undi': 6, 'tammi': 6, 'diego': 6, 'abundantli': 6, 'inadequaci': 6, 'waist': 6, 'cower': 6, 'covet': 6, 'jog': 6, 'nia': 6, 'midair': 6, 'retic': 6, 'rhyme': 6, 'bierko': 6, 'skate': 6, 'unwritten': 6, 'dushku': 6, 'schwartz': 6, 'transsexu': 6, 'existenti': 6, 'partridg': 6, 'distast': 6, 'unwant': 6, 'fled': 6, 'charmingli': 6, 'dart': 6, 'vista': 6, 'denounc': 6, 'mi2': 6, 'backer': 6, 'jester': 6, 'deleg': 6, 'stamped': 6, 'dignifi': 6, 'graynamor': 6, 'daytim': 6, 'victorian': 6, 'assimil': 6, 'undress': 6, 'seren': 6, 'enrich': 6, 'vertigo': 6, 'dearest': 6, 'hairi': 6, 'loudmouth': 6, 'loren': 6, 'ozon': 6, 'ramirez': 6, 'frat': 6, 'bluca': 6, 'rediscov': 6, 'rightli': 6, 'damsel': 6, 'rafael': 6, 'sissi': 6, 'cringeinduc': 6, 'callou': 6, 'biehn': 6, 'boatload': 6, 'grandeur': 6, 'herald': 6, 'grandpar': 6, 'evad': 6, 'payment': 6, 'storag': 6, 'inbetween': 6, 'cach': 6, 'foppish': 6, 'bankabl': 6, 'dragnet': 6, 'skirt': 6, 'catharsi': 6, 'thade': 6, 'spar': 6, 'raunch': 6, 'liveli': 6, 'assail': 6, 'burma': 6, 'uniniti': 6, 'chabat': 6, 'benign': 6, 'guffman': 6, 'stamina': 6, 'tumultu': 6, 'idiosyncrat': 6, 'disrespect': 6, 'sidesplit': 6, 'kickass': 6, 'hardship': 6, '_save': 6, 'ryan_': 6, 'hellish': 6, 'omaha': 6, 'laforg': 6, 'frake': 6, 'boldli': 6, 'cabbi': 6, 'neonoir': 6, 'schlondorff': 6, 'nab': 6, 'snowi': 6, 'romanticcomedi': 6, 'admittingli': 6, 'meter': 6, 'fad': 6, 'plumber': 6, 'of': 6, 'turboman': 6, 'cheeki': 6, 'suffoc': 6, 'cattl': 6, 'wherev': 6, 'ingest': 6, 'represent': 6, 'delect': 6, 'cristoff': 6, 'reiser': 6, 'northern': 6, 'dominiqu': 6, 'zoo': 6, 'schwartzenegg': 6, 'toil': 6, 't2': 6, 'tic': 6, 'firepow': 6, 'lorrain': 6, 'peach': 6, 'dine': 6, 'antisoci': 6, 'nearest': 6, 'jewelri': 6, 'geena': 6, 'nich': 6, 'extravaganza': 6, 'dimitri': 6, 'kgb': 6, 'strengthen': 6, 'talon': 6, '_vampires_': 6, 'maroon': 6, 'unfriendli': 6, 'johnston': 6, 'tran': 6, 'deathb': 6, 'malaysia': 6, 'lydia': 6, 'yesterday': 6, 'ayla': 6, 'tonya': 6, 'ripper': 6, 'vertic': 6, '_rushmore_': 6, 'ebouaney': 6, 'preachi': 6, 'merril': 6, 'elegantli': 6, 'deepen': 6, 'mullen': 6, 'hoax': 6, 'dogmat': 6, 'doctrin': 6, 'chewbacca': 6, 'dote': 6, 'hanson': 6, 'unrestrain': 6, 'mizrahi': 6, 'cantarini': 6, 'jarjar': 6, 'fitt': 6, 'mcguir': 6, 'dil': 6, 'navaz': 6, 'nobil': 6, 'vin': 6, 'homophob': 6, 'manni': 6, 'societ': 6, 'dillan': 6, 'monro': 6, 'afterglow': 6, 'mariann': 6, 'phylli': 6, 'conform': 6, 'twohi': 6, 'tweedi': 6, 'unwav': 6, 'bittersweet': 6, 'aural': 6, 'ralphi': 6, 'leasur': 6, 'privaci': 6, 'lar': 6, 'brett': 6, 'welsh': 6, 'visnjic': 6, 'tilda': 6, 'everpres': 6, 'jonz': 6, 'malka': 6, 'hunger': 6, 'gabriela': 6, 'bukat': 6, 'kala': 6, 'kerchak': 6, 'terk': 6, 'treehorn': 6, 'bostwick': 6, 'aristocraci': 6, 'lifeboat': 6, 'nicolet': 6, 'charmer': 6, '_beloved_': 6, 'winfrey': 6, 'daylewi': 6, 'kerr': 6, 'calendar': 6, 'murnau': 6, 'rylanc': 6, 'hanako': 6, 'discipl': 6, 'immor': 6, 'banquet': 6, 'bannen': 6, 'zallian': 6, 'fong': 6, 'ocp': 6, 'monetari': 6, 'newtonjohn': 6, 'vacanc': 6, 'floor_': 6, 'galact': 6, 'regiment': 6, 'singleton': 6, 'mongkut': 6, 'alvarado': 6, 'delmar': 6, 'copolla': 6, 'hoke': 6, 'maglietta': 6, 'anney': 6, 'katarina': 6, 'ffing': 6, 'dussand': 6, 'runin': 5, 'cloy': 5, 'interspers': 5, 'snapshot': 5, 'unwind': 5, 'projector': 5, 'dork': 5, 'flutter': 5, 'entendr': 5, 'eyelash': 5, 'hid': 5, 'hideaway': 5, 'kaisa': 5, 'vindict': 5, 'kristin': 5, 'rove': 5, 'furrow': 5, 'feroc': 5, 'keeper': 5, 'illadvis': 5, 'homoerot': 5, 'masterson': 5, 'bandwagon': 5, 'reconcil': 5, 'moran': 5, 'gregor': 5, 'friski': 5, 'swordplay': 5, 'planner': 5, 'shao': 5, 'overachiev': 5, 'introductori': 5, 'remar': 5, 'shou': 5, 'jax': 5, 'cereal': 5, 'stateoftheart': 5, 'dingi': 5, 'minimalist': 5, 'silk': 5, 'underwhelm': 5, 'crux': 5, 'mumbojumbo': 5, 'sabrina': 5, 'adrien': 5, 'grungi': 5, 'spear': 5, 'wildlif': 5, 'strasser': 5, 'leatherclad': 5, 'jumbo': 5, 'jai': 5, 'korean': 5, 'alterego': 5, 'munch': 5, 'grey': 5, 'khondji': 5, 'aidan': 5, 'facetofac': 5, 'kirkland': 5, 'outofcontrol': 5, 'adorn': 5, 'puritan': 5, 'witchcraft': 5, 'recurr': 5, 'delicaci': 5, 'undecid': 5, 'breathless': 5, 'squadron': 5, 'nuke': 5, 'ehren': 5, 'chestnut': 5, 'avers': 5, 'unison': 5, 'lindsey': 5, 'allud': 5, 'antichrist': 5, 'letterbox': 5, 'interf': 5, 'coleman': 5, 'selfcongratulatori': 5, 'threequart': 5, 'revenu': 5, 'moneymak': 5, 'kai': 5, 'abel': 5, 'bartkowiak': 5, 'workmanlik': 5, 'tempo': 5, 'clap': 5, 'seed': 5, 'insurmount': 5, 'zipper': 5, 'leland': 5, '93': 5, 'goddess': 5, 'horrorcomedi': 5, 'bonehead': 5, 'flew': 5, 'pseudointellectu': 5, 'receptionist': 5, 'handinhand': 5, '36': 5, 'pervas': 5, 'unjustli': 5, 'mikael': 5, 'inexperienc': 5, 'jamey': 5, 'extraordinair': 5, 'visa': 5, 'halfdozen': 5, 'turtl': 5, 'halliwel': 5, 'bunton': 5, 'elton': 5, 'reincarn': 5, 'bluecollar': 5, 'disori': 5, 'belch': 5, 'peppi': 5, 'downbeat': 5, 'basil': 5, 'mauri': 5, 'chaykin': 5, 'mortgag': 5, 'sugari': 5, 'federico': 5, 'til': 5, 'scrub': 5, 'checkout': 5, 'vultur': 5, 'guild': 5, 'terel': 5, 'goodboy': 5, 'tolan': 5, 'bedazzl': 5, 'expir': 5, 'unequivoc': 5, 'unsubtl': 5, 'duguay': 5, 'retro': 5, 'temptress': 5, 'stardust': 5, 'ware': 5, 'riotou': 5, 'diana': 5, 'camcord': 5, 'innumer': 5, 'marla': 5, 'weaken': 5, 'ing': 5, 'asinin': 5, 'chrysler': 5, 'unfit': 5, 'aerosmith': 5, 'ketchup': 5, 'twoandahalf': 5, '30second': 5, 'msnbc': 5, 'topsecret': 5, 'lovestruck': 5, 'shackl': 5, 'pier': 5, 'iggi': 5, 'drawl': 5, 'goat': 5, 'everytim': 5, 'oversex': 5, 'filthi': 5, 'bulb': 5, 'ashton': 5, 'swat': 5, 'typhoon': 5, 'wornout': 5, 'topbil': 5, 'gojira': 5, 'loft': 5, 'dietz': 5, 'rossi': 5, 'swoon': 5, 'washedup': 5, 'regener': 5, 'sag': 5, 'indec': 5, 'strobe': 5, 'scroll': 5, 'libido': 5, 'racer': 5, 'touchston': 5, 'alaska': 5, 'sadi': 5, 'falwel': 5, 'meier': 5, 'megan': 5, 'zombielik': 5, 'subcultur': 5, 'treacheri': 5, 'undemand': 5, 'seasid': 5, 'doubli': 5, 'ingrain': 5, 'soprano': 5, 'maximilian': 5, 'illustri': 5, 'mawkish': 5, 'wargam': 5, 'dade': 5, '105': 5, 'simpleton': 5, 'swiss': 5, 'ander': 5, 'argo': 5, 'hijink': 5, '16x9': 5, 'thx': 5, 'indepth': 5, 'spat': 5, 'constabl': 5, 'confound': 5, 'bootleg': 5, 'skimp': 5, 'modul': 5, 'dzundza': 5, 'geociti': 5, 'cobra': 5, 'ultracool': 5, 'multimillionair': 5, 'barton': 5, 'richest': 5, 'turnaround': 5, 'whitney': 5, 'glisten': 5, 'git': 5, 'highpow': 5, 'paintbynumb': 5, 'embellish': 5, 'charter': 5, 'mallrat': 5, 'alexandr': 5, 'ion': 5, 'mcqueen': 5, 'immeadi': 5, 'carrier': 5, 'badg': 5, 'gunman': 5, 'swayz': 5, 'gasolin': 5, 'primetim': 5, 'dc': 5, 'jeb': 5, 'cmon': 5, 'dexter': 5, 'soontob': 5, 'fatherli': 5, 'autom': 5, 'deplor': 5, 'capulet': 5, 'mulqueen': 5, 'expressionless': 5, 'postproduct': 5, 'geez': 5, 'dole': 5, 'thrash': 5, 'machinegun': 5, 'joon': 5, 'catalog': 5, 'glaringli': 5, 'dosag': 5, 'liquid': 5, 'hypothet': 5, 'fiveminut': 5, 'catwoman': 5, 'dictionari': 5, 'sweden': 5, 'screentim': 5, 'supremaci': 5, 'nether': 5, 'crummi': 5, 'rube': 5, 'manor': 5, 'insuffer': 5, 'dour': 5, 'beef': 5, 'goblin': 5, 'ghoul': 5, 'incapacit': 5, 'uncharacterist': 5, 'wellchoreograph': 5, 'kjv': 5, 'persever': 5, 'benton': 5, 'characterdriven': 5, 'outnumb': 5, 'barg': 5, 'firework': 5, 'narcissist': 5, 'caulfield': 5, 'trifl': 5, 'inflat': 5, 'ceo': 5, 'whimper': 5, 'skelet': 5, 'meteorit': 5, 'twisti': 5, 'jona': 5, 'legion': 5, 'clamor': 5, 'tweak': 5, 'waddington': 5, 'essay': 5, 'stricken': 5, 'cheapli': 5, 'demot': 5, 'dolphin': 5, 'goofbal': 5, 'shortliv': 5, 'usurp': 5, 'chabert': 5, 'happier': 5, 'baranski': 5, 'eyecandi': 5, 'earthworm': 5, 'pointer': 5, 'tilli': 5, 'conced': 5, 'eagl': 5, 'torrid': 5, 'peripher': 5, 'malloy': 5, 'unabashedli': 5, 'standin': 5, 'temporari': 5, 'eman': 5, 'rep': 5, 'mulroney': 5, 'bombshel': 5, 'underwear': 5, 'genx': 5, 'tickl': 5, 'fray': 5, 'dissuad': 5, 'pluck': 5, 'rapaport': 5, 'walmart': 5, 'pup': 5, 'tenuou': 5, 'colleen': 5, 'yuck': 5, 'rubbl': 5, 'circular': 5, 'furious': 5, 'dom': 5, 'weepi': 5, 'demo': 5, 'med': 5, 'hardi': 5, 'shadyac': 5, 'pedophil': 5, 'tourdeforc': 5, 'unev': 5, 'casanova': 5, 'wellintent': 5, '2029': 5, 'miscalcul': 5, 'chess': 5, 'johnathon': 5, 'stupefi': 5, 'snowcov': 5, 'lastminut': 5, 'embitt': 5, 'laboratori': 5, 'lawman': 5, 'cristof': 5, 'whiplash': 5, 'softwar': 5, 'withdraw': 5, 'pouti': 5, 'rev': 5, 'joyless': 5, 'squish': 5, 'customari': 5, 'lawernc': 5, 'thrillrid': 5, 'preschool': 5, 'turf': 5, 'repay': 5, 'verifi': 5, 'stagnant': 5, 'enact': 5, 'arliss': 5, 'animos': 5, 'singh': 5, 'ming': 5, 'eloi': 5, 'honcho': 5, 'weatherman': 5, 'sleek': 5, 'heft': 5, 'knowingli': 5, 'purr': 5, 'nosed': 5, 'nebbish': 5, 'senil': 5, 'pleaser': 5, 'copout': 5, 'amalgam': 5, 'halperin': 5, 'rendezv': 5, 'penanc': 5, 'travesti': 5, 'henslow': 5, 'viola': 5, 'darabont': 5, 'crock': 5, 'jada': 5, 'onetim': 5, 'mosaic': 5, 'unworthi': 5, 'insidi': 5, 'hazi': 5, 'fax': 5, 'dank': 5, 'perf': 5, 'dugan': 5, '_real_': 5, 'listless': 5, 'workshop': 5, 'sacrilegi': 5, 'sensuou': 5, 'almod': 5, 'var': 5, 'spiritualist': 5, 'bigshot': 5, 'chic': 5, 'bret': 5, 'mandel': 5, 'evas': 5, 'wunderkind': 5, 'vi': 5, 'trouser': 5, 'rif': 5, 'variant': 5, 'underachiev': 5, 'nineyearold': 5, 'menial': 5, 'stacey': 5, 'commenc': 5, 'junctur': 5, 'wizardri': 5, 'anjelica': 5, 'actioncomedi': 5, 'misspel': 5, 'busboy': 5, 'glaze': 5, 'sanit': 5, 'vh1': 5, 'soggi': 5, 'darkman': 5, 'homecom': 5, 'ibn': 5, 'fahdlan': 5, 'tinker': 5, 'lamp': 5, 'mekhi': 5, 'giveaway': 5, 'chaja': 5, 'twentyf': 5, 'cellist': 5, 'tart': 5, 'billionair': 5, 'marian': 5, 'purs': 5, 'dierdr': 5, 'bloom': 5, 'hipster': 5, 'unsatisfactori': 5, 'orphanag': 5, 'inkl': 5, 'intro': 5, 'troyer': 5, 'foxx': 5, 'criticis': 5, 'contemptu': 5, 'omit': 5, 'lookout': 5, 'holdup': 5, 'condens': 5, 'careless': 5, '1954': 5, 'fingertip': 5, 'paradigm': 5, 'reprehens': 5, 'sexcraz': 5, 'cockroach': 5, 'spanner': 5, 'berni': 5, 'input': 5, 'midwestern': 5, 'humdrum': 5, 'emptyhead': 5, 'ambush': 5, 'englund': 5, 'geller': 5, 'airhead': 5, 'painstak': 5, 'facher': 5, 'hardpress': 5, 'vy': 5, 'enslav': 5, 'focal': 5, 'halv': 5, 'peterson': 5, 'atkin': 5, 'derelict': 5, 'irrat': 5, 'raul': 5, 'compli': 5, 'miscu': 5, 'taplitz': 5, 'reflex': 5, 'leopard': 5, 'geoff': 5, 'overpopul': 5, 'bestow': 5, 'inc': 5, 'leatherfac': 5, 'daredevil': 5, 'bunge': 5, 'cord': 5, 'bowen': 5, 'thierri': 5, 'catholic': 5, 'sidelin': 5, 'tod': 5, 'teresa': 5, 'opaqu': 5, 'horndog': 5, 'soppi': 5, 'rayden': 5, 'selfworth': 5, 'flap': 5, 'dichotomi': 5, 'obsolet': 5, 'unceremoni': 5, 'rubbish': 5, 'unrelentingli': 5, 'amplifi': 5, 'kinship': 5, 'diet': 5, 'delud': 5, 'obssess': 5, 'parttim': 5, 'oneal': 5, 'drench': 5, 'rodger': 5, 'kicker': 5, 'cafeteria': 5, 'underl': 5, 'monolith': 5, 'ohlmyer': 5, 'hull': 5, 'muddi': 5, 'clarifi': 5, 'becki': 5, 'flown': 5, 'intrepid': 5, 'referenc': 5, 'unbalanc': 5, 'rex': 5, 'selleck': 5, 'bedridden': 5, 'squint': 5, 'kickbox': 5, 'headtohead': 5, 'coliseum': 5, 'embassi': 5, 'shen': 5, 'diminut': 5, 'rollin': 5, 'manmad': 5, 'yellowston': 5, 'overprotect': 5, 'simpler': 5, 'freewheel': 5, 'afloat': 5, 'kafka': 5, 'retard': 5, 'outback': 5, 'sideshow': 5, 'subvert': 5, '21st': 5, 'lowli': 5, 'reconstruct': 5, 'scorn': 5, 'mcginley': 5, 'boorish': 5, 'unafraid': 5, 'rollick': 5, 'contort': 5, 'strongwil': 5, 'edmund': 5, 'razor': 5, 'avantgard': 5, 'threeminut': 5, 'rehabilit': 5, 'spici': 5, 'penultim': 5, 'robertson': 5, 'newborn': 5, 'huff': 5, 'hitter': 5, 'geolog': 5, 'ancestor': 5, 'overwritten': 5, 'expel': 5, 'slog': 5, 'taint': 5, 'milit': 5, 'angsti': 5, 'semen': 5, 'dangerfield': 5, 'munson': 5, 'annabella': 5, 'penalti': 5, 'rigor': 5, 'lax': 5, 'peewe': 5, 'dilut': 5, 'endow': 5, 'paymer': 5, 'whisk': 5, 'extort': 5, 'plush': 5, 'fairytal': 5, 'magda': 5, 'morsel': 5, 'renam': 5, 'straighttovideo': 5, 'dobi': 5, 'scrapbook': 5, 'goggl': 5, 'nishi': 5, 'selfindulg': 5, 'partnership': 5, 'patern': 5, 'rushon': 5, 'reenact': 5, 'inexperi': 5, 'fword': 5, 'harford': 5, 'overcoat': 5, 'partygo': 5, 'sticki': 5, 'hardedg': 5, 'mnemon': 5, 'dragonheart': 5, 'adjani': 5, 'perk': 5, 'onetwo': 5, 'coltran': 5, 'disconnect': 5, 'alzheim': 5, 'delia': 5, 'slot': 5, 'pin': 5, 'bioport': 5, 'bruis': 5, 'cosmo': 5, 'bigot': 5, 'kilrathi': 5, 'port': 5, 'copper': 5, 'crosscut': 5, 'maze': 5, '2s': 5, 'cad': 5, 'gaudi': 5, 'dwindl': 5, 'woven': 5, 'neon': 5, '5th': 5, 'grit': 5, 'expressionist': 5, 'inflect': 5, 'agoni': 5, 'demil': 5, 'scenest': 5, 'splendidli': 5, 'whim': 5, 'tierney': 5, 'clanci': 5, 'greystok': 5, 'intricaci': 5, 'keifer': 5, 'beleiv': 5, 'curl': 5, 'deadlin': 5, 'elig': 5, 'tuck': 5, 'pileup': 5, 'cale': 5, 'milano': 5, 'icet': 5, 'clunker': 5, 'tamper': 5, 'bueller': 5, 'ridgemont': 5, 'spaghetti': 5, 'crunch': 5, 'keiko': 5, 'landladi': 5, 'synonym': 5, 'grieco': 5, 'underpin': 5, 'avenu': 5, 'videocassett': 5, 'sank': 5, 'tuna': 5, 'philipp': 5, 'hunch': 5, 'drugstor': 5, 'blurri': 5, 'aphrodit': 5, 'namesak': 5, 'bloodbath': 5, 'peanut': 5, 'execution': 5, 'zhang': 5, 'protract': 5, 'milieu': 5, 'jokey': 5, 'gulp': 5, 'gen': 5, 'dudley': 5, 'nacho': 5, 'tasti': 5, 'recap': 5, 'fran': 5, 'blindli': 5, '26': 5, 'crucifi': 5, 'sector': 5, 'lipsynch': 5, 'rejuven': 5, '16yearold': 5, 'roundtre': 5, 'dome': 5, 'oeuvr': 5, 'jeanpierr': 5, 'cassi': 5, 'purgatori': 5, 'easygo': 5, 'vacuum': 5, 'trucker': 5, 'ascend': 5, 'robard': 5, 'selfhelp': 5, 'longrun': 5, 'thi': 5, 'transgress': 5, 'cano': 5, 'decre': 5, 'onearm': 5, 'batcav': 5, '42': 5, 'theodor': 5, 'certif': 5, 'penniless': 5, 'vortex': 5, 'trajectori': 5, 'highstrung': 5, 'scumbag': 5, 'looter': 5, 'overexpos': 5, 'sw': 5, 'dock': 5, 'predic': 5, 'speedi': 5, 'eraserhead': 5, 'spars': 5, 'firsthand': 5, 'att': 5, 'strangest': 5, 'encas': 5, 'classroom': 5, 'olmstead': 5, 'utah': 5, 'taciturn': 5, 'quandari': 5, 'unengag': 5, 'hierarchi': 5, 'espous': 5, 'spur': 5, 'nonfict': 5, 'asianamerican': 5, 'corp': 5, 'swiftli': 5, 'jekyl': 5, 'piggi': 5, 'hectic': 5, 'humid': 5, 'zeist': 5, 'glu': 5, 'rapidfir': 5, 'raquel': 5, 'veget': 5, 'unsink': 5, 'conaway': 5, 'tryst': 5, 'sermon': 5, 'chappel': 5, 'newslett': 5, 'predilect': 5, 'impal': 5, 'dearli': 5, 'worldclass': 5, 'champagn': 5, 'plucki': 5, 'mikey': 5, 'tribal': 5, 'hygien': 5, 'unborn': 5, 'looney': 5, 'chaser': 5, 'newsweek': 5, 'granddaddi': 5, 'ghostli': 5, 'nonam': 5, 'astray': 5, 'electrocut': 5, 'consumm': 5, 'cottag': 5, 'smartmouth': 5, 'halli': 5, 'inoffens': 5, 'vine': 5, 'aptitud': 5, 'simplifi': 5, 'wobbl': 5, 'adag': 5, 'bandag': 5, 'diplomat': 5, 'infer': 5, 'repercuss': 5, 'waterg': 5, 'pastel': 5, 'smuggler': 5, 'scrape': 5, 'overturn': 5, 'paranorm': 5, 'gunmen': 5, 'theorist': 5, 'roswel': 5, 'headi': 5, '16mm': 5, 'jadzia': 5, 'sauci': 5, 'debilit': 5, 'reaper': 5, 'reparte': 5, 'disown': 5, 'instantan': 5, 'harkonnen': 5, 'censorship': 5, 'ww2': 5, 'whomev': 5, 'solemn': 5, 'selfesteem': 5, 'balthazar': 5, 'getti': 5, 'herd': 5, 'buffoonish': 5, 'paddl': 5, 'misus': 5, 'dday': 5, 'mantegna': 5, 'bloodsuck': 5, 'affili': 5, 'amadeu': 5, 'throwback': 5, 'disobey': 5, 'augment': 5, 'melros': 5, 'headphon': 5, 'proft': 5, 'lila': 5, 'denomin': 5, 'tee': 5, 'palanc': 5, 'plainli': 5, 'arabia': 5, 'facet': 5, 'unmatch': 5, 'cheeri': 5, 'saxon': 5, 'vincenzo': 5, 'karat': 5, 'antithesi': 5, 'seep': 5, 'deer': 5, 'unsurprisingli': 5, 'dredd': 5, 'bubblegum': 5, 'unifi': 5, 'croon': 5, 'bounci': 5, 'selfreferenti': 5, 'dellaplan': 5, 'knockout': 5, 'detractor': 5, 'anxious': 5, 'nbc': 5, 'mathild': 5, 'connoisseur': 5, 'cello': 5, 'thrax': 5, 'disturbingli': 5, 'hogget': 5, 'pyramid': 5, 'lem': 5, 'moresco': 5, 'persecut': 5, 'marina': 5, 'corruptor': 5, 'kalvert': 5, 'halfheartedli': 5, 'freakish': 5, 'sisterinlaw': 5, 'duet': 5, 'carvey': 5, 'obsessivecompuls': 5, 'unidentifi': 5, 'cartman': 5, 'scrap': 5, 'glide': 5, 'threeway': 5, 'imf': 5, 'hinder': 5, 'exclud': 5, 'luciano': 5, 'xusia': 5, 'alana': 5, 'hooper': 5, 'highlevel': 5, 'advent': 5, 'arlen': 5, 'woodward': 5, 'underappreci': 5, 'borgnin': 5, 'baptist': 5, 'mend': 5, 'achingli': 5, 'flirtat': 5, 'novale': 5, 'norma': 5, 'siam': 5, 'sponsor': 5, 'melinda': 5, 'hendrix': 5, 'wainwright': 5, 'arthurian': 5, 'grail': 5, 'memoir': 5, 'morocco': 5, 'belgian': 5, 'bustl': 5, 'lien': 5, 'mobutu': 5, 'prophesi': 5, 'yelchin': 5, 'boorem': 5, 'sling': 5, 'mileston': 5, 'echelon': 5, 'carlin': 5, 'lightsab': 5, 'therein': 5, 'drummer': 5, 'frothi': 5, 'weiss': 5, 'geograph': 5, 'pioneer': 5, 'sputnik': 5, 'bickl': 5, 'melodi': 5, 'pinocchio': 5, 'juzo': 5, 'trepid': 5, 'pignon': 5, 'auteuil': 5, 'aureliu': 5, 'proximo': 5, 'cautiou': 5, 'unchang': 5, 'nugent': 5, 'costli': 5, 'hoblit': 5, 'dorff': 5, 'christoff': 5, '1957': 5, 'facehugg': 5, 'emira': 5, 'winterbottom': 5, 'squash': 5, 'adroitli': 5, 'crazybeauti': 5, 'tow': 5, 'interraci': 5, 'azazel': 5, 'udal': 5, 'imhotep': 5, 'instil': 5, 'neednt': 5, 'hitchcockian': 5, 'springsteen': 5, 'balconi': 5, 'hy': 5, 'schwartzman': 5, 'standoff': 5, 'texan': 5, 'daytoday': 5, 'infant': 5, 'qualm': 5, 'pharaoh': 5, 'errol': 5, 'diverg': 5, 'greenleaf': 5, 'threeyear': 5, 'presentday': 5, 'olyph': 5, 'cull': 5, 'bb': 5, 'giosu': 5, 'toughest': 5, 'phobia': 5, 'impoverish': 5, 'thorton': 5, 'strathairn': 5, 'fierstein': 5, 'lighten': 5, 'painstakingli': 5, 'humanist': 5, 'soontek': 5, 'lea': 5, 'salonga': 5, 'osmond': 5, 'conscript': 5, 'alek': 5, 'truest': 5, 'cricket': 5, 'campion': 5, 'trench': 5, 'befal': 5, 'helfgott': 5, 'rum': 5, 'bedford': 5, 'selfconfid': 5, 'forecast': 5, 'sect': 5, 'meir': 5, 'rivka': 5, 'schmaltzi': 5, 'herlihi': 5, 'satin': 5, 'u2': 5, 'ohh': 5, 'ee': 5, 'winsom': 5, 'rimini': 5, 'naturalist': 5, 'tappan': 5, 'huddleston': 5, 'deakin': 5, 'lightyear': 5, 'bullsey': 5, 'furst': 5, 'toucha': 5, 'sarossi': 5, 'deter': 5, 'pidgeon': 5, 'staci': 5, 'verona': 5, 'saddam': 5, 'tykwer': 5, 'iri': 5, 'pyle': 5, 'meatier': 5, 'marcellu': 5, 'advers': 5, 'flamingo': 5, 'laughton': 5, 'squeamish': 5, 'iowa': 5, 'fundamentalist': 5, 'necklac': 5, 'gungan': 5, 'enclos': 5, 'rewind': 5, 'perlman': 5, 'seper': 5, 'reddick': 5, 'ilona': 5, 'herskovitz': 5, 'farrah': 5, 'paulin': 5, 'alberta': 5, 'zeffirelli': 5, 'franknfurt': 5, 'guinever': 5, 'dar': 5, 'lindsay': 5, 'domingo': 5, 'oddsandend': 5, 'odil': 5, 'packer': 5, 'guaspari': 5, 'hub': 5, 'zair': 5, 'deathless': 5, 'kimmi': 5, 'kahuna': 5, 'ulyss': 5, 'bilal': 5, 'dershowitz': 5, 'bettani': 5, 'greenfing': 5, 'trunchbul': 5, '_daylight_': 5, 'vig': 5, 'mindfuck': 4, 'snag': 4, 'y2k': 4, 'sunken': 4, 'handsdown': 4, 'kayley': 4, 'rickl': 4, 'computer': 4, 'exlov': 4, '2176': 4, 'unsavori': 4, 'flicker': 4, 'deviant': 4, 'obstetrician': 4, 'pave': 4, 'boulevard': 4, 'headey': 4, 'gossip': 4, 'norway': 4, 'blitz': 4, 'nosi': 4, 'mainstay': 4, 'preen': 4, 'deflect': 4, 'hmmmm': 4, 'irrepress': 4, 'how': 4, 'scamper': 4, 'lecter': 4, '47': 4, '15year': 4, 'preoccup': 4, 'concurr': 4, 'evenli': 4, 'bluster': 4, 'bach': 4, 'bythebook': 4, 'predestin': 4, 'conting': 4, 'irishman': 4, 'statesid': 4, 'atho': 4, 'francesca': 4, 'regroup': 4, 'quintano': 4, 'subtext': 4, 'marxist': 4, 'execr': 4, 'bridgett': 4, 'lifelik': 4, 'backdraft': 4, 'interchang': 4, 'swirl': 4, 'ponytail': 4, 'madeforvideo': 4, 'aviat': 4, 'ditti': 4, 'deviou': 4, 'twobit': 4, 'abc': 4, 'grenier': 4, 'pensiv': 4, '1949': 4, 'pretext': 4, 'lurch': 4, 'randl': 4, 'pest': 4, 'dariu': 4, 'rustic': 4, 'santoro': 4, 'deux': 4, 'machina': 4, 'cheapen': 4, 'disaster': 4, 'outdon': 4, 'err': 4, 'credul': 4, 'nighttim': 4, 'immacul': 4, 'histrion': 4, 'puf': 4, 'gallow': 4, 'bewitch': 4, 'pillag': 4, 'scanner': 4, 'heartili': 4, 'arlington': 4, 'grammar': 4, 'guttenberg': 4, 'snivel': 4, 'cellmat': 4, 'flank': 4, 'thuggish': 4, 'fluster': 4, 'mime': 4, 'pelt': 4, 'kellogg': 4, 'petri': 4, 'deanna': 4, 'cheri': 4, 'hughley': 4, 'pintsiz': 4, 'underutil': 4, 'po': 4, 'steadfast': 4, 'photogen': 4, 'unsung': 4, 'andrzej': 4, 'xray': 4, 'barroom': 4, 'poof': 4, 'rein': 4, 'fedora': 4, 'uniti': 4, 'gator': 4, 'homework': 4, 'bludgeon': 4, '107': 4, 'administr': 4, 'gambon': 4, 'ginti': 4, 'yacht': 4, 'skipper': 4, 'bauer': 4, 'hemispher': 4, 'radioact': 4, 'revuls': 4, 'berserk': 4, 'irritatingli': 4, 'treati': 4, 'civilis': 4, 'laszlo': 4, 'binoch': 4, 'cornucopia': 4, 'radha': 4, 'cholodenko': 4, 'greta': 4, 'indecipher': 4, 'clarkson': 4, 'pigeonhol': 4, 'transcendent': 4, 'gaff': 4, 'swill': 4, 'huntingburg': 4, 'overwork': 4, 'timetotim': 4, 'unaccept': 4, 'pruitt': 4, 'onlook': 4, 'pseudo': 4, 'lehmann': 4, 'wendt': 4, 'selfloath': 4, 'davison': 4, 'funlov': 4, 'jeremiah': 4, 'firth': 4, '1948': 4, 'jazzi': 4, 'migrant': 4, 'hardass': 4, 'mcglone': 4, 'humanitarian': 4, 'squalid': 4, 'antiqu': 4, 'ferguson': 4, 'cheroke': 4, 'bingo': 4, 'microwav': 4, 'elk': 4, 'busti': 4, 'rib': 4, 'dang': 4, 'conquest': 4, 'coattail': 4, 'roast': 4, 'overcam': 4, 'spaniard': 4, 'disposit': 4, 'vindic': 4, 'giancarlo': 4, 'slomo': 4, 'insomniac': 4, 'gilligan': 4, 'upperclass': 4, 'spruce': 4, 'deepcor': 4, 'nincompoop': 4, 'rockhound': 4, 'heroism': 4, 'braveri': 4, 'synthet': 4, 'scenic': 4, 'righteou': 4, 'stubbornli': 4, 'backtrack': 4, 'draven': 4, 'subsidiari': 4, 'bondag': 4, 'hatosi': 4, 'selma': 4, 'overh': 4, 'houseboat': 4, 'goodi': 4, 'kink': 4, 'discord': 4, '12year': 4, 'impati': 4, 'needi': 4, 'nadia': 4, 'pacula': 4, 'remad': 4, 'niko': 4, 'warhead': 4, 'behemoth': 4, 'afterschool': 4, 'glitz': 4, 'suchet': 4, 'nic': 4, 'razzl': 4, 'besieg': 4, 'chortl': 4, 'floppi': 4, 'afoot': 4, 'manwhor': 4, 'countercultur': 4, 'talkshow': 4, 'unimport': 4, 'onehundr': 4, 'lionel': 4, 'eject': 4, 'multi': 4, 'offspr': 4, 'fawn': 4, 'promisingli': 4, 'pertin': 4, 'congress': 4, 'blethyn': 4, 'wherebi': 4, 'unhip': 4, 'fab': 4, 'diann': 4, 'carradin': 4, '800': 4, 'meatiest': 4, 'oscarwinn': 4, 'semler': 4, 'smokejump': 4, 'cowgirl': 4, 'huddl': 4, 'lacon': 4, 'windshield': 4, 'involuntari': 4, 'gist': 4, 'lebanes': 4, 'kahl': 4, 'extremist': 4, 'oklahoma': 4, 'queri': 4, 'dorm': 4, 'probe': 4, 'wiest': 4, 'goran': 4, 'whimsi': 4, 'talentless': 4, 'picker': 4, 'marque': 4, 'halfhuman': 4, 'slink': 4, 'accost': 4, 'hijinx': 4, 'lennox': 4, 'burgess': 4, 'jnr': 4, 'overwhelmingli': 4, 'zippi': 4, 'someplac': 4, 'knucklehead': 4, 'mushi': 4, 'recours': 4, 'regina': 4, 'synch': 4, 'addi': 4, 'steak': 4, 'inanim': 4, 'villa': 4, 'mcshane': 4, 'stout': 4, 'cockney': 4, 'gratuiti': 4, 'leverag': 4, 'conman': 4, 'singlemind': 4, 'fellatio': 4, 'bender': 4, 'fishi': 4, 'smoker': 4, 'dryland': 4, 'deduct': 4, 'midpoint': 4, 'seethrough': 4, 'greenlit': 4, 'matriarch': 4, 'thud': 4, 'poss': 4, 'forum': 4, 'cincinnati': 4, 'ohio': 4, 'monstrous': 4, 'denmark': 4, 'declan': 4, 'fullfront': 4, 'astronomi': 4, '2d': 4, 'flipper': 4, 'unemot': 4, 'backseat': 4, 'anew': 4, 'coconspir': 4, 'sloppili': 4, 'bonfir': 4, 'refund': 4, 'riddler': 4, 'flatlin': 4, 'tatoo': 4, 'pov': 4, 'thirdrat': 4, 'hesh': 4, 'grouchi': 4, 'caesar': 4, 'pummel': 4, 'tangibl': 4, 'unlimit': 4, 'macdoug': 4, 'obstruct': 4, 'brussel': 4, 'doorway': 4, 'elmer': 4, 'bratti': 4, 'epa': 4, 'environment': 4, 'incestu': 4, 'porch': 4, 'tangenti': 4, 'selfdefens': 4, 'dualiti': 4, 'skylin': 4, 'pudgi': 4, 'buttock': 4, 'applianc': 4, 'mae': 4, 'pfieffer': 4, 'jinni': 4, 'stratford': 4, 'spheeri': 4, 'goround': 4, 'vanni': 4, 'insensit': 4, 'beleagu': 4, 'travail': 4, 'grenad': 4, 'morass': 4, 'booki': 4, 'woeful': 4, 'naught': 4, 'pate': 4, 'masterwork': 4, 'dastardli': 4, 'prettyboy': 4, 'reconsid': 4, 'crusti': 4, 'bankruptci': 4, 'hoenick': 4, 'weebo': 4, 'automaton': 4, 'tombston': 4, 'midler': 4, 'oneman': 4, 'hurtl': 4, 'stowaway': 4, 'helium': 4, 'lilli': 4, 'concuss': 4, 'vivaci': 4, 'heavier': 4, 'harp': 4, 'cg': 4, 'momentari': 4, 'colorado': 4, 'ram': 4, 'shroff': 4, 'populac': 4, 'allegi': 4, 'brandish': 4, 'hamhand': 4, 'umm': 4, 'veloz': 4, 'playground': 4, 'veil': 4, 'duplicit': 4, 'motorbik': 4, 'twentytwo': 4, 'unreli': 4, 'backup': 4, 'unmemor': 4, 'languid': 4, '_last_': 4, 'hijack': 4, 'netherworld': 4, 'coscript': 4, 'nightingal': 4, 'pea': 4, 'ella': 4, 'scheider': 4, 'dental': 4, 'quotabl': 4, 'shimmer': 4, 'matarazzo': 4, 'unexplor': 4, 'petrifi': 4, 'kinder': 4, 'toddler': 4, 'countdown': 4, '999': 4, 'wool': 4, 'occult': 4, 'puff': 4, 'archenemi': 4, 'insati': 4, 'omnipres': 4, 'desire': 4, 'billboard': 4, 'eyeopen': 4, 'publicist': 4, 'eileen': 4, 'joann': 4, 'merchant': 4, 'klass': 4, 'fleder': 4, 'boull': 4, 'surmis': 4, 'paw': 4, 'unmask': 4, 'kristi': 4, 'tit': 4, 'bela': 4, 'omnisci': 4, 'goofili': 4, 'homogen': 4, 'frumpi': 4, 'operat': 4, 'downandout': 4, 'disprov': 4, 'rudimentari': 4, 'unflinch': 4, 'neverend': 4, 'interstellar': 4, 'jenkin': 4, 'ferret': 4, 'cityscap': 4, 'lawer': 4, 'mindblow': 4, 'whatnot': 4, 'jillian': 4, 'handi': 4, 'gish': 4, 'lehman': 4, 'watereddown': 4, 'wellworn': 4, 'tvmovi': 4, 'kel': 4, 'wildfir': 4, 'schemer': 4, 'ir': 4, 'decrepit': 4, 'unanim': 4, 'abomin': 4, 'whackedout': 4, 'download': 4, 'stillliv': 4, 'humanoid': 4, 'contagion': 4, 'shootemup': 4, 'mannequin': 4, 'weinstein': 4, 'hiller': 4, 'groovi': 4, 'boobi': 4, 'seeker': 4, 'sexpot': 4, 'codger': 4, 'zeal': 4, 'snip': 4, 'erstwhil': 4, 'dea': 4, 'octopu': 4, 'cellar': 4, 'ethel': 4, 'kindergarten': 4, 'threehour': 4, 'garp': 4, 'latent': 4, 'parasit': 4, 'overhear': 4, 'discredit': 4, 'vicepresid': 4, 'iran': 4, 'blindfold': 4, 'lowel': 4, 'priscilla': 4, 'frau': 4, 'priestley': 4, 'guillermo': 4, 'alessandro': 4, 'sadler': 4, 'greasi': 4, 'mornay': 4, 'toninho': 4, 'perrineau': 4, 'despond': 4, 'serenad': 4, 'mcmahon': 4, 'awok': 4, 'mananim': 4, 'begrudgingli': 4, 'sew': 4, 'periscop': 4, 'vendor': 4, 'evapor': 4, 'lid': 4, 'superintellig': 4, 'lessen': 4, 'honk': 4, 'filmgo': 4, 'genit': 4, '600': 4, 'timer': 4, 'woodard': 4, 'cog': 4, 'hoopla': 4, 'heinou': 4, 'whichev': 4, 'odiou': 4, 'dougray': 4, 'burglar': 4, 'goofier': 4, 'charad': 4, 'headacheinduc': 4, 'bernhard': 4, 'thump': 4, 'dotti': 4, 'sela': 4, 'chagrin': 4, 'ivey': 4, 'estevez': 4, 'longlost': 4, 'skintight': 4, '12yearold': 4, 'banner': 4, 'yerzi': 4, '90minut': 4, 'belittl': 4, 'nonchalantli': 4, 'mckean': 4, 'coughlan': 4, 'sneez': 4, 'silverwar': 4, 'hichock': 4, 'stoddard': 4, 'fraker': 4, 'prep': 4, 'nastassja': 4, 'wasp': 4, 'shirtless': 4, 'rainforest': 4, 'nocturn': 4, 'adulter': 4, 'burglari': 4, 'zeik': 4, 'motherli': 4, 'sanitari': 4, 'bloodless': 4, 'lout': 4, 'vicari': 4, 'gourmet': 4, 'bonif': 4, 'selfserv': 4, 'vern': 4, 'mirkin': 4, 'cineplex': 4, 'poll': 4, 'flanneri': 4, 'sorceri': 4, 'telekinet': 4, 'amateurishli': 4, 'interv': 4, 'canin': 4, 'choru': 4, 'monasteri': 4, 'powerhungri': 4, 'embroil': 4, 'camaraderi': 4, 'vapor': 4, 'chastiti': 4, 'defus': 4, 'myra': 4, 'snuf': 4, 'bidet': 4, 'vie': 4, 'wifetob': 4, 'agatha': 4, 'stuckup': 4, 'wither': 4, 'sharper': 4, 'zen': 4, 'corbin': 4, 'planetari': 4, 'rocco': 4, 'rasputin': 4, 'argonautica': 4, 'teeshirt': 4, 'slither': 4, 'quart': 4, 'undetect': 4, 'disembodi': 4, 'tissu': 4, 'spiffi': 4, 'debonair': 4, 'brotherinlaw': 4, '_and_': 4, 'ie': 4, 'doorstep': 4, 'faceti': 4, 'shapeless': 4, 'unoffici': 4, 'silliest': 4, '115': 4, 'suscept': 4, 'pencil': 4, 'spiderman': 4, 'unwis': 4, 'ordinarili': 4, 'baigelman': 4, 'junger': 4, 'ooooh': 4, 'unabomb': 4, 'nightli': 4, 'foxi': 4, 'alltoo': 4, 'vita': 4, 'longwind': 4, 'yum': 4, 'conglomer': 4, 'lark': 4, 'roldan': 4, 'kraft': 4, 'boyish': 4, '30th': 4, 'linz': 4, 'dime': 4, 'lil': 4, 'neptun': 4, 'eisner': 4, 'daydream': 4, 'slop': 4, 'squeaki': 4, 'vieluf': 4, 'krzysztof': 4, 'elv': 4, 'archiv': 4, 'reich': 4, 'vigil': 4, 'necrophilia': 4, 'barr': 4, 'hiatu': 4, 'eclips': 4, 'beart': 4, 'pulsat': 4, 'pollut': 4, 'indoctrin': 4, 'campfir': 4, 'rambo': 4, 'disaffect': 4, 'neuwirth': 4, 'dionna': 4, 'brighter': 4, 'ravel': 4, 'showtim': 4, 'dispar': 4, 'delus': 4, 'baywatch': 4, 'unkempt': 4, 'rasp': 4, 'precursor': 4, 'throe': 4, 'jag': 4, 'douglass': 4, 'neanderth': 4, 'moxxon': 4, 'yulin': 4, 'souza': 4, 'snowfal': 4, 'emit': 4, 'breach': 4, 'lollipop': 4, 'pragmat': 4, '_double_team_': 4, 'hk': 4, 'bosom': 4, 'orgin': 4, 'selfpiti': 4, '100m': 4, 'hassl': 4, 'toughguy': 4, 'haim': 4, 'impostor': 4, 'stewardess': 4, 'behead': 4, 'glitzi': 4, 'jurras': 4, 'hayman': 4, 'stressedout': 4, 'capshaw': 4, 'tong': 4, 'umbrella': 4, 'yaz': 4, 'basket': 4, 'vr': 4, 'scoobi': 4, 'playmat': 4, 'silicon': 4, 'dual': 4, 'grimi': 4, 'pike': 4, 'perfekt': 4, 'wonderbra': 4, 'creepier': 4, 'starstud': 4, 'dessert': 4, 'suprisingli': 4, 'marsden': 4, 'ribbon': 4, 'tarnish': 4, 'schmuck': 4, 'unfeel': 4, 'nap': 4, 'lifethreaten': 4, 'kari': 4, 'newhart': 4, 'chime': 4, 'sherilyn': 4, 'fenn': 4, 'impot': 4, 'scantilyclad': 4, 'initech': 4, 'incorrectli': 4, 'schizophrenia': 4, 'roleshift': 4, 'attun': 4, 'circumcis': 4, 'micelli': 4, 'jeez': 4, 'amiss': 4, 'sadomasoch': 4, 'inauspici': 4, 'kristofferson': 4, 'tellingli': 4, 'drape': 4, 'nondescript': 4, 'berardinelli': 4, 'perenni': 4, 'bernsen': 4, 'cerrano': 4, 'tanaka': 4, 'overpaid': 4, 'quotient': 4, 'panoram': 4, 'index': 4, 'deploy': 4, 'thigh': 4, 'revis': 4, 'outta': 4, 'writh': 4, 'foreplay': 4, 'kalifornia': 4, 'gielgud': 4, 'fallaci': 4, 'downplay': 4, '87': 4, 'slumber': 4, 'haphazard': 4, 'mightili': 4, '1914': 4, 'transpos': 4, 'renounc': 4, 'grappl': 4, 'hade': 4, 'radiu': 4, 'mountainsid': 4, 'retort': 4, 'frizzi': 4, 'seanc': 4, 'unspeak': 4, 'malroux': 4, 'rolf': 4, 'dinki': 4, 'notebook': 4, 'foreground': 4, 'melanchol': 4, 'thermian': 4, 'sarri': 4, 'publicli': 4, 'pamper': 4, 'gumption': 4, 'kilronan': 4, 'displeasur': 4, 'halfexpect': 4, 'kitano': 4, 'ban': 4, 'socket': 4, 'blot': 4, 'profund': 4, 'tootsi': 4, 'exorcis': 4, 'bmw': 4, 'indoor': 4, '150': 4, 'chandler': 4, 'oncom': 4, 'vernon': 4, 'osborn': 4, 'garret': 4, 'deschanel': 4, 'feminin': 4, 'prioriti': 4, 'queasi': 4, 'oneupmanship': 4, 'unlucki': 4, 'bugger': 4, '700': 4, 'thee': 4, 'columbin': 4, 'poop': 4, 'abhorr': 4, 'islam': 4, 'coars': 4, 'utmost': 4, 'garb': 4, 'writingdirect': 4, 'recognis': 4, 'swagger': 4, 'shrill': 4, 'helluva': 4, 'backlash': 4, 'brazen': 4, 'semest': 4, 'disneyfi': 4, 'smatter': 4, 'godlik': 4, 'broader': 4, 'diffus': 4, 'dollop': 4, 'frail': 4, 'glave': 4, 'niceguy': 4, 'threesom': 4, 'unscari': 4, 'stefanson': 4, 'distil': 4, 'maura': 4, 'simian': 4, 'abet': 4, 'willingli': 4, 'omnipot': 4, 'doozi': 4, 'parachut': 4, 'militia': 4, 'latifah': 4, 'outdat': 4, 'englishman': 4, 'aplenti': 4, 'alyssa': 4, 'cremat': 4, 'marisol': 4, 'genxer': 4, 'newark': 4, 'dolph': 4, 'lundgren': 4, 'rambuncti': 4, 'breakdanc': 4, 'reiter': 4, 'overstay': 4, '137': 4, 'friction': 4, 'agit': 4, 'rb': 4, 'draco': 4, 'fring': 4, 'telegram': 4, 'cleans': 4, 'su': 4, 'longest': 4, 'chernobyl': 4, 'incumb': 4, 'hermit': 4, 'exacerb': 4, 'horatio': 4, 'prestig': 4, 'cipher': 4, 'geriatr': 4, 'shearer': 4, 'morani': 4, 'dairi': 4, '^': 4, 'choir': 4, 'trekker': 4, 'soran': 4, 'etch': 4, 'selfdiscoveri': 4, 'remarri': 4, 'infrequ': 4, 'lash': 4, 'boomer': 4, 'cheung': 4, 'overdirect': 4, 'macfadyen': 4, 'floorboard': 4, 'tsai': 4, 'hallucinatori': 4, 'repairman': 4, 'withhold': 4, 'rafe': 4, 'sardon': 4, 'zoot': 4, 'nationwid': 4, 'gardner': 4, 'weirdest': 4, 'drunkard': 4, 'unbridl': 4, 'lamebrain': 4, 'venom': 4, 'eliza': 4, 'pow': 4, 'teller': 4, 'titti': 4, 'gnosi': 4, 'roug': 4, '129': 4, 'aerial': 4, 'whereabout': 4, 'blackman': 4, 'relinquish': 4, 'melora': 4, 'isaiah': 4, 'storywis': 4, 'tore': 4, 'caterpillar': 4, 'mole': 4, 'vondi': 4, 'leachman': 4, 'austrian': 4, 'hi': 4, 'emil': 4, 'emmannuel': 4, 'lingeri': 4, 'hershey': 4, 'lisbon': 4, 'pare': 4, 'scan': 4, 'blawp': 4, 'undistinguish': 4, 'slo': 4, 'maestro': 4, 'flirtati': 4, 'repetiti': 4, 'breather': 4, 'biographi': 4, 'retail': 4, 'sang': 4, 'unadulter': 4, 'littleknown': 4, 'scrappi': 4, 'scientologist': 4, 'amblyn': 4, 'brill': 4, 'skirmish': 4, 'henrikson': 4, 'vill': 4, 'mullan': 4, 'gevedon': 4, 'lassez': 4, 'evangelist': 4, 'blandli': 4, 'plop': 4, 'boardroom': 4, 'brethren': 4, 'revamp': 4, 'thorough': 4, 'shroud': 4, 'hanger': 4, 'vers': 4, 'stevenson': 4, 'newsreel': 4, 'wender': 4, 'rumin': 4, 'perch': 4, 'stephi': 4, 'lessthanstellar': 4, 'quota': 4, 'outlet': 4, 'kissner': 4, 'limitless': 4, 'playth': 4, 'silhouett': 4, 'romano': 4, 'resuscit': 4, '7th': 4, 'mao': 4, 'earthshatt': 4, 'unpopular': 4, 'spacek': 4, 'government': 4, 'cling': 4, 'tenminut': 4, 'gabbi': 4, '11yearold': 4, 'autopsi': 4, 'screamer': 4, 'extracurricular': 4, 'longawait': 4, 'grinder': 4, 'gregson': 4, 'reliant': 4, '_': 4, 'beethoven': 4, 'tripp': 4, 'cashier': 4, 'spokesman': 4, '1800': 4, 'drivein': 4, 'calitri': 4, 'sportscast': 4, 'consensu': 4, 'ca': 4, 'barney': 4, 'knott': 4, 'extramarit': 4, 'pentagon': 4, 'thorn': 4, 'marion': 4, 'pillsburi': 4, 'woodenli': 4, 'malfunct': 4, 'barcelona': 4, 'compulsori': 4, 'ana': 4, 'impedi': 4, 'noholdsbar': 4, 'lagoon': 4, 'tyke': 4, 'flintston': 4, 'daughterinlaw': 4, 'stella': 4, 'unprepar': 4, 'limousin': 4, 'simmer': 4, 'vest': 4, 'gizmo': 4, 'arbogast': 4, 'proverb': 4, 'saucer': 4, 'wormhol': 4, 'amazon': 4, 'princeton': 4, 'wrist': 4, 'motormouth': 4, 'overst': 4, 'cheng': 4, 'prolif': 4, 'semi': 4, 'spiceworld': 4, 'unjust': 4, 'rangoon': 4, 'textual': 4, 'newfoundland': 4, 'damato': 4, 'purg': 4, 'tilt': 4, 'exfootbal': 4, '_polish_wedding_': 4, 'hala': 4, 'hurdl': 4, 'macaulay': 4, 'errand': 4, 'workaday': 4, 'macne': 4, 'mca': 4, 'clearer': 4, 'undertak': 4, 'overseen': 4, 'fremen': 4, 'homeworld': 4, 'eno': 4, 'vladimir': 4, 'stung': 4, 'ingrid': 4, 'sunderland': 4, 'debaucheri': 4, 'savant': 4, 'allamerican': 4, 'nonthreaten': 4, 'orton': 4, 'cr': 4, 'normandi': 4, 'cemetari': 4, 'selfdeprec': 4, 'flawlessli': 4, 'entrench': 4, 'unshaven': 4, 'elitist': 4, 'glower': 4, 'picki': 4, 'membership': 4, 'patillo': 4, 'reproduc': 4, 'sprint': 4, 'unfathom': 4, 'greatlook': 4, 'heiress': 4, 'ingmar': 4, 'ringo': 4, 'joyou': 4, '_dirty_work_': 4, 'tiff': 4, 'selfrefer': 4, 'brute': 4, 'hardhit': 4, 'sympathis': 4, 'jaunt': 4, 'yen': 4, 'consumpt': 4, 'easter': 4, 'flatli': 4, 'processor': 4, 'caffein': 4, 'punctur': 4, 'creed': 4, '125th': 4, 'jefferson': 4, 'overhyp': 4, 'brake': 4, 'carnal': 4, 'delusion': 4, 'callous': 4, 'proteg': 4, 'rollerblad': 4, 'paquin': 4, 'panorama': 4, 'postwar': 4, 'gaeriti': 4, 'fervent': 4, 'delicatessen': 4, 'dreyfu': 4, 'shortag': 4, 'drix': 4, 'obtus': 4, 'burnt': 4, 'ra': 4, 'assant': 4, 'intang': 4, 'apach': 4, 'mara': 4, 'turkish': 4, 'isra': 4, 'siegel': 4, 'rapport': 4, 'glengarri': 4, 'byron': 4, 'joyrid': 4, 'welloff': 4, 'akira': 4, 'undefin': 4, 'inscrut': 4, 'nolan': 4, 'paraphernalia': 4, 'erica': 4, 'wiccan': 4, 'fitzgerald': 4, 'outstandingli': 4, 'lobster': 4, 'criteria': 4, 'nova': 4, 'carvil': 4, 'radiantli': 4, 'vartan': 4, 'toaster': 4, 'straightfac': 4, 'flea': 4, 'hardbal': 4, 'scold': 4, 'gorefest': 4, 'zed': 4, 'buckl': 4, 'allevi': 4, 'sidiou': 4, 'reccomend': 4, '_soldier_': 4, 'endo': 4, 'slowpac': 4, 'scroog': 4, 'fresher': 4, 'puzo': 4, 'welch': 4, 'nino': 4, 'stinki': 4, 'yearbook': 4, 'oxymoron': 4, 'unnotic': 4, 'wheeler': 4, 'isla': 4, 'unforgiven': 4, 'voter': 4, 'albertson': 4, 'frailti': 4, 'viabl': 4, 'discrimin': 4, 'spank': 4, 'dykstra': 4, 'heffron': 4, 'mideighti': 4, 'pharmaceut': 4, 'bellboy': 4, 'tennant': 4, 'resurfac': 4, 'anarchi': 4, 'violinist': 4, 'fergu': 4, 'viper': 4, 'repugn': 4, 'wierd': 4, 'rosari': 4, 'outland': 4, 'darl': 4, 'graffiti': 4, 'chopsocki': 4, 'abroad': 4, 'swastika': 4, 'peripheri': 4, 'chivalri': 4, 'paternalist': 4, 'shaolin': 4, 'keiy': 4, 'ambul': 4, 'preconcept': 4, 'prefac': 4, 'renton': 4, 'reintroduc': 4, 'riker': 4, 'unhing': 4, 'cruelli': 4, 'vito': 4, 'schreber': 4, 'metatron': 4, 'loki': 4, 'bartlebi': 4, 'editori': 4, 'guiness': 4, 'eightyearold': 4, 'portent': 4, 'masseus': 4, 'dalek': 4, 'pertwe': 4, 'janney': 4, 'upbring': 4, 'exclam': 4, 'herbi': 4, 'fink': 4, 'hickam': 4, 'gyllenha': 4, 'delta': 4, 'naivet': 4, 'toneddown': 4, 'katzenberg': 4, 'ramen': 4, 'c3p0': 4, 'mansley': 4, 'alexandra': 4, 'heartwrench': 4, 'nicoletta': 4, 'braschi': 4, 'slur': 4, 'jerusalem': 4, 'symptom': 4, 'chillingli': 4, 'menageri': 4, 'paramed': 4, 'tobi': 4, 'braugher': 4, 'allpow': 4, 'insepar': 4, 'coalwood': 4, 'boyc': 4, 'preconceiv': 4, 'cramp': 4, 'keat': 4, 'footloos': 4, 'burgeon': 4, 'hernandez': 4, 'bostock': 4, 'enraptur': 4, 'crossov': 4, 'giallo': 4, 'franco': 4, 'coulda': 4, 'armpit': 4, 'albanian': 4, 'democraci': 4, 'firstclass': 4, 'albania': 4, 'auschwitz': 4, '35mm': 4, 'sawalha': 4, 'rooster': 4, 'horrock': 4, 'blume': 4, 'cunningham': 4, 'truce': 4, 'headon': 4, 'pipelin': 4, 'hawkin': 4, 'piven': 4, 'ritualist': 4, 'guilderland': 4, 'metcalf': 4, 'welldefin': 4, 'endearingli': 4, 'unpretenti': 4, 'hebrew': 4, 'chute': 4, 'morriss': 4, 'sensori': 4, 'roulett': 4, 'saigon': 4, 'quill': 4, 'biao': 4, 'wah': 4, 'beij': 4, 'menken': 4, 'ashman': 4, 'wallop': 4, 'billingsley': 4, 'mackey': 4, 'skerritt': 4, 'ardent': 4, 'extinguish': 4, 'grudgingli': 4, 'paralys': 4, 'hannon': 4, 'viril': 4, 'amphibian': 4, 'heali': 4, 'donut': 4, 'tretiak': 4, 'fusion': 4, 'bowman': 4, 'epstein': 4, 'mega': 4, 'narrowmind': 4, 'defiantli': 4, 'heer': 4, 'treacher': 4, 'carnegi': 4, 'morita': 4, 'taho': 4, 'mcgehe': 4, 'gracious': 4, 'neophyt': 4, 'electrifi': 4, 'lucid': 4, 'nu': 4, 'righthand': 4, '14th': 4, '3rd': 4, 'bondsman': 4, 'temp': 4, 'suo': 4, 'sisco': 4, 'schreck': 4, 'israel': 4, 'emissari': 4, 'solidifi': 4, 'sctv': 4, 'crowdpleas': 4, 'classif': 4, 'diggler': 4, 'on': 4, 'battleship': 4, 'immeasur': 4, 'layoff': 4, 'dialect': 4, 'totalitarian': 4, 'joadson': 4, 'kozmo': 4, 'whedon': 4, 'roundup': 4, 'prospector': 4, 'edgecomb': 4, 'wetmor': 4, 'juni': 4, 'stadium': 4, 'gordo': 4, 'writerdirectorproduc': 4, 'steerag': 4, 'vincentjerom': 4, 'oneup': 4, 'clubber': 4, 'patrasch': 4, 'kimberli': 4, 'montagu': 4, 'terranc': 4, 'quo': 4, 'ratchet': 4, 'garafolo': 4, 'tavington': 4, 'reevalu': 4, '_ghost': 4, 'shell_': 4, 'czech': 4, 'sv2': 4, 'crewmemb': 4, 'jiff': 4, 'marsellu': 4, 'admitt': 4, 'dayton': 4, 'spaciou': 4, 'kostea': 4, 'prosecutor': 4, 'ratner': 4, 'spall': 4, 'twotim': 4, 'rockin': 4, 'supplement': 4, 'ghoulish': 4, 'firebird': 4, 'arctic': 4, 'atheism': 4, 'middleweight': 4, 'sommerset': 4, 'sheik': 4, '1932': 4, 'sabor': 4, 'nietzsch': 4, 'disembowel': 4, 'tranc': 4, 'shortcut': 4, '2nd': 4, 'halloweentown': 4, 'kint': 4, 'mehrjui': 4, 'hatami': 4, 'saito': 4, 'garlic': 4, 'confect': 4, 'antarctica': 4, 'harker': 4, 'sculptor': 4, 'kuzco': 4, 'tbwp': 4, 'fawcett': 4, 'guzman': 4, 'neari': 4, 'nitpick': 4, 'offbroadway': 4, 'cyborg': 4, 'blush': 4, 'stoppidg': 4, 'riddick': 4, 'cloke': 4, 'brigant': 4, 'kleinfeld': 4, 'ginseng': 4, 'columbo': 4, 'irma': 4, 'gabe': 4, 'mortician': 4, 'pentecost': 4, 'llewelyn': 4, 'calvinist': 4, 'hamunaptra': 4, 'endora': 4, 'sweetli': 4, 'lott': 4, 'innerc': 4, 'fugli': 4, 'floom': 4, 'broach': 4, 'lender': 4, 'anh': 4, 'dusti': 4, 'gast': 4, 'twentyon': 4, 'enright': 4, 'beacham': 4, 'actresss': 4, 'bea': 4, 'sufi': 4, 'uneduc': 4, 'saunder': 4, 'sheldon': 4, 'refriger': 4, 'elgin': 4, 'liveactiondisney': 4, 'dobson': 4, 'mugatu': 4, 'renault': 4, 'taymor': 4, 'tamora': 4, 'anya': 4, 'chidduck': 4, 'archbishop': 4, 'breen': 4, 'hourlong': 3, 'spoonf': 3, 'warlord': 3, 'excalibur': 3, 'twohead': 3, 'showmanship': 3, 'grievou': 3, 'prolifer': 3, 'inexpens': 3, 'implicitli': 3, 'dabo': 3, 'terraform': 3, 'matteroffactli': 3, 'cleveland': 3, 'vodka': 3, 'unamus': 3, 'smelli': 3, 'slosh': 3, 'pastor': 3, 'insouci': 3, 'uncharismat': 3, 'dungeon': 3, 'pisspoor': 3, 'gunk': 3, 'stuntwork': 3, 'forens': 3, 'cuesta': 3, 'dano': 3, 'whitecollar': 3, 'whitman': 3, 'newbi': 3, 'everpopular': 3, 'highfli': 3, 'xiong': 3, 'arami': 3, 'kremp': 3, 'portho': 3, '30minut': 3, 'filth': 3, 'modicum': 3, 'barbet': 3, 'gase': 3, 'felon': 3, 'melang': 3, '2020': 3, 'techi': 3, 'gargantuan': 3, 'zoologist': 3, 'maneat': 3, 'mumbo': 3, 'phew': 3, 'foo': 3, 'trout': 3, '100minut': 3, 'headscratch': 3, 'autumn': 3, 'absurdist': 3, 'retch': 3, 'halfbroth': 3, 'rashomon': 3, 'proposter': 3, 'proctor': 3, 'prim': 3, 'zealous': 3, 'distractingli': 3, 'hytner': 3, 'huf': 3, 'ceaselessli': 3, 'purport': 3, 'lop': 3, 'keyboard': 3, 'frain': 3, 'morneau': 3, 'snarl': 3, 'lima': 3, 'foist': 3, 'plotless': 3, 'chlo': 3, 'export': 3, 'davidovich': 3, 'jivetalk': 3, 'imdb': 3, 'olsen': 3, 'trachtenberg': 3, 'unexcept': 3, 'portland': 3, 'oregon': 3, 'mainland': 3, 'oday': 3, 'mac': 3, 'aaliyah': 3, 'letharg': 3, 'gambit': 3, '44': 3, 'collag': 3, 'hasbeen': 3, 'grumpier': 3, 'truelif': 3, 'disench': 3, 'procliv': 3, 'patholog': 3, 'preoccupi': 3, 'underag': 3, 'coerc': 3, 'hoop': 3, 'drawbridg': 3, 'bennett': 3, 'stuffi': 3, 'pork': 3, 'paleontologist': 3, 'slipperi': 3, 'chomp': 3, 'unnatur': 3, 'counterattack': 3, 'germ': 3, 'mettl': 3, 'uhhuh': 3, 'bumper': 3, 'turgid': 3, 'geneticist': 3, 'beastpeopl': 3, 'noun': 3, 'constrict': 3, 'dostoevski': 3, '24yearold': 3, 'procur': 3, 'dweeb': 3, 'aldi': 3, 'hyperdr': 3, 'pygmalion': 3, 'yost': 3, 'salomon': 3, 'speedboat': 3, 'rescuer': 3, 'worldrenown': 3, 'aloud': 3, 'novikov': 3, 'hassid': 3, 'orthodox': 3, 'crewman': 3, 'leaf': 3, 'lugubri': 3, 'charit': 3, 'amen': 3, 'fiendish': 3, 'clubhop': 3, 'cub': 3, 'parrish': 3, 'welfar': 3, 'acdc': 3, 'ramon': 3, 'splitscreen': 3, 'seasick': 3, 'madeup': 3, 'doze': 3, 'marx': 3, 'overscor': 3, 'scenesteal': 3, 'loanshark': 3, 'mccarthi': 3, 'dietl': 3, 'mic': 3, 'builder': 3, 'schmoe': 3, 'serina': 3, 'luppi': 3, 'barbar': 3, 'crono': 3, 'threeday': 3, 'tuesday': 3, 'jackpot': 3, 'pancak': 3, 'olli': 3, 'darrel': 3, 'shoplift': 3, 'xerox': 3, 'underhand': 3, 'harrier': 3, 'airwolf': 3, 'xrate': 3, 'cheetah': 3, 'durden': 3, 'headset': 3, 'gawk': 3, 'offput': 3, 'hike': 3, 'menageatroi': 3, 'twirl': 3, 'oildril': 3, 'guidelin': 3, 'humourless': 3, 'helmet': 3, 'plothol': 3, 'bollock': 3, 'wordofmouth': 3, 'seductress': 3, 'insultingli': 3, 'zak': 3, 'orth': 3, 'shrimp': 3, 'afoul': 3, 'logist': 3, 'tyranni': 3, 'catandmous': 3, 'appallingli': 3, 'ahh': 3, 'catalogu': 3, 'boymeetsgirl': 3, 'nicest': 3, 'leviathan': 3, 'toho': 3, 'burr': 3, 'timmond': 3, 'amok': 3, 'f18': 3, 'undersid': 3, 'cracker': 3, 'erotica': 3, 'uncheck': 3, 'overgrown': 3, 'hamster': 3, 'boyz': 3, 'hilt': 3, 'offshoot': 3, 'powerhous': 3, 'venu': 3, 'urgent': 3, 'googoo': 3, 'stormtroop': 3, 'ketchum': 3, 'warlock': 3, 'infami': 3, 'narcolepsi': 3, 'tourett': 3, 'diney': 3, 'featurett': 3, 'lapag': 3, 'nontradit': 3, 'constanc': 3, 'rio': 3, 'maugham': 3, 'sanctimoni': 3, 'stallion': 3, 'amput': 3, 'incur': 3, 'remnant': 3, 'selick': 3, 'interviewe': 3, 'gord': 3, 'sandwich': 3, 'greek': 3, 'branaugh': 3, 'overcrowd': 3, 'nonviol': 3, 'curtail': 3, 'correl': 3, 'biederman': 3, 'rittenhous': 3, 'yada': 3, 'tolkin': 3, 'crosbi': 3, 'cosmopolitan': 3, 'secondincommand': 3, 'lilianna': 3, 'unmov': 3, 'silverado': 3, 'fruitless': 3, 'costa': 3, 'rightw': 3, 'potray': 3, 'pryor': 3, 'salkind': 3, 'krypton': 3, 'alia': 3, 'bulldoz': 3, 'lovesick': 3, 'vaccaro': 3, 'oti': 3, 'lengthen': 3, 'spatter': 3, 'beetlejuic': 3, 'beater': 3, 'ultra': 3, 'barksdal': 3, 'photocopi': 3, 'kernel': 3, 'sire': 3, 'vixen': 3, 'contributor': 3, 'holbrook': 3, 'infomerci': 3, 'megabuck': 3, 'outgrown': 3, 'copland': 3, 'spousal': 3, '53': 3, 'syke': 3, 'grope': 3, 'unsophist': 3, 'boulder': 3, 'lovejoy': 3, 'logan': 3, 'exporn': 3, 'widmark': 3, 'reputedli': 3, 'apparantli': 3, 'ratcliff': 3, 'wizen': 3, 'modifi': 3, 'gosselaar': 3, 'cohn': 3, 'bellhop': 3, 'valeria': 3, 'golino': 3, 'sperm': 3, 'proval': 3, 'cleaver': 3, 'exhiler': 3, 'institution': 3, 'unchalleng': 3, 'damnat': 3, 'majorino': 3, 'piraci': 3, 'fastmov': 3, 'denizen': 3, 'amarillo': 3, 'goodal': 3, 'dorado': 3, 'selv': 3, 'dammit': 3, 'crud': 3, 'cassavet': 3, 'jeanluk': 3, 'plethora': 3, 'clea': 3, 'bonker': 3, '20someth': 3, 'seclus': 3, 'spurgeon': 3, 'uncommonli': 3, 'wessel': 3, 'gluttoni': 3, 'arcad': 3, 'juxtaposit': 3, 'lite': 3, 'parka': 3, 'exceed': 3, 'diaboliqu': 3, 'torso': 3, 'izzard': 3, 'chechik': 3, 'kamen': 3, 'shooter': 3, 'renov': 3, 'brawn': 3, 'makeout': 3, 'coolio': 3, 'init': 3, 'springboard': 3, 'zgrade': 3, 'schlockfest': 3, 'fehr': 3, 'arija': 3, 'bareiki': 3, 'looker': 3, 'shopkeep': 3, 'supremacist': 3, 'smiley': 3, 'munster': 3, 'befit': 3, 'recoup': 3, 'corinthian': 3, 'tightfit': 3, 'baseketbal': 3, 'holder': 3, 'enthus': 3, 'magnat': 3, 'kristopherson': 3, 'dab': 3, 'marlo': 3, 'onagain': 3, 'offagain': 3, 'faintest': 3, 'prescript': 3, 'fetishist': 3, 'sesam': 3, 'wayanss': 3, 'upstart': 3, 'grous': 3, 'cyril': 3, 'awash': 3, 'misti': 3, 'parlay': 3, 'detector': 3, 'illtim': 3, 'propag': 3, 'landown': 3, 'nuisanc': 3, 'donor': 3, 'waysid': 3, 'camouflag': 3, 'duct': 3, 'shortterm': 3, 'jello': 3, 'tbird': 3, 'badger': 3, 'yugo': 3, 'coward': 3, 'mammal': 3, 'mascot': 3, 'jupit': 3, 'reprogram': 3, 'munchkin': 3, 'pizzazz': 3, 'ungar': 3, 'bett': 3, 'denton': 3, 'nucci': 3, 'newlyw': 3, 'newag': 3, 'valet': 3, 'aboveaverag': 3, 'rote': 3, 'upsidedown': 3, 'sandworm': 3, 'dullest': 3, 'watt': 3, 'suspenseless': 3, 'syrup': 3, 'joystick': 3, 'conduit': 3, 'regress': 3, 'lever': 3, 'trenchcoat': 3, 'vulcan': 3, 'sterotyp': 3, '_armageddon_': 3, 'domino': 3, 'ters': 3, '_in': 3, 'paltri': 3, 'nearimposs': 3, 'grander': 3, 'polyest': 3, 'sender': 3, 'masturbatori': 3, 'fastfood': 3, 'panti': 3, 'sacrifici': 3, 'manslaught': 3, 'toughtalk': 3, 'poorlywritten': 3, 'dermot': 3, 'sizeabl': 3, 'allnight': 3, 'tantal': 3, 'moxon': 3, 'bronz': 3, 'homili': 3, 'bode': 3, 'bedtim': 3, 'splitsecond': 3, 'gadgetri': 3, 'loeb': 3, '58': 3, 'rejoin': 3, 'probat': 3, 'leash': 3, 'poodl': 3, 'unenthusiast': 3, 'feebli': 3, 'demarkov': 3, 'arminarm': 3, 'onehour': 3, 'lanki': 3, 'pallid': 3, 'disarmingli': 3, 'supersmart': 3, 'cattral': 3, '210': 3, 'astrolog': 3, 'prophes': 3, 'blacker': 3, 'beesley': 3, 'codepend': 3, 'patchwork': 3, 'sprang': 3, 'bluer': 3, 'mox': 3, 'playbook': 3, 'commemor': 3, 'nickelodeon': 3, 'zetajo': 3, 'jeeper': 3, 'incis': 3, 'tapestri': 3, 'menacingli': 3, 'slobber': 3, 'fictionesqu': 3, 'wellstag': 3, 'each': 3, 'spotti': 3, 'overemot': 3, 'charleton': 3, 'streetcar': 3, 'locket': 3, 'warmup': 3, 'consent': 3, 'lieu': 3, 'sprous': 3, 'oversea': 3, 'screwi': 3, 'monotoni': 3, 'chirp': 3, 'snide': 3, 'fullon': 3, 'amphetamin': 3, 'tube': 3, 'holliday': 3, 'tch': 3, 'ky': 3, 'angrili': 3, 'acupunctur': 3, 'xander': 3, 'squarejaw': 3, 'klendathu': 3, 'gymnast': 3, 'leonetti': 3, 'snore': 3, 'out': 3, 'tut': 3, 'toothpick': 3, 'annabeth': 3, 'nailbit': 3, 'weisberg': 3, 'sulk': 3, 'motherdaught': 3, 'weld': 3, 'alum': 3, 'tagteam': 3, 'cozi': 3, 'superweapon': 3, '80foot': 3, 'offenc': 3, 'umpteenth': 3, 'herkyjerki': 3, 'zeu': 3, 'weena': 3, 'backstab': 3, 'yipe': 3, 'lotto': 3, 'halfinterest': 3, 'quell': 3, 'crest': 3, 'counterbalanc': 3, 'godless': 3, 'hirsch': 3, 'junkyard': 3, 'batteri': 3, 'cadr': 3, 'timehonor': 3, 'astrophysicist': 3, 'quadrupl': 3, 'preproduct': 3, 'disclosur': 3, 'disallow': 3, 'plow': 3, 'lessep': 3, 'ad2am': 3, 'tumor': 3, 'unruli': 3, 'rye': 3, 'infinitum': 3, 'freshest': 3, 'exhal': 3, 'lobotomi': 3, 'drugdeal': 3, 'pore': 3, '1944': 3, 'specter': 3, 'lina': 3, 'grittier': 3, 'beyer': 3, 'tile': 3, 'serpentin': 3, 'karaszewski': 3, 'sideeffect': 3, 'newsman': 3, 'irat': 3, 'graem': 3, 'farbissina': 3, 'landfil': 3, 'coldblood': 3, 'caustic': 3, 'nivola': 3, 'brunt': 3, 'obituari': 3, '86': 3, 'careermind': 3, 'dawkin': 3, 'sasha': 3, 'jung': 3, 'pristin': 3, 'ding': 3, 'snobbi': 3, 'filmographi': 3, 'mchale': 3, 'coastal': 3, 'yo': 3, 'relay': 3, 'handtohand': 3, 'respit': 3, 'upn': 3, 'sticker': 3, 'larroquett': 3, 'admonit': 3, 'prescrib': 3, 'autism': 3, 'compart': 3, 'oclock': 3, 'malic': 3, 'ineptli': 3, 'cheaplook': 3, 'lowrent': 3, 'lowtech': 3, 'doubtlessli': 3, 'weakli': 3, 'sixteenth': 3, 'stepmoth': 3, 'vinci': 3, 'godfrey': 3, 'outofplac': 3, 'vip': 3, 'dogood': 3, 'tackedon': 3, 'euphor': 3, 'emilio': 3, 'turgeon': 3, 'kitschi': 3, 'cleavagebust': 3, 'cleopatra': 3, 'fluctuat': 3, 'marley': 3, 'kaela': 3, 'danika': 3, 'constip': 3, 'plump': 3, 'rational': 3, 'norwood': 3, 'nutcas': 3, 'tambor': 3, 'krabb': 3, 'antwerp': 3, 'dishwash': 3, 'rossellini': 3, 'simcha': 3, 'inconveni': 3, 'insul': 3, 'effervesc': 3, 'brazenli': 3, 'primordi': 3, 'veini': 3, 'fireplac': 3, 'filmi': 3, 'baseless': 3, 'pedigre': 3, 'ishtar': 3, 'vessey': 3, 'snack': 3, 'seld': 3, 'wheelchairbound': 3, 'della': 3, 'stagi': 3, 'scholarli': 3, 'littleseen': 3, 'uninform': 3, 'scantili': 3, 'penitentiari': 3, 'calloway': 3, 'cabel': 3, 'mcteer': 3, 'aretha': 3, 'clapton': 3, 'kensington': 3, 'specialis': 3, 'treill': 3, 'spectrum': 3, 'dabbl': 3, 'culinari': 3, 'buckley': 3, 'residu': 3, 'nors': 3, '103': 3, 'summat': 3, 'graft': 3, 'conjunct': 3, 'fourlett': 3, 'lackey': 3, 'swordsman': 3, 'inn': 3, 'fullycloth': 3, 'impenetr': 3, 'hypothesi': 3, 'desast': 3, 'frolick': 3, 'biz': 3, 'endors': 3, 'fork': 3, 'pottymouth': 3, 'budgi': 3, 'ocallaghan': 3, 'maynard': 3, 'greener': 3, 'wisconsin': 3, 'dreamer': 3, 'pumpedup': 3, 'neoreal': 3, 'bicep': 3, 'handdrawn': 3, 'romanov': 3, 'halfdigest': 3, 'superpow': 3, 'dehuman': 3, 'blandest': 3, '1938': 3, 'mustv': 3, 'hotti': 3, 'selfparodi': 3, 'scaramanga': 3, 'anticlimat': 3, 'leukemia': 3, 'nothing': 3, 'wallpap': 3, 'pomp': 3, 'arduou': 3, 'jailbreak': 3, 'bench': 3, 'vandamm': 3, 'dolc': 3, 'brittani': 3, 'interrel': 3, 'mire': 3, 'deris': 3, 'sludg': 3, 'fester': 3, 'humanli': 3, 'bypass': 3, 'outpost': 3, 'keebl': 3, 'minivan': 3, 'halfwit': 3, 'femin': 3, 'spurn': 3, 'erad': 3, 'sentient': 3, 'eiffel': 3, 'serafin': 3, 'infrar': 3, 'waller': 3, 'swindl': 3, 'bummer': 3, 'glean': 3, 'bakshi': 3, 'cursori': 3, 'sanitarium': 3, 'gobbledygook': 3, 'noggin': 3, 'disengag': 3, 'rhapsodi': 3, 'nineteenth': 3, 'brainiac': 3, 'nigger': 3, 'reactor': 3, 'bai': 3, 'alltoobrief': 3, 'solomon': 3, 'shipwreck': 3, 'grimli': 3, 'marathon': 3, 'soundbit': 3, 'prozac': 3, 'all': 3, 'potion': 3, 'bebe': 3, 'gottfri': 3, 'geezer': 3, 'overprais': 3, 'loutish': 3, 'nonchal': 3, 'feral': 3, 'wideopen': 3, 'thirtyyearold': 3, 'subthem': 3, 'widereleas': 3, 'painkil': 3, 'iliff': 3, 'nathaniel': 3, 'thaddeu': 3, 'gallop': 3, 'noxiou': 3, 'harbour': 3, 'debri': 3, 'marker': 3, 'strikeout': 3, 'lebrock': 3, 'habitat': 3, 'desouza': 3, 'circuitri': 3, 'tigerland': 3, 'countryman': 3, 'orion': 3, 'marsha': 3, 'violencegor': 3, 'stieger': 3, 'terrac': 3, 'oili': 3, 'sleuth': 3, 'rowan': 3, 'driscol': 3, 'chap': 3, 'rarest': 3, 'heil': 3, 'overabund': 3, 'moviestar': 3, 'schumacc': 3, 'dauphin': 3, 'strident': 3, 'vii': 3, 'godli': 3, 'proffessor': 3, 'stammer': 3, 'leeri': 3, 'fireman': 3, 'thoughtless': 3, 'cluelesss': 3, 'koster': 3, 'nickola': 3, 'tipsi': 3, 'pau': 3, 'bleacher': 3, 'ab': 3, 'fundrais': 3, 'bask': 3, 'businesswoman': 3, 'axel': 3, 'cora': 3, 'spong': 3, 'geyser': 3, 'prairi': 3, 'outandout': 3, 'thirtysometh': 3, 'teari': 3, 'nubil': 3, 'vampirefilm': 3, 'cornfield': 3, '78': 3, 'pentup': 3, 'jalla': 3, 'yasmin': 3, 'josef': 3, 'flashdanc': 3, 'dilbert': 3, 'downsiz': 3, 'deepvoic': 3, 'curvebal': 3, 'whitey': 3, 'stupend': 3, 'magma': 3, 'fakelook': 3, 'anthropolog': 3, 'carelessli': 3, 'barbecu': 3, 'gettogeth': 3, 'claustrophobia': 3, 'giger': 3, 'mayburi': 3, 'wideangl': 3, 'dyer': 3, 'confusingli': 3, 'splat': 3, 'piou': 3, 'pongo': 3, 'aww': 3, 'raccoon': 3, 'unprofession': 3, '8th': 3, 'aaa': 3, 'bakula': 3, 'quantum': 3, 'daunt': 3, 'goggin': 3, 'terminolog': 3, 'volcan': 3, 'wando': 3, 'busybodi': 3, 'kkk': 3, 'slipup': 3, 'symptomat': 3, 'sneaki': 3, 'crotcheti': 3, 'wexler': 3, 'reassess': 3, 'coitu': 3, 'tatum': 3, 'guitarist': 3, 'remix': 3, 'dispond': 3, 'christen': 3, 'heresi': 3, 'ishmael': 3, 'helper': 3, 'irk': 3, 'shagadel': 3, 'hearttug': 3, 'harland': 3, 'klutzi': 3, 'snot': 3, 'impressionist': 3, 'troublemak': 3, 'plunder': 3, 'lacklustr': 3, 'stoicism': 3, 'ruffian': 3, 'loretta': 3, 'brynner': 3, 'bidder': 3, 'gunpoint': 3, 'sh': 3, 'emblazon': 3, 'rover': 3, 'sprung': 3, 'fabio': 3, 'mccoll': 3, 'idiosyncrasi': 3, 'volker': 3, 'snazzi': 3, 'outperform': 3, 'pulsepound': 3, '_does_': 3, '_babe_': 3, '_more_': 3, 'partit': 3, 'szubanski': 3, '_do_': 3, 'gnaw': 3, 'rooney': 3, 'tutelag': 3, 'chameleon': 3, 'guillotin': 3, 'sylvi': 3, 'windswept': 3, 'jiro': 3, 'goddaught': 3, 'clientel': 3, 'pb': 3, 'stag': 3, 'confession': 3, 'lysterin': 3, 'cantones': 3, 'homey': 3, 'takeshi': 3, 'retribut': 3, 'elbow': 3, 'intestin': 3, 'superl': 3, 'psychosexu': 3, 'baroqu': 3, 'rearrang': 3, 'mandoki': 3, 'wrightpenn': 3, 'pester': 3, 'crust': 3, 'flurri': 3, 'videodrom': 3, 'inlaw': 3, 'viceversa': 3, '20year': 3, 'sanctuari': 3, 'brainchild': 3, 'hangout': 3, 'technobabbl': 3, 'geni': 3, 'parisian': 3, 'leech': 3, 'lol': 3, 'rodent': 3, 'ars': 3, 'schrieber': 3, '3s': 3, 'attenu': 3, 'afield': 3, 'deme': 3, 'comedienn': 3, 'ovat': 3, 'simper': 3, 'recklessli': 3, 'shaiman': 3, 'honorari': 3, 'outfield': 3, 'bazooka': 3, 'wrapper': 3, '15th': 3, 'blip': 3, 'overextend': 3, 'interoffic': 3, 'nurseri': 3, 'dharma': 3, 'lovehewitt': 3, 'torro': 3, 'overplot': 3, 'hippo': 3, 'faggot': 3, 'osmet': 3, 'uber': 3, 'convuls': 3, 'scurri': 3, 'unforc': 3, 'hoist': 3, 'postcold': 3, 'threeyearold': 3, 'niggl': 3, 'flippant': 3, 'linc': 3, 'riproar': 3, 'cambel': 3, 'tracker': 3, '17year': 3, 'jagger': 3, 'abe': 3, 'aussi': 3, 'reacquaint': 3, '1871': 3, 'decoy': 3, 'filmic': 3, 'ilsa': 3, 'breathi': 3, 'mancuso': 3, 'illinoi': 3, 'loquaci': 3, 'medley': 3, 'secondti': 3, 'hannigan': 3, 'jackinthebox': 3, 'oddest': 3, 'ole': 3, 'miniplot': 3, 'kessler': 3, 'rowdi': 3, 'gob': 3, 'stupefyingli': 3, 'bokeem': 3, 'woodbin': 3, 'appleg': 3, 'gio': 3, 'hast': 3, 'mcmillan': 3, 'medal': 3, '88': 3, 'butabi': 3, 'covert': 3, 'feverish': 3, 'pogu': 3, 'legitimaci': 3, 'brokendown': 3, 'thom': 3, 'judson': 3, 'mackenzi': 3, 'danica': 3, 'exfianc': 3, 'pfferpot': 3, 'dickson': 3, 'breech': 3, 'reestablish': 3, 'polynesian': 3, 'beta': 3, 'thinnest': 3, 'doppelgang': 3, 'unwilling': 3, 'delani': 3, 'eponym': 3, 'gush': 3, 'intriguingli': 3, 'mimick': 3, 'delug': 3, 'businesslik': 3, 'infantil': 3, 'talkin': 3, 'regal': 3, 'ying': 3, 'misinterpret': 3, 'unwit': 3, 'pebbl': 3, 'pickl': 3, 'dill': 3, 'pretent': 3, 'outbreak': 3, 'unctuou': 3, 'filmfreakcentr': 3, 'longliv': 3, 'spock': 3, 'nexu': 3, 'keenen': 3, 'takenoprison': 3, 'cartwright': 3, 'fortitud': 3, 'downpour': 3, 'rhino': 3, 'marsh': 3, 'houseman': 3, 'rivera': 3, 'ruben': 3, 'ois': 3, 'twentyeight': 3, 'pri': 3, 'olympia': 3, 'dukaki': 3, 'cleanup': 3, 'slowmo': 3, 'meathook': 3, 'ottman': 3, 'kangsheng': 3, 'kueimei': 3, 'taiwanes': 3, 'wordi': 3, 'druggedout': 3, 'unbias': 3, 'lolli': 3, 'inton': 3, 'oneonon': 3, 'motorist': 3, 'truetolif': 3, 'shook': 3, 'quak': 3, 'multin': 3, 'argonauticu': 3, 'comicrelief': 3, 'heman': 3, 'obey': 3, 'liabl': 3, 'sizabl': 3, 'yemen': 3, 'pandemonium': 3, '108': 3, 'bfilm': 3, 'seafood': 3, 'glamrock': 3, 'tudeski': 3, 'overjoy': 3, 'congeni': 3, '43': 3, 'attatch': 3, 'dung': 3, 'ranft': 3, 'crate': 3, 'smugli': 3, 'boister': 3, 'bestfriend': 3, 'scuzzi': 3, 'fatuou': 3, 'rascal': 3, 'clori': 3, 'thicker': 3, 'lyon': 3, 'terrestri': 3, 'hoover': 3, 'midland': 3, 'sofia': 3, 'enquir': 3, '1965': 3, 'workmen': 3, 'peddl': 3, 'impair': 3, 'luster': 3, 'slyli': 3, 'pinup': 3, 'raison': 3, 'shyer': 3, 'deform': 3, 'damnit': 3, 'weber': 3, 'argentina': 3, 'pm': 3, 'thomspon': 3, 'samoan': 3, 'folli': 3, 'assuredli': 3, 'sublimin': 3, 'screwup': 3, 'platter': 3, 'diarrhea': 3, 'handcuff': 3, 'undisput': 3, 'dethron': 3, 'simplemind': 3, 'dampen': 3, 'unambiti': 3, 'indien': 3, 'edi': 3, 'mcclurg': 3, 'asbesto': 3, 'erect': 3, 'jurisdict': 3, 'bureau': 3, 'rochel': 3, 'polito': 3, 'zag': 3, 'eulog': 3, 'unsuit': 3, 'utilis': 3, 'whaley': 3, 'smut': 3, 'unparallel': 3, 'screwedup': 3, 'abolish': 3, 'cuff': 3, 'dismemb': 3, 'pepsi': 3, '1945': 3, '130': 3, 'coif': 3, 'ouch': 3, 'wim': 3, 'unredeem': 3, 'candlelight': 3, 'rebuild': 3, 'popcultur': 3, 'havisham': 3, 'snooti': 3, 'judici': 3, 'veterinarian': 3, 'towni': 3, 'gedrick': 3, 'soliloquy': 3, 'dennehi': 3, 'hu': 3, 'anatom': 3, 'antonioni': 3, 'welei': 3, 'paolo': 3, 'unspool': 3, 'cahoot': 3, 'telltal': 3, 'sutton': 3, 'mugger': 3, 'womb': 3, 'ornament': 3, 'triad': 3, 'brotherhood': 3, 'shard': 3, 'disadvantag': 3, 'marshmallow': 3, '05': 3, 'starcross': 3, 'lifesav': 3, 'aime': 3, 'pendleton': 3, 'krueger': 3, 'personif': 3, 'morritz': 3, 'girard': 3, 'babyboom': 3, 'unwarr': 3, 'sal': 3, 'jobeth': 3, 'lefessi': 3, 'mcbride': 3, 'sena': 3, 'outwit': 3, 'huckster': 3, 'druggi': 3, 'pulitz': 3, 'kotter': 3, 'reinvigor': 3, 'schulman': 3, 'pasadena': 3, 'obo': 3, 'cuckold': 3, 'baxter': 3, 'loomi': 3, 'diametr': 3, 'meager': 3, 'skinner': 3, 'steenburgen': 3, 'noraruthaol': 3, 'jun': 3, '_that_': 3, 'metropolitan': 3, 'flit': 3, 'gullibl': 3, 'contamin': 3, 'goriest': 3, 'unbroken': 3, 'unblink': 3, 'evenhand': 3, 'arid': 3, 'transitori': 3, 'bedsid': 3, 'pounc': 3, 'eisenberg': 3, '32': 3, 'unto': 3, 'etienn': 3, 'francois': 3, 'untam': 3, 'wellpaid': 3, 'embezzl': 3, 'shiver': 3, 'belinda': 3, 'disenfranchis': 3, 'freelanc': 3, 'cobbl': 3, 'contenti': 3, 'doomsday': 3, 'skid': 3, 'buss': 3, 'gunsling': 3, 'bulletproof': 3, 'softli': 3, 'surefir': 3, 'moonlight': 3, 'miniscul': 3, 'catchphras': 3, 'singapor': 3, 'reinterpret': 3, 'shale': 3, 'homeboy': 3, 'upright': 3, 'deejay': 3, 'comedythril': 3, 'caller': 3, 'quash': 3, 'bla': 3, 'gestat': 3, 'selfcontain': 3, 'implicit': 3, 'marijo': 3, 'threestar': 3, 'parochi': 3, 'vocat': 3, 'schmaltz': 3, 'shoestr': 3, 'bitterli': 3, 'sinner': 3, 'comedydrama': 3, 'bolek': 3, 'serbedzija': 3, 'lastditch': 3, 'skeletor': 3, 'gosnel': 3, 'rya': 3, 'kihlstedt': 3, 'snowstorm': 3, 'acm': 3, 'commerc': 3, 'longstand': 3, 'atreid': 3, 'oneey': 3, 'eg': 3, 'omiss': 3, 'wallenberg': 3, 'thulin': 3, 'savoy': 3, 'symbolis': 3, 'jilt': 3, 'snive': 3, 'cleanedup': 3, 'holloway': 3, 'restart': 3, 'underbelli': 3, 'bareknuckl': 3, 'douriff': 3, 'bamboo': 3, 'offset': 3, 'reload': 3, '48th': 3, 'roleplay': 3, 'pecker': 3, 'karatechop': 3, 'havilland': 3, 'permut': 3, 'ruafo': 3, 'anij': 3, 'crusher': 3, 'ribald': 3, 'jackass': 3, 'hypoderm': 3, 'burwel': 3, 'webster': 3, 'shaggi': 3, 'rocksolid': 3, 'chopstick': 3, 'nonetoosubtl': 3, 'dispel': 3, 'newsradio': 3, 'syllabl': 3, 'asexu': 3, 'ragsdal': 3, 'falzon': 3, 'monarch': 3, 'depressingli': 3, 'highpric': 3, 'sweetnatur': 3, 'synthes': 3, 'loveinterest': 3, 'westworld': 3, 'washout': 3, 'freshli': 3, 'menag': 3, 'obligingli': 3, 'subservi': 3, 'pagan': 3, 'fertil': 3, 'mckenna': 3, 'groundwork': 3, 'saget': 3, '_saturday_night_live_': 3, 'nuptial': 3, 'figurin': 3, 'conjug': 3, 'yu': 3, 'grad': 3, 'longstreet': 3, 'greyhound': 3, 'maladjust': 3, '40yearold': 3, 'bawl': 3, 'agon': 3, 'groucho': 3, 'rv': 3, 'traumatis': 3, 'wristwatch': 3, 'freshfac': 3, 'langenkamp': 3, 'encyclopedia': 3, 'ate': 3, 'lovel': 3, 'traver': 3, 'unthink': 3, 'impervi': 3, '84': 3, 'hairrais': 3, 'sinbad': 3, 'dredg': 3, 'bemoan': 3, 'buddhist': 3, 'appendag': 3, 'eighth': 3, 'slimebal': 3, 'workahol': 3, 'energ': 3, 'chisolm': 3, 'silki': 3, 'humphri': 3, 'derringdo': 3, 'batologist': 3, 'transfix': 3, 'shawne': 3, 'nite': 3, 'worldview': 3, 'hispan': 3, 'tequila': 3, 'chong': 3, 'jansen': 3, 'cathi': 3, 'platitud': 3, 'intercours': 3, 'petul': 3, 'fleetingli': 3, 'deficit': 3, '39': 3, 'risibl': 3, 'bourgeoisi': 3, 'everlast': 3, 'aalyah': 3, 'acrimoni': 3, 'garofolo': 3, 'crimefight': 3, 'muffl': 3, 'madcap': 3, 'skater': 3, 'columnist': 3, 'oaf': 3, 'neuros': 3, 'pinon': 3, 'edith': 3, 'tenement': 3, 'mischief': 3, 'wrest': 3, 'plotdriven': 3, 'zilch': 3, 'haddad': 3, 'earnestli': 3, 'orser': 3, 'hoari': 3, 'requiem': 3, 'gatewood': 3, 'upris': 3, 'mortar': 3, 'oherlihi': 3, 'pulpi': 3, 'adrift': 3, 'ax': 3, 'coldli': 3, 'contagi': 3, 'downstair': 3, 'refere': 3, 'ps': 3, 'upandup': 3, 'avit': 3, 'mcgrath': 3, 'inhal': 3, 'bracco': 3, 'detox': 3, 'prohibitionera': 3, 'hammett': 3, 'veloc': 3, 'tupac': 3, 'footnot': 3, 'maryland': 3, 'manuscript': 3, 'shorthand': 3, 'korman': 3, 'tweed': 3, 'burp': 3, 'constraint': 3, 'upscal': 3, 'blaster': 3, 'rosenth': 3, 'ballyhoo': 3, 'undon': 3, 'atwood': 3, 'it92': 3, 'don92t': 3, 'ofallon': 3, 'bladder': 3, 'durn': 3, 'whovil': 3, 'momsen': 3, 'laughlin': 3, 'gala': 3, 'sip': 3, 'uncompel': 3, 'pratt': 3, 'numbingli': 3, 'garlington': 3, 'mcdiarmid': 3, 'pernilla': 3, 'lucasfilm': 3, 'snobberi': 3, 'funnel': 3, 'deaden': 3, 'indestruct': 3, 'rosss': 3, 'inuit': 3, 'ary': 3, 'sanction': 3, 'tray': 3, 'runner_': 3, 'blurb': 3, 'samurai_': 3, 'buddhism': 3, 'arabella': 3, 'guerilla': 3, 'sevil': 3, 'chimera': 3, 'incent': 3, 'hideout': 3, 'roxburgh': 3, 'colorless': 3, 'slamdunk': 3, 'unisol': 3, 'fullyr': 3, 'goldthwait': 3, 'dimlylit': 3, 'thursday': 3, 'ehdan': 3, 'grill': 3, 'guiteau': 3, 'guine': 3, '______': 3, '_____': 3, 'raspi': 3, 'ivana': 3, 'bravest': 3, 'wigger': 3, 'willpow': 3, 'sorna': 3, 'sattler': 3, 'trex': 3, 'devour': 3, 'incognito': 3, 'salwen': 3, 'handphon': 3, 'weirder': 3, 'unaccomplish': 3, 'berling': 3, '25year': 3, 'upward': 3, 'conscienti': 3, 'selfabsorpt': 3, 'boyum': 3, 'modestli': 3, 'parasail': 3, 'bicentenni': 3, 'asimov': 3, 'superimpos': 3, 'babaloo': 3, 'carrera': 3, 'landon': 3, '1953': 3, 'shuffl': 3, 'thurgood': 3, 'keel': 3, 'sampson': 3, 'plaza': 3, 'spacebal': 3, 'wellreceiv': 3, 'unus': 3, 'levison': 3, 'caddi': 3, 'machinist': 3, 'jimi': 3, 'rydain': 3, 'gobbl': 3, 'malibu': 3, 'roxann': 3, 'prehistor': 3, 'kiernan': 3, 'heret': 3, 'frayn': 3, 'infal': 3, 'lsd': 3, '_roxbury_': 3, 'yglesia': 3, 'quint': 3, 'orca': 3, 'grizzl': 3, 'armada': 3, 'facto': 3, 'interven': 3, 'shrift': 3, 'touchi': 3, 'ping': 3, 'chapman': 3, 'pollini': 3, 'codi': 3, 'shaffer': 3, 'carp': 3, 'garfield': 3, 'brautigan': 3, 'unenvi': 3, 'compress': 3, 'hypochondriac': 3, '1959': 3, 'prohibit': 3, 'pillpop': 3, 'coexist': 3, 'writerdirectorstar': 3, 'billington': 3, 'blindsid': 3, 'hindranc': 3, 'dreper': 3, 'hiv': 3, 'selffulfil': 3, 'bastil': 3, 'safecrack': 3, 'papa': 3, 'conway': 3, 'filmnoir': 3, 'picket': 3, 'palpatin': 3, 'corusc': 3, 'analys': 3, 'selfimpos': 3, 'cort': 3, 'trustworthi': 3, 'josu': 3, 'evangel': 3, 'pennsylvania': 3, 'mcgann': 3, 'normalci': 3, 'disillusion': 3, 'troublesom': 3, 'zap': 3, 'complementari': 3, 'mucho': 3, 'jug': 3, 'scour': 3, 'floyd': 3, 'hyperkinet': 3, 'regga': 3, 'littlest': 3, 'coda': 3, 'mant': 3, '_octob': 3, 'sky_': 3, 'breathlessli': 3, 'dent': 3, 'coalmin': 3, 'cleancut': 3, 'muff': 3, 'bab': 3, 'touchyfe': 3, 'sikh': 3, 'zippel': 3, 'egan': 3, 'worsen': 3, 'mayhew': 3, 'eli': 3, 'mahoney': 3, 'germania': 3, 'lifeaffirm': 3, 'deport': 3, 'shooin': 3, 'poltergeist': 3, 'transylvanian': 3, 'alfredo': 3, 'brogu': 3, 'welldrawn': 3, 'biograph': 3, 'hyena': 3, 'indetermin': 3, 'panandscan': 3, 'osullivan': 3, 'freighter': 3, 'seminar': 3, 'sulaco': 3, 'hypersleep': 3, '109': 3, 'wafflemovi': 3, 'yugoslavia': 3, 'cottrel': 3, 'simplest': 3, 'coeur': 3, 'outwardli': 3, 'limelight': 3, 'swimmer': 3, 'villian': 3, 'ang': 3, 'stockwel': 3, 'oakley': 3, 'wili': 3, 'insular': 3, 'sigel': 3, 'uninhibit': 3, 'formul': 3, 'flesheat': 3, 'franciosa': 3, 'tipto': 3, 'offhand': 3, 'untru': 3, 'falsehood': 3, 'schumann': 3, 'hungari': 3, 'heartach': 3, 'louiso': 3, 'harshli': 3, 'derid': 3, 'burdick': 3, 'aftereffect': 3, 'lupon': 3, 'gladi': 3, 'welltold': 3, 'monogami': 3, 'mast': 3, 'nair': 3, 'dubey': 3, 'novic': 3, 'beekeep': 3, 'treetop': 3, 'lipnicki': 3, 'tinseltown': 3, 'unw': 3, 'factual': 3, 'deplet': 3, 'runway': 3, 'foolishli': 3, 'damper': 3, 'giacomo': 3, 'gangland': 3, 'schiff': 3, 'hubert': 3, 'doowop': 3, 'cimino': 3, 'vincenn': 3, 'temperament': 3, 'abb': 3, 'rudnick': 3, 'harwich': 3, 'fatherless': 3, '41': 3, 'dynasti': 3, 'substant': 3, 'decim': 3, 'dazzlingli': 3, 'indescrib': 3, 'fixtur': 3, 'aloft': 3, 'bia': 3, 'bella': 3, 'airwav': 3, 'escape': 3, 'aftertast': 3, 'ssba': 3, 'allwhit': 3, 'franken': 3, 'smalley': 3, 'tori': 3, 'testifi': 3, 'brisco': 3, '1937': 3, 'asskick': 3, 'apparatu': 3, 'oldschool': 3, 'justli': 3, 'pf': 3, 'picasso': 3, 'norad': 3, 'modem': 3, 'interfac': 3, 'bluntman': 3, 'unneed': 3, 'consul': 3, 'burial': 3, 'miseenscen': 3, 'koji': 3, 'yakusho': 3, 'mai': 3, 'emiss': 3, 'kindr': 3, 'disneyland': 3, 'monopoli': 3, 'shanyu': 3, 'miguel': 3, 'zhou': 3, 'chandeli': 3, 'gedd': 3, 'watanab': 3, 'dropoff': 3, 'spera': 3, 'sanxay': 3, 'sutur': 3, 'beset': 3, 'canon': 3, 'scot': 3, 'nostromo': 3, 'feasibl': 3, 'highstak': 3, 'supris': 3, 'slaver': 3, '_onegin_': 3, 'olga': 3, 'remi': 3, 'undul': 3, 'aunjanu': 3, 'errant': 3, 'fritz': 3, 'supersed': 3, 'homeland': 3, 'countrymen': 3, 'martyr': 3, 'output': 3, 'atf': 3, 'dargu': 3, 'gara': 3, 'harken': 3, 'wordlessli': 3, '1st': 3, 'hydepierc': 3, 'turnoff': 3, 'coufax': 3, 'awardcalibr': 3, 'rotterdam': 3, 'sonyloew': 3, 'upstat': 3, 'verisimilitud': 3, 'aronofski': 3, 'gullett': 3, 'flavour': 3, 'kafkaesqu': 3, 'oneofakind': 3, 'gitai': 3, 'torah': 3, 'talmud': 3, 'yossef': 3, 'closeknit': 3, 'braddock': 3, 'cutter': 3, 'anarchist': 3, 'lobbyist': 3, 'rebirth': 3, 'rollergirl': 3, 'croatian': 3, 'kimba': 3, 'irrepar': 3, 'didact': 3, 'tenni': 3, 'bouajila': 3, 'marseil': 3, 'bohemian': 3, 'zidler': 3, 'doss': 3, 'halen': 3, 'potemkin': 3, 'mikhail': 3, 'odessa': 3, 'predatori': 3, 'tantor': 3, 'highenergi': 3, 'stapleton': 3, 'impetu': 3, 'cmdr': 3, 'brannon': 3, 'columbian': 3, 'evergrow': 3, 'dotcom': 3, 'mindel': 3, 'smartest': 3, 'riffraff': 3, 'alien3': 3, 'hamm': 3, 'ratzenberg': 3, 'varney': 3, 'hutchinson': 3, 'perci': 3, 'kret': 3, 'vibe': 3, 'wonka': 3, 'mockumentari': 3, 'bunker': 3, 'yvett': 3, 'werner': 3, 'mortizen': 3, 'scoff': 3, 'buehler': 3, 'gabl': 3, 'gwtw': 3, 'frolic': 3, 'rebhorn': 3, 'grifter': 3, 'vinyl': 3, 'portli': 3, 'invalid': 3, 'bbc': 3, 'baboon': 3, 'humphrey': 3, 'oneroom': 3, 'mcgill': 3, 'pinki': 3, 'walkon': 3, 'satisfyingli': 3, 'cohagen': 3, 'variabl': 3, 'rattl': 3, 'sugg': 3, 'authorit': 3, 'uncommon': 3, 'disquiet': 3, 'sliceanddic': 3, 'subtler': 3, 'brier': 3, 'hummabl': 3, '1943': 3, 'supercili': 3, 'reminisci': 3, 'bottin': 3, 'familar': 3, 'fiesti': 3, 'lioniz': 3, 'dwarv': 3, 'rosaleen': 3, 'songcatch': 3, 'emmi': 3, 'impish': 3, 'midlevel': 3, 'yak': 3, 'stodg': 3, 'unattain': 3, 'artific': 3, 'oshii': 3, 'shinohara': 3, '_patlabor': 3, 'movie_': 3, 'rite': 3, 'horseback': 3, 'risen': 3, 'nowfam': 3, 'wether': 3, 'spotless': 3, 'transylvania': 3, 'haywir': 3, 'vaughan': 3, 'bloomington': 3, 'claudiu': 3, 'ophelia': 3, 'hymn': 3, 'beaulieu': 3, 'servo': 3, 'minkoff': 3, 'spaceport': 3, 'tolkien': 3, 'specifi': 3, 'algar': 3, 'respighi': 3, 'gershwin': 3, 'saintsaen': 3, 'elgar': 3, 'igor': 3, 'stravinski': 3, 'tennesse': 3, 'moonshin': 3, 'clive': 3, '12th': 3, 'dreamlik': 3, 'uncondit': 3, 'voluntari': 3, 'traine': 3, 'palestinian': 3, 'arabamerican': 3, 'karra': 3, 'wale': 3, 'breathtakingli': 3, 'uproar': 3, 'ramiu': 3, 'porcelain': 3, 'actionsuspens': 3, 'encapsul': 3, 'krasner': 3, 'symbiosi': 3, 'madigan': 3, 'guggenheim': 3, 'backped': 3, 'unintend': 3, 'susten': 3, 'upfront': 3, 'geneva': 3, 'hillar': 3, 'sellar': 3, 'alani': 3, 'morissett': 3, 'mansfield': 3, 'rozema': 3, 'squalor': 3, 'indecis': 3, 'rectifi': 3, '91': 3, 'fenster': 3, 'mclachlan': 3, 'spectat': 3, 'mychael': 3, 'danna': 3, 'wondrous': 3, '2013': 3, 'holnist': 3, 'lyne': 3, 'goldmin': 3, 'ruse': 3, 'kaurism': 3, 'ki': 3, 'shere': 3, 'malcovich': 3, 'cassel': 3, 'resplend': 3, 'sheppard': 3, 'costanza': 3, 'llama': 3, 'avi': 3, 'memoria': 3, 'bourgeoi': 3, 'kleiser': 3, 'touchingli': 3, 'gabriella': 3, 'pescucci': 3, 'brenneman': 3, 'broodwarrior': 3, 'feudal': 3, 'antarct': 3, 'uninhabit': 3, 'frigid': 3, 'ratzo': 3, 'cecilia': 3, 'withstand': 3, 'categor': 3, 'shor': 3, 'wint': 3, 'hubley': 3, 'gi': 3, 'heartpound': 3, 'screwer': 3, 'donella': 3, 'lewton': 3, 'samaritan': 3, 'longev': 3, 'expatri': 3, 'desi': 3, 'keegan': 3, 'tillman': 3, 'ahmad': 3, 'zuko': 3, 'huey': 3, 'hoyt': 3, 'changeofpac': 3, 'longshank': 3, 'mcgoohan': 3, 'portillo': 3, 'overarch': 3, 'gutwrench': 3, 'outweigh': 3, '_gattaca_': 3, 'lasset': 3, 'taguchi': 3, 'hayashi': 3, 'flamm': 3, 'eisley': 3, 'lutz': 3, 'gordonlevitt': 3, 'larisa': 3, 'oleynik': 3, 'heath': 3, 'ledger': 3, 'jaoui': 3, 'bacri': 3, 'realest': 3, 'shoeless': 3, 'highpitch': 3, 'flealand': 3, 'renard': 3, 'dali': 3, 'dey': 3, 'rudner': 3, 'joust': 3, 'caerthan': 3, 'burnel': 3, 'hai': 3, 'hughton': 3, '62': 3, 'flamboyantli': 3, 'scottthoma': 3, 'bereav': 3, 'topflight': 3, 'candyman': 3, 'carpet': 3, 'castor': 3, 'clutterbuck': 3, 'hackett': 3, 'ballerina': 3, 'mailer': 3, 'oversimplifi': 3, 'completli': 3, 'prydain': 3, 'dallben': 3, 'delin': 3, 'phylida': 3, 'wheezi': 3, 'hoyl': 3, 'marrakech': 3, 'freud': 3, 'uhri': 3, 'booli': 3, 'cristal': 3, 'licia': 3, 'mimmo': 3, 'catania': 3, 'massironi': 3, 'soldini': 3, 'lilith': 3, 'imam': 3, 'boogieman': 3, 'hershman': 3, 'gutch': 3, 'insubstanti': 3, 'messing': 3, 'moretti': 3, 'genevi': 3, 'ihmoetep': 3, '_cliffhanger_': 3, 'soninlaw': 3, 'bart': 3, 'mckellen': 3, 'auditor': 3, 'hayley': 3, 'countess': 3, 'olenska': 3, 'mandala': 3, 'tamahori': 3, 'salieri': 3, 'beiderman': 3, 'watto': 3, 'podrac': 3, 'longbaugh': 3, 'jiji': 3, 'mccourt': 3, 'malachi': 3, 'amadala': 3, 'rigormorti': 3, 'searl': 3, 'downshift': 2, 'password': 2, 'tugboat': 2, 'drunkenli': 2, 'belat': 2, 'herc': 2, 'hydra': 2, 'tgif': 2, 'urkel': 2, 'pinchot': 2, 'psychotherapi': 2, 'restauranteur': 2, 'statist': 2, 'gleason': 2, 'toolbox': 2, 'stagnat': 2, '175': 2, 'sprocket': 2, 'harrisburg': 2, 'firstrun': 2, 'pussi': 2, 'obstetr': 2, 'everreli': 2, 'swedish': 2, 'strindberg': 2, 'dashboard': 2, 'schemat': 2, 'nossit': 2, 'wedlock': 2, 'yike': 2, 'mouseket': 2, 'hullo': 2, 'budg': 2, 'eventemp': 2, 'highwir': 2, 'pakula': 2, 'chapin': 2, 'dodger': 2, 'ennui': 2, 'zwigoff': 2, 'strategist': 2, 'microphon': 2, 'dumass': 2, 'xing': 2, 'grime': 2, 'pervad': 2, 'raiden': 2, 'sheeva': 2, 'siouxsi': 2, 'sioux': 2, 'seattlebas': 2, 'crybabi': 2, 'toughasnail': 2, 'agonizingli': 2, 'ballard': 2, 'returne': 2, 'sillylook': 2, 'reddish': 2, 'infertil': 2, 'stillborn': 2, 'amboy': 2, 'fin': 2, 'glacier': 2, 'pointlessli': 2, 'trod': 2, 'prepubesc': 2, 'jargon': 2, 'friggin': 2, 'uninterrupt': 2, 'resurg': 2, 'volkswagen': 2, 'sherbedgia': 2, 'selfheal': 2, 'doubled': 2, 'ebola': 2, 'razzledazzl': 2, 'kleenex': 2, 'maggot': 2, 'clairvoy': 2, 'knell': 2, 'zenith': 2, 'telekinesi': 2, 'interupt': 2, 'adjac': 2, 'salem': 2, 'verac': 2, 'pandora': 2, 'pedest': 2, 'repriev': 2, 'quarrel': 2, 'selfappoint': 2, 'starkli': 2, 'hypercolor': 2, '24hour': 2, 'atm': 2, 'pillpoppin': 2, 'demolit': 2, 'tnt': 2, 'uppiti': 2, 'coddl': 2, 'pecan': 2, 'groupi': 2, 'wiseacr': 2, 'lackadais': 2, 'evinc': 2, 'vitriol': 2, 'merrier': 2, 'gyrat': 2, 'welshman': 2, 'gruffudd': 2, 'brie': 2, 'poopi': 2, 'nauseum': 2, 'offlimit': 2, 'mink': 2, 'gown': 2, 'kickoff': 2, 'vci': 2, 'dabney': 2, 'quimbi': 2, 'oteri': 2, 'alterc': 2, 'potti': 2, 'poppin': 2, 'woop': 2, 'handili': 2, 'dmx': 2, 'blister': 2, 'trish': 2, 'allayah': 2, 'waterfront': 2, 'heartbeat': 2, 'staccato': 2, 'flabbergast': 2, 'manicur': 2, 'hoosier': 2, 'sumo': 2, 'cutaway': 2, 'glimcher': 2, 'mein': 2, 'midweek': 2, 'pitchblack': 2, 'ashbi': 2, 'unenjoy': 2, 'nauseam': 2, 'prod': 2, 'neumeier': 2, 'appel': 2, 'ot': 2, 'gravi': 2, '1933': 2, 'perish': 2, 'almasi': 2, 'wartorn': 2, 'heartbroken': 2, 'flashforward': 2, 'drugaddl': 2, 'uninvit': 2, 'currenc': 2, 'meatbal': 2, 'chipmunk': 2, 'groaninduc': 2, 'flighti': 2, 'grossi': 2, 'granit': 2, 'janey': 2, 'jojo': 2, 'oldself': 2, 'nadir': 2, 'jumpstart': 2, 'rastafarian': 2, 'underperform': 2, 'asner': 2, 'turteltaub': 2, 'abovepar': 2, 'esophagu': 2, 'thal': 2, 'nunn': 2, 'seafar': 2, 'fig': 2, 'paradiso': 2, 'reus': 2, 'goliath': 2, 'languidli': 2, 'seltzer': 2, 'romanian': 2, 'prefabr': 2, 'chisholm': 2, 'ernst': 2, 'header': 2, 'gatin': 2, 'lob': 2, 'michigan': 2, 'lex': 2, 'overdr': 2, 'halfstar': 2, 'quickcut': 2, 'zoomout': 2, 'zoomin': 2, 'dupr': 2, 'inordin': 2, 'corral': 2, 'partnerincrim': 2, 'fastmot': 2, 'georgina': 2, 'liverpool': 2, 'tho': 2, 'mosley': 2, 'swingin': 2, 'stier': 2, 'wherewith': 2, 'tatter': 2, 'hemingway': 2, 'ammo': 2, 'bregman': 2, 'leas': 2, 'ritz': 2, 'matewan': 2, '126': 2, 'delgado': 2, 'patinkin': 2, 'ds': 2, 'kewpi': 2, 'stove': 2, 'alsoran': 2, 'outpac': 2, 'lisp': 2, 'octan': 2, 'assin': 2, 'pluss': 2, 'streetsmart': 2, 'understudi': 2, 'backstabb': 2, 'fornic': 2, 'payday': 2, 'softcor': 2, 'onstag': 2, 'virtuou': 2, 'newswoman': 2, 'fitzpatrick': 2, 'englishspeak': 2, 'stepson': 2, 'flyboy': 2, 'drivethru': 2, 'twinkl': 2, 'applecheek': 2, 'collat': 2, 'lowerclass': 2, 'ambienc': 2, 'jell': 2, 'wildest': 2, 'rocksactu': 2, 'landonc': 2, 'sequencesthey': 2, 'constructedharri': 2, 'wrongperhap': 2, 'minuteand': 2, 'futileattempt': 2, 'characterth': 2, 'wiseassi': 2, 'almostwitti': 2, 'oilguycumastronaut': 2, 'soundmix': 2, 'titanicfev': 2, 'throughouteras': 2, 'carsex': 2, 'mooncrawl': 2, 'independentmind': 2, 'wouldbeahab': 2, 'malebond': 2, 'acquaintancesid': 2, 'chestbeat': 2, 'birdhous': 2, 'trailera': 2, 'bodybuild': 2, 'authors': 2, 'prouder': 2, 'draggedout': 2, 'uhaul': 2, 'obarr': 2, 'judah': 2, 'gaunt': 2, 'goyer': 2, 'seminak': 2, 'sexism': 2, 'fess': 2, 'openheart': 2, 'prochnow': 2, 'edel': 2, 'performac': 2, 'windi': 2, 'ayer': 2, 'methodolog': 2, 'giggli': 2, 'fonz': 2, 'flashcard': 2, 'virus': 2, 'radiationinduc': 2, 'reptil': 2, 'tatopouloss': 2, 'roch': 2, 'dinosaurlik': 2, 'nitpicki': 2, 'stogi': 2, 'beaker': 2, 'flabbi': 2, 'buffet': 2, 'trough': 2, 'fiend': 2, '55': 2, 'santaro': 2, 'schoolwork': 2, 'misde': 2, 'despar': 2, 'elat': 2, 'huggabl': 2, 'betcha': 2, 'orvil': 2, 'cheapo': 2, 'disrob': 2, 'effac': 2, 'mouthpiec': 2, 'deafmut': 2, 'bilingu': 2, '1928': 2, 'colton': 2, 'bakker': 2, 'czechoslovakia': 2, 'puppetri': 2, 'blech': 2, 'directorscreenwrit': 2, 'defer': 2, 'gentri': 2, 'mare': 2, 'missu': 2, 'diagnosi': 2, 'cambodia': 2, '161': 2, 'lice': 2, 'endem': 2, 'amuck': 2, 'miley': 2, 'toad': 2, 'verbos': 2, 'cnote': 2, 'rosebudd': 2, 'knockin': 2, 'yap': 2, 'wad': 2, 'telemarket': 2, 'hagerti': 2, 'sausag': 2, 'wordplay': 2, 'cringeworthi': 2, 'bah': 2, 'vicar': 2, 'alloc': 2, 'collater': 2, 'creditor': 2, 'hemp': 2, 'highqual': 2, 'scotsman': 2, 'greenhous': 2, 'cornwal': 2, 'matronli': 2, 'destitut': 2, 'ummm': 2, 'goodguy': 2, 'hanki': 2, 'gibb': 2, 'steinberg': 2, 'cometdisast': 2, 'hotchner': 2, 'outdid': 2, 'cheapest': 2, 'ellicit': 2, 'tasha': 2, 'yar': 2, 'auspici': 2, 'wynt': 2, 'dollhous': 2, 'lifeordeath': 2, 'chopper': 2, 'buse': 2, 'ramp': 2, 'santiago': 2, 'menendez': 2, 'unenerget': 2, 'cuteasabutton': 2, 'bazaar': 2, 'mademoisel': 2, 'dakota': 2, 'antigovern': 2, 'gavra': 2, 'sensationalist': 2, 'lowri': 2, 'frewer': 2, 'zaltar': 2, 'minorleagu': 2, 'allgirl': 2, 'bochner': 2, 'popey': 2, 'tylenol': 2, 'breviti': 2, 'cutsi': 2, 'claptrap': 2, 'visjnic': 2, 'exorc': 2, 'yagher': 2, 'diction': 2, 'optic': 2, 'loiter': 2, 'halfalien': 2, 'shopper': 2, 'empower': 2, 'grizzli': 2, 'baird': 2, '1925': 2, 'unjustifi': 2, 'fairchild': 2, 'informerci': 2, 'polo': 2, 'biomolecular': 2, 'fatti': 2, 'reentri': 2, 'maddog': 2, 'onetwopunch': 2, 'deede': 2, 'melliss': 2, 'scinto': 2, 'skindiv': 2, 'glazer': 2, 'halfworld': 2, 'hatchett': 2, 'englishmen': 2, 'valiantli': 2, 'roomi': 2, 'bong': 2, 'markpaul': 2, 'paula': 2, 'sellout': 2, 'mispronounc': 2, 'tomita': 2, 'lana': 2, 'navel': 2, 'terra': 2, 'kinfolk': 2, 'kray': 2, '92': 2, 'postapocalyps': 2, 'nittygritti': 2, 'dearth': 2, 'snowbound': 2, 'seatbelt': 2, 'kewl': 2, 'hardyharhar': 2, 'lameass': 2, 'ampli': 2, 'figueroa': 2, 'northam': 2, 'sternli': 2, 'discours': 2, 'boggl': 2, 'blowjob': 2, 'swoosi': 2, 'valentina': 2, 'koslova': 2, 'exira': 2, 'solvent': 2, 'williss': 2, 'chastis': 2, 'slambang': 2, 'trejo': 2, '_urban': 2, 'legend_': 2, 'midaugust': 2, 'reassembl': 2, 'matchup': 2, 'invect': 2, 'readmit': 2, 'revok': 2, 'coupon': 2, 'oxford': 2, 'catfight': 2, 'tux': 2, 'hensleigh': 2, 'augustu': 2, 'julio': 2, 'mechoso': 2, 'crenna': 2, 'bondian': 2, 'karma': 2, 'embroid': 2, 'oscarnomine': 2, '6000': 2, 'ogradi': 2, 'poehler': 2, 'massproduc': 2, 'topsyturvi': 2, 'continuo': 2, 'meritori': 2, 'funhous': 2, 'unlov': 2, 'mopey': 2, 'breez': 2, 'stairwel': 2, 'eugenio': 2, 'zanetti': 2, 'welllit': 2, 'sexstarv': 2, 'amiel': 2, 'posterior': 2, 'paull': 2, 'makin': 2, 'cocacola': 2, 'mael': 2, 'emmet': 2, 'tvmovieoftheweek': 2, 'hauntingli': 2, 'melod': 2, 'notefornot': 2, 'taggert': 2, 'banjopick': 2, 'outmaneuv': 2, 'outgun': 2, 'seig': 2, 'pulpit': 2, 'perfum': 2, 'overstuf': 2, 'confetti': 2, 'builtin': 2, 'nah': 2, '12997': 2, '61397': 2, 'strait': 2, '6th': 2, 'janic': 2, 'oncepromis': 2, 'bouquet': 2, 'rebuff': 2, 'selfmad': 2, 'overpr': 2, 'oooh': 2, 'scarefest': 2, 'witless': 2, 'arisen': 2, 'mook': 2, 'substori': 2, 'absinth': 2, 'labyrinthin': 2, 'opar': 2, 'annaud': 2, 'weismul': 2, 'compat': 2, 'natch': 2, 'unsentiment': 2, 'chug': 2, 'tardi': 2, 'industrialist': 2, 'halfasleep': 2, 'macmurray': 2, 'anthropomorph': 2, 'skitter': 2, 'dullard': 2, 'porpois': 2, 'highpoint': 2, '2058': 2, 'lacey': 2, 'grumpiest': 2, 'hackwork': 2, 'unrepentantli': 2, 'buddha': 2, 'holograph': 2, 'planetarium': 2, 'bungalow': 2, 'theroux': 2, 'satirist': 2, 'ubar': 2, 'estim': 2, 'heigl': 2, 'subtract': 2, 'unharm': 2, 'squeakyclean': 2, 'cheesiest': 2, 'overlaid': 2, 'jumpi': 2, 'shrasta': 2, 'sonic': 2, 'ss': 2, 'braindamag': 2, 'xenophob': 2, 'shogun': 2, 'badguy': 2, 'drek': 2, '_must_': 2, 'hiccup': 2, 'gurgl': 2, 'awwwww': 2, 'prostrat': 2, 'indiefilm': 2, 'mystifi': 2, 'chomper': 2, 'alf': 2, 'schmooz': 2, 'lunkhead': 2, 'eyelid': 2, 'joff': 2, 'hairstylist': 2, 'raci': 2, 'wittier': 2, 'triplecross': 2, 'deepseat': 2, 'peggi': 2, 'platinum': 2, 'guiltypleasur': 2, 'stripclub': 2, 'footballcrazi': 2, 'carous': 2, 'herein': 2, 'missabl': 2, 'buffedup': 2, 'parole': 2, 'diabet': 2, 'insulin': 2, 'gland': 2, 'creepiest': 2, 'garland': 2, 'tiniest': 2, 'waaaaay': 2, 'creak': 2, 'unfurl': 2, '18wheeler': 2, 'yankov': 2, 'caton': 2, 'doofu': 2, 'satiat': 2, 'voraci': 2, 'torri': 2, 'gravesit': 2, 'whalberg': 2, 'depthless': 2, 'heep': 2, 'diaper': 2, 'sandstorm': 2, 'condol': 2, 'tomaso': 2, 'highbudget': 2, 'warmer': 2, 'superstardom': 2, 'russiansound': 2, 'loudest': 2, 'deerintheheadlight': 2, 'pox': 2, 'necessit': 2, 'genesi': 2, 'walcott': 2, 'shavedhead': 2, 'scarylook': 2, 'oedekerk': 2, 'hmo': 2, 'tasmania': 2, 'scholl': 2, 'terroris': 2, 'fancey': 2, 'strapp': 2, 'daley': 2, 'flasher': 2, 'rector': 2, 'harriett': 2, 'dither': 2, 'housemaid': 2, 'talbot': 2, 'rothwel': 2, 'doubleentendr': 2, 'tweeder': 2, 'egodriven': 2, 'mgmua': 2, 'drainag': 2, 'fiendishli': 2, 'salva': 2, 'bross': 2, 'lonesom': 2, 'ashli': 2, 'whirl': 2, 'freebi': 2, 'gulliv': 2, 'allimport': 2, 'lon': 2, 'chaney': 2, 'diaphragm': 2, 'amic': 2, 'duboi': 2, 'kindergartn': 2, 'familyfriendli': 2, 'glenglenda': 2, 'voicedov': 2, 'serialkil': 2, 'pharoah': 2, 'voicework': 2, 'massmarket': 2, 'blasphemi': 2, 'entertainingli': 2, 'cornel': 2, 'truffaut': 2, 'golddigg': 2, 'mantl': 2, 'pli': 2, 'proxim': 2, 'redirect': 2, 'rethought': 2, 'misbegotten': 2, 'silhouet': 2, 'houser': 2, 'addl': 2, 'swap': 2, 'ultraviol': 2, 'antisept': 2, 'whizz': 2, 'avalon': 2, 'pratic': 2, 'particulari': 2, 'occaision': 2, 'xena': 2, 'mk': 2, 'mindlessli': 2, 'nothin': 2, 'rabidli': 2, 'shlock': 2, 'screendom': 2, 'noodlehead': 2, 'spun': 2, 'humorfre': 2, 'tot': 2, 'yun': 2, 'impun': 2, 'morant': 2, 'sec': 2, 'lawford': 2, 'bead': 2, 'gogo': 2, 'snigger': 2, 'withheld': 2, 'feign': 2, 'steeli': 2, 'summertim': 2, 'spindli': 2, 'jackman': 2, 'antiterrorist': 2, 'drinker': 2, 'tarsem': 2, 'sharpedg': 2, 'pane': 2, 'supplier': 2, 'beenther': 2, 'donethat': 2, 'taller': 2, 'hyperr': 2, 'specimen': 2, 'hein': 2, 'cinergi': 2, 'cassett': 2, 'ovitz': 2, 'whoope': 2, 'softporn': 2, 'roughneck': 2, 'je': 2, 'sexier': 2, 'reconnect': 2, 'throttl': 2, 'gocart': 2, 'orneri': 2, 'nitrou': 2, 'oxid': 2, 'gussi': 2, 'hotcak': 2, 'dori': 2, 'outofshap': 2, 'rocqu': 2, 'womanabus': 2, 'joanou': 2, 'cajun': 2, 'hr': 2, 'fairuza': 2, 'crater': 2, 'belliger': 2, '51': 2, 'deu': 2, 'biochemist': 2, 'latifa': 2, 'mcconaughay': 2, 'devest': 2, 'voila': 2, 'saxophon': 2, 'halfempti': 2, 'incept': 2, '79': 2, 'unpromis': 2, 'tripledigit': 2, 'virgo': 2, 'swanki': 2, 'heym': 2, 'scaveng': 2, 'excis': 2, 'kassovitz': 2, 'balaban': 2, 'prizefight': 2, 'overextens': 2, 'ontario': 2, 'tortuou': 2, 'thirtysix': 2, 'benzali': 2, 'streetwalk': 2, 'safer': 2, 'codenam': 2, 'foggiest': 2, 'hoo': 2, 'vagrant': 2, 'souvenir': 2, 'priestli': 2, 'definitli': 2, 'sluizer': 2, 'nelken': 2, 'depaul': 2, 'singlemindedli': 2, 'crossroad': 2, 'clandestin': 2, 'chauvinist': 2, 'molass': 2, 'illtemp': 2, 'psychobabbl': 2, 'nauseou': 2, 'lope': 2, 'oliveira': 2, 'irrevers': 2, 'tabasco': 2, 'lowcut': 2, 'palitaliano': 2, 'rehir': 2, 'rockystyl': 2, 'midteen': 2, 'reoccur': 2, 'barbarian': 2, 'gass': 2, 'lachman': 2, 'spicer': 2, 'cutrat': 2, 'gorton': 2, 'protrud': 2, 'baio': 2, 'succinct': 2, '83': 2, 'bot': 2, 'bloodspatt': 2, 'gent': 2, 'slappedtogeth': 2, 'rumpl': 2, 'phnah': 2, 'spatula': 2, 'supersecret': 2, 'forgo': 2, 'smallscal': 2, 'piller': 2, 'hasten': 2, 'indigest': 2, 'fatigu': 2, 'socialist': 2, 'godmoth': 2, 'wicked': 2, 'takeov': 2, 'discothequ': 2, 'heyday': 2, '11thhour': 2, 'famous': 2, 'dow': 2, 'dallianc': 2, 'acquitt': 2, 'barzoon': 2, 'christabella': 2, 'superag': 2, 'entourag': 2, 'wetsuit': 2, 'latterday': 2, 'crispin': 2, 'norsemen': 2, 'softi': 2, 'lund': 2, 'benj': 2, 'kissyfac': 2, 'hankypanki': 2, 'littletono': 2, 'gymnasium': 2, 'tussl': 2, 'belabor': 2, 'jeroen': 2, 'nonreligi': 2, '20yearold': 2, 'gentil': 2, 'topol': 2, 'ultraorthodox': 2, 'kalman': 2, 'bradley': 2, 'friedman': 2, 'quack': 2, 'unappet': 2, 'ope': 2, 'mabe': 2, 'overdecor': 2, 'stainedglass': 2, 'cherub': 2, 'billowi': 2, 'spooketeria': 2, 'hash': 2, 'effectsextravaganza': 2, 'paralel': 2, 'philander': 2, 'flaki': 2, 'idaho': 2, 'dalli': 2, 'tricia': 2, 'machet': 2, 'unmotiv': 2, 'quirkili': 2, 'dowl': 2, 'jacksonvil': 2, 'whitfield': 2, 'harrass': 2, 'microscop': 2, 'selfprofess': 2, 'whittl': 2, 'desensit': 2, 'sweepstak': 2, 'resili': 2, 'vexati': 2, 'rosenbaum': 2, 'chamberlain': 2, 'vendetta': 2, '10year': 2, 'nauseatingli': 2, 'overestim': 2, 'hottotrot': 2, 'bigglesworth': 2, 'frenchcanadian': 2, 'chadz': 2, 'scrumptiou': 2, 'eateri': 2, 'smallscreen': 2, 'overcook': 2, 'ablaz': 2, 'springtim': 2, 'quantifi': 2, 'serena': 2, 'es': 2, 'ecolog': 2, 'trashili': 2, 'bs': 2, 'whould': 2, 'bullcrap': 2, 'reimagin': 2, 'spiritless': 2, 'extric': 2, 'timecop': 2, 'holler': 2, 'expung': 2, 'kiddieporn': 2, 'handjob': 2, 'merteuil': 2, 'devirgin': 2, 'hargrov': 2, 'invulner': 2, 'yammer': 2, 'peform': 2, 'geiger': 2, 'practis': 2, 'dissembl': 2, 'hog': 2, 'spleen': 2, 'effet': 2, 'actioncrim': 2, 'wc': 2, 'coot': 2, 'waldo': 2, 'emerson': 2, 'alvin': 2, 'adel': 2, 'yawner': 2, 'pastur': 2, 'ucla': 2, 'eliot': 2, 'buttkick': 2, 'bluth': 2, 'hanov': 2, 'mohican': 2, 'blackboard': 2, 'immol': 2, 'nooooo': 2, 'rueland': 2, 'oreilli': 2, 'quizz': 2, 'angelo': 2, 'ideaa': 2, '34': 2, 'redo': 2, 'incrowd': 2, 'silverstein': 2, 'undiscern': 2, 'clitori': 2, 'precredit': 2, 'fittingli': 2, 'clifton': 2, '360': 2, 'zaillian': 2, 'schlictmann': 2, 'unbil': 2, 'cogliostro': 2, 'blowout': 2, 'mtvstyle': 2, 'crewmat': 2, 'maelstrom': 2, 'halfbutton': 2, 'videogam': 2, 'bison': 2, 'guil': 2, 'chun': 2, 'wakeup': 2, 'felatio': 2, 'countrywestern': 2, 'shalt': 2, 'wildey': 2, 'vylett': 2, 'unchart': 2, 'semilik': 2, '11stori': 2, 'himalaya': 2, 'interim': 2, 'mat': 2, 'sinyor': 2, 'superglu': 2, 'familyori': 2, 'digimon': 2, 'ment': 2, 'dubya': 2, 'pinpoint': 2, 'nix': 2, 'tampon': 2, 'travers': 2, 'portabl': 2, 'zerograv': 2, 'airlock': 2, 'unreleas': 2, 'fulltim': 2, 'consciencestricken': 2, 'cher': 2, 'everton': 2, 'halfmachin': 2, 'buckman': 2, 'disobedi': 2, 'blackwolf': 2, 'luftwaff': 2, 'submiss': 2, 'lineag': 2, 'ghandi': 2, '18yearold': 2, 'jeanmarc': 2, 'smit': 2, 'inscrib': 2, 'ultimatum': 2, 'hourandahalf': 2, 'writerproduc': 2, 'teamwork': 2, 'highspe': 2, 'chunnel': 2, 'disbeliev': 2, 'mk2': 2, 'gateway': 2, 'sindel': 2, 'kitana': 2, '1869': 2, 'legless': 2, 'stymi': 2, 'doa': 2, 'proportion': 2, 'whizbang': 2, 'traitor': 2, 'nono': 2, 'neckbrac': 2, 'jungian': 2, '607': 2, 'arcadia': 2, 'blous': 2, 'snidley': 2, 'replic': 2, 'whitlow': 2, 'titshot': 2, 'tooobviou': 2, 'pastich': 2, 'lithium': 2, 'cassavett': 2, 'housewarm': 2, 'bellami': 2, 'def': 2, 'xmen': 2, 'mosey': 2, 'revelatori': 2, 'ironclad': 2, 'kyra': 2, 'sedgwick': 2, 'finelytun': 2, 'throb': 2, 'presag': 2, 'shill': 2, 'pothol': 2, 'nastier': 2, 'hefner': 2, 'slaughterhous': 2, 'similarlythem': 2, 'macht': 2, 'reb': 2, 'pinkerton': 2, 'politicallycorrect': 2, 'roderick': 2, 'innerwork': 2, 'lambast': 2, 'ohso': 2, 'reef': 2, 'sideswip': 2, 'scrawl': 2, 'jointli': 2, 'garbl': 2, 'mentallychalleng': 2, 'jellyfish': 2, 'personnel': 2, 'mishmosh': 2, 'minisub': 2, 'disorient': 2, 'microbomb': 2, 'rectangl': 2, 'wd40': 2, 'joness': 2, 'grabbag': 2, 'altmanesqu': 2, 'kidney': 2, 'headli': 2, 'jigsaw': 2, '132': 2, 'modu': 2, 'operandi': 2, 'wellplac': 2, 'slab': 2, 'overcast': 2, 'dimli': 2, 'murmur': 2, 'curfew': 2, 'highrank': 2, '11year': 2, '26th': 2, 'fluentli': 2, 'postul': 2, 'chummi': 2, 'warburton': 2, 'ungodli': 2, 'misl': 2, 'characteris': 2, 'gs': 2, 'bulldog': 2, 'lorri': 2, 'antsi': 2, 'weirdlook': 2, 'credenc': 2, 'razorsharp': 2, '113': 2, 'pretzel': 2, 'faultless': 2, 'barrack': 2, 'hangov': 2, 'yuelin': 2, 'hunka': 2, 'surplu': 2, 'cutest': 2, 'kindest': 2, 'mobi': 2, '2017': 2, 'congression': 2, 'noseworthi': 2, 'wormer': 2, 'braeden': 2, 'hawaiian': 2, 'billionth': 2, 'hooter': 2, 'poorlystag': 2, 'puffi': 2, 'ugliest': 2, 'perus': 2, 'migrain': 2, 'illuminati': 2, 'uppercrust': 2, 'orwel': 2, 'housew': 2, 'plumet': 2, 'nutter': 2, 'punt': 2, 'fluent': 2, 'ticker': 2, 'ejogo': 2, 'limpli': 2, 'sulka': 2, '31yearold': 2, 'hamstrung': 2, 'wwf': 2, 'filmth': 2, 'lavatori': 2, 'gratifi': 2, 'custodian': 2, 'knit': 2, 'perado': 2, 'barkeep': 2, 'blondi': 2, 'jukebox': 2, 'confuciu': 2, 'unfailingli': 2, 'skitlength': 2, 'deflat': 2, 'theatergo': 2, 'cubicl': 2, 'lumbergh': 2, 'misrepres': 2, 'baileygait': 2, 'tooforgiv': 2, 'jumprop': 2, 'newsmagazin': 2, 'sleightofhand': 2, 'softtoss': 2, 'mongo': 2, 'brownle': 2, 'jerod': 2, 'mixon': 2, 'whitebread': 2, 'toopleas': 2, 'schitck': 2, 'highcalib': 2, 'geneviev': 2, 'menstruat': 2, 'voluptu': 2, 'unappreci': 2, 'lenient': 2, 'goddard': 2, 'timefram': 2, 'landslid': 2, 'liftoff': 2, 'hive': 2, 'ecstasi': 2, 'contentedli': 2, '102minut': 2, 'herek': 2, 'laughomet': 2, 'buckwheat': 2, 'sheesh': 2, 'allot': 2, 'gstring': 2, 'perdi': 2, 'thrillseek': 2, 'stiletto': 2, 'itchi': 2, 'scratchi': 2, 'highfiv': 2, 'unforgivingli': 2, 'lobotom': 2, 'sadsack': 2, 'inning': 2, 'cantrel': 2, 'haysbert': 2, 'takaaki': 2, 'ishibashi': 2, 'bigleagu': 2, 'uecker': 2, 'volcanologist': 2, 'investor': 2, 'doff': 2, 'deathdefi': 2, 'headlong': 2, 'rancor': 2, 'porcin': 2, 'schlocki': 2, 'canton': 2, 'groaner': 2, 'maltin': 2, 'grandchild': 2, 'wench': 2, 'derogatori': 2, 'studli': 2, 'sexploit': 2, 'fleischer': 2, 'unexploit': 2, 'macgowan': 2, 'jordon': 2, 'dismember': 2, 'mower': 2, 'camo': 2, 'graff': 2, 'jonathon': 2, 'mccracken': 2, 'aforment': 2, 'tab': 2, 'sciora': 2, 'eduardo': 2, 'dryer': 2, '30yearold': 2, 'overbeck': 2, 'oneandahalf': 2, 'ascet': 2, 'schomberg': 2, 'nullifi': 2, 'savour': 2, 'interwoven': 2, 'mcgruder': 2, 'shockwav': 2, 'jawa': 2, 'overdramat': 2, 'popsicl': 2, 'proffer': 2, 'lucio': 2, 'dunwich': 2, 'cadav': 2, 'patchi': 2, 'completist': 2, 'hopp': 2, 'kennel': 2, 'schl': 2, 'ndorff': 2, 'freshen': 2, '_what': 2, 'come_': 2, '_brazil_': 2, 'moneygrub': 2, 'explet': 2, 'demarco': 2, 'sach': 2, 'banshe': 2, 'soliloqui': 2, 'ze': 2, 'bauchau': 2, 'succinctli': 2, 'priesthood': 2, 'ringlead': 2, 'tomfooleri': 2, 'nightspot': 2, 'sketchili': 2, 'streisand': 2, 'prissi': 2, 'overtaken': 2, 'genteel': 2, 'devious': 2, 'hudlin': 2, 'tamala': 2, 'therel': 2, 'bootsi': 2, 'propuls': 2, 'dishonor': 2, 'yamamoto': 2, 'prude': 2, 'criticallyacclaim': 2, 'faithless': 2, 'rococo': 2, 'passwordprotect': 2, 'cultish': 2, 'incens': 2, 'unerot': 2, 'dispers': 2, 'cock': 2, 'fece': 2, 'congresswoman': 2, 'moview': 2, 'notsobright': 2, 'preme': 2, 'berkshir': 2, 'yare': 2, 'sisterhood': 2, 'dramedi': 2, 'optimum': 2, 'hurriedli': 2, 'dumfound': 2, 'focker': 2, 'seminud': 2, 'shayn': 2, 'excav': 2, 'gwar': 2, 'gauntlet': 2, 'flaccid': 2, 'pc': 2, 'saffron': 2, 'cheapi': 2, 'sacha': 2, 'duffl': 2, 'walli': 2, 'mil': 2, 'fiber': 2, 'speilberg': 2, 'longabandon': 2, 'snuggl': 2, 'moviewithinamovi': 2, 'knifewield': 2, 'hishertheir': 2, 'isar': 2, 'umpteen': 2, 'laughless': 2, 'pai': 2, 'louder': 2, 'cokehead': 2, 'nicotin': 2, 'carin': 2, 'prima': 2, 'olden': 2, 'koch': 2, 'mujibur': 2, 'sirajul': 2, 'berman': 2, 'clicheridden': 2, 'thang': 2, 'ikea': 2, 'projectionist': 2, 'stakeout': 2, '22minut': 2, 'korsmo': 2, 'wedg': 2, 'bellyach': 2, 'rigeur': 2, 'quizzic': 2, 'waddl': 2, 'nm': 2, 'wesson': 2, 'thusli': 2, 'forthcom': 2, 'utopian': 2, 'waspi': 2, 'dickinson': 2, 'minstrel': 2, 'deglam': 2, 'castig': 2, 'gutwrenchingli': 2, '59': 2, 'minutia': 2, 'looni': 2, 'stipul': 2, 'transact': 2, 'peculiarli': 2, 'jibe': 2, 'fowler': 2, 'unwillingli': 2, '50000': 2, 'concious': 2, 'osha': 2, 'celeb': 2, 'warhol': 2, 'capot': 2, 'richmond': 2, 'turtletaub': 2, 'unashamedli': 2, 'gait': 2, 'seeminglyendless': 2, 'overheard': 2, 'twa': 2, '76': 2, 'suce': 2, 'rotari': 2, 'pounder': 2, 'quicktemp': 2, 'crowbar': 2, 'bluegrass': 2, 'cleophu': 2, 'pickett': 2, 'semiseri': 2, 'functionari': 2, 'firsttier': 2, 'alyson': 2, 'presold': 2, 'felin': 2, 'shirishama': 2, 'susann': 2, 'unfunniest': 2, 'imcomprehins': 2, 'html': 2, 'shae': 2, 'doofi': 2, 'pcu': 2, 'elisa': 2, 'wham': 2, 'highwaymen': 2, 'cranium': 2, 'launcher': 2, 'vela': 2, 'thornesmith': 2, 'septien': 2, 'leprechaun': 2, 'mane': 2, 'heartthrob': 2, 'bouncer': 2, '83minut': 2, 'haddaway': 2, 'overreach': 2, 'staro': 2, 'urbanit': 2, 'mid80': 2, 'illsynch': 2, 'stonefac': 2, 'postlethwait': 2, 'heavymet': 2, 'bole': 2, 'dotson': 2, 'krajeski': 2, 'lu': 2, 'blatz': 2, 'bumfuck': 2, 'rewir': 2, 'ku': 2, 'klux': 2, 'klan': 2, 'disorganis': 2, 'nuzzl': 2, 'frenchmen': 2, 'misdemeanor': 2, 'decod': 2, 'hilli': 2, 'hazel': 2, 'uncomplet': 2, 'grader': 2, 'reifsnyd': 2, 'passingli': 2, 'gangsterflick': 2, 'blindingli': 2, 'insubordin': 2, 'starstruck': 2, 'wellearn': 2, 'breadwinn': 2, 'poignantli': 2, 'wald': 2, 'rosewood': 2, 'ramboesqu': 2, 'overexposur': 2, 'brest': 2, 'redey': 2, 'expresid': 2, 'macarena': 2, 'yimou': 2, 'qu': 2, 'cheryl': 2, 'debutant': 2, 'decorum': 2, 'jeopard': 2, 'racoon': 2, 'shemp': 2, 'altruist': 2, 'garfunkel': 2, 'parsley': 2, 'smooch': 2, 'woodman': 2, 'dragonlik': 2, 'nonetoopleas': 2, 'koenig': 2, '24th': 2, 'burlesqu': 2, 'coalesc': 2, 'incant': 2, 'oracl': 2, 'torrenti': 2, 'filmand': 2, 'sitcomish': 2, 'actordirector': 2, 'satisfactorili': 2, 'demur': 2, 'md': 2, 'ostentati': 2, 'cnn': 2, 'slickest': 2, 'mash': 2, 'smoother': 2, 'daffi': 2, 'mercer': 2, 'prerequisit': 2, 'caron': 2, 'nympho': 2, 'fondli': 2, 'oneway': 2, 'allergi': 2, 'godforsaken': 2, 'mingliang': 2, 'quarantin': 2, 'damp': 2, 'nearfutur': 2, 'tak': 2, 'nonverb': 2, 'astair': 2, 'chalkboard': 2, 'flaneri': 2, 'ritzi': 2, 'aback': 2, 'gilliard': 2, 'imparti': 2, 'dribbl': 2, 'kamikaz': 2, 'placat': 2, 'nonev': 2, 'gradeschool': 2, 'dross': 2, 'erm': 2, 'ava': 2, 'genievev': 2, 'stuntman': 2, 'highris': 2, 'spiel': 2, 'cocreat': 2, 'rusnak': 2, 'quotat': 2, 'lillianna': 2, 'gruel': 2, 'xinxin': 2, 'ref': 2, 'boyishli': 2, 'doeey': 2, 'chambermaid': 2, 'tavern': 2, '106': 2, 'selfmock': 2, 'protocol': 2, 'annabel': 2, 'smutti': 2, 'fetal': 2, 'rewound': 2, 'psychoanalyst': 2, 'lonergan': 2, 'topform': 2, 'clockwatch': 2, 'rousingli': 2, 'onescen': 2, 'laughfre': 2, 'yemeni': 2, 'mow': 2, 'friedklin': 2, 'navarro': 2, 'santanico': 2, 'wichita': 2, 'buchman': 2, 'quebec': 2, 'preliminari': 2, 'drearili': 2, 'acr': 2, 'malefemal': 2, 'spector': 2, 'gingerli': 2, 'repent': 2, 'unright': 2, 'insectopia': 2, 'martialart': 2, 'dresser': 2, 'straightest': 2, 'shant': 2, 'centuryfox': 2, 'fume': 2, 'avert': 2, 'glassi': 2, 'semiautobiograph': 2, 'layout': 2, 'selfeffac': 2, 'retak': 2, 'cadaver': 2, 'mele': 2, 'hingl': 2, 'commission': 2, 'gordan': 2, 'vendela': 2, 'batarang': 2, 'dumbfound': 2, 'placard': 2, 'vaudevil': 2, 'dann': 2, 'leyland': 2, '_breakfast_of_champions_': 2, 'excrutiatingli': 2, 'celia': 2, 'luka': 2, 'haa': 2, 'apex': 2, 'similarlynam': 2, 'francin': 2, 'unfilm': 2, 'sprinkler': 2, 'tome': 2, 'harebrain': 2, 'cruso': 2, 'sturm': 2, 'und': 2, 'drang': 2, 'monthli': 2, 'inperson': 2, 'reenter': 2, 'britton': 2, 'vegasbas': 2, 'cdrom': 2, 'hypedup': 2, 'nordoffhal': 2, 'hither': 2, 'scaffold': 2, 'flamenco': 2, 'angular': 2, 'katharin': 2, 'patrolman': 2, 'drabbi': 2, 'curtolo': 2, 'duart': 2, 'strum': 2, 'cheez': 2, 'affluent': 2, 'dialoug': 2, 'neonlit': 2, 'multiti': 2, 'traffick': 2, 'nightlif': 2, 'ore': 2, 'pejor': 2, 'zimmerli': 2, 'ramona': 2, 'midgett': 2, 'enliste': 2, 'interstiti': 2, 'cretin': 2, 'dwight': 2, 'chide': 2, 'makingof': 2, 'messili': 2, 'sewag': 2, 'fanbas': 2, 'auditorium': 2, 'pueril': 2, 'scattershot': 2, 'diddli': 2, 'talli': 2, 'emax': 2, 'mailman': 2, 'submediocr': 2, 'deduc': 2, 'hammerhead': 2, 'objectifi': 2, 'absentminded': 2, 'rumba': 2, 'belloq': 2, 'asswhol': 2, 'zellwegg': 2, 'hydraul': 2, 'homemad': 2, 'edna': 2, 'surgic': 2, 'gregari': 2, 'microchip': 2, 'machinelik': 2, 'zig': 2, 'administ': 2, 'rainsoak': 2, 'banzai': 2, 'pungent': 2, 'pawnbrok': 2, '28yearold': 2, 'longingli': 2, 'bloodlin': 2, 'bathrob': 2, 'indol': 2, 'foresight': 2, 'demornay': 2, 'edson': 2, 'swindler': 2, 'cryin': 2, 'offcamera': 2, 'graph': 2, 'exponenti': 2, 'deepspac': 2, 'capitalis': 2, 'trembl': 2, 'divest': 2, 'bathgat': 2, 'pharmacist': 2, 'whitehair': 2, 'imper': 2, 'singleminded': 2, 'psychodrama': 2, 'talia': 2, 'oahu': 2, 'musclebound': 2, 'daresay': 2, 'blondhair': 2, 'bloomingdal': 2, 'trager': 2, 'pacifi': 2, 'cholera': 2, 'ohsocleverli': 2, 'purportedli': 2, 'snarki': 2, 'idli': 2, 'mccleod': 2, 'fridg': 2, 'farewel': 2, 'townfolk': 2, 'mule': 2, 'sickeningli': 2, 'ailment': 2, 'abject': 2, 'inimit': 2, 'mid70': 2, 'beauden': 2, 'vaguest': 2, 'alfonso': 2, 'francesco': 2, 'clement': 2, 'darwin': 2, 'abram': 2, 'spastic': 2, 'aha': 2, 'lughead': 2, 'schoolchildren': 2, 'drippi': 2, 'nearconst': 2, 'broom': 2, 'erickson': 2, 'hsu': 2, 'discont': 2, 'luncheon': 2, 'vienna': 2, 'inward': 2, 'expression': 2, 'freakin': 2, 'wellexecut': 2, 'reanim': 2, 'bergl': 2, 'moreu': 2, 'flau': 2, 'audiotap': 2, 'elmalogl': 2, 'filmdom': 2, 'achil': 2, 'melbourn': 2, 'slender': 2, 'uncloth': 2, 'harmonica': 2, 'barker': 2, 'shambl': 2, 'skulk': 2, 'infanc': 2, 'abdomen': 2, 'insideout': 2, 'caryhiroyuki': 2, 'tagawa': 2, 'brokerag': 2, 'fratern': 2, 'neurolog': 2, 'buis': 2, 'livelihood': 2, 'misgiv': 2, 'selfless': 2, 'foregon': 2, 'cork': 2, 'warmnfuzzi': 2, 'hiroshi': 2, 'murata': 2, '_urban_legend_': 2, 'mancini': 2, '_i_know': 2, 'slather': 2, 'backsid': 2, 'snooz': 2, 'superstit': 2, 'cultureclash': 2, 'facepaint': 2, 'sharif': 2, 'menzi': 2, 'delinqu': 2, 'portopotti': 2, 'zappa': 2, 'backstag': 2, 'saturn': 2, 'napkin': 2, 'hotter': 2, 'thirtyf': 2, 'gertz': 2, 'cowriterdirector': 2, 'midsect': 2, 'oomph': 2, 'eleanor': 2, 'shelbi': 2, 'ghostlik': 2, 'abnorm': 2, 'macnamara': 2, 'foothold': 2, 'hushhush': 2, 'budweis': 2, 'johto': 2, 'unown': 2, 'entei': 2, 'biggerthanlif': 2, 'inebri': 2, '64': 2, 'amc': 2, 'portugues': 2, 'actorturneddirector': 2, '_hope': 2, 'floats_': 2, 'woe': 2, 'bumpkin': 2, 'whittak': 2, 'akroyd': 2, 'fullforc': 2, 'tvseri': 2, 'orangutan': 2, 'shotforshot': 2, 'twang': 2, 'naughton': 2, 'nowtir': 2, 'synergi': 2, 'byplay': 2, 'terrifyingli': 2, 'lenz': 2, 'dickerson': 2, 'xphile': 2, 'whitefac': 2, 'neverland': 2, 'unplug': 2, 'mon': 2, '03': 2, '3654': 2, 'nntphub': 2, 'currentfilm': 2, 'eclmtcts1': 2, 'leeper': 2, 'swimsuit': 2, '150th': 2, 'wilt': 2, 'larsen': 2, 'risa': 2, 'jonah': 2, 'bhorror': 2, 'laudabl': 2, 'pritchett': 2, 'kneejerk': 2, 'oversimplif': 2, 'reboux': 2, 'storybook': 2, '5yearold': 2, 'monahan': 2, 'balbrick': 2, 'honeywel': 2, 'outoftouch': 2, 'recharg': 2, 'fowl': 2, 'fleabag': 2, 'rko': 2, 'encor': 2, 'bejesu': 2, 'abovethetitl': 2, 'saddest': 2, 'fictiou': 2, 'quarri': 2, 'scapegoat': 2, 'wilma': 2, 'allegor': 2, 'flic': 2, 'croaker': 2, 'wittili': 2, 'irration': 2, 'mugshot': 2, 'mahurin': 2, 'knepper': 2, 'cloudi': 2, 'twoyear': 2, 'shelmickedmu': 2, 'windup': 2, 'jackhamm': 2, 'anomali': 2, 'chancellor': 2, 'cohost': 2, 'lemon': 2, 'lemonad': 2, 'toothless': 2, 'kidfriendli': 2, 'grossli': 2, 'clamp': 2, 'robo': 2, 'sunda': 2, 'latitud': 2, 'miscarriag': 2, 'miscarri': 2, 'exoner': 2, 'cullen': 2, 'blackmarket': 2, 'stringi': 2, 'electromagnet': 2, 'actionmovi': 2, 'joyc': 2, 'yale': 2, 'tenur': 2, 'kod': 2, 'villard': 2, 'toenail': 2, 'shootem': 2, 'phonesex': 2, 'mediat': 2, 'multibillion': 2, 'iranian': 2, 'haliwel': 2, 'viruslik': 2, 'superintend': 2, 'briefer': 2, 'ufoolog': 2, 'writercr': 2, '20thcenturi': 2, 'jungle2jungl': 2, 'abril': 2, 'josian': 2, 'balasko': 2, 'humer': 2, 'midsumm': 2, 'quickflash': 2, 'rut': 2, 'beaman': 2, 'kaleidoscop': 2, 'sic': 2, 'hangar': 2, 'rippl': 2, '8yearold': 2, 'fondl': 2, 'uncouth': 2, 'snowcap': 2, 'spinal': 2, 'cardiac': 2, 'dohlen': 2, 'flatten': 2, 'gesserit': 2, 'attest': 2, 'prewar': 2, 'tinto': 2, 'schellenberg': 2, 'berger': 2, 'kellerman': 2, 'margerith': 2, 'scrupl': 2, 'hedonist': 2, 'womanhood': 2, 'bonk': 2, 'haphazardli': 2, 'misconduct': 2, 'oncourt': 2, 'rabi': 2, 'freder': 2, 'beep': 2, 'kitsch': 2, 'actionscifi': 2, 'unattend': 2, 'pointi': 2, 'overlord': 2, 'unprint': 2, 'henpeck': 2, 'barown': 2, 'whirri': 2, 'homestead': 2, 'steakley': 2, 'crossbow': 2, 'packet': 2, 'widen': 2, 'paratroop': 2, 'reminsc': 2, 'crucifix': 2, 'cherot': 2, 'expartn': 2, 'bevi': 2, 'chemicallyinduc': 2, 'helplessli': 2, 'degen': 2, 'upheav': 2, 'moreso': 2, 'solemnli': 2, 'undoubt': 2, 'villai': 2, 'briar': 2, 'replenish': 2, 'reexperienc': 2, 'levar': 2, 'fc': 2, 'mcfadden': 2, 'physiqu': 2, 'casserol': 2, 'quadrangl': 2, 'ip': 2, 'nom': 2, 'bilk': 2, 'halfmillion': 2, 'vat': 2, '5000': 2, 'leezerd': 2, 'warbl': 2, 'singin': 2, 'knowital': 2, 'invalu': 2, 'prowl': 2, 'kodak': 2, 'icecream': 2, 'telecommun': 2, 'buddyact': 2, 'mosquito': 2, 'squiggli': 2, 'mileaminut': 2, 'hipper': 2, 'tempestu': 2, 'solidli': 2, 'soupedup': 2, 'elektra': 2, 'physicist': 2, 'walther': 2, 'tobolowski': 2, 'keeslar': 2, 'precipic': 2, 'consign': 2, 'resoundingli': 2, 'tinam': 2, 'olivi': 2, 'northmen': 2, 'ligament': 2, 'extem': 2, 'sidestep': 2, 'spate': 2, 'putti': 2, 'minutelong': 2, 'greasedup': 2, 'whop': 2, 'overdramatic': 2, 'malcom': 2, 'tiberiu': 2, 'vidal': 2, 'licenc': 2, 'greenaway': 2, 'artilleri': 2, 'revengeforhir': 2, 'sodomi': 2, 'muchtalkedabout': 2, 'smartass': 2, '81minut': 2, 'matrimoni': 2, 'lovin': 2, 'heh': 2, 'alcatraz': 2, 'britt': 2, 'pammi': 2, 'ulcer': 2, 'ruggedli': 2, 'jose': 2, 'genderbend': 2, 'deadbeat': 2, 'wimpi': 2, 'wanker': 2, 'coastlin': 2, 'grouch': 2, 'unwork': 2, 'pansi': 2, 'backpack': 2, 'copperfield': 2, 'yuri': 2, 'zeltser': 2, 'sheffer': 2, 'gladston': 2, 'sulli': 2, 'swish': 2, 'vanquish': 2, 'unconvincingli': 2, 'redux': 2, 'fiveyearold': 2, 'genui': 2, 'gutbust': 2, 'threshold': 2, 'absente': 2, 'elmo': 2, 'mull': 2, 'consumer': 2, 'ringmast': 2, 'upload': 2, 'careerdefin': 2, 'longo': 2, 'cyberpunk': 2, 'mufti': 2, 'nimbl': 2, 'seagu': 2, 'arabian': 2, 'dagger': 2, 'teleprompt': 2, 'uninsight': 2, 'eighteenth': 2, 'aa': 2, 'sexdriven': 2, 'cuz': 2, 'fruition': 2, 'roadsid': 2, 'mckinney': 2, 'merriment': 2, 'truncat': 2, 'default': 2, 'hermitlik': 2, 'credo': 2, 'muchdiscuss': 2, 'mcnamara': 2, 'disagr': 2, 'pinch': 2, 'mandrak': 2, 'afi': 2, 'gyllenhal': 2, 'glob': 2, 'doubtless': 2, 'chanteus': 2, 'saunter': 2, 'twominut': 2, 'cara': 2, 'warfield': 2, 'maher': 2, 'jive': 2, 'talker': 2, 'tyron': 2, 'barnett': 2, 'assemblag': 2, 'blotter': 2, 'knot': 2, 'clench': 2, 'mescalin': 2, 'amyl': 2, 'multicolor': 2, 'verbatim': 2, 'fishtank': 2, 'sevenyearold': 2, 'nunez': 2, 'pearli': 2, 'pseudodocumentari': 2, 'selfinvolv': 2, 'starpow': 2, 'metamorphos': 2, 'brauva': 2, 'hampton': 2, 'weakwil': 2, 'gunrunn': 2, 'skim': 2, 'brannagh': 2, 'prudent': 2, 'handstand': 2, 'thingi': 2, 'carolco': 2, 'parenthood': 2, 'prosthet': 2, 'propon': 2, 'straitlac': 2, 'mascara': 2, 'ceaseless': 2, 'jetpack': 2, 'compendium': 2, 'abbott': 2, 'prodig': 2, 'abuzz': 2, 'mysterian': 2, 'leno': 2, 'bieb': 2, 'mysterti': 2, 'caitlyn': 2, 'deflow': 2, 'inaccuraci': 2, 'actionfest': 2, 'emigr': 2, 'paean': 2, 'blueey': 2, 'prefab': 2, 'transcript': 2, 'birkin': 2, 'carojeanpierr': 2, 'caro': 2, 'louison': 2, 'marielaur': 2, 'dougnac': 2, 'clapet': 2, 'karin': 2, 'viard': 2, 'holgado': 2, 'tapioca': 2, 'mathou': 2, 'kube': 2, 'boban': 2, 'janevski': 2, 'ortega': 2, 'silvi': 2, 'laguna': 2, '12hour': 2, 'snitch': 2, 'outgross': 2, 'ferrari': 2, 'marcelo': 2, 'eyro': 2, 'welldesign': 2, 'doer': 2, 'hieroglyph': 2, 'goddam': 2, 'asthma': 2, 'twelveyearold': 2, 'stansfield': 2, 'cokeaddl': 2, 'breuer': 2, 'oppressor': 2, 'milliu': 2, 'ahern': 2, 'panaro': 2, 'coolli': 2, 'swartzenegg': 2, 'burnout': 2, 'luger': 2, 'egocentr': 2, 'affront': 2, 'caress': 2, 'vex': 2, 'sirti': 2, 'counsellor': 2, 'neverbeforeseen': 2, 'tirelessli': 2, 'gooni': 2, 'loin': 2, 'exmodel': 2, 'janitori': 2, 'navil': 2, 'contextu': 2, 'displeas': 2, 'claymat': 2, 'cabot': 2, 'fuddyduddi': 2, 'hathaway': 2, 'duckl': 2, 'nonanim': 2, 'fukienes': 2, 'racerel': 2, 'beginn': 2, 'switzerland': 2, 'clinch': 2, 'medfield': 2, 'goofybutlov': 2, 'aaaaaaaaah': 2, 'harumph': 2, 'overlay': 2, 'sofa': 2, 'ensnar': 2, 'unkind': 2, 'promo': 2, 'plaudit': 2, 'vicel': 2, 'reon': 2, 'hanna': 2, 'fullscal': 2, 'nofril': 2, 'thieveri': 2, 'acumen': 2, 'yojimbo': 2, 'detain': 2, 'yall': 2, 'speedili': 2, 'unconnect': 2, 'memorabilia': 2, 'parr': 2, 'naturelov': 2, 'nword': 2, 'bandi': 2, 'lamarr': 2, 'exert': 2, 'motherf': 2, 'squintyey': 2, 'rebb': 2, 'passionless': 2, 'yakin': 2, 'julianna': 2, 'takenocrap': 2, 'longdead': 2, 'puni': 2, 'kilometr': 2, 'glamoris': 2, 'expound': 2, 'romanticis': 2, 'pericl': 2, 'unauthor': 2, 'konner': 2, 'attar': 2, 'matalin': 2, 'twosom': 2, 'won92t': 2, 'meanest': 2, 'concur': 2, 'zellwegar': 2, 'anser': 2, 'thier': 2, 'reprint': 2, 'archriv': 2, 'estrogen': 2, 'guadalcan': 2, 'nineyear': 2, 'bacteria': 2, 'pd': 2, 'piet': 2, 'kroon': 2, 'sito': 2, 'phi': 2, 'debra': 2, 'alumni': 2, 'canni': 2, 'lesley': 2, '_the_': 2, 'hardluck': 2, 'downonhisluck': 2, 'seaman': 2, '105minut': 2, 'prettiest': 2, 'undisclos': 2, 'brennick': 2, 'kurtwood': 2, 'supertechnolog': 2, 'scripter': 2, 'salaci': 2, 'bigelow': 2, 'restlessli': 2, 'spoton': 2, 'tandem': 2, 'contractu': 2, 'adeptli': 2, 'unremittingli': 2, 'kietal': 2, 'docil': 2, 'journeyman': 2, 'nonnud': 2, 'fleshedout': 2, 'ultraconserv': 2, '_blade': 2, 'hardwar': 2, 'i2': 2, 'zimmer': 2, 'biotech': 2, 'vaccin': 2, 'criticproof': 2, 't1000': 2, 'goahead': 2, 'supercomput': 2, 'belowaverag': 2, 'allencompass': 2, 'wellreal': 2, 'agap': 2, 'foultemp': 2, 'inopportun': 2, 'bobcat': 2, 'virul': 2, 'heavilyarm': 2, 'inter': 2, 'flashlight': 2, 'lovetriangl': 2, 'wuhrer': 2, 'polli': 2, 'cice': 2, 'ellsworth': 2, 'sorceror': 2, 'cuttingedg': 2, '_john': 2, 'vampires_': 2, '_blade_': 2, 'offthecuff': 2, 'daft': 2, 'loni': 2, 'stench': 2, 'straightarrow': 2, 'crapper': 2, 'inconspicu': 2, 'serpent': 2, 'dominion': 2, 'lowdown': 2, 'grafitti': 2, 'keg': 2, 'ingeniu': 2, 'ultrasecret': 2, 'manchu': 2, 'liddi': 2, 'mcculloch': 2, 'smorgasbord': 2, 'olympian': 2, 'aberr': 2, 'flyover': 2, 'paraglid': 2, 'jumanji': 2, 'retitl': 2, 'hor': 2, 'uptod': 2, 'twoway': 2, 'callwait': 2, 'glitch': 2, 'cordless': 2, 'whocar': 2, 'indisput': 2, 'commot': 2, 'scion': 2, 'quicksand': 2, 'imprint': 2, 'tuition': 2, 'inconsider': 2, 'emce': 2, 'scarborough': 2, 'destabil': 2, 'gratingli': 2, 'waikiki': 2, 'laidback': 2, 'petey': 2, 'juliu': 2, 'unromant': 2, 'paperwork': 2, 'guitarplay': 2, 'velda': 2, 'kalecki': 2, 'revil': 2, 'conti': 2, 'pointblank': 2, 'firstperson': 2, 'doggi': 2, 'dogg': 2, 'actorsactress': 2, 'flora': 2, 'hammerstein': 2, 'archeri': 2, 'ledg': 2, 'sillier': 2, 'memo': 2, 'zenlik': 2, '_dead_man_on_campus_': 2, 'loophol': 2, '_dead_man_': 2, 'kasalivich': 2, 'hydrogen': 2, 'mcgraw': 2, 'windbag': 2, '99cent': 2, 'snarf': 2, 'hardhead': 2, 'zhivago': 2, 'castrat': 2, 'dissappoint': 2, 'saim': 2, 'vidnov': 2, 'cromagnon': 2, 'patriarchi': 2, 'prehistori': 2, 'sixyearold': 2, 'breakaway': 2, 'shuck': 2, 'pittsburgh': 2, 'doubleexposur': 2, 'wrapup': 2, 'misrepresent': 2, 'braid': 2, 'roritor': 2, '_a_night_at_the_roxbury_': 2, 'brotherli': 2, 'koren': 2, 'whitechapel': 2, '1888': 2, 'abberlin': 2, 'opium': 2, 'rabl': 2, '_elect': 2, 'quagmir': 2, 'gnarl': 2, 'indianapoli': 2, 'unprotect': 2, 'moroccan': 2, 'oust': 2, 'eriq': 2, 'bonitz': 2, 'congoles': 2, 'mnc': 2, 'cleric': 2, 'kasa': 2, 'vubu': 2, 'maka': 2, 'kotto': 2, 'mutini': 2, 'katanga': 2, 'provinc': 2, 'mois': 2, 'nzonzi': 2, 'vinyard': 2, 'vandal': 2, 'ringer': 2, 'exemplari': 2, 'wirefu': 2, 'wo': 2, 'transmitt': 2, 'lanai': 2, 'templeton': 2, 'busload': 2, 'squirminduc': 2, 'iridesc': 2, 'devastatingli': 2, 'boarder': 2, 'sierra': 2, 'anticlimax': 2, 'clearcut': 2, 'convention': 2, 'niebaum': 2, 'sabian': 2, 'itch': 2, 'carryon': 2, 'contracept': 2, 'toontown': 2, 'toon': 2, '000aweek': 2, 'mainten': 2, 'gleiberman': 2, 'alias': 2, '911': 2, 'bureaucraci': 2, 'dfen': 2, 'getout': 2, 'avari': 2, 'wellvil': 2, 'bespectacl': 2, 'abstin': 2, 'vegetarian': 2, 'defec': 2, 'doodoo': 2, 'sculpt': 2, '34th': 2, 'monterey': 2, 'jani': 2, 'joplin': 2, 'jampack': 2, 'preclud': 2, 'backstreet': 2, 'solidar': 2, 'bullhorn': 2, 'theoriz': 2, 'bumstead': 2, 'pasti': 2, 'himherself': 2, 'sharpest': 2, 'guiltili': 2, 'malnourish': 2, 'kazantzaki': 2, 'preexist': 2, 'sith': 2, 'doublesid': 2, 'padawan': 2, 'vergil': 2, 'pedant': 2, 'dy': 2, 'chivalr': 2, 'downi': 2, 'academia': 2, 'introvert': 2, 'impression': 2, 'syndic': 2, 'merman': 2, 'dodo': 2, 'premium': 2, 'keev': 2, 'ouija': 2, 'fernanda': 2, 'montenegro': 2, 'postag': 2, '_life': 2, 'beautiful_': 2, 'qui': 2, 'paralyzingli': 2, 'hankss': 2, 'milquetoast': 2, 'eri': 2, 'expressli': 2, 'thingth': 2, 'motto': 2, 'ashbrook': 2, 'yee': 2, 'imho': 2, 'jink': 2, 'sedat': 2, 'apathi': 2, 'coexecut': 2, 'charnel': 2, 'fission': 2, 'posthum': 2, 'grubbi': 2, 'magnum': 2, 'gong': 2, 'woni': 2, 'bradshaw': 2, 'ratti': 2, '8year': 2, 'mcalist': 2, 'furnac': 2, 'snowshovel': 2, 'wellthought': 2, 'constel': 2, 'horizont': 2, 'undet': 2, 'gazillion': 2, 'premarit': 2, 'otter': 2, 'bluto': 2, 'baylor': 2, 'standoffish': 2, 'enviou': 2, 'pakistani': 2, 'parse': 2, 'hasan': 2, 'deepa': 2, 'mehta': 2, 'jokingli': 2, 'tenor': 2, 'undergon': 2, 'tenderli': 2, 'gingrich': 2, 'gaga': 2, 'chihuahua': 2, 'matador': 2, 'cavalri': 2, 'infirm': 2, 'highspirit': 2, 'millennia': 2, 'emo': 2, 'gallon': 2, 'yucki': 2, 'rotund': 2, 'nobleman': 2, 'grump': 2, 'nobuko': 2, 'miyamoto': 2, 'adjoin': 2, 'unspecifi': 2, 'ewok': 2, 'marienth': 2, 'antenna': 2, 'sculptur': 2, 'outlast': 2, 'belon': 2, 'grovel': 2, 'pedophilia': 2, 'aux': 2, 'foll': 2, 'colisseum': 2, 'virtuos': 2, 'aryan': 2, 'fiveyear': 2, 'expati': 2, 'florenc': 2, 'kretschmann': 2, 'hallucinogen': 2, 'wordless': 2, 'gaelic': 2, 'pint': 2, 'singsong': 2, 'eamonn': 2, 'complexion': 2, 'psychiatr': 2, 'prose': 2, 'treehous': 2, 'bestknown': 2, 'foggi': 2, 'regimen': 2, 'drunkenstyl': 2, 'tuxedo': 2, 'murtaugh': 2, 'mano': 2, 'tendanc': 2, 'yesteryear': 2, 'spam': 2, 'dainti': 2, 'goldenth': 2, 'yugoslavian': 2, 'craftsmen': 2, 'vilifi': 2, 'selfassured': 2, 'armwrestl': 2, 'whod': 2, 'shootup': 2, 'muchpriz': 2, 'amnesiac': 2, 'convalesc': 2, '160': 2, 'halfful': 2, 'gunrun': 2, 'bruin': 2, 'wagnerian': 2, 'ziyi': 2, 'heebiejeebi': 2, 'confisc': 2, 'congressman': 2, 'warmheart': 2, 'hotpant': 2, 'loewi': 2, 'alwaysreli': 2, 'thorni': 2, 'noblest': 2, 'overexplain': 2, 'conelli': 2, 'equinox': 2, 'suitandti': 2, 'roebuck': 2, 'scarab': 2, 'entomb': 2, 'amon': 2, 'swordwield': 2, 'showbiz': 2, 'multilay': 2, 'chilli': 2, 'alibi': 2, 'tovoli': 2, 'grouptherapi': 2, 'goad': 2, 'savageri': 2, 'uncork': 2, 'misconstru': 2, 'extrapol': 2, 'crackin': 2, 'intermingl': 2, 'oval': 2, 'motsss': 2, 'moll': 2, 'glut': 2, 'wellchosen': 2, 'fireston': 2, 'funner': 2, 'camplik': 2, 'eggsel': 2, 'piesel': 2, 'piemak': 2, 'aardman': 2, 'gromit': 2, 'ballbounc': 2, 'spielberginspir': 2, 'prisonersofwar': 2, 'stalag': 2, 'karey': 2, 'kirkpatrick': 2, 'haygarth': 2, 'crochet': 2, 'supplytrad': 2, 'swingdanc': 2, 'theologian': 2, 'wearisom': 2, 'conan': 2, 'jp2': 2, 'jp3': 2, 'nutrit': 2, 'hornbi': 2, 'volumin': 2, 'neccessari': 2, 'naysay': 2, 'winningli': 2, 'bleakli': 2, 'allinal': 2, 'groomtob': 2, 'doomandgloom': 2, 'sweeten': 2, 'polem': 2, 'wryli': 2, 'hagman': 2, 'onenight': 2, 'stopper': 2, 'hater': 2, 'ch': 2, 'bugsi': 2, 'entertan': 2, 'comand': 2, 'sophia': 2, 'nelligan': 2, 'maya': 2, 'marianna': 2, 'smolder': 2, 'selfdoubt': 2, 'ingrati': 2, 'complimentari': 2, 'verma': 2, 'multiday': 2, 'bombay': 2, 'dhawan': 2, 'emphat': 2, 'orefic': 2, 'intial': 2, 'phillotson': 2, 'verv': 2, 'badland': 2, 'timon': 2, 'tang': 2, 'samo': 2, 'mixer': 2, 'pageant': 2, 'nashvil': 2, 'nay': 2, 'politc': 2, 'mellow': 2, 'brightey': 2, 'in': 2, 'haggard': 2, 'beret': 2, 'overmed': 2, 'sidebar': 2, 'archaeolog': 2, 'minah': 2, 'lavend': 2, 'bragg': 2, 'hewson': 2, 'dismayingli': 2, 'zorg': 2, 'weil': 2, 'jeanpaul': 2, 'gaulthier': 2, 'rhod': 2, 'aria': 2, 'wilbur': 2, 'orchard': 2, 'thine': 2, 'highestgross': 2, 'wordli': 2, 'tish': 2, 'viceroy': 2, 'stepmom': 2, 'expuls': 2, '_six_day': 2, '_seven_nights_': 2, 'pina': 2, 'colada': 2, 'bestlook': 2, 'spatial': 2, 'exodu': 2, 'nile': 2, 'selbi': 2, 'runyan': 2, '63': 2, 'interrotron': 2, 'payload': 2, 'schmeer': 2, 'shondra': 2, 'vietnames': 2, 'viet': 2, 'cong': 2, 'ellroy': 2, 'royercollard': 2, 'oath': 2, 'hubbub': 2, 'drake': 2, 'brimley': 2, 'cedar': 2, 'rothhaar': 2, 'mika': 2, 'cheapskat': 2, 'tam': 2, 'hester': 2, 'yeung': 2, 'seung': 2, 'kaneshiro': 2, 'monthlong': 2, 'font': 2, 'filmwithinafilm': 2, 'cici': 2, 'portia': 2, 'misdirect': 2, 'ambl': 2, 'rebuk': 2, 'juggernaut': 2, 'xma': 2, 'chaperon': 2, 'irrevoc': 2, 'balto': 2, 'esmerelda': 2, 'ursula': 2, 'triton': 2, 'cumul': 2, '17day': 2, 'humorist': 2, 'kur': 2, 'updraft': 2, 'seminari': 2, 'scof': 2, 'persu': 2, 'amass': 2, 'dreamworld': 2, 'concis': 2, 'harald': 2, 'immediaci': 2, 'wbn': 2, 'benben': 2, 'blemish': 2, 'javier': 2, 'sancho': 2, 'getz': 2, '2050': 2, 'reachabl': 2, 'dreadfactor': 2, 'massentertain': 2, 'faintheart': 2, 'goodhorror': 2, 'baad': 2, 'asssss': 2, 'salo': 2, 'cattili': 2, 'ambulancechas': 2, 'hivposit': 2, 'templar': 2, 'rosalind': 2, 'gangbust': 2, 'readymad': 2, 'bellylaugh': 2, 'euphegenia': 2, 'saintli': 2, 'fiji': 2, 'biziou': 2, 'zyci': 2, 'devianc': 2, 'quiver': 2, 'allegra': 2, 'pikul': 2, 'trier': 2, 'caf': 2, 'gravestown': 2, '2400': 2, 'backdoor': 2, 'fullcircl': 2, 'missi': 2, 'lapoiri': 2, 'nolot': 2, 'astor': 2, 'postpon': 2, 'breakneck': 2, 'risktak': 2, 'spud': 2, 'begbi': 2, 'northwestern': 2, 'franzoni': 2, 'displac': 2, 'benito': 2, 'oedip': 2, 'tworoom': 2, 'stratum': 2, 'ambient': 2, 'manifold': 2, 'tamiyo': 2, 'kusakari': 2, 'aoki': 2, 'naoto': 2, 'takenaka': 2, 'treacli': 2, 'euphoria': 2, 'avidli': 2, 'hamradio': 2, 'pilgrimag': 2, 'ferrer': 2, 'computerenhanc': 2, 'yao': 2, 'vocalist': 2, 'takei': 2, 'boathous': 2, 'shorelin': 2, 'nuttgen': 2, 'palefac': 2, 'zookeep': 2, 'mucu': 2, 'nugget': 2, 'unlaw': 2, 'vasquez': 2, 'jenett': 2, 'goldstein': 2, 'henn': 2, 'solari': 2, 'bitingli': 2, 'pushkin': 2, 'petersburg': 2, 'inki': 2, 'torrent': 2, 'wanton': 2, 'ez': 2, 'tired': 2, 'generos': 2, 'dumbeddown': 2, 'viterelli': 2, 'jelli': 2, 'tuni': 2, 'daw': 2, 'kasi': 2, '_film': 2, 'central_': 2, 'colm': 2, 'slapdash': 2, 'carrion': 2, '_unbreakable_': 2, 'semin': 2, 'maxx': 2, 'exalt': 2, 'sci': 2, 'breckman': 2, 'braun': 2, 'tromp': 2, 'adulthelfgott': 2, 'teenagedavid': 2, 'wiper': 2, 'rhythmic': 2, 'ww': 2, 'intermiss': 2, 'ambianc': 2, 'funk': 2, 'emblemat': 2, 'typifi': 2, 'bonafid': 2, '155': 2, 'callum': 2, 'companionship': 2, 'curb': 2, 'masterpeic': 2, 'poolsid': 2, 'stunner': 2, 'reedit': 2, 'tollbooth': 2, 'tagalong': 2, 'esquir': 2, 'hitandmiss': 2, 'pokerplay': 2, 'floodwat': 2, 'proprieti': 2, 'pinter': 2, 'freezefram': 2, 'maximillian': 2, 'mistrust': 2, 'rebuf': 2, 'dispassion': 2, 'caveat': 2, 'tsk': 2, 'amo': 2, 'leftist': 2, 'subjug': 2, 'hasidim': 2, 'phobic': 2, 'dunk': 2, 'yaakov': 2, 'harshest': 2, 'forlorn': 2, 'wagon': 2, 'cowardic': 2, 'cleav': 2, 'peyot': 2, 'workmat': 2, 'garbageman': 2, 'exconvict': 2, 'rile': 2, 'metamorphosi': 2, 'mandibl': 2, 'walkin': 2, 'zs': 2, 'barbatu': 2, 'guterman': 2, 'lighthearted': 2, 'seagul': 2, 'jarvi': 2, 'grievanc': 2, 'waterlog': 2, 'transist': 2, 'malt': 2, 'pikser': 2, 'kev': 2, 'jeanhugu': 2, 'anglad': 2, 'croatia': 2, 'gees': 2, 'pesticid': 2, 'watchdog': 2, 'locust': 2, 'sami': 2, 'diepp': 2, 'writersdirector': 2, 'chast': 2, 'patach': 2, 'arian': 2, 'ascarid': 2, 'postcard': 2, 'toulouselautrec': 2, 'cavort': 2, 'sizzl': 2, 'lagravenes': 2, 'humpalot': 2, 'wellconstruct': 2, '73': 2, 'davidzt': 2, 'syrupi': 2, 'pitfal': 2, 'slope': 2, 'bickford': 2, 'overeag': 2, 'sauna': 2, 'carcass': 2, 'konghollywood': 2, 'sheffield': 2, 'jobless': 2, 'bloke': 2, 'stripact': 2, 'cattaneo': 2, 'manli': 2, 'computerassist': 2, 'purist': 2, 'driedup': 2, '14year': 2, 'titta': 2, 'mussolini': 2, 'rota': 2, 'awestruck': 2, 'uncr': 2, 'thacker': 2, 'surreptiti': 2, 'ifan': 2, 'mckee': 2, 'dequina': 2, '21stcenturi': 2, 'braga': 2, 'cochran': 2, 'mytho': 2, 'seng': 2, 'calhoun': 2, 'reproach': 2, 'banjo': 2, 'fozzi': 2, 'mound': 2, 'dweller': 2, 'shoulderlength': 2, 'gazzara': 2, 'busbi': 2, 'quintana': 2, 'overtheedg': 2, 'twofold': 2, 'fiorina': 2, 'constrain': 2, 'comer': 2, 'wharton': 2, '1935': 2, 'eduard': 2, 'delacroix': 2, 'whorehous': 2, 'shaun': 2, 'beget': 2, 'murdermysteri': 2, 'swank': 2, 'thickli': 2, 'clack': 2, 'alexa': 2, 'sabara': 2, 'gregorio': 2, 'cortez': 2, 'floop': 2, 'pugnaci': 2, 'commensur': 2, 'orderli': 2, 'weitzman': 2, 'improp': 2, 'modesti': 2, 'lyndon': 2, 'ussr': 2, 'farscial': 2, 'thomsen': 2, 'bizarro': 2, 'dictatorship': 2, 'furter': 2, 'meaney': 2, 'doesn92t': 2, 'gibson92': 2, 'you92r': 2, 'visag': 2, 'tragicom': 2, 'tenaci': 2, 'fro': 2, 'tinier': 2, 'spinechil': 2, 'roelf': 2, 'realitybas': 2, 'bennet': 2, 'unquest': 2, 'calder': 2, 'overdrawn': 2, 'novicorp': 2, 'doppl': 2, 'negin': 2, 'trashtalk': 2, 'meredith': 2, 'jehan': 2, 'flemish': 2, 'rollickingli': 2, 'yeller': 2, 'sooooo': 2, 'horrifyingli': 2, 'roddenberri': 2, 'intensifi': 2, 'mcgilli': 2, 'puppydog': 2, 'practition': 2, 'rekal': 2, 'farmhous': 2, 'blackclad': 2, 'christlik': 2, 'wanderlust': 2, 'scarlet': 2, 'decaprio': 2, 'margoyl': 2, 'cuss': 2, 'weakl': 2, 'juba': 2, 'reopen': 2, 'lucilla': 2, 'detr': 2, 'wino': 2, 'cauter': 2, 'abomb': 2, 'petaluma': 2, 'disingenu': 2, 'sepiaton': 2, 'roadblock': 2, 'checkpoint': 2, 'refineri': 2, 'molten': 2, 'tapert': 2, 'gmen': 2, 'obliqu': 2, 'nonformula': 2, 'kapur': 2, 'adefarasin': 2, '16th': 2, '81': 2, 'redcoat': 2, 'lansburi': 2, 'ent': 2, 'belfast': 2, 'ike': 2, 'ciaran': 2, 'radek': 2, 'elna': 2, 'phonograph': 2, 'cylind': 2, 'mahal': 2, 'prot': 2, 'keenli': 2, 'molecul': 2, 'unargu': 2, 'soundstag': 2, 'progenitor': 2, 'handbook': 2, 'manga': 2, 'oav': 2, 'superblyr': 2, 'trudg': 2, 'oskar': 2, 'prescenc': 2, 'boyhood': 2, 'rag': 2, 'goofup': 2, 'gloat': 2, 'tassel': 2, 'unknow': 2, 'ap2': 2, 'winnfield': 2, 'interweav': 2, 'userfriendli': 2, 'altough': 2, 'hummm': 2, 'plank': 2, 'apper': 2, 'louuuudd': 2, 'affraid': 2, 'babyzilla': 2, 'chiouaoua': 2, 'whoah': 2, 'priveleg': 2, 'wilhelm': 2, 'szabo': 2, 'maj': 2, 'reproduct': 2, 'predetermin': 2, 'idziak': 2, 'uncannili': 2, 'jitter': 2, 'pornstar': 2, 'awardworthi': 2, 'poon': 2, 'macneil': 2, 'sucess': 2, 'scumsuck': 2, 'shakespearian': 2, 'morphin': 2, 'hypnotis': 2, '250': 2, 'rh2': 2, 'gertrud': 2, 'guildenstern': 2, 'counten': 2, 'alabama': 2, 'rancher': 2, 'locan': 2, 'foam': 2, 'stagner': 2, 'hiroshima': 2, 'jackros': 2, 'haney': 2, 'contractor': 2, 'salad': 2, 'strode': 2, 'awol': 2, 'tm': 2, 'chereau': 2, 'unerringli': 2, 'rummag': 2, 'glum': 2, 'snowbel': 2, 'dystop': 2, 'intercept': 2, 'prows': 2, 'anti': 2, 'uneas': 2, 'cush': 2, 'alida': 2, 'valli': 2, 'bassan': 2, 'inact': 2, 'cabo': 2, 'ottorino': 2, 'dmitri': 2, 'shostakovich': 2, 'duka': 2, 'synthesi': 2, 'caricaturist': 2, 'hirschfeld': 2, 'yoyo': 2, 'holdov': 2, 'caucasian': 2, 'forcibl': 2, 'bambi': 2, 'snugli': 2, 'hyperbol': 2, 'persay': 2, 'ibanez': 2, 'shauni': 2, 'macivor': 2, 'stirl': 2, 'sortof': 2, 'catch22': 2, 'garment': 2, 'barrist': 2, 'horfield': 2, 'recess': 2, 'winslett': 2, 'playton': 2, 'bloodlet': 2, 'halfvampir': 2, 'warmandfuzzi': 2, 'antitheft': 2, 'noncgi': 2, 'livestock': 2, 'recon': 2, 'giardello': 2, 'starl': 2, 'darrow': 2, 'magdelen': 2, 'swastikawear': 2, 'dogtag': 2, 'fleshandblood': 2, 'talal': 2, 'cleari': 2, 'holt': 2, 'meng': 2, 'ressurect': 2, 'goodspirit': 2, 'o': 2, 'apologet': 2, 'laugher': 2, 'avoc': 2, 'seriess': 2, 'drank': 2, 'ph': 2, 'thirdclass': 2, 'analyt': 2, 'scorch': 2, 'namuth': 2, 'manhood': 2, 'yim': 2, 'fandom': 2, 'hur': 2, 'ewwww': 2, 'sate': 2, 'dressmak': 2, 'hardford': 2, 'schoolchild': 2, 'redistribut': 2, 'montero': 2, 'alejandro': 2, 'letscher': 2, 'plato': 2, 'catatonia': 2, 'dreamworkss': 2, 'tzipporah': 2, 'mosess': 2, 'rams': 2, '1773': 2, 'boham': 2, 'ingolstadt': 2, 'vaulerbl': 2, 'charect': 2, 'munund': 2, 'nero': 2, 'millionplu': 2, 'azrael': 2, 'capitalist': 2, 'mimieux': 2, 'morloc': 2, 'bertram': 2, 'selfpreserv': 2, 'purest': 2, 'us100': 2, 'documentarian': 2, 'artisan': 2, 'tullymor': 2, 'scrawni': 2, 'mastrantonio': 2, 'whiteknuckl': 2, 'kujan': 2, 'mcmanu': 2, 'shortest': 2, 'hotblood': 2, 'devan': 2, 'mosaffa': 2, 'jamileh': 2, 'sheikhi': 2, 'polygami': 2, 'hesitantli': 2, 'atrophi': 2, 'toughli': 2, 'sessu': 2, 'hayakawa': 2, 'assidu': 2, 'rackwitz': 2, 'ri': 2, 'mcclain': 2, 'adultori': 2, 'evar': 2, 'beckwith': 2, 'plaintiv': 2, 'averagejo': 2, 'cutback': 2, 'uncoop': 2, 'panicki': 2, 'fickl': 2, 'proski': 2, 'zealot': 2, 'larenz': 2, 'acheiv': 2, '1941': 2, 'preceed': 2, 'unaffect': 2, 'overstyl': 2, 'overlydramat': 2, 'swain': 2, 'quilti': 2, 'microcosm': 2, 'demolish': 2, 'anand': 2, 'flutist': 2, 'ny152': 2, 'poseur': 2, 'unhurri': 2, 'coolashel': 2, 'balderdash': 2, 'goldfing': 2, 'johner': 2, 'androgoni': 2, 'ziggi': 2, 'camel': 2, 'scifiact': 2, 'paddock': 2, 'interpol': 2, 'oharra': 2, 'carjack': 2, 'outpour': 2, 'vuh': 2, 'tantric': 2, 'centuryold': 2, 'junction': 2, 'supermasochist': 2, 'cystic': 2, 'fibrosi': 2, '19thcenturi': 2, 'throati': 2, 'perreault': 2, 'jena': 2, 'warship': 2, 'brosnon': 2, 'ministri': 2, 'cforcharli': 2, 'darc': 2, 'harrington': 2, 'nook': 2, 'cheapjack': 2, 'songandd': 2, 'yzma': 2, 'eartha': 2, 'kitt': 2, 'kronk': 2, 'discover': 2, 'wellcast': 2, 'knuckl': 2, 'ade': 2, 'nonactor': 2, 'mum': 2, 'gutierrez': 2, 'alea': 2, 'oasi': 2, 'aguilar': 2, 'unflashi': 2, 'filmon': 2, 'birdsal': 2, 'sauc': 2, 'kross': 2, 'eastwest': 2, 'welleduc': 2, 'ravish': 2, 'paola': 2, 'bisset': 2, 'turk': 2, 'inargu': 2, 'bazelli': 2, 'absorpt': 2, 'outspoken': 2, 'humanlik': 2, 'triumphantli': 2, 'rothchild': 2, 'swope': 2, 'markedli': 2, 'finelycraft': 2, 'seami': 2, 'coercion': 2, 'nonjudgement': 2, 'hangeron': 2, 'brittl': 2, 'heigh': 2, 'sulu': 2, 'unbeaten': 2, 'postwaterg': 2, 'scatterbrain': 2, 'laziest': 2, 'berat': 2, '1919': 2, 'bunyan': 2, 'zuehlk': 2, 'capper': 2, 'schlictman': 2, 'strife': 2, 'sinuou': 2, 'hoov': 2, 'defil': 2, 'emascul': 2, 'clara': 2, 'pang': 2, 'sunbath': 2, 'gar': 2, 'mayergoodman': 2, 'defianc': 2, 'composerlyricist': 2, 'harsher': 2, 'shapeshift': 2, 'openend': 2, 'notguilti': 2, 'disneyesqu': 2, 'selfaccept': 2, 'rossio': 2, 'jemmon': 2, 'agnost': 2, 'bizaar': 2, 'levelhead': 2, 'unduli': 2, 'brassi': 2, 'babboon': 2, 'outofcharact': 2, 'leeann': 2, 'panel': 2, 'unspar': 2, 'zundel': 2, 'vanc': 2, 'reexamin': 2, 'fassbind': 2, 'preming': 2, 'melain': 2, 'duloc': 2, 'writerperform': 2, '2disc': 2, 'singalong': 2, 'pollster': 2, 'silva': 2, 'gorman': 2, 'tormey': 2, 'bankol': 2, 'winbush': 2, 'beli': 2, 'hagakur': 2, 'tenet': 2, 'boop': 2, 'culpabl': 2, 'viscera': 2, 'greaser': 2, 'vagin': 2, 'firmer': 2, 'objection': 2, 'harbing': 2, 'schiffer': 2, 'mapl': 2, 'donag': 2, 'vernacular': 2, 'tai': 2, 'nebul': 2, 'armour': 2, 'mui': 2, 'macguffin': 2, 'archi': 2, 'humve': 2, 'smuntz': 2, 'josephin': 2, 'osgood': 2, 'kaaya': 2, 'erod': 2, 'machiavellian': 2, 'counterbal': 2, 'feingold': 2, 'rydel': 2, 'sweathog': 2, 'lorenzo': 2, 'bandstand': 2, 'harron': 2, 'scathingli': 2, 'offbal': 2, 'cardshark': 2, 'triumvir': 2, 'euliss': 2, 'orat': 2, 'remodel': 2, 'twinki': 2, 'diver': 2, 'triggerhappi': 2, 'xvi': 2, 'luchini': 2, 'flute': 2, 'disorgan': 2, 'batfan': 2, 'mindread': 2, 'muldoon': 2, 'beasti': 2, 'arachnid': 2, 'smallish': 2, 'murron': 2, 'brutish': 2, 'hee': 2, 'retent': 2, 'pessim': 2, 'gynecologist': 2, 'tia': 2, 'carrer': 2, 'brahma': 2, 'siva': 2, 'allah': 2, 'forego': 2, 'gayl': 2, 'fuckin': 2, 'commut': 2, 'feelin': 2, 'otto': 2, 'majesti': 2, 'northeast': 2, 'dami': 2, 'padr': 2, 'danilov': 2, 'vassili': 2, 'realworld': 2, 'druginduc': 2, 'unab': 2, 'misconcept': 2, 'discharg': 2, 'sammo': 2, 'mabel': 2, 'unannounc': 2, 'chineseamerican': 2, 'vosloo': 2, 'uboat': 2, 'matrix_': 2, 'catalyz': 2, 'filial': 2, 'threeweek': 2, 'duran': 2, 'kiyoshi': 2, 'mancina': 2, 'nass': 2, 'taxat': 2, 'lucass': 2, 'tantamount': 2, 'mccullah': 2, 'padua': 2, 'wellus': 2, 'cartoonlik': 2, 'scotch': 2, 'resnai': 2, 'agn': 2, 'consequenti': 2, 'howitt': 2, 'mcferran': 2, 'turnpik': 2, 'characterdefin': 2, 'subterfug': 2, 'childfriendli': 2, 'gangbang': 2, 'otti': 2, 'mileag': 2, 'baadasssss': 2, 'epigraph': 2, 'unperturb': 2, 'mckay': 2, 'travelogu': 2, 'johansson': 2, 'kinsella': 2, 'ferdinand': 2, 'westlak': 2, 'appeas': 2, 'fullydevelop': 2, 'healer': 2, 'lude': 2, 'spyglass': 2, 'birnbaum': 2, 'millar': 2, 'panavis': 2, 'carson': 2, 'obannon': 2, 'slatteri': 2, 'dysfunt': 2, 'selflessli': 2, 'dulloc': 2, 'figgi': 2, 'immediatli': 2, 'bleibtreu': 2, 'irregular': 2, 'ansel': 2, 'mccamu': 2, 'hanoi': 2, 'suong': 2, 'highoctan': 2, 'limon': 2, 'audiencepleas': 2, 'exslav': 2, 'daugher': 2, 'sensation': 2, 'smartalec': 2, 'incompar': 2, 'aguirresarob': 2, 'johanssen': 2, 'squarish': 2, 'obscura': 2, 'wessex': 2, '70mm': 2, 'putdown': 2, 'strove': 2, 'flung': 2, 'wendel': 2, 'misir': 2, 'abid': 2, 'mariu': 2, 'thelma': 2, 'mindi': 2, 'obes': 2, 'unforeseen': 2, '1839': 2, 'provis': 2, 'rizzo': 2, 'showpiec': 2, 'reignit': 2, 'cokeaddict': 2, 'neckdeep': 2, 'leguiziamo': 2, 'residenti': 2, 'muhammad': 2, 'sverak': 2, 'kieran': 2, 'soughtaft': 2, 'booster': 2, 'strewn': 2, 'janusz': 2, 'kaminski': 2, 'slowest': 2, 'pigkeep': 2, 'gwythant': 2, 'fairfolk': 2, 'doli': 2, 'ntsc': 2, 'explic': 2, 'armstrong': 2, 'finelyr': 2, 'lemay': 2, 'boutt': 2, 'nonprofession': 2, 'unsurpris': 2, 'elspeth': 2, 'cockburn': 2, 'voe': 2, 'attende': 2, 'snotti': 2, 'copkil': 2, 'bluish': 2, 'mcpherson': 2, 'lassi': 2, 'trini': 2, 'headbop': 2, 'artimitateslif': 2, 'keach': 2, 'thenunknown': 2, 'stoke': 2, 'delilah': 2, 'jordanna': 2, 'marybeth': 2, 'aquit': 2, 'arsine': 2, 'ev': 2, 'vigo': 2, 'asp': 2, 'poledouri': 2, 'sightless': 2, 'babyfac': 2, 'gassner': 2, 'zemeckiss': 2, 'fallibl': 2, 'uncompl': 2, 'corneliu': 2, 'hashish': 2, 'esther': 2, 'cornerston': 2, 'freudian': 2, 'smidgen': 2, 'palantin': 2, 'moviereview': 2, 'org': 2, 'grabthar': 2, 'dor': 2, 'vantag': 2, 'neic': 2, 'ravera': 2, 'gazarra': 2, 'florist': 2, 'accordion': 2, 'lughnasa': 2, 'mundi': 2, 'kanobi': 2, 'bolton': 2, 'surehand': 2, 'eblock': 2, 'diagnos': 2, 'indict': 2, 'anouk': 2, 'victoir': 2, 'thivisol': 2, 'voizin': 2, 'jensen': 2, 'cword': 2, 'chabli': 2, 'hypnosi': 2, 'zachari': 2, 'edgefield': 2, 'reprimand': 2, 'primros': 2, 'keri': 2, 'wayward': 2, 'hobbl': 2, 'wilk': 2, 'unobtrus': 2, 'wrack': 2, 'heslop': 2, 'abba': 2, 'gentlewoman': 2, 'robespierr': 2, 'karwei': 2, 'silberl': 2, 'horrordrama': 2, 'tautli': 2, 'existentialist': 2, 'roald': 2, 'wormwood': 2, 'mcglori': 2, 'persia': 2, 'coney': 2, 'cleon': 2, 'cyru': 2, 'swann': 2, 'skeksi': 2, 'gelfl': 2, 'kira': 2, 'encino': 2, 'brigett': 2, 'ghallag': 2, 'worrisom': 2, 'wiez': 2, 'iraqi': 2, 'pvt': 2, 'cuckor': 2, 'onemanwoman': 2, 'multiplot': 2, 'gratif': 2, 'lohan': 2, 'cutedom': 2, 'garafalo': 2, 'splein': 2, 'sagebrush': 2, 'mooney': 2, 'astin': 2, 'postino': 2, 'odog': 2, 'fop': 2, 'royalist': 2, 'duc': 2, 'pommfrit': 2, 'calai': 2, 'farright': 2, 'sloth': 2, 'henreid': 2, 'hulc': 2, 'batlik': 2, 'calf': 2, 'outofwork': 2, 'andersen': 2, 'leiter': 2, 'lennix': 2, 'wolfbeiderman': 2, 'jip': 2, 'raindrop': 2, 'stricter': 2, 'bagpip': 2, 'thenardi': 2, 'oilrig': 2, 'cremet': 2, 'ghibli': 2, 'seaport': 2, 'trapper': 2, 'ute': 2, 'mchugh': 2, 'drunker': 2, 'gangstar': 2, 'sherbet': 2, 'denuto': 2, 'sitch': 2, 'noncolor': 2, 'looooot': 1, 'schnazzi': 1, 'timex': 1, 'indiglo': 1, 'teenflick': 1, 'fullyanim': 1, 'thatd': 1, 'jessalyn': 1, 'gilsig': 1, 'earlyteen': 1, 'ruber': 1, 'exround': 1, 'membergonebad': 1, 'boobytrap': 1, 'timberlanddwel': 1, 'poorlyintegr': 1, 'outbland': 1, 'early90': 1, 'jaleel': 1, 'balki': 1, 'dion': 1, 'spurnedpsychosgettingtheirreveng': 1, 'serioussound': 1, 'guesswork': 1, 'psychoinlov': 1, 'maryam': 1, 'businessown': 1, 'lowpow': 1, 'earthnorm': 1, 'napolean': 1, 'millimet': 1, 'enmesh': 1, 'bigtown': 1, 'americana': 1, 'whir': 1, 'splitlevel': 1, 'flunki': 1, 'oralsexprostitut': 1, 'sandlerannoy': 1, 'carreyannoy': 1, 'lapa': 1, 'ithinkiactuallyhav': 1, '_huge_': 1, 'pregnancychild': 1, 'cacophon': 1, 'veterinari': 1, 'foreignguywhomispronouncesenglish': 1, 'yakov': 1, 'smirnov': 1, 'volvo': 1, 'caughtwithhispantsdown': 1, 'unauthent': 1, 'zombifi': 1, 'boozedout': 1, 'noseble': 1, 'amundsen': 1, 'petter': 1, 'moland': 1, 'hooligan': 1, 'fatherdaught': 1, 'frisson': 1, 'greec': 1, 'arrgh': 1, 'swishswishzzzzzzz': 1, 'semisav': 1, 'actorwis': 1, 'cakewalk': 1, 'raisondetr': 1, 'loach': 1, 'harrigan': 1, 'sexforpay': 1, 'expressway': 1, 'terrio': 1, 'bluff': 1, 'massacusett': 1, 'trashiest': 1, 'snyder': 1, 'actorstunt': 1, 'sez': 1, 'maninblack': 1, 'disband': 1, 'trevil': 1, 'interestchambermaid': 1, 'footsi': 1, 'menanc': 1, 'dartangnan': 1, 'wellnot': 1, 'randian': 1, 'occasionali': 1, 'selfdepreci': 1, 'intersperes': 1, 'nonintrus': 1, 'lister': 1, 'nightwolf': 1, 'litefoot': 1, 'irina': 1, 'pantaeva': 1, 'mudwrestl': 1, 'motaro': 1, 'sliver': 1, 'hooey': 1, 'stalloneston': 1, 'someonesouttogetm': 1, 'chromium': 1, 'aptlytitl': 1, 'prefix': 1, 'unasham': 1, 'testi': 1, 'poohbah': 1, 'appropriatelynam': 1, 'oddlywho': 1, 'birdseyeview': 1, 'crazedlook': 1, 'warningspontan': 1, 'plissken': 1, 'perth': 1, 'crazymadinlov': 1, 'regretth': 1, 'mostlysil': 1, 'keyhol': 1, 'fanatasi': 1, 'pgrate': 1, 'cherrycolor': 1, 'shrugoftheshould': 1, 'sandtwist': 1, '12minut': 1, 'britney': 1, '13yearold': 1, 'assassinop': 1, 'cyan': 1, 'sydni': 1, 'beaudoin': 1, 'disproport': 1, 'heavyonfx': 1, 'shortonsubst': 1, 'poortast': 1, 'miniskirt': 1, 'newmar': 1, 'soontobecommit': 1, 'hohumm': 1, 'applesauc': 1, 'brauvara': 1, 'complexli': 1, 'halfassed': 1, 'eighthassed': 1, 'fabiani': 1, 'casinohotel': 1, 'interefer': 1, 'soundman': 1, 'disect': 1, '1692': 1, 'chickenbash': 1, 'hormonallyadvantag': 1, 'narrowwaist': 1, 'overearnest': 1, 'foamingmouth': 1, 'fervour': 1, 'scofield': 1, 'danforth': 1, 'pious': 1, 'putzulu': 1, 'angrier': 1, 'couplehood': 1, 'headchop': 1, 'alienpossess': 1, 'flashessideway': 1, 'kwikemart': 1, 'slushe': 1, 'zombiestomp': 1, 'welltrain': 1, 'cker': 1, 'parallax': 1, 'themself': 1, 'pronoun': 1, 'grindhous': 1, 'precious': 1, 'manslaughter': 1, 'cheesecak': 1, 'nearriot': 1, 'talkfest': 1, 'moomoo': 1, 'millisecond': 1, 'brainzap': 1, 'italic': 1, 'dulli': 1, '53yearold': 1, 'collos': 1, 'macaw': 1, 'ioan': 1, 'blanderthanbland': 1, 'rard': 1, 'furrier': 1, 'worthl': 1, 'dodi': 1, 'slammer': 1, 'sabl': 1, 'cutetri': 1, 'otherwisebut': 1, 'videocasett': 1, 'foretold': 1, 'kissing': 1, 'athletic': 1, 'effectsfil': 1, 'probgram': 1, 'ig': 1, 'ehrin': 1, 'mfm': 1, 'micromanag': 1, 'gidget': 1, 'katz': 1, 'maniacl': 1, 'shuckinandjivin': 1, 'vehicular': 1, 'emancip': 1, 'harriet': 1, 'premer': 1, 'lade': 1, 'implor': 1, 'issiah': 1, 'ferrera': 1, 'showiest': 1, 'delro': 1, 'woodsid': 1, 'undirect': 1, 'bartkiwiak': 1, 'bernt': 1, 'jarrel': 1, 'chiba': 1, 'streetfight': 1, 'adroit': 1, 'rmd': 1, 'armani': 1, 'sentinel': 1, 'falco': 1, 'landri': 1, '7up': 1, 'pitchman': 1, 'playoff': 1, 'deutch': 1, 'gallant': 1, 'eminem': 1, 'schutz': 1, 'premedit': 1, 'lotbor': 1, 'remorseth': 1, 'stillsheath': 1, 'examplebut': 1, 'everglad': 1, 'issuether': 1, 'arn': 1, 'raleigh': 1, 'sumptuouslook': 1, 'suri': 1, 'krishnamma': 1, 'dublin': 1, 'salom': 1, 'stuffan': 1, 'pointsjust': 1, 'doubledeck': 1, 'senseand': 1, 'characterbut': 1, 'fuhrer': 1, 'hayden': 1, 'picken': 1, 'antipathet': 1, 'crochunt': 1, 'keough': 1, 'cyr': 1, 'delor': 1, 'bickerman': 1, 'selfdef': 1, 'waysil': 1, 'thirtyfoot': 1, 'semimyst': 1, 'leni': 1, 'rienfenst': 1, 'calculatedli': 1, 'baser': 1, 'vc': 1, 'nearpornograph': 1, 'm16': 1, 'filimg': 1, 'hurricain': 1, 'typist': 1, 'talentimpair': 1, 'quasifascist': 1, 'quasi': 1, 'oafish': 1, 'centenni': 1, '1896': 1, 'nobel': 1, 'shocktherapi': 1, 'animalmen': 1, 'priorit': 1, 'unglori': 1, 'aissa': 1, 'beastmen': 1, 'hana': 1, 'basquiat': 1, 'kirstin': 1, 'sorderbergh': 1, 'mey': 1, 'restroom': 1, 'mcarthur': 1, 'gofer': 1, 'wile': 1, 'artistspeak': 1, 'throghout': 1, 'graver': 1, 'rancid': 1, 'singer_': 1, 'gulia': 1, '_never': 1, 'kissed_': 1, 'db': 1, 'extraverted': 1, 'sobieskiwatch': 1, 'sluttish': 1, 'newself': 1, 'gap_': 1, 'reenlist': 1, '_heathers_': 1, 'backword': 1, 'you': 1, 'reelview': 1, 'epinion': 1, 'iscov': 1, 'mooreesqu': 1, 'byway': 1, 'cloudchok': 1, 'longestseem': 1, '95minut': 1, 'cinematographerturneddirector': 1, 'dysart': 1, 'easilycorrupt': 1, 'guysbad': 1, 'threateningli': 1, 'gorillasl': 1, 'traditionalist': 1, 'cabalist': 1, 'unispir': 1, 'avrech': 1, '111900': 1, '30ish': 1, 'tornator': 1, 'narrowsight': 1, 'smurf': 1, 'snork': 1, 'pringl': 1, 'fashionconsci': 1, 'costello': 1, 'blofeld': 1, 'girlpoor': 1, 'classconsci': 1, 'brubak': 1, 'slider': 1, 'umpir': 1, 'debello': 1, 'huntington': 1, 'ultrareligi': 1, 'lizzi': 1, 'marijuanalac': 1, 'lateseventi': 1, 'nineteen': 1, 'cocoach': 1, 'outerc': 1, 'bizet': 1, 'habanera': 1, 'lightsom': 1, 'postw': 1, 'prunella': 1, 'accomplishedbutstiff': 1, 'underweight': 1, 'kinney': 1, '000acr': 1, 'togetherfeud': 1, 'hitmenthat': 1, 'thatdespit': 1, 'odgen': 1, 'pantolinao': 1, 'hemingwayesqu': 1, '3000level': 1, 'zephyr': 1, 'tsavo': 1, 'uganda': 1, 'reknown': 1, 'siegfri': 1, 'nighinvulner': 1, 'solmenli': 1, 'scaffoldlik': 1, 'macomb': 1, '1898': 1, 'renound': 1, 'tvstar': 1, 'runthrough': 1, 'jobtitl': 1, 'sportscar': 1, 'pnli': 1, 'defenceless': 1, '_wayyyyy_': 1, 'hammerbottom': 1, 'burnett': 1, 'beantown': 1, 'gypsylik': 1, 'carlton': 1, 'roan': 1, 'inish': 1, 'usmexico': 1, 'indio': 1, 'pharmaci': 1, 'damian': 1, 'pickmeup': 1, 'fourday': 1, 'funneri': 1, 'hinki': 1, 'stoli': 1, 'mustang': 1, 'ragtop': 1, 'turtleneck': 1, 'drapehang': 1, 'arizonian': 1, 'mudhol': 1, 'keister': 1, 'fivefing': 1, 'toestub': 1, 'blanketyblank': 1, 'tiltowhirl': 1, 'weekold': 1, 'snook': 1, 'barbarino': 1, 'maximumsecur': 1, 'cirqu': 1, 'soleil': 1, 'stripmin': 1, 'miningslav': 1, 'circumv': 1, 'trigonometri': 1, 'gunandplan': 1, 'beastmast': 1, 'megastar': 1, 'frick': 1, 'hornrim': 1, 'megamovi': 1, 'scamp': 1, 'subscript': 1, '90tooth': 1, 'direc': 1, 'mouthbreath': 1, 'matiko': 1, '117': 1, 'snipess': 1, 'semiremak': 1, 'bondish': 1, '010': 1, 'mankiewicz': 1, 'sexfilm': 1, 'slackjaw': 1, 'yokel': 1, 'pleasureseek': 1, 'nothingleast': 1, 'dishonour': 1, 'triviairon': 1, 'holier': 1, 'teenybopp': 1, 'covertli': 1, 'overdub': 1, 'foodstuff': 1, 'sixmillion': 1, 'moodier': 1, 'advil': 1, 'arbitrarilytitl': 1, 'rosetint': 1, 'lowfli': 1, 'burgerflipp': 1, 'mothertob': 1, 'quasiincestu': 1, 'incalcul': 1, 'hunkish': 1, 'boozedrinkin': 1, '5million': 1, 'libel': 1, 'deforc': 1, 'sexless': 1, 'flabbergastingli': 1, '000foot': 1, 'productplac': 1, 'exsecretari': 1, 'sixastronaut': 1, 'frenchacc': 1, 'shiveri': 1, 'secondhand': 1, 'baldli': 1, 'psychoanalyz': 1, 'arnez': 1, 'shampoo': 1, 'picnic': 1, 'rosario': 1, 'isacsson': 1, 'filmschoolgrad': 1, 'eszterhasish': 1, 'edif': 1, 'unturn': 1, 'candlewax': 1, 'ninthhand': 1, 'nasal': 1, 'juergen': 1, 'surli': 1, 'uli': 1, 'elegiac': 1, 'producerdirector': 1, 'portait': 1, 'tickingclock': 1, 'burntout': 1, 'charban': 1, 'dogstar': 1, 'studdli': 1, 'imogen': 1, 'boylosesgirl': 1, 'boydrinksentirebottleofshampooandmayormaynotgetgirlback': 1, 'kutcher': 1, 'goofyembarrass': 1, 'fullyarm': 1, 'recylcl': 1, 'midjanuari': 1, 'santi': 1, 'shipocean': 1, 'linerhaunt': 1, 'livingroom': 1, 'ashor': 1, 'palotti': 1, 'sidewind': 1, 'fighterbomb': 1, 'addin': 1, 'tortois': 1, 'arthriti': 1, 'demoralis': 1, 'signi': 1, 'egomaniac': 1, 'cinemaor': 1, 'conglomerateshav': 1, 'handydandi': 1, '2002': 1, 'cruncher': 1, 'sequal': 1, 'mehki': 1, 'outag': 1, 'slashfest': 1, 'knockknock': 1, 'diminuit': 1, 'fillet': 1, 'vadar': 1, 'ani': 1, 'gangli': 1, 'characterless': 1, 'inventori': 1, 'accidentlli': 1, 'nighti': 1, '1521': 1, 'robyn': 1, 'undid': 1, 'storyboardtoscen': 1, 'stagebound': 1, 'allbutscream': 1, 'mettler': 1, 'gignac': 1, 'bonnier': 1, 'chopin': 1, 'soporif': 1, 'supposedlyintellectu': 1, 'prattl': 1, 'rootless': 1, 'truethre': 1, '19421986': 1, 'onefourth': 1, '1942': 1, 'workload': 1, 'newlyrestor': 1, 'seenlittl': 1, 'bawdi': 1, 'roberts': 1, 'barta': 1, 'kamil': 1, 'piza': 1, 'wordit': 1, 'stopanim': 1, 'walnutsexcept': 1, 'caligari': 1, 'timm': 1, 'rainier': 1, 'grenkowitz': 1, 'nadja': 1, 'engelbrecht': 1, 'hauff': 1, 'besvat': 1, 'germanwest': 1, 'wallpaper': 1, 'roundtheworld': 1, 'bulgaria': 1, 'workwhil': 1, 'wrongand': 1, 'hodgman': 1, 'dignam': 1, 'mcclement': 1, 'siff': 1, 'poutylip': 1, 'whazoo': 1, 'impossiblewit': 1, 'ladyship': 1, 'rainingyoud': 1, 'bweveryth': 1, 'sepiacolor': 1, 'superscript': 1, 'spacetruckerturnedimpromptusurvivalist': 1, 'elega': 1, 'firorina': 1, 'steelwork': 1, 'technogoth': 1, 'backlit': 1, 'newlygest': 1, 'trowel': 1, 'hiav': 1, 'mullal': 1, 'crossbre': 1, 'mongrel': 1, 'unrecept': 1, 'featherhat': 1, 'furcoat': 1, 'ringwear': 1, 'cadillaccruis': 1, 'movieslik': 1, 'fillmor': 1, 'kred': 1, 'dre': 1, 'entrepenaur': 1, 'snakegait': 1, 'hardsel': 1, '15minut': 1, 'harvi': 1, 'flummox': 1, 'parapleg': 1, 'kneecap': 1, 'coagul': 1, 'cobbler': 1, 'arbit': 1, 'elizabethan': 1, 'unschool': 1, 'humbug': 1, 'decrimin': 1, 'colombia': 1, 'colombian': 1, 'cornish': 1, 'horticulturist': 1, 'undisturb': 1, 'clune': 1, 'portobello': 1, 'collegu': 1, 'mahem': 1, 'frampton': 1, 'uuuuuuggggggglllllllyyyyi': 1, 'makebeliev': 1, 'mustard': 1, 'howerd': 1, 'outofkey': 1, 'heartland': 1, 'unanswer': 1, 'bellybutton': 1, 'lint': 1, 'secondch': 1, 'mccartney': 1, 'exhilir': 1, 'incohes': 1, 'opppos': 1, 'wazoo': 1, 'ele': 1, 'longerapproxim': 1, 'absoltu': 1, 'realtimeit': 1, 'wolvess': 1, 'gasolinefil': 1, 'christiann': 1, 'hirt': 1, 'soontoexplod': 1, 'windon': 1, 'fireretard': 1, 'soth': 1, 'palookavil': 1, 'groundpound': 1, 'ornithologist': 1, 'hofstra': 1, 'illinform': 1, 'nikon': 1, 'phreak': 1, 'renoli': 1, 'cayman': 1, 'underengag': 1, 'avaric': 1, 'greedier': 1, 'greediest': 1, 'indirectli': 1, 'partcomedi': 1, 'eet': 1, 'naaaaaaah': 1, 'scenerymunch': 1, 'entertainmentbuck': 1, 'grammywin': 1, 'juilliard': 1, 'vida': 1, 'loca': 1, 'southeast': 1, 'dutchborn': 1, 'frederiqu': 1, 'wal': 1, 'mayberli': 1, 'rightwing': 1, 'ilya': 1, 'buglik': 1, 'argonian': 1, 'interdimension': 1, 'ballettyp': 1, 'driversrapist': 1, 'unmerci': 1, 'jeannot': 1, '50minut': 1, 'supergirlth': 1, 'workout': 1, 'golanglobu': 1, 'twodisc': 1, '138': 1, 'slunk': 1, 'birdbrain': 1, 'sidebysid': 1, '70minut': 1, 'frankenweeni': 1, 'crypt': 1, 'loathabl': 1, 'ridic': 1, 'ingnor': 1, 'goober': 1, 'sensationalizt': 1, 'unmitigatedli': 1, 'hokeylook': 1, 'hootworthi': 1, 'woefullypac': 1, 'alienhumanhybrid': 1, 'alienhunt': 1, 'supermarketrel': 1, 'alltoofamiliar': 1, 'brashmouth': 1, 'shiftyey': 1, 'empow': 1, 'mysticalish': 1, 'laught': 1, 'tearyey': 1, 'uberthespian': 1, 'izod': 1, 'heflin': 1, 'rust': 1, 'bruiser': 1, 'doreen': 1, 'mcqueenesqu': 1, 'homoerotic': 1, 'sunte': 1, 'maywarren': 1, 'crouther': 1, 'leroi': 1, 'confusedli': 1, 'faison': 1, 'chaz': 1, 'germann': 1, 'roughup': 1, 'noncrimin': 1, 'sleazepin': 1, 'opencrotch': 1, 'clist': 1, 'gradez': 1, 'thermal': 1, 'otherit': 1, 'looselybutton': 1, 'conceptwhat': 1, 'verhoevenand': 1, 'muchand': 1, 'scalper': 1, 'prisonerpack': 1, 'nonrelev': 1, 'frivil': 1, 'publicparticularli': 1, 'wantor': 1, 'tomost': 1, 'missionari': 1, 'firmest': 1, 'endse': 1, 'lessthan': 1, 'over': 1, 'decadenet': 1, 'godess': 1, 'misbehav': 1, 'bander': 1, 'tamlyn': 1, 'mckissack': 1, 'verduzco': 1, 'calderon': 1, 'reak': 1, 'firma': 1, 'hazzard': 1, 'biorhythm': 1, 'confinesand': 1, 'brafor': 1, 'piffl': 1, 'oncetal': 1, 'towel': 1, 'virginian': 1, 'outboard': 1, 'selflampoon': 1, 'rugchew': 1, 'waterbreath': 1, 'oxygen': 1, 'metabol': 1, 'eightytwo': 1, '125': 1, 'fourdollar': 1, 'gifford': 1, 'kidnapperkil': 1, 'pinupplast': 1, 'burdensom': 1, 'yeehaw': 1, 'setonatrain': 1, 'putter': 1, 'unfetch': 1, 'aaaaaah': 1, 'senor': 1, 'wenc': 1, 'idioplot': 1, 'ballsnif': 1, 'quixot': 1, 'antin': 1, 'demandingli': 1, 'implausibilit': 1, '7yearold': 1, 'ecof': 1, 'sulki': 1, 'maraud': 1, '640': 1, 'statham': 1, 'chryse': 1, 'bodysnatch': 1, 'longdorm': 1, 'flygirl': 1, 'undevot': 1, 'yawnfest': 1, 'esterha': 1, 'greenbaum': 1, 'espionnag': 1, 'semipromis': 1, 'untrac': 1, 'zimmerman': 1, 'degaul': 1, 'northen': 1, 'helsinki': 1, 'untrust': 1, 'unplay': 1, 'kicki': 1, 'catonjon': 1, 'unintrigu': 1, 'retrocl': 1, 'bigstudio': 1, 'politican': 1, 'valuesbad': 1, 'shockvalu': 1, 'attractionan': 1, 'ezsterha': 1, 'allrooki': 1, 'megahyp': 1, 'everworsen': 1, 'muder': 1, 'youthoughtitwasthekillerbutwasjust': 1, 'someoneels': 1, 'eviscer': 1, 'commitit': 1, '_scream': 1, '2_': 1, 'satistfi': 1, 'equallytal': 1, 'colder': 1, 'weathercontrol': 1, 'exxon': 1, 'valdez': 1, 'astrosbrav': 1, 'johnsongreg': 1, 'maddux': 1, 'rentacar': 1, 'craftsman': 1, 'offday': 1, 'filmschool': 1, 'degreeofdifficulti': 1, 'imaginit': 1, 'portentu': 1, 'thunderclap': 1, 'ubergod': 1, 'almostasstun': 1, 'overproduc': 1, 'ahnold': 1, 'exscientist': 1, 'twistet': 1, 'uberman': 1, 'aphrodiasiat': 1, 'lovlier': 1, 'villainbatman': 1, 'brainscomedi': 1, 'hatabl': 1, 'mentalphys': 1, 'batpeopl': 1, 'tomoto': 1, 'hypotheit': 1, 'mushymouth': 1, 'nexttonoth': 1, 'droog': 1, 'longlin': 1, 'grapevin': 1, 'aciton': 1, 'pfarrer': 1, 'decipl': 1, 'particuarli': 1, 'actionhorrorparanoia': 1, 'mortallythreaten': 1, 'redevelop': 1, 'quasilandmark': 1, 'similarlyf': 1, 'clunkish': 1, 'elizando': 1, 'misquot': 1, 'chintzi': 1, 'chracter': 1, 'potentialromanticinterest': 1, 'plussid': 1, 'performanceofwhichheshouldbeasham': 1, 'scrooooooo': 1, 'membranc': 1, 'bouillabaiss': 1, 'oceanextremeti': 1, 'horriblydirect': 1, 'egad': 1, 'lecont': 1, 'fierytemp': 1, 'rue': 1, 'torsten': 1, 'voge': 1, 'hebitch': 1, 'manslap': 1, 'farsid': 1, 'overthought': 1, 'candidatea': 1, 'stillact': 1, 'kressler': 1, 'wkrp': 1, 'throwingup': 1, '_should_': 1, 'newish': 1, '_can_': 1, 'ooki': 1, 'submissionth': 1, 'ancestr': 1, 'wiggi': 1, 'nottinghamshir': 1, 'harlaxton': 1, 'theredon': 1, 'plagiarist': 1, 'punchdrunk': 1, 'boudreau': 1, 'dominguez': 1, 'undercard': 1, 'grassi': 1, 'noncharismat': 1, 'masur': 1, 'welledit': 1, 'wellperform': 1, 'receiveth': 1, 'adamantli': 1, 'superfam': 1, 'bigbudgethollywoodact': 1, 'semant': 1, 'edgeofyour': 1, 'laserbeam': 1, 'ninjalik': 1, 'thirtytoo': 1, 'fansand': 1, 'dammedenni': 1, 'rickshaw': 1, 'fourfoot': 1, 'eel': 1, 'flourishesinvent': 1, 'cutin': 1, 'framebut': 1, 'bluejean': 1, 'nanobomb': 1, 'cabbag': 1, 'synth': 1, 'kimono': 1, 'pumma': 1, 'exalcohol': 1, 'exprivateey': 1, 'laureat': 1, 'ladd': 1, 'trope': 1, 'coauthor': 1, 'hardnon': 1, 'carefullymaintain': 1, 'margo': 1, 'martindal': 1, 'aikidovers': 1, 'dumbasnail': 1, 'discreetli': 1, 'longlength': 1, 'bully': 1, 'beseech': 1, 'gallantli': 1, 'righteous': 1, 'vanguard': 1, 'filmplac': 1, 'envirothril': 1, 'capad': 1, 'windowdress': 1, 'codpiec': 1, 'ecopsychot': 1, '90minutelong': 1, 'piglet': 1, 'garm': 1, 'macallist': 1, 'roescher': 1, 'donadio': 1, 'sipe': 1, '42196': 1, 'fantasycomedi': 1, 'himyessenseless': 1, 'mazin': 1, 'cashstrap': 1, 'fizzlesdarryl': 1, 'comebackon': 1, 'floorwalk': 1, 'corso': 1, 'outgrow': 1, 'publishedwhich': 1, 'mamma': 1, 'soontobecomebeleagu': 1, 'skelton': 1, 'connolli': 1, 'militarystyl': 1, 'pt': 1, 'flippanc': 1, 'toughlook': 1, 'speed2': 1, 'femk': 1, 'jannsen': 1, 'hanker': 1, 'crashland': 1, 'twentyfirstcenturi': 1, 'overcraft': 1, 'gogh': 1, 'graystok': 1, 'shaman': 1, 'opal': 1, 'pec': 1, 'schenkel': 1, 'careerkil': 1, 'defienc': 1, 'unthank': 1, 'oncecool': 1, 'notcool': 1, 'remiss': 1, 'hootinduc': 1, 'lipsmack': 1, 'lechter': 1, 'dullsvil': 1, 'garicia': 1, 'genu': 1, 'straitjacket': 1, 'flubberenhanc': 1, 'gloop': 1, 'gloopett': 1, 'verplanck': 1, 'lynchpin': 1, 'jeckl': 1, 'shirk': 1, 'letch': 1, 'betroth': 1, 'steinfeld': 1, 'ambitionless': 1, 'skitshow': 1, 'selfstyl': 1, 'superbowl': 1, 'titlejim': 1, 'buttjok': 1, 'doubletak': 1, 'cojon': 1, 'tablet': 1, 'rogerswouldbeproud': 1, 'smithereen': 1, 'playmovi': 1, 'roommateasspous': 1, 'lemmonmatthau': 1, 'yonker': 1, 'paparazzo': 1, 'rowena': 1, 'quayl': 1, 'careerconsci': 1, 'characteractor': 1, 'souldead': 1, 'astronautgonerasta': 1, 'kesher': 1, 'cammi': 1, 'multithread': 1, 'selfcontradictori': 1, 'poiuyt': 1, 'prong': 1, 'triprong': 1, 'elop': 1, 'manna': 1, 'thingamajig': 1, 'lowliest': 1, 'ensign': 1, '2056': 1, 'ergonom': 1, 'halffac': 1, 'deepti': 1, 'bhatnagar': 1, 'jagdish': 1, 'aatish': 1, 'sanjay': 1, 'dutt': 1, 'aditya': 1, 'panscholi': 1, 'loosen': 1, 'naziesqu': 1, 'sargeant': 1, 'milki': 1, 'phaser': 1, 'photon': 1, 'genocid': 1, 'pronazi': 1, 'jandt': 1, 'computerpart': 1, 'lifespan': 1, 'pseudosafeti': 1, 'yoshio': 1, 'harada': 1, 'yoko': 1, 'shimada': 1, 'toda': 1, 'buntaro': 1, 'zerodimension': 1, 'cabdriv': 1, 'pachinko': 1, 'unsalveag': 1, 'kodo': 1, 'recoupl': 1, '_everybody_': 1, '_survives_': 1, 'charcoal': 1, 'snorkl': 1, '_genius_': 1, 'kneeslap': 1, '_original_': 1, 'thrillerw': 1, 'upin': 1, 'fashionto': 1, 'hundredmillion': 1, 'multipictur': 1, 'men_': 1, '_itcom_': 1, 'selflov': 1, 'nukedout': 1, 'hippydippi': 1, 'jingoist': 1, 'trustnoon': 1, 'braggart': 1, '5000week': 1, 'torr': 1, 'attractivewors': 1, 'postther': 1, 'punkjunki': 1, 'smackfuel': 1, 'hollywoodtyp': 1, 'thrillshot': 1, 'letterwrit': 1, 'doubleindemn': 1, 'wiga': 1, 'beor': 1, 'jogger': 1, 'pompano': 1, 'sexpotr': 1, 'dunmor': 1, 'suaveasev': 1, 'marylouis': 1, 'gumcrack': 1, 'gumsho': 1, 'stilettoheel': 1, 'snare': 1, 'cultiv': 1, 'twentythre': 1, 'winkandaconcussivenudg': 1, 'bombastorama': 1, 'mcdonnough': 1, 'sweargruntblast': 1, 'schwab': 1, 'adrenalinetestosteron': 1, 'endocrinolog': 1, 'planeload': 1, 'teteatet': 1, 'huggi': 1, 'recidivist': 1, 'mustachese': 1, 'moric': 1, 'prerecord': 1, 'gatekeep': 1, 'dutchman': 1, 'vil': 1, 'pavlov': 1, 'rottweil': 1, 'animalist': 1, 'ostrich': 1, 'owl': 1, 'haskel': 1, '13week': 1, 'grimaldi': 1, 'tangledup': 1, 'mobsterett': 1, 'schwarznegg': 1, 'anabella': 1, 'scopeout': 1, 'goodfit': 1, 'prosthesi': 1, 'arang': 1, 'goingnowher': 1, 'brecklin': 1, 'wadingpool': 1, 'desktop': 1, 'macnicol': 1, 'deluis': 1, 'hahaha': 1, 'snorkel': 1, 'sharkinfest': 1, 'halfcraz': 1, 'rippoff': 1, '254': 1, 'religioustyp': 1, 'roma': 1, 'turd': 1, 'renograd': 1, 'aquina': 1, 'febril': 1, 'vapidli': 1, 'unicorn': 1, 'playset': 1, 'gesundheit': 1, 'fulloflif': 1, 'stodgi': 1, 'inx': 1, 'unrefin': 1, 'hicka': 1, 'emc2': 1, '1812': 1, 'overtur': 1, 'swansong': 1, 'harriettharri': 1, 'milder': 1, 'repitit': 1, 'cannan': 1, 'eliel': 1, 'columbiasoni': 1, 'oncemarriedbutnowestrang': 1, 'criticdavid': 1, 'assistantsist': 1, 'farbetween': 1, 'flack': 1, 'depak': 1, 'chopralik': 1, 'muchmacho': 1, 'wrappedup': 1, 'jaggedstitch': 1, 'breck': 1, 'belcher': 1, 'jezel': 1, 'videocam': 1, 'luckless': 1, 'bloomfield': 1, 'sr': 1, 'homerepair': 1, 'sybil': 1, 'newman10b': 1, 'freehold': 1, 'raceway': 1, 'undepend': 1, 'girlfriendwho': 1, 'butchi': 1, 'gillan': 1, 'loveh': 1, 'harem': 1, 'nobullshit': 1, 'readapt': 1, 'houyhnhnm': 1, 'serlingish': 1, 'nonapespeak': 1, 'wizardofozfashion': 1, 'humananim': 1, 'masterslav': 1, 'sudan': 1, 'jawdropp': 1, 'apetrad': 1, 'delaurentii': 1, 'poorlydevelop': 1, 'oedipu': 1, 'hardtoswallow': 1, 'unpardon': 1, 'wormeaten': 1, 'palpit': 1, 'unsupervis': 1, 'raucous': 1, 'terribleoccasion': 1, 'nonsequitur': 1, 'frankensteinstyl': 1, 'quasiomin': 1, 'horrormovi': 1, 'treein': 1, 'sceneand': 1, 'completelyi': 1, 'someonesinthehous': 1, 'emeri': 1, 'hiker': 1, 'writerfirsttim': 1, 'hairpin': 1, 'manethn': 1, 'mangod': 1, 'brotherbroth': 1, 'iwannapleasedada': 1, 'newimprov': 1, 'everantsi': 1, 'chopchop': 1, 'woolrich': 1, 'turnofthecenturi': 1, 'varga': 1, 'cagey': 1, 'cutleri': 1, 'womanfriend': 1, 'masse': 1, 'twogun': 1, 'kwouk': 1, 'nahon': 1, 'martialartsstar': 1, 'fightscen': 1, 'perfuctori': 1, 'bloodflow': 1, 'tinkl': 1, 'bogi': 1, 'bicycl': 1, 'ibenez': 1, 'barcalow': 1, 'anglo': 1, 'dew': 1, 'alpha': 1, 'lovesmitten': 1, 'civic': 1, 'spore': 1, 'plasma': 1, 'origami': 1, 'mottl': 1, 'fauxjingoist': 1, 'kegger': 1, 'dixi': 1, 'plexigla': 1, 'retrofutur': 1, '50searli': 1, 'jetsonslik': 1, 'funicello': 1, 'midli': 1, 'workman': 1, 'enoji': 1, 'himself': 1, 'infur': 1, 'odereick': 1, 'sfx': 1, 'pixiehairdo': 1, 'ravich': 1, 'daviau': 1, 'hypererrat': 1, 'eagerlyawait': 1, 'threatn': 1, 'forger': 1, 'affay': 1, 'arqua': 1, 'capabilti': 1, 'doublejeopardi': 1, 'everywoman': 1, 'breaker': 1, 'kinka': 1, 'heavilysponsor': 1, 'cutleryfling': 1, 'rhetoricspout': 1, 'cowl': 1, 'overbak': 1, 'outofbodi': 1, 'wayback': 1, 'mid1960': 1, 'nehru': 1, 'pur': 1, 'vahvahvoom': 1, 'sexobsess': 1, 'conteam': 1, 'unpaid': 1, 'tensi': 1, '123': 1, 'rhapsod': 1, 'heroinch': 1, 'hickboy': 1, 'fishoutwat': 1, 'meetcut': 1, 'raver': 1, 'commerici': 1, 'outterror': 1, 'jobson': 1, 'nearcrazi': 1, 'upmost': 1, 'subkoff': 1, 'ornat': 1, 'rem': 1, 'leeringli': 1, 'indistinct': 1, 'burlier': 1, 'snaggleteeth': 1, 'puppetstyl': 1, 'expressionchalleng': 1, 'hardasnail': 1, 'peri': 1, 'gilpin': 1, 'savetheearth': 1, 'brunet': 1, 'futurama': 1, 'oj': 1, 'leadfac': 1, 'dga': 1, 'producerwrit': 1, 'unsign': 1, 'mailord': 1, 'beeyatch': 1, 'bedpost': 1, 'hairless': 1, 'ick': 1, 'everversatil': 1, 'uhhhm': 1, 'ballpick': 1, 'sluttier': 1, 'ne': 1, 'sai': 1, 'quoi': 1, 'titillatingli': 1, 'hugger': 1, 'thickhead': 1, 'bossman': 1, 'casket': 1, 'shortsight': 1, 'pleasingli': 1, 'semisubplot': 1, 'enerv': 1, 'semirob': 1, 'exalchohol': 1, 'ontop': 1, 'pixiefac': 1, 'salvadoran': 1, 'svelt': 1, 'segallik': 1, 'bubba': 1, 'wellpublicis': 1, 'au': 1, 'boucher': 1, 'loftier': 1, 'sayinig': 1, 'unitent': 1, 'sodium': 1, 'pentathol': 1, 'impeach': 1, 'boyfriendsoontob': 1, 'execept': 1, 'intak': 1, 'toplin': 1, 'levinsondustin': 1, 'manmeetsalien': 1, 'wellform': 1, 'occasionallywitti': 1, 'levinsondirect': 1, 'ninthconsecut': 1, 'perkuni': 1, 'overexagger': 1, 'closetodeath': 1, 'egghead': 1, 'sevenfoot': 1, 'doublechin': 1, 'ferland': 1, 'iagolik': 1, 'bingedrink': 1, 'frontlin': 1, 'mayer': 1, 'testosteroneoverdos': 1, 'beeper': 1, 'transvestitemedium': 1, 'celestri': 1, 'girlina': 1, 'corvett': 1, 'poland': 1, 'turnedon': 1, 'churchil': 1, 'jurek': 1, 'oncerev': 1, 'romanct': 1, 'incongr': 1, 'ingerman': 1, 'paget': 1, 'unledup': 1, 'ajax': 1, 'beachwalk': 1, 'bistro': 1, 'unobserv': 1, '30sstyle': 1, 'dewi': 1, 'poolman': 1, 'pellegrino': 1, 'coco': 1, 'polti': 1, 'restat': 1, 'ecclesiast': 1, 'daystyl': 1, 'cravendirect': 1, 'clarif': 1, 'filmor': 1, 'stritch': 1, 'nearsequel': 1, 'mockingli': 1, 'clichespew': 1, 'mckenney': 1, 'envok': 1, 'unproven': 1, 'squelch': 1, 'dejectedli': 1, 'lian': 1, 'sandefur': 1, '157': 1, 'pieter': 1, 'bourk': 1, 'gerrard': 1, 'businessori': 1, 'electrogreen': 1, 'throughthesight': 1, 'lowqual': 1, 'riflecamera': 1, 'ke': 1, 'frigginnobi': 1, 'teleconferenc': 1, 'halfform': 1, 'whoo': 1, 'sixthgrad': 1, 'prisonmatron': 1, 'copwhoseesashleyfleeinganaccidentsceneand': 1, 'thenwantstopayforsex': 1, 'butisshot': 1, 'bewilderingli': 1, 'cognac': 1, 'deafen': 1, 'cellphoneguy': 1, 'seizur': 1, 'mariachi': 1, 'amigo': 1, 'briberi': 1, 'perku': 1, 'cupid': 1, 'bigguy': 1, 'tunemeist': 1, 'noninvolv': 1, '_reach_the_rock_': 1, 'sawat': 1, 'directionless': 1, '21yearold': 1, 'storefront': 1, 'sneakout': 1, 'sneakin': 1, 'silla': 1, '_home_alone_': 1, 'lise': 1, 'langton': 1, 'hughess': 1, 'skillthu': 1, 'spilt': 1, 'mpd': 1, 'writeup': 1, 'aroma': 1, 'waft': 1, 'bahia': 1, 'murilo': 1, 'cio': 1, 'loafer': 1, 'feurerstein': 1, 'vanna': 1, 'neandrath': 1, 'spygirlforthebadguy': 1, '_looks_': 1, 'apelik': 1, 'ewwwww': 1, 'kirsti': 1, '114': 1, 'jana': 1, 'howington': 1, 'lukan': 1, 'chuckleoutloud': 1, 'emsembl': 1, 'delapid': 1, 'mop': 1, 'electrician': 1, 'pantri': 1, 'holley': 1, 'prevu': 1, 'sillysound': 1, 'oversight': 1, '_before_': 1, '_this_': 1, '_still_': 1, '_long_': 1, 'stillal': 1, 'hookhand': 1, 'callaway': 1, 'twistti': 1, 'uv': 1, 'neato': 1, 'cabana': 1, 'hedgetrimm': 1, 'superador': 1, 'bigfoots': 1, 'apecreatur': 1, 'rogainenightmar': 1, 'sequelcrazi': 1, 'rawl': 1, 'whateverthef': 1, 'kshessupposedtob': 1, 'halfconvinc': 1, 'outact': 1, 'fasten': 1, 'wheez': 1, 'borschtbelt': 1, 'branson': 1, 'pastier': 1, 'allerg': 1, 'lather': 1, 'openmik': 1, 'pollo': 1, 'loco': 1, 'renta': 1, 'shithead': 1, 'freeassoci': 1, 'youngwhippersnapp': 1, 'biloxi': 1, 'headshav': 1, 'marchingsing': 1, 'barelyfunni': 1, 'venkman': 1, 'iknowwhatyoulik': 1, 'jemima': 1, 'wiretap': 1, 'meanlook': 1, 'crewcut': 1, 'hardtobeliev': 1, 'sixhundredyearsold': 1, '103minut': 1, 'cessat': 1, 'disburs': 1, 'agentassassin': 1, 'dipp': 1, 'pennydread': 1, 'rodmilla': 1, 'firelight': 1, 'plottwist': 1, 'skitteri': 1, 'cardflip': 1, 'kitkat': 1, 'crotchbit': 1, 'taboosmash': 1, 'downanddirti': 1, 'studioimpos': 1, 'myerss': 1, 'typo': 1, 'reasonsomehow': 1, 'hedon': 1, 'tightknit': 1, 'girlaspir': 1, 'freshfromjersey': 1, 'alwayswoozi': 1, 'wellmodul': 1, 'doormen': 1, 'drugcraz': 1, '_dancing_': 1, 'filmespeci': 1, 'movementwithout': 1, '_the_last_days_of_disco_': 1, 'hiptoonlythemselv': 1, '_54_so': 1, 'pansexu': 1, 'defang': 1, 'abbrevi': 1, 'bedhop': 1, 'theretwo': 1, 'factbut': 1, 'winless': 1, 'mid1970': 1, 'ohsofabul': 1, 'buzzword': 1, 'gp': 1, 'mainfram': 1, 'roundrobin': 1, 'slicedoff': 1, 'bosley': 1, 'manserv': 1, 'carboncopi': 1, 'burrito': 1, 'copier': 1, 'mcg': 1, 'eomann': 1, 'sinead': 1, 'deadeningli': 1, 'uninvolivng': 1, 'tarvel': 1, 'choosen': 1, 'arguement': 1, 'bunkyour': 1, 'vanzant': 1, 'penalosa': 1, 'sotomejor': 1, 'foreheadslapp': 1, 'mump': 1, 'cashmilk': 1, 'neoslash': 1, 'fallingout': 1, 'stationgiveaway': 1, 'peachi': 1, 'stringbas': 1, 'hurryupandwait': 1, 'draggi': 1, 'distressingli': 1, 'hag': 1, 'gebrecht': 1, 'apfelschnitt': 1, '4yearold': 1, 'concierg': 1, 'hamfist': 1, 'jewess': 1, 'jabber': 1, 'passov': 1, 'seder': 1, 'unnecessarilyth': 1, 'unstructur': 1, 'overeact': 1, 'mans': 1, 'bedmat': 1, 'outofnowher': 1, 'towner': 1, 'salesgirl': 1, 'blackli': 1, 'canist': 1, 'genuis': 1, 'countrywid': 1, 'tippi': 1, 'hendren': 1, 'rudiment': 1, 'ofa': 1, 'masterless': 1, 'montmartr': 1, 'tightlip': 1, 'professionalleon': 1, 'spenc': 1, 'skipp': 1, 'suddeth': 1, 'lonsdal': 1, 'moonrak': 1, 'nonspoil': 1, 'chushingura': 1, 'mallet': 1, 'childdhood': 1, 'mba': 1, 'lazili': 1, 'whitfeld': 1, 'reverenti': 1, 'spontena': 1, 'dmv': 1, 'womenonli': 1, 'beatadeadhorseintoglu': 1, 'lianna': 1, 'frightfre': 1, 'superhyp': 1, 'percol': 1, 'runninglikethewindprey': 1, 'reverber': 1, 'loudnoisejumpscar': 1, 'gerbil': 1, 'noxima': 1, 'commer': 1, 'passang': 1, 'bluesman': 1, 'pseudofath': 1, 'minielwood': 1, 'nexttonextofkin': 1, 'bluesrock': 1, 'threepiec': 1, 'usedup': 1, 'ravin': 1, 'nibbl': 1, 'minimr': 1, 'videoshelv': 1, 'coproduct': 1, 'bloc': 1, 'anabel': 1, 'pseudoerot': 1, 'sogenericandpredictableitsbeyondridicul': 1, 'unthril': 1, 'uhh': 1, 'plausabl': 1, 'supplot': 1, 'guestbook': 1, 'neverceas': 1, 'downonherluck': 1, 'bendel': 1, 'tribeca': 1, 'easybak': 1, 'vanilla': 1, 'salti': 1, 'madefordisney': 1, 'eclair': 1, '_somewhere_': 1, 'souffl': 1, 'oldhamdesign': 1, 'vilmo': 1, 'zsigmond': 1, 'boofest': 1, 'hamonwri': 1, 'cottonmouth': 1, 'glutton': 1, 'alga': 1, 'cyberdog': 1, 'antoni': 1, '_offscreen_': 1, 'wesl': 1, 'possum': 1, 'chainsnatch': 1, 'blam': 1, 'flunk': 1, 'freezedri': 1, 'offtherack': 1, 'screenwriteres': 1, 'analect': 1, 'weast': 1, 'oftenadapt': 1, 'oldastim': 1, 'swashbuck': 1, 'porto': 1, 'figurehead': 1, 'tonguelash': 1, 'hyamss': 1, 'severalhundr': 1, 'choderlo': 1, 'laclo': 1, 'dangereus': 1, 'sextalk': 1, 'sanguin': 1, 'stepsist': 1, 'bitchqueen': 1, 'caldwel': 1, 'dorkchick': 1, 'embarrsingli': 1, 'disoreit': 1, '70i': 1, 'untidi': 1, 'phantast': 1, 'numero': 1, 'uno': 1, 'slugfest': 1, 'sphinx': 1, 'fuge': 1, 'prakazrel': 1, 'discothem': 1, 'lasser': 1, 'actormagician': 1, 'cantmiss': 1, 'toff': 1, 'sicker': 1, 'christmasthem': 1, 'niceguyswhodontdeservetobeinprison': 1, 'viabil': 1, 'notsostun': 1, 'myrtl': 1, 'minorregular': 1, 'sargent': 1, 'claustral': 1, 'burg': 1, 'daqught': 1, 'lala': 1, 'milhoan': 1, 'allr': 1, 'dreamboat': 1, 'uberbuff': 1, 'packin': 1, '45minut': 1, 'defendersvideo': 1, 'thinlook': 1, 'corpserot': 1, 'disconcertingli': 1, 'saturdaymorn': 1, '1916': 1, 'candlesho': 1, 'cheesylook': 1, 'spraypaint': 1, 'liquefi': 1, 'alienstitan': 1, 'illegallyacquir': 1, 'titaniclik': 1, 'celest': 1, 'probablyneverwillb': 1, 'xenia': 1, 'onatopp': 1, 'wellincorpor': 1, 'megalomania': 1, 'thrower': 1, 'nitroglycerin': 1, 'alienripoff': 1, 'newlypump': 1, 'redd': 1, 'zesti': 1, 'arsenio': 1, 'neckti': 1, 'spectacularalmost': 1, 'siblinglik': 1, 'hotandboth': 1, 'legendsi': 1, 'selfreflex': 1, 'noxzeema': 1, 'killertauntinghisvictimonthephon': 1, 'waaaayyyyyi': 1, 'doityourself': 1, 'gutenberg': 1, 'suntim': 1, 'kohn': 1, 'caprici': 1, 'blubber': 1, 'womanchild': 1, 'subroad': 1, 'ohsoiron': 1, 'animalright': 1, 'angelsstyl': 1, 'mindbogglingli': 1, 'trampolin': 1, 'populist': 1, 'ruletheworld': 1, 'mismash': 1, 'ekland': 1, 'octopussi': 1, 'niknak': 1, 'emotionallycharg': 1, 'poorlydon': 1, 'woburn': 1, '20million': 1, 'uncommerci': 1, 'thing__not': 1, 'thing__about': 1, 'malebolgia': 1, 'necroplasm': 1, 'newlyform': 1, 'creatorown': 1, 'topheavi': 1, 'superviru': 1, 'heat16': 1, 'hammiest': 1, 'bookkeep': 1, 'pineappl': 1, 'fishermen': 1, 'hooki': 1, 'frann': 1, 'perfom': 1, 'newsreport': 1, 'subsist': 1, 'enviroment': 1, 'unsaf': 1, 'luigi': 1, 'runneresqu': 1, 'koopa': 1, 'megac': 1, 'yoshi': 1, 'shadowloo': 1, 'ryu': 1, 'manero': 1, 'coprotagonist': 1, 'cept': 1, 'randanzo': 1, 'auster': 1, 'strongpoint': 1, 'necesari': 1, 'personag': 1, 'upped': 1, 'spoonfeed': 1, 'soulsearch': 1, 'vitarelli': 1, 'woodwind': 1, 'onceinalifetim': 1, 'deadweight': 1, 'murderandcoverup': 1, 'menghua': 1, 'chichi': 1, 'mysor': 1, 'thoughtlessli': 1, 'oversleep': 1, 'prue': 1, 'guileless': 1, 'cormack': 1, 'starman': 1, 'kayla': 1, 'beckham': 1, 'chriqui': 1, 'boner': 1, 'clarinetplay': 1, 'cuti': 1, 'zena': 1, 'redhot': 1, 'valletta': 1, 'polaropposit': 1, 'kleboldharri': 1, 'stylewis': 1, 'dgrade': 1, 'filmwrit': 1, 'witnesss': 1, 'unblemish': 1, 'newlycr': 1, 'grishamlik': 1, 'elasp': 1, 'bigciti': 1, 'handsomelook': 1, 'mural': 1, 'fleshi': 1, 'selfvan': 1, 'elucid': 1, 'apac': 1, 'mysticalperhap': 1, 'demonicpow': 1, 'merest': 1, 'themselvesthey': 1, 'goodbut': 1, 'dopi': 1, 'nicholsonblowndownthestreet': 1, 'stuntsspeci': 1, 'fgawd': 1, 'comparit': 1, 'logjam': 1, 'biomechan': 1, 'immobil': 1, 'classless': 1, 'lhermitt': 1, 'grung': 1, 'antionio': 1, 'whorechas': 1, 'virginwhor': 1, 'congirl': 1, 'sacrileg': 1, 'goofylook': 1, 'dispirit': 1, 'adolf': 1, 'wehrmacht': 1, 'avatar': 1, 'nazicharg': 1, 'nationalist': 1, 'academyaward': 1, 'secondrun': 1, 'lieb': 1, 'elodi': 1, 'bouchez': 1, 'worshipp': 1, 'bobo': 1, 'sheltersatanist': 1, 'uuuhmm': 1, 'mostel': 1, 'layla': 1, 'brattish': 1, 'crotchety20': 1, 'protoplasm': 1, 'rocketman': 1, 'absentmind': 1, 'sprightli': 1, 'newlyfound': 1, 'conk': 1, 'counfound': 1, 'kubrickesqu': 1, 'emannuel': 1, 'embarras': 1, 'heenan': 1, 'bafflingli': 1, 'terrribl': 1, 'redblu': 1, 'ulim': 1, 'mintoro': 1, 'centaur': 1, 'fourarm': 1, 'dragit': 1, 'rustler': 1, 'quickdraw': 1, 'divvi': 1, 'bosomi': 1, 'escobar': 1, 'gadgetfil': 1, 'dressup': 1, 'bumcheek': 1, 'peekaboo': 1, 'pyjama': 1, 'belair': 1, 'blackh': 1, 'poorlypac': 1, 'gramophon': 1, 'lambsh': 1, 'amateurishforeground': 1, 'glider': 1, 'lasso': 1, 'westernscifi': 1, 'steamcontrol': 1, 'smidgeon': 1, 'peephol': 1, '3465': 1, '234': 1, 'peacelov': 1, 'ultraright': 1, '2036': 1, 'mekum': 1, 'pencilthin': 1, 'sharpey': 1, 'sidequel': 1, 'cupcak': 1, 'sluglik': 1, 'unfreez': 1, 'hap': 1, 'veruca': 1, 'altrock': 1, 'woulda': 1, 'thunk': 1, 'pithi': 1, 'pronto': 1, 'kava': 1, 'ritalin': 1, 'farrow': 1, 'notsoinnoc': 1, 'mouss': 1, 'vitamin': 1, 'goodluck': 1, 'cranberri': 1, 'rispoli': 1, 'berkowitz': 1, 'citywid': 1, 'adultr': 1, 'truetoheart': 1, 'ebon': 1, 'repackag': 1, 'cropdust': 1, 'supermushi': 1, 'amrriag': 1, 'gester': 1, 'cinephil': 1, 'batterycharg': 1, 'schlubbi': 1, 'zelllweg': 1, 'widest': 1, 'softboil': 1, 'tarantinoesqu': 1, 'dontcha': 1, 'kennif': 1, 'curvac': 1, 'shyster': 1, 'onepiec': 1, 'kimbal': 1, 'lipread': 1, 'bookskim': 1, 'abrad': 1, 'jillion': 1, 'authoress': 1, 'tramel': 1, 'stopwatch': 1, 'mattress': 1, 'ironon': 1, '50sish': 1, 'bubblegumblond': 1, 'mtvland': 1, 'ankh': 1, 'dawnt': 1, 'mah': 1, 'mif': 1, '1903': 1, '1923': 1, 'charasmat': 1, 'comanch': 1, 'arcand': 1, 'avarici': 1, 'ty': 1, 'jamesyoung': 1, 'mimm': 1, 'mayfield': 1, 'reichl': 1, 'rabin': 1, 'namebrand': 1, 'irrefut': 1, 'cameramen': 1, 'ut': 1, 'scantli': 1, 'eyepopp': 1, 'lackofspe': 1, 'scripti': 1, 'dogindang': 1, 'orign': 1, 'backtoback': 1, 'pulseemit': 1, 'dangermor': 1, 'dangerattempt': 1, 'fourthgrad': 1, 'stolenfromnolessthanthreemovi': 1, 'slowgo': 1, 'onecharacterdecidesnottoreturn': 1, 'blowoff': 1, 'thencolleagu': 1, 'undersea': 1, 'stilloper': 1, 'speedread': 1, 'truism': 1, '1709': 1, 'timekil': 1, 'outr': 1, 'tankprison': 1, 'kongbas': 1, 'microchips': 1, 'isand': 1, 'notgraph': 1, 'hatwear': 1, '_the_quest_': 1, 'entrepreneurship': 1, 'babycak': 1, '_require_': 1, 'marcuss': 1, 'stillheavilyacc': 1, 'haplessli': 1, 'roundish': 1, 'friedberg': 1, 'closetoaw': 1, 'moneywis': 1, 'sometimesfunni': 1, '89': 1, 'ridul': 1, 'unncessari': 1, 'dosmo': 1, 'prostitu': 1, 'mazurski': 1, 'cruttwel': 1, 'chcaract': 1, 'tieup': 1, 'linkag': 1, 'schwarzeneggar': 1, 'whala': 1, 'schwarzneggar': 1, '30m': 1, '70m': 1, 'selfdescrib': 1, 'dweebish': 1, 'downcast': 1, 'whistler': 1, 'gaul': 1, 'suffus': 1, 'abreast': 1, 'strage': 1, 'cockpit': 1, 'fewest': 1, 'evildo': 1, 'overexcit': 1, 'dempsey': 1, 'mortim': 1, 'momentformo': 1, 'puddi': 1, 'scream3': 1, 'galeweath': 1, 'sunrisesuck': 1, 'hopehorror': 1, 'h2k': 1, 'waynebatman': 1, 'nobodyl': 1, '1400': 1, 'astrid': 1, 'dunoi': 1, 'spake': 1, 'imgen': 1, 'reccov': 1, 'diago': 1, 'quiclki': 1, 'nomad': 1, 'homeshop': 1, 'mcbainbridg': 1, 'allbusi': 1, 'unsound': 1, 'unaddress': 1, 'cushion': 1, 'hosun': 1, 'mccole': 1, 'bartusiak': 1, 'aggi': 1, 'crutch': 1, 'woolworth': 1, 'noncartoon': 1, 'linn': 1, 'enviabl': 1, 'independec': 1, 'dogwalk': 1, 'rehearsel': 1, 'mkay': 1, 'cinemtographi': 1, 'moviebedpost': 1, 'exuberantli': 1, 'excia': 1, 'counterterrorist': 1, 'beefi': 1, 'natacha': 1, 'linding': 1, 'brite': 1, 'netsurf': 1, 'killathon': 1, 'cheaplymad': 1, 'genzel': 1, 'dolenz': 1, 'meschach': 1, 'highclass': 1, 'precaut': 1, 'unsubstanti': 1, 'lowclass': 1, 'eyeful': 1, 'scrumptious': 1, 'lessthansubtl': 1, 'butyouknewalong': 1, 'shrewdli': 1, 'vailwher': 1, 'militiamen': 1, 'oquinn': 1, 'james': 1, 'duster': 1, 'bonanza': 1, '5cent': 1, 'trapez': 1, 'haha': 1, 'wearer': 1, 'retina': 1, 'bigbust': 1, 'tamuera': 1, 'rowel': 1, 'semiautomat': 1, 'nontitil': 1, 'wazzoo': 1, 'wooki': 1, 'automaticpilot': 1, 'langer': 1, 'runshriekingfromthetheat': 1, 'ohsocar': 1, 'bazoom': 1, 'beefcak': 1, 'smoggi': 1, 'multiarm': 1, 'shiva': 1, 'longmiss': 1, 'poppa': 1, 'quirky': 1, 'imbed': 1, 'onceever5000year': 1, 'fightin': 1, 'directtoc': 1, 'archeologist': 1, 'largescal': 1, 'savori': 1, 'rimmer': 1, 'messia': 1, 'posses': 1, 'selfironi': 1, 'synops': 1, 'alba': 1, 'rool': 1, 'sundown': 1, 'kibb': 1, 'stepford': 1, 'suckup': 1, 'penmen': 1, 'kissup': 1, 'hangup': 1, 'angstdom': 1, 'superrich': 1, 'palati': 1, 'beauteou': 1, 'drawingroom': 1, 'dunde': 1, 'patoi': 1, 'hopkinss': 1, 'edmond': 1, '_dead_': 1, 'francisco_': 1, 'mccall': 1, '_twice_': 1, 'gatlin': 1, 'nebraska': 1, 'vicin': 1, 'skogland': 1, 'reckon': 1, 'leatherwear': 1, 'bikerchick': 1, 'serieswa': 1, 'isaak': 1, 'washingtonon': 1, 'badalamenti': 1, 'othersmostli': 1, 'ontkean': 1, 'beymer': 1, 'moira': 1, 'superlight': 1, 'decrementlifeby90minut': 1, 'torkel': 1, 'petersson': 1, 'swede': 1, 'laleh': 1, 'pourkarim': 1, 'tuva': 1, 'novotni': 1, 'lebaneseborn': 1, 'tyra': 1, 'lynskey': 1, 'izabella': 1, 'jiggl': 1, 'perrier': 1, 'shimmi': 1, 'welder': 1, 'fob': 1, 'babealici': 1, 'flambe': 1, 'spritethi': 1, 'foodeat': 1, 'laundryimpair': 1, 'onkey': 1, 'gibbon': 1, 'willson': 1, 'anistonasloveinterest': 1, 'semiintrigu': 1, 'errupt': 1, 'erut': 1, 'schweppervesc': 1, 'yettobereleas': 1, 'lindner': 1, 'mostlymisfir': 1, 'broughton': 1, 'moldi': 1, 'cheddar': 1, 'cheesefest': 1, 'leapfrog': 1, '10foot': 1, 'vomitinduc': 1, 'awardwinn': 1, 'suction': 1, 'm2m': 1, 'disastermovi': 1, 'funnyman': 1, 'crevass': 1, 'speciesa': 1, 'alienhuman': 1, 'sili': 1, 'iiithough': 1, 'threeperson': 1, 'cbss': 1, 'westcpw': 1, 'uninfect': 1, 'shipmat': 1, 'inheat': 1, 'goddammit': 1, 'dilat': 1, 'xfiless': 1, 'flamethrow': 1, 'xfx': 1, 'innocentatheart': 1, 'oncelink': 1, 'atunaccount': 1, 'brushstrok': 1, 'coloredglass': 1, 'counterargu': 1, 'aperitif': 1, 'villainsand': 1, 'villainhero': 1, '140': 1, 'howevernot': 1, 'shota': 1, 'prositut': 1, 'alexi': 1, 'dominatrix': 1, 'purpros': 1, 'goodbuy': 1, 'gbn': 1, 'marino': 1, 'medicalert': 1, 'siberian': 1, 'stepp': 1, 'continent': 1, 'nonhorror': 1, '82minut': 1, 'fing': 1, 'chopjob': 1, 'pooh': 1, 'skanki': 1, 'chompin': 1, 'dognap': 1, 'twoton': 1, 'playbi': 1, 'canari': 1, 'hashbrown': 1, 'earmark': 1, 'playbyplay': 1, 'leaguer': 1, 'bruskott': 1, 'isuro': 1, 'enmiti': 1, 'lastplac': 1, 'mockup': 1, 'fastbal': 1, 'oncesharp': 1, 'looooooong': 1, 'bestev': 1, 'playerturnedown': 1, 'threepitch': 1, 'oddlytim': 1, 'waster': 1, 'sulfur': 1, 'seismic': 1, 'skinnydip': 1, 'fissur': 1, 'hallahan': 1, 'roughyetdebonair': 1, 'eruptionfireearthquakeexplosiontsunamitornadometeorit': 1, 'councilmemb': 1, 'pompeii': 1, 'pyroclast': 1, 'overunderwritten': 1, 'deadset': 1, 'courtoom': 1, 'artif': 1, 'crossburn': 1, 'attentiongett': 1, 'selfadmittedli': 1, 'arraign': 1, 'coutroom': 1, 'screenwriterli': 1, 'geareddown': 1, 'handwav': 1, 'squidlik': 1, 'stinkiest': 1, 'uhoh': 1, 'trilian': 1, 'screechi': 1, 'honsou': 1, 'onship': 1, 'saboteur': 1, 'foodfat': 1, 'niger': 1, 'halfblack': 1, 'miscegen': 1, 'quicklymad': 1, 'studiofinanc': 1, 'laurentii': 1, '1952': 1, 'ostott': 1, 'slavetalk': 1, 'yessuh': 1, 'massuh': 1, 'fer': 1, 'whutr': 1, 'gittin': 1, 'imhavingamidlifecrisi': 1, 'fiftieth': 1, 'hump': 1, 'mart': 1, 'fryer': 1, 'heidi': 1, 'fleiss': 1, 'mcknight': 1, 'bears': 1, 'cho': 1, 'gim': 1, 'nirvana': 1, 'deadand': 1, 'caresif': 1, 'hellil': 1, '91minut': 1, 'jacke': 1, 'falsi': 1, 'tornup': 1, 'uglyass': 1, 'horsesho': 1, 'grater': 1, 'wackier': 1, 'frill': 1, 'agentpop': 1, 'yuor': 1, 'unmet': 1, '_some_': 1, 'recordbreak': 1, 'lundi': 1, 'dunc': 1, 'laurel': 1, 'clouseau': 1, 'antiglori': 1, 'graziano': 1, 'marcelli': 1, 'peplo': 1, 'fairskin': 1, 'showandtel': 1, 'yann': 1, 'gentlemanatlarg': 1, 'insol': 1, 'spectr': 1, 'foolhardi': 1, 'keyzer': 1, 'sourabaya': 1, 'gooiffi': 1, 'defoli': 1, 'treecov': 1, 'lifelessli': 1, 'profus': 1, 'frankfurt': 1, 'teed': 1, 'timoney': 1, 'neilsen': 1, 'sequenceflashback': 1, 'utinni': 1, 'trinket': 1, 'spacewalk': 1, 'twing': 1, 'transluc': 1, 'conehead': 1, 'kittyfac': 1, 'salvati': 1, 'electropop': 1, '500k': 1, 'sweatliter': 1, 'coursea': 1, 'tex': 1, 'dimwitwithashadypast': 1, '2am': 1, 'plotbynumb': 1, 'hardh': 1, 'bugsbut': 1, 'globel': 1, '_jumanji_': 1, 'weepiewannab': 1, 'children_': 1, '_2001_': 1, '_last': 1, 'marienbad_': 1, 'electronica': 1, '_mind': 1, 'eye_': 1, 'prematurelynot': 1, '_it': 1, 'life_': 1, '_loathe_': 1, 'imo': 1, '_gag': 1, 'spoon_': 1, '_all_': 1, 'petra': 1, 'anniesh': 1, 'goodther': 1, 'herand': 1, 'couldbut': 1, 'suicidebad': 1, '_dont': 1, 'it_': 1, 'schmaltzfest': 1, 'vend': 1, 'baaramew': 1, '000paltri': 1, '_andre_': 1, '_but': 1, 'limited_': 1, 'smirkregardless': 1, 'screenwritingishel': 1, '_home': 1, 'alone_': 1, 'bears_': 1, 'fantasyland': 1, '_remain': 1, 'hotel_': 1, 'actresstyp': 1, 'grimm': 1, 'leftfield': 1, 'pigpigpigpigpig': 1, '_scarface_': 1, 'fudd': 1, 'headley': 1, 'schmoozi': 1, 'doublycast': 1, 'hackedup': 1, 'autograph': 1, 'infin': 1, 'monosyllab': 1, 'panels': 1, 'superdemon': 1, 'prehensil': 1, 'phaedra': 1, 'neverheardof': 1, 'holidaygo': 1, 'zmovi': 1, 'ramshackl': 1, 'nob': 1, 'scotchinduc': 1, 'kraftwerk': 1, 'bavarian': 1, 'jah': 1, 'turret': 1, 'mentorship': 1, 'beretwear': 1, 'gargoylesperhap': 1, 'incubu': 1, 'macbeth': 1, 'racket': 1, 'merrick': 1, 'kongrecip': 1, 'lifeanddeath': 1, 'sunglasswear': 1, 'hiphoptalk': 1, 'notsoengross': 1, 'finance': 1, 'pimplefac': 1, 'fim': 1, 'hilariosli': 1, 'wellpublic': 1, 'inplac': 1, 'brooklynbound': 1, 'stater': 1, 'penzanc': 1, 'diablo': 1, 'multimultiplex': 1, 'englishdrama': 1, 'senstivi': 1, 'preist': 1, 'vorld': 1, 'filmtop': 1, 'overlit': 1, 'fearest': 1, 'movieinduc': 1, 'farmest': 1, 'redhand': 1, 'husbandtob': 1, 'psychoplay': 1, 'foch': 1, 'shoddier': 1, 'blankfromhel': 1, 'laborinduc': 1, 'caviar': 1, 'hendra': 1, 'reginald': 1, 'rockconcert': 1, 'lambskin': 1, 'interruptu': 1, 'takashi': 1, 'bufford': 1, 'toprat': 1, 'jovivich': 1, 'uncrown': 1, 'erric': 1, 'kikujiro': 1, 'sonatin': 1, 'selfmutil': 1, 'tenplu': 1, 'involuntarili': 1, 'shiras': 1, 'masaya': 1, 'kato': 1, 'afterword': 1, 'xxx': 1, 'strom': 1, 'thurmand': 1, 'trespass': 1, 'brooder': 1, 'skateboardrel': 1, 'fave': 1, 'mysogni': 1, 'necces': 1, 'nearflawless': 1, 'copybook': 1, 'muchpublic': 1, 'teaseathon': 1, 'schnitzler': 1, '1926': 1, 'novella': 1, 'lavishlydecor': 1, 'torpor': 1, 'ziegler': 1, 'ironslik': 1, 'tailspin': 1, 'midshipman': 1, 'bacchan': 1, 'strategicallyplac': 1, 'whoopdeedoo': 1, 'pacewa': 1, 'hourli': 1, 'buoyant': 1, 'illcompos': 1, 'pricey': 1, 'hotwir': 1, 'felonystud': 1, 'rolerevers': 1, 'tummi': 1, 'grrrl': 1, 'cdc': 1, 'jacott': 1, 'omnivor': 1, 'shelia': 1, 'phosphoru': 1, 'rubberi': 1, 'headmast': 1, 'enticingli': 1, 'broeck': 1, 'twohoursandthensom': 1, 'semiinterest': 1, 'antidepress': 1, 'mentallydisturb': 1, 'spurnedpsycholoverwhowantsreveng': 1, 'imgoingtostareyoudown': 1, 'fk': 1, 'bd': 1, 'turki': 1, 'ryanandi': 1, 'teem': 1, 'fakeri': 1, 'cellphon': 1, 'uhuh': 1, '1hr': 1, '40min': 1, 'choo': 1, 'se7enish': 1, 'virtualr': 1, 'legaldrug': 1, 'gameexperi': 1, 'gamepod': 1, 'betatestingcumteas': 1, 'cronenberggor': 1, 'overindulg': 1, 'missdirect': 1, 'tightbudget': 1, 'mothersinlaw': 1, 'onedown': 1, 'familiaron': 1, 'overdress': 1, '555': 1, 'cokedup': 1, 'badenoughtobegood': 1, 'hoodoo': 1, 'ladl': 1, 'kreskin': 1, 'beelzebub': 1, 'gander': 1, 'maw': 1, 'onpar': 1, 'policewomen': 1, 'dumbass': 1, 'drugop': 1, 'escapeasquicklyasyoucan': 1, 'heretother': 1, 'futz': 1, 'droney': 1, 'stereoscop': 1, '2654': 1, 'siames': 1, 'laterintheyear': 1, 'muchballyhoo': 1, '21year': 1, 'epics': 1, 'instabl': 1, 'sighinduc': 1, 'contrastingli': 1, 'vierni': 1, 'lindi': 1, 'hem': 1, 'ninetyseven': 1, 'dominio': 1, 'squader': 1, 'selftreat': 1, 'electro': 1, 'lision': 1, 'mcclane': 1, 'drivin': 1, 'caribbean': 1, 'shipboard': 1, 'beveri': 1, 'sweatinduc': 1, 'locomot': 1, 'wholesent': 1, 'canna': 1, 'armmount': 1, 'intercom': 1, 'pontoon': 1, 'verbinski': 1, 'disinvit': 1, 'spoilerfil': 1, 'dateunsound': 1, 'professionalsmiramax': 1, 'ofc': 1, 'fanboy': 1, 'rutheford': 1, 'gossipi': 1, 'screenplayand': 1, 'heshethey': 1, 'selfreflect': 1, 'evermut': 1, 'persnicketi': 1, 'bactress': 1, 'wellth': 1, '3whi': 1, 'beltrami': 1, 'blatantlydo': 1, 'nervejangl': 1, 'iiiwo': 1, 'mothbal': 1, 'aquanet': 1, '40plu': 1, 'retrocomedi': 1, 'shouldabeennomin': 1, 'cyndi': 1, 'lauper': 1, '_many_': 1, 'frazzl': 1, 'rubick': 1, 'ronkonkoma': 1, 'conson': 1, 'severalscen': 1, 'prettyinpink': 1, 'cleverway': 1, 'slasherflick': 1, 'heavyrot': 1, 'strongword': 1, 'undefeat': 1, 'indefatig': 1, 'antimal': 1, 'characterbas': 1, 'baggi': 1, '_dont_': 1, 'ostertag': 1, 'schintziu': 1, 'malik': 1, 'seali': 1, 'sacramento': 1, 'polynic': 1, 'giulianni': 1, 'rahman': 1, 'espn': 1, 'marv': 1, 'athleteactor': 1, 'selfreferenc': 1, 'buton': 1, 'awsom': 1, 'trueli': 1, 'parador': 1, 'bounderbi': 1, 'herculean': 1, 'linder': 1, 'misappropri': 1, 'putz': 1, 'ogden': 1, 'illmarket': 1, 'cagney': 1, 'pittesqu': 1, 'tarantinoish': 1, 'gruntlik': 1, 'unpleasantli': 1, 'gooder': 1, 'weas': 1, 'sleazebal': 1, 'angi': 1, 'casseu': 1, 'hurray': 1, 'nigga': 1, 'natti': 1, 'heav': 1, 'blowup': 1, 'osemt': 1, 'onlyinthemovi': 1, 'martyrfigur': 1, 'millerey': 1, 'nudnik': 1, 'trapish': 1, 'selfsacrif': 1, 'bootstrap': 1, 'goner': 1, 'rebutt': 1, 'easyto': 1, 'withapass': 1, 'hexagon': 1, 'pavement': 1, 'grosswis': 1, 'dialougeshort': 1, 'rubik': 1, 'vol': 1, 'plotrel': 1, 'donahu': 1, 'woozi': 1, 'boggingli': 1, 'blairwitch': 1, 'fm': 1, '225': 1, 'subsect': 1, 'highestrank': 1, 'motorcad': 1, 'bayouesqu': 1, 'corniest': 1, 'emotioncharg': 1, 'beasli': 1, 'ariyan': 1, 'cid': 1, 'onthesidelin': 1, 'actionless': 1, 'stiffasaboard': 1, 'malarkey': 1, 'typcast': 1, 'beastial': 1, 'tothepoint': 1, 'cruder': 1, 'grosser': 1, 'pelvi': 1, 'fivehundredpound': 1, 'chaldern': 1, 'literaci': 1, 'actionverb': 1, 'faulkner': 1, 'rubbel': 1, 'coowner': 1, 'semicloth': 1, 'ambivla': 1, 'amphetimen': 1, 'obser': 1, 'eighi': 1, 'wellexplor': 1, 'overhaul': 1, 'taker': 1, 'thirtyminut': 1, '15foot': 1, '2000pound': 1, 'merian': 1, '49': 1, 'onlyand': 1, 'onlyreason': 1, 'bakerenhanc': 1, 'brilliancebak': 1, 'jubilantli': 1, 'extol': 1, 'spaghettistrap': 1, 'anthrozoologist': 1, 'lithuanian': 1, 'charlizesurpris': 1, 'nonmonkey': 1, 'exnewspap': 1, 'stingi': 1, 'curvier': 1, 'thickheaded': 1, 'exjournalist': 1, 'mick': 1, 'bw': 1, '3year': 1, 'waylon': 1, 'shel': 1, 'classdivid': 1, 'clarissa': 1, 'saloon': 1, 'itand': 1, 'momentsprologu': 1, 'terriblemr': 1, 'onceand': 1, 'melodramaticbut': 1, 'levelit': 1, 'jokesotherwis': 1, 'reccemond': 1, 'proyass': 1, 'ohsopromis': 1, 'sinistersound': 1, 'lewinski': 1, 'pastyfac': 1, 'twitchi': 1, 'sexiest': 1, 'tangienti': 1, 'snapbrim': 1, 'exceptionlli': 1, 'flotsam': 1, 'unreach': 1, 'woodland': 1, 'laxiti': 1, 'nowescap': 1, 'birdwatch': 1, 'scenerychew': 1, 'biodom': 1, 'easilyang': 1, 'vacil': 1, 'spurnedpsycholovergetsherreveng': 1, 'itssobaditsgood': 1, 'yanci': 1, 'recommit': 1, 'nervouswreck': 1, 'cuckoobird': 1, 'notsobrilliantli': 1, 'merger': 1, 'rawhidestand': 1, 'tritt': 1, 'erykah': 1, 'badu': 1, 'diddley': 1, 'winwood': 1, '133': 1, '1700': 1, 'goldton': 1, 'gluelik': 1, 'tryingtobehip': 1, 'herz': 1, 'comedown': 1, 'stolz': 1, 'eeeewwwww': 1, 'dropper': 1, 'boondock': 1, 'tributari': 1, 'highcamp': 1, 'tediouslyand': 1, 'obviouslyinsert': 1, 'didntwedressfunnybackthen': 1, 'skirtchas': 1, 'upsanddown': 1, 'upiv': 1, 'hermanmak': 1, 'postbreakup': 1, 'homecook': 1, 'gueststar': 1, 'madeforthescifichannel': 1, '42900': 1, 'commoviefan983moviereviewcentr': 1, 'dlyn': 1, 'wowzer': 1, 'jejun': 1, 'tvmovieish': 1, 'suspensor': 1, 'rochest': 1, 'cking': 1, 'puttingli': 1, 'keanur': 1, 'gigabyt': 1, 'neater': 1, 'videophon': 1, 'feedback': 1, 'untechn': 1, 'commandlin': 1, 'twiddl': 1, 'hologram': 1, 'surley': 1, 'killsh': 1, 'hitmencisco': 1, 'sabbato': 1, 'wootyp': 1, 'genreshift': 1, 'quirkybutrealist': 1, 'grammat': 1, 'thoughwahlberg': 1, 'zamora': 1, 'tannen': 1, 'wannabezani': 1, 'crabbi': 1, 'krubavitch': 1, 'estel': 1, 'constanza': 1, 'turi': 1, 'zamm': 1, 'ren': 1, 'magritt': 1, 'pseudolegendari': 1, 'unfortunatli': 1, 'hardunearn': 1, 'iliopulo': 1, 'nobudget': 1, 'partyer': 1, 'roosevelt': 1, 'whateverhappenedto': 1, 'mintu': 1, 'europop': 1, 'forebear': 1, '3hour': 1, 'pseudoep': 1, 'actressturnedcomedi': 1, 'sitcomairi': 1, 'castmemb': 1, 'schandl': 1, 'leguizimo': 1, 'godfri': 1, 'onelineatatim': 1, 'laughfest': 1, 'smarterthanyoud': 1, '_lot_': 1, 'hotshotyoungnoexperienceneverkilledaman': 1, 'drugkingpin': 1, 'pighead': 1, 'inchesfromdeath': 1, 'bulletcam': 1, 'projectil': 1, 'thisclosefromdeath': 1, '18foothigh': 1, '43footlong': 1, 'strictlybythenumb': 1, 'computeraid': 1, 'neartot': 1, 'glumli': 1, 'hf': 1, 'voodooinspir': 1, 'walton': 1, 'exballet': 1, 'difilippo': 1, 'triplet': 1, 'hensley': 1, 'dionysiu': 1, 'burbano': 1, 'vomiti': 1, 'balinski': 1, 'arkansa': 1, 'cleanerslav': 1, 'sigmoid': 1, 'rambostyl': 1, 'subsid': 1, 'writerdirectorcostar': 1, 'jaunti': 1, 'spiritedli': 1, 'nonaccept': 1, 'antinuk': 1, 'indieunderground': 1, 'posttwin': 1, 'quasiartist': 1, 'merienbad': 1, 'beaudin': 1, 'atol': 1, 'canning': 1, 'korea': 1, 'totopoulo': 1, 'hermaphrodit': 1, 'inhospit': 1, 'galapago': 1, 'belay': 1, 'artistdirector': 1, 'zelig': 1, 'disjointed': 1, 'differentblack': 1, 'orpheu': 1, 'linchpin': 1, 'instantgratif': 1, 'hearten': 1, 'kidvid': 1, 'jocularli': 1, 'chummingup': 1, 'fluoro': 1, 'scorc': 1, 'alger': 1, 'hypercapit': 1, 'sanitis': 1, 'pipston': 1, 'mcbain': 1, 'springfield': 1, 'goodwork': 1, 'scrupul': 1, 'carhart': 1, 'rheinhold': 1, 'silly': 1, 'alberto': 1, 'caesella': 1, 'ravishingli': 1, 'clude': 1, 'bacal': 1, 'quayleish': 1, 'nowritu': 1, 'nondiscrimin': 1, 'roadcomedi': 1, 'trainload': 1, 'tarheel': 1, 'semiaccomplish': 1, 'queu': 1, 'jiang': 1, 'lamppost': 1, 'baotian': 1, 'equit': 1, 'hardeeharhar': 1, 'fluiditi': 1, 'attentiondeficitdisord': 1, 'defiant': 1, 'seesaw': 1, 'reset': 1, 'thrift': 1, 'bangi': 1, 'girlish': 1, 'everclear': 1, 'sixpackwield': 1, 'fratboy': 1, 'introvertboyfallsforextrovertgirl': 1, 'nonspecif': 1, 'woolli': 1, 'moptop': 1, 'smuglook': 1, 'dormi': 1, 'ignorantli': 1, 'recuper': 1, 'nonfriendli': 1, 'hommag': 1, 'thyme': 1, 'willmer': 1, 'cheerili': 1, 'redecor': 1, 'laissezfair': 1, 'seriouslygod': 1, 'booksaboutmovi': 1, 'godzila': 1, 'croissant': 1, 'velicorapt': 1, 'alienbust': 1, 'onecel': 1, 'poolboy': 1, 'sonja': 1, 'anytown': 1, 'illdefin': 1, '23rd': 1, 'seventyeight': 1, '230': 1, 'deferrenti': 1, 'doohan': 1, 'chekhov': 1, 'monoman': 1, 'houseghost': 1, 'nike': 1, 'blender': 1, 'bandara': 1, 'shariff': 1, 'fortunetel': 1, 'haggardli': 1, 'banderass': 1, 'thor': 1, 'goaround': 1, 'asscrack': 1, 'alllllllllllrighti': 1, 'heehaw': 1, 'nonmemb': 1, 'strangler': 1, 'tripper': 1, 'squirt': 1, 'gardenia': 1, 'manyalyson': 1, 'sightgag': 1, 'notsohappili': 1, 'seedier': 1, 'georgi': 1, 'mazar': 1, 'cadillac': 1, 'cambridg': 1, 'benoni': 1, 'separatedatbirth': 1, 'thriftili': 1, 'plotdriv': 1, 'fritter': 1, 'clubsing': 1, 'chanfilm': 1, 'bridehop': 1, 'brouhaha': 1, 'socornyitsfunni': 1, 'crashtest': 1, 'loew': 1, 'cleverest': 1, 'punchedup': 1, 'strangul': 1, 'vicepresidenti': 1, 'degred': 1, 'filteredlight': 1, 'moronproof': 1, 'slowfad': 1, 'nightstick': 1, 'psychointherain': 1, 'directoractor': 1, 'overconfid': 1, 'blitzstein': 1, 'ventriloquist': 1, 'rockefel': 1, 'tienn': 1, 'guillaum': 1, 'canet': 1, 'virgini': 1, 'ledoyen': 1, 'about': 1, 'videograph': 1, 'xtdl': 1, 'comcanran': 1, 'souk': 1, 'gizzard': 1, 'groundal': 1, 'singledigit': 1, 'reddi': 1, 'ime': 1, 'trysha': 1, 'mariesylvi': 1, 'deveu': 1, 'screammask': 1, 'pingi': 1, 'liao': 1, 'pengjung': 1, '241299': 1, 'asap': 1, 'premisekafka': 1, 'cronenbergi': 1, 'livesfor': 1, 'wordof': 1, 'postindustri': 1, 'holesymbol': 1, 'livesallow': 1, 'assumeeveryth': 1, 'counterpointor': 1, 'reliefto': 1, 'incrongu': 1, 'sept': 1, 'selfevid': 1, 'lawrencefat': 1, 'bushel': 1, 'vansih': 1, 'foreclosur': 1, 'jubil': 1, 'bologna': 1, 'jokethat': 1, 'waysand': 1, 'deprophes': 1, 'hindsight': 1, 'unfloss': 1, 'wanderingbutnotgoinganywher': 1, 'crasslycalcul': 1, 'assemblylin': 1, 'inveigl': 1, 'screenarkin': 1, 'storyit': 1, 'itsh': 1, 'spacesuit': 1, 'twit': 1, 'yowza': 1, 'skyjack': 1, 'soylent': 1, 'manbag': 1, 'nonact': 1, 'mutha': 1, 'charactersetup': 1, 'theatreshak': 1, 'hestongardnerbujold': 1, 'flipofthecoin': 1, 'trillian': 1, 'clarion': 1, 'pantucci': 1, 'engineboy': 1, 'nerveaddl': 1, 'maddeninglylong': 1, 'copen': 1, 'fairytaleinth': 1, 'maxsiz': 1, 'jere': 1, 'dowhateverittak': 1, 'normals': 1, 'oftplay': 1, 'dartagnon': 1, 'brothersstyl': 1, 'denuev': 1, 'planchet': 1, 'castaldi': 1, 'legre': 1, 'thesp': 1, 'singlehand': 1, 'stickhandl': 1, 'airplanestyl': 1, 'superheroact': 1, 'semiexcus': 1, 'bullhead': 1, 'collegebound': 1, 'crestfallen': 1, 'casss': 1, 'baystyl': 1, 'sobel': 1, 'sabihi': 1, '106minut': 1, 'primo': 1, 'deadzon': 1, 'oppertun': 1, 'muchdecor': 1, 'sould': 1, 'unobject': 1, 'kingsli': 1, 'inconclus': 1, 'gaghan': 1, 'directoreditor': 1, 'tarantinorobert': 1, 'kurtzman': 1, 'savini': 1, 'guardchet': 1, 'pussycarlo': 1, 'hillhous': 1, 'tongueandcheek': 1, 'killerhorror': 1, 'bloodandgor': 1, 'flophous': 1, 'barwhorehous': 1, 'artsyfartsi': 1, 'hardesthit': 1, 'killerlik': 1, 'drought': 1, 'hundredmilliondollar': 1, 'trolley': 1, 'phonedin': 1, 'oseranski': 1, 'nextdoor': 1, 'twentyminut': 1, 'kapner': 1, 'hitwoman': 1, 'sitcomstyl': 1, 'unanticip': 1, 'meteorolog': 1, 'amphibianbas': 1, 'whizquizkid': 1, 'softheart': 1, 'deusexmachina': 1, 'faze': 1, 'unintelligbl': 1, 'blotteth': 1, 'lowestcommondenomin': 1, 'nitwit': 1, 'ikwydl': 1, 'screenplayor': 1, 'lugia': 1, 'kethcum': 1, 'pikachu': 1, 'squirtl': 1, 'charizard': 1, '1dimension': 1, 'broth': 1, 'extremel': 1, 'yakfest': 1, 'anteat': 1, 'aquat': 1, 'explit': 1, 'talentchalleng': 1, 'beliv': 1, 'evactu': 1, 'grouper': 1, '57th': 1, 'alphabet': 1, 'exflam': 1, 'missl': 1, 'sorrier': 1, 'moth': 1, 'timefil': 1, 'babemagnet': 1, 'weasel': 1, 'sprinter': 1, '1997the': 1, 'chiller': 1, 'uberhack': 1, 'hypothalamus': 1, 'hypothalamii': 1, 'foury': 1, 'fourcredit': 1, 'raffo': 1, 'jaffa': 1, 'cockamami': 1, 'molecular': 1, 'evolutionari': 1, 'glycerin': 1, 'penelopeit': 1, '_monster_movie_': 1, 'beelin': 1, 'notsh': 1, 'humanityi': 1, 'moniqu': 1, 'racquel': 1, 'yuh': 1, '10day': 1, 'titlecard': 1, 'pseudohip': 1, 'singeralcohol': 1, 'pettiford': 1, 'svengalilik': 1, 'producerlov': 1, 'lanier': 1, 'curtishal': 1, 'whisperyvo': 1, 'highlypublic': 1, 'mozel': 1, 'nowestrang': 1, 'bulletshap': 1, 'keynot': 1, 'lear': 1, 'anorex': 1, 'barest': 1, 'putupon': 1, 'medicor': 1, 'isley': 1, 'subsnl': 1, 'kirsebom': 1, 'moistur': 1, 'pheromon': 1, 'biggi': 1, '4am': 1, 'scolex': 1, 'lawenforc': 1, 'drumrol': 1, 'dentur': 1, 'postcredit': 1, 'twoday': 1, 'mirrorimag': 1, 'engend': 1, 'steward': 1, 'unend': 1, 'stateroom': 1, 'prevert': 1, 'concord': 1, 'ardour': 1, 'spire': 1, 'beryl': 1, 'amour': 1, 'crosssect': 1, 'elseand': 1, 'peoplewould': 1, 'happyyet': 1, 'pillinduc': 1, 'breakdownthat': 1, 'believein': 1, 'hoobler': 1, 'lesabr': 1, 'allbut': 1, '_american_beauty_': 1, '_breakfast_': 1, 'unfilmableth': 1, '_fear_and_loathing_in_las_vegas_': 1, 'lux': 1, 'rocketship': 1, 'galileo': 1, 'cydonia': 1, 'pabulum': 1, 'quatermass': 1, 'spazio': 1, 'centrifug': 1, 'alarmsth': 1, 'lostliterallyon': 1, 'withwhich': 1, 'familyfath': 1, 'alongand': 1, 'aceinthehol': 1, 'monkeylik': 1, 'playstat': 1, 'crystalclear': 1, '15week': 1, 'potentiallyinterest': 1, 'housebound': 1, 'bahn': 1, 'mcmullen': 1, 'seagalmickey': 1, 'rourkejeanclaud': 1, 'dammewesley': 1, 'dwi': 1, 'lowliv': 1, 'ramboontestosteronetherapi': 1, 'spolier': 1, 'dumberand': 1, 'funnyit': 1, 'telemovi': 1, 'elseperfect': 1, 'guya': 1, 'magyuv': 1, 'flashili': 1, 'semistal': 1, 'commerciallik': 1, 'crackerjack': 1, 'clooni': 1, 'dynamo': 1, 'merhi': 1, 'facemask': 1, 'manoemano': 1, 'cancerogen': 1, 'tre': 1, 'hepburn': 1, 'rerecord': 1, 'jurgen': 1, 'christianson': 1, 'dreadlock': 1, 'scraggli': 1, '127': 1, 'projection': 1, 'rockoperaturnedmajor': 1, 'peron': 1, 'dramapack': 1, 'oscarcontend': 1, 'e1': 1, 'tpm': 1, 'breeder': 1, 'warchu': 1, 'horserac': 1, 'simpatico': 1, 'fullyload': 1, 'postpsychedelia': 1, 'doonesburi': 1, 'trippedout': 1, 'charac': 1, 'mint': 1, 'ultrahip': 1, 'druginfest': 1, 'anthologystyl': 1, 'mistim': 1, 'angelesla': 1, 'alterior': 1, '172': 1, 'manhalf': 1, 'explorermarin': 1, 'meaner': 1, 'skidoo': 1, 'mojorino': 1, 'ninefeet': 1, 'leverageus': 1, 'knowhow': 1, 'euclidean': 1, 'geometri': 1, 'loincloth': 1, 'hubri': 1, 'huevelman': 1, 'vivona': 1, 'netherrealm': 1, 'downtim': 1, 'begotten': 1, 'stalkandslash': 1, 'mtv2': 1, 'gravedig': 1, 'spurgin': 1, 'kettler': 1, 'poirrierwallac': 1, 'doghalf': 1, 'draggingsalt': 1, 'zimm': 1, 'glop': 1, 'ruptur': 1, 'discret': 1, 'semigraph': 1, 'selfsurgeri': 1, 'fullfram': 1, 'stanz': 1, '80year': 1, 'pumpbitch': 1, 'septic': 1, 'laxativeinduc': 1, 'tarp': 1, 'payper': 1, 'rasslin': 1, 'lewd': 1, 'castingwis': 1, 'chunki': 1, 'nirtoest': 1, 'ahhh': 1, 'biogenet': 1, 'biolab': 1, 'shepherd': 1, 'recombin': 1, 'biohazard': 1, 'jowl': 1, 'nonpres': 1, 'chasm': 1, 'cujo': 1, 'hippyish': 1, 'plentli': 1, 'rebut': 1, 'caliberand': 1, 'triesthen': 1, 'nirojam': 1, 'caanbruc': 1, 'crystalhugh': 1, 'grantmatthew': 1, 'nonetoosuccess': 1, 'outfitsand': 1, 'situationsinto': 1, 'finder': 1, 'yanni': 1, 'gogolack': 1, 'ws': 1, 'sexuallyrip': 1, 'mcmurray': 1, 'brainerd': 1, 'tycoonvillain': 1, 'wheaton': 1, 'suaveyetunsuav': 1, 'oneandonli': 1, 'yuckityyuck': 1, 'halfassedli': 1, 'nonclass': 1, 'professori': 1, 'thrice': 1, 'towtruck': 1, 'explant': 1, 'bostonbas': 1, 'hazmat': 1, 'guilifoyl': 1, 'decompos': 1, 'rubblestrewn': 1, 'prefront': 1, 'reeltoreel': 1, 'audiorecord': 1, 'chainsawmassacretyp': 1, 'manderley': 1, 'hotlycontest': 1, 'tightjaw': 1, 'sourpuss': 1, 'pucker': 1, 'eastwoodesqu': 1, '_his_': 1, 'bran': 1, 'fartoocommon': 1, 'freight': 1, 'shannen': 1, 'doherti': 1, 'onestardom': 1, 'homevideo': 1, 'dopesmok': 1, 'toucherupp': 1, 'superviol': 1, 'caldicott': 1, 'poorlyshown': 1, 'schow': 1, 'doublebil': 1, 'wilmingtonasdetroit': 1, 'rockmusicianturnedpavementartist': 1, 'sixstori': 1, 'perp': 1, 'reheal': 1, 'underlit': 1, 'redlit': 1, 'butcheri': 1, 'dov': 1, 'hoenig': 1, 'goodideaturnedbad': 1, 'succul': 1, 'ancientsword': 1, 'risingstar': 1, 'toyko': 1, 'rainslick': 1, 'illiteraci': 1, 'halfpaid': 1, 'girltyp': 1, 'parentless': 1, 'bluelight': 1, 'chainweedsmok': 1, 'lightninglit': 1, 'postshow': 1, 'onestar': 1, 'extrastrength': 1, 'teenagersthough': 1, 'exbeau': 1, 'riss': 1, 'walkout': 1, 'pornographyi': 1, 'castal': 1, 'thingif': 1, 'familyman': 1, 'twistpeopl': 1, 'hardtofind': 1, 'bile': 1, 'startortur': 1, 'dobecom': 1, 'fellowship': 1, 'veranda': 1, 'moviea': 1, 'blueton': 1, 'washedout': 1, 'halfsecond': 1, 'chanceunless': 1, 'somet': 1, 'triviajoel': 1, 'wafer': 1, 'nth': 1, 'kilter': 1, 'alwayslik': 1, 'babblessh': 1, 'actorwait': 1, 'movieplotridicul': 1, 'gradient': 1, 'bayjerri': 1, '2hr': 1, 'actionmusicvideo': 1, 'conair': 1, 'ridiculousi': 1, 'machomisfit': 1, 'goldtint': 1, 'stockaitkenwaterman': 1, 'artform': 1, 'longlong': 1, 'earplug': 1, 'aspirin': 1, 'ld': 1, 's19': 1, 'carrefour': 1, 'lonli': 1, 'egomania': 1, 'camperi': 1, 'sapl': 1, 'cola': 1, 'directorship': 1, 'etiquett': 1, 'mildr': 1, 'radmar': 1, 'jao': 1, 'lycanthropi': 1, 'sadomasochist': 1, 'pittanc': 1, 'orangey': 1, 'knifepoint': 1, 'openarm': 1, 'puffpiec': 1, 'phoniest': 1, 'mumford': 1, 'pruit': 1, 'lowenstein': 1, 'mishear': 1, 'onenam': 1, 'fairfax': 1, 'brownhair': 1, 'thiefth': 1, 'oneh': 1, 'playback': 1, 'ericson': 1, 'vavavavoom': 1, 'allman': 1, 'antagonistsasprotagonist': 1, 'tarantinolook': 1, 'heroless': 1, 'botchedrobberi': 1, 'dogscould': 1, 'soto': 1, 'musetta': 1, 'vander': 1, 'tennil': 1, 'saber': 1, 'perimet': 1, 'demigod': 1, 'mostpow': 1, 'collap': 1, 'dalmant': 1, 'secondhalf': 1, 'halfhokey': 1, 'blucher': 1, 'himbo': 1, 'pgmovi': 1, 'thenh': 1, 'antigrav': 1, 'fedex': 1, 'blatanc': 1, 'nonstori': 1, 'folktal': 1, 'jumpingoff': 1, 'hangdog': 1, 'marlboro': 1, 'wellfilm': 1, '2024': 1, 'zeitget': 1, 'glenco': 1, 'quicken': 1, 'immobilis': 1, 'lukeskywalkerlik': 1, 'kurgan': 1, 'juke': 1, 'elevenoclock': 1, 'moviey': 1, 'madepeopl': 1, 'handswhi': 1, 'horesback': 1, 'mailheart': 1, 'brownit': 1, 'eggo': 1, 'driftercumpostman': 1, 'heroiz': 1, 'phrasingtoo': 1, 'allyson': 1, 'studyingabroad': 1, 'coarser': 1, 'worthier': 1, 'thiscouldbey': 1, 'soontobenotori': 1, 'grossfest': 1, 'onw': 1, 'magwitch': 1, 'cadi': 1, 'houdini': 1, 'motorboat': 1, 'behest': 1, 'cuarsn': 1, 'romeojuliet': 1, 'romanceless': 1, 'inadvertenti': 1, 'overth': 1, 'apon': 1, 'miata': 1, 'tvstartofilm': 1, 'ricketi': 1, 'lowestbrow': 1, 'sunshini': 1, 'pissant': 1, 'peesahn': 1, 'magoostyl': 1, 'dachshund': 1, 'mouthtomouth': 1, 'shephard': 1, 'kilo': 1, 'chatham': 1, 'thong': 1, 'nonbasebal': 1, 'wilmer': 1, 'valderrama': 1, 'robinsonlik': 1, 'arli': 1, 'curmudgeonli': 1, 'gogetemtigerwerebehindy': 1, 'heartwarmingnuzzlyfollowyourdream': 1, 'rebellingagainstdaddi': 1, 'hex': 1, 'diversionari': 1, 'polaroid': 1, 'rapemurd': 1, 'brinkford': 1, 'vicent': 1, 'actresssing': 1, 'yoo': 1, 'lieh': 1, 'hsuehwei': 1, 'wu': 1, 'nienchen': 1, 'huikung': 1, 'nouvel': 1, 'novo': 1, 'balm': 1, 'hou': 1, 'hsiaohsien': 1, 'beachyang': 1, 'featurei': 1, 'rolesded': 1, 'housewivesthat': 1, 'compassh': 1, 'daysa': 1, 'belabour': 1, 'choicesmarri': 1, 'alland': 1, 'undisciplin': 1, 'newoth': 1, 'localeto': 1, 'forin': 1, 'mistressbut': 1, 'scenesgroceri': 1, 'flowerarrangingin': 1, 'redundantli': 1, 'exorbitantli': 1, 'unexpress': 1, 'doyleat': 1, 'creditswho': 1, 'kaig': 1, 'karwai': 1, 'hacki': 1, 'snell': 1, 'shea': 1, 'rood': 1, 'gilfedd': 1, 'zakharov': 1, 'tatouli': 1, 'retributionfight': 1, 'uninsur': 1, 'pector': 1, 'briefclad': 1, 'formless': 1, 'waiterstruggl': 1, 'culdesac': 1, 'fyfe': 1, 'monthsdu': 1, 'titleit': 1, 'frosti': 1, 'oversentiment': 1, 'snowdad': 1, 'featherbrain': 1, 'prancer': 1, 'molassesslow': 1, 'gailard': 1, 'sartain': 1, 'keyston': 1, 'kop': 1, 'mulcahi': 1, 'upstand': 1, 'limitedcircul': 1, 'coron': 1, 'chlorin': 1, 'nada': 1, 'cylk': 1, 'cozart': 1, 'brusqu': 1, 'nescaf': 1, 'cesarean': 1, 'scalp': 1, 'jailer': 1, 'heldenberg': 1, 'dzunza': 1, 'blist': 1, 'gargl': 1, 'monstros': 1, 'russki': 1, 'conspiracymartialart': 1, 'thorp': 1, 'sponsorship': 1, 'wheedon': 1, 'tenfold': 1, 'carreyish': 1, 'singleelimin': 1, 'laflour': 1, 'faddish': 1, 'supersens': 1, 'innocuousenoughonthesurfac': 1, 'dewyey': 1, 'inhereit': 1, 'millionsesqu': 1, 'draconian': 1, 'billiard': 1, 'hudr': 1, 'gutless': 1, 'fulltoburst': 1, 'shudderinduc': 1, 'fortunehunt': 1, 'pud': 1, 'ratt': 1, 'aaaaaaaahhhh': 1, 'movietv': 1, 'flour': 1, 'karan': 1, 'husbandsboyfriend': 1, 'junkiei': 1, 'movies': 1, 'nisen': 1, 'mireniamu': 1, '2000the': 1, '50year': 1, 'snoozer': 1, 'rorschach': 1, 'kashiwabara': 1, 'waturu': 1, 'mimura': 1, 'logi': 1, 'prudenti': 1, 'takehiro': 1, 'againexcept': 1, 'jobit': 1, 'horrorcrim': 1, 'hath': 1, 'genre_i_know_what_you_did_last_summer_': 1, '_halloween': 1, '_h20_': 1, '_scream_2_': 1, 'williamsonless': 1, 'post_scream_': 1, '_wishmaster_': 1, '_disturbing_behavior_': 1, 'rightfrighteningli': 1, '_bad_': 1, 'williamsonesqu': 1, '_fisherman': 1, 'legendsthos': 1, 'afer': 1, 'fakeout': 1, 'shouldand': 1, 'couldrun': 1, 'waytooconveni': 1, 'injokey': 1, 'ove': 1, 'pefect': 1, 'pesencechalleng': 1, '_dawsons_creek_': 1, 'thorugh': 1, 'noxzema': 1, 'spokeswoman': 1, '_waiting_to_exhale_': 1, 'grierworship': 1, 'mannam': 1, 'williamsonto': 1, 'everwis': 1, 'marketwis': 1, 'rubberfac': 1, 'bestan': 1, 'notsodarkest': 1, 'oderkerk': 1, 'bucknak': 1, 'callow': 1, 'abscond': 1, 'brightlylit': 1, 'circa10th': 1, 'cannibalist': 1, 'animalskin': 1, 'shwarzenegg': 1, '300plusyear': 1, 'violinmak': 1, 'nicolo': 1, 'bussotti': 1, 'merchantivori': 1, 'botul': 1, 'copcorrupt': 1, 'mysteriousboyfriend': 1, 'wildandcrazi': 1, 'shortchang': 1, 'gabfest': 1, 'smalltobigscreen': 1, 'ahmet': 1, 'excrement': 1, 'benoit': 1, '1800callatt': 1, 'bawitdaba': 1, 'pottyhumor': 1, '1865': 1, 'womanbash': 1, 'maleegostrok': 1, 'winningham': 1, 'pallbear': 1, 'halfspe': 1, 'sleepyey': 1, 'mcnugent': 1, 'nelkan': 1, 'halicki': 1, 'carchas': 1, 'fortynin': 1, 'gto': 1, 'hairbrain': 1, 'beatup': 1, 'semibright': 1, 'psychologicalromancethril': 1, 'bluebird': 1, 'spectral': 1, 'litmu': 1, 'fullpag': 1, 'mirabella': 1, 'catwalk': 1, 'tachomet': 1, 'traction': 1, 'classa': 1, 'abovement': 1, 'knocker': 1, 'gurian': 1, 'goofiest': 1, 'halfopen': 1, 'rainfal': 1, 'dicki': 1, '779': 1, 'jett': 1, 'yippe': 1, 'sonnenberg': 1, '_48_hr': 1, '_doctor_dolittle_': 1, 'earnesttoafault': 1, 'sluggishli': 1, '_holy_man_': 1, 'meowth': 1, 'hardtodeciph': 1, 'camper': 1, 'howlingli': 1, 'broil': 1, 'businessasusu': 1, 'alight': 1, 'nintendo': 1, 'sdd': 1, 'loosest': 1, 'stank': 1, 'defenc': 1, 'neofascist': 1, 'mindmeld': 1, 'wwiiera': 1, 'movieton': 1, 'toqu': 1, 'claudio': 1, 'leticia': 1, 'vota': 1, 'reunif': 1, 'whisperer_': 1, 'countryish': 1, '_leav': 1, 'beaver_': 1, 'finley': 1, 'busbut': 1, 'worsestick': 1, 'fotomat': 1, 'moverandshak': 1, 'halfamillion': 1, 'gekko': 1, 'poirot': 1, 'sarita': 1, 'choudhuri': 1, 'kama': 1, 'sutra': 1, 'oldsitcomstomovi': 1, 'tvconversionmovi': 1, 'funnymen': 1, 'unskil': 1, '4d': 1, 'inborn': 1, 'blissfullyconfus': 1, 'ascent': 1, 'underfir': 1, 'hovertank': 1, 'retalli': 1, 'sabo': 1, 'bestsupport': 1, 'laughterpackedmo': 1, 'tvconvers': 1, 'tvidea': 1, 'bringer': 1, 'refilm': 1, 'cowboyhick': 1, 'streamofconsci': 1, 'herrmann': 1, 'agutt': 1, 'buddycopdrugsexywit': 1, 'unneccesari': 1, 'prescient': 1, 'mcdonaldburg': 1, 'wellconnect': 1, 'drugrel': 1, 'nozaki': 1, 'teckoh': 1, 'crackdown': 1, 'mith': 1, 'pilleggi': 1, 'canneri': 1, '04': 1, 'edt': 1, 'notformail': 1, 'followupto': 1, 'gmt': 1, 'messageid': 1, 'replyto': 1, 'nntppostinghost': 1, 'mtcts2': 1, 'mt': 1, 'lucent': 1, '05425': 1, 'keyword': 1, 'authorhick': 1, 'eclmtcts2': 1, 'xref': 1, 'ro': 1, 'fatboy': 1, 'pantyhos': 1, '_hard_war': 1, 'gif': 1, 'meaningfre': 1, 'shana': 1, 'hoffmann': 1, 'kellner': 1, 'bramon': 1, 'noho': 1, 'carton': 1, 'postparti': 1, 'repect': 1, 'allergypron': 1, 'ninetyf': 1, 'disintigr': 1, 'barter': 1, 'evilo': 1, 'fidget': 1, 'perlich': 1, 'marster': 1, 'beeb': 1, 'strenuous': 1, 'unequip': 1, 'pseudofeminist': 1, 'bedfellow': 1, 'solondz': 1, 'sultan': 1, 'misanthropi': 1, 'hauteur': 1, 'mortifi': 1, 'hyperviol': 1, 'slurp': 1, 'roxan': 1, 'mesquida': 1, 'libero': 1, 'rienzo': 1, 'girth': 1, 'paramour': 1, 'nastiest': 1, 'swerv': 1, 'deadlier': 1, 'purveyor': 1, 'soeur': 1, 'robertss': 1, 'speechimpair': 1, 'hairbal': 1, 'debney': 1, 'cymbal': 1, 'herrier': 1, 'sexromp': 1, 'inaudaci': 1, 'overwight': 1, 'comaprison': 1, 'disneymad': 1, 'limburgh': 1, 'carribean': 1, 'davidovitch': 1, 'boatman': 1, 'seku': 1, 'mitsubishi': 1, 'pirhanna': 1, 'angstridden': 1, 'bangkok': 1, 'carlisl': 1, 'utopiagoneawri': 1, 'bide': 1, 'conservationist': 1, 'trexi': 1, 'joewreak': 1, 'pallisad': 1, 'showunrel': 1, 'demoliton': 1, 'blackti': 1, 'showyet': 1, 'childrenit': 1, 'kidsintens': 1, 'unherald': 1, 'moribund': 1, 'moviesthi': 1, 'trucksploit': 1, 'obstaclessuch': 1, 'uzifir': 1, 'motorcyclist': 1, 'paintedy': 1, 'itr': 1, 'fbiatf': 1, 'mickelberri': 1, 'bedrock': 1, 'flinston': 1, 'vandercav': 1, 'skinnier': 1, 'truecrim': 1, 'changeil': 1, 'yourselfbut': 1, 'movieh': 1, 'chandlerross': 1, 'genrelast': 1, 'angsthorror': 1, 'forfeit': 1, 'trendili': 1, '23yearold': 1, 'prurient': 1, 'pornfilm': 1, '___': 1, 'relationshipsfromhel': 1, 'semidevelop': 1, 'groanworthi': 1, '____': 1, 'colorbynumb': 1, 'directorwritercinematographereditor': 1, 'joechri': 1, 'lassic': 1, 'joiner': 1, 'inflam': 1, 'cinematographereditor': 1, 'greenwich': 1, 'mecilli': 1, 'faulti': 1, 'whifflebal': 1, 'redol': 1, 'prelaunch': 1, 'barbequ': 1, 'revist': 1, 'comraderi': 1, 'ember': 1, 'matterof': 1, 'factli': 1, 'aggressivelli': 1, 'momument': 1, 'unsatisi': 1, 'eensi': 1, 'teensi': 1, 'unflush': 1, 'kool': 1, 'slooooow': 1, 'dt': 1, 'oooooo': 1, 'goodtim': 1, 'tbn': 1, 'paragon': 1, 'roundtabl': 1, 'cordial': 1, 'softbal': 1, 'declaw': 1, 'barelyincontrol': 1, 'gonzal': 1, 'toadi': 1, 'nausea': 1, '80minut': 1, 'raspyvo': 1, 'armchair': 1, 'fancyschm': 1, 'plunk': 1, 'frappacino': 1, 'cancan': 1, 'shootfirstthenshootsomemor': 1, 'twoman': 1, 'vaudevillian': 1, 'pulley': 1, 'kidnappermurder': 1, 'bungler': 1, 'dilema': 1, 'refocus': 1, 'insemin': 1, 'imbal': 1, 'blunderhead': 1, 'sab': 1, 'shimono': 1, 'harakiri': 1, 'pimpli': 1, 'chekirk': 1, 'rocknrol': 1, 'mametstyl': 1, 'blackwannab': 1, 'craftor': 1, 'hasta': 1, 'thisobviouslycostalotsoyouknow': 1, 'everyonesgoingtogo': 1, 'boymeetsfishandsavesenviron': 1, 'savetheworldfromaliensorenviron': 1, 'reallook': 1, 'megaadvertis': 1, '60s70': 1, 'resitu': 1, 'pastorelli': 1, 'hightechnolog': 1, 'mentorturnedevil': 1, 'deguerin': 1, 'highsecur': 1, 'aluminium': 1, 'twofoot': 1, 'voluntarili': 1, 'over18': 1, 'therapeut': 1, 'ezio': 1, 'gregio': 1, 'yankovich': 1, 'nostril': 1, 'timespac': 1, 'backlot': 1, 'ballpeen': 1, 'antigun': 1, 'badham': 1, 'scissorshand': 1, 'pedagog': 1, 'icepick': 1, 'wielder': 1, 'princelik': 1, 'carwash': 1, 'ismael': 1, 'roadster': 1, 'expo': 1, 'stickiest': 1, 'locklear': 1, 'uberrich': 1, 'lankier': 1, 'buddybuddi': 1, 'gook': 1, 'opn': 1, 'soldiertyp': 1, '_whole_': 1, 'unimaginatv': 1, 'ricochet': 1, 'saharan': 1, 'improperli': 1, 'cobo': 1, 'computermask': 1, 'takingsand': 1, 'womananoth': 1, 'hoursor': 1, 'trivialis': 1, 'elsei': 1, 'isiah': 1, 'tafkap': 1, 'alwaysbrok': 1, 'beatem': 1, 'golfbal': 1, 'unqualifi': 1, 'hecticbutoverallunev': 1, 'cuthertonsmyth': 1, 'barnfield': 1, 'selfparod': 1, 'drector': 1, 'westernerinperil': 1, 'charactera': 1, 'storyor': 1, 'heroineget': 1, 'halfstat': 1, 'exotic': 1, 'robinsonblackmor': 1, 'mikel': 1, 'koven': 1, 'foregin': 1, 'aboslut': 1, 'gazon': 1, 'maudit': 1, 'loli': 1, 'kristel': 1, 'notverygood': 1, 'damnnear': 1, 'rockem': 1, 'sockem': 1, 'thirdstr': 1, 'qb': 1, 'ingam': 1, 'hork': 1, 'anci': 1, 'ultrastylish': 1, 'pagniacci': 1, 'annmargret': 1, 'wellconceiv': 1, 'wellrun': 1, 'philli': 1, 'goodygoodi': 1, 'radiationrich': 1, 'klingonlook': 1, 'makeupladen': 1, 'luthor': 1, 'fwahahahahahahahaha': 1, 'supervillain': 1, 'apparatus': 1, 'scorecard': 1, 'sideway': 1, 'trawl': 1, 'funari': 1, 'suarez': 1, 'jarringli': 1, 'aztec': 1, 'priestess': 1, '_entertainment_weekly_': 1, 'pzoniak': 1, 'schuster': 1, 'trese': 1, 'unvirgin': 1, 'climaxwhich': 1, 'jadziabolek': 1, 'halarussel': 1, 'materiala': 1, 'laughstojok': 1, 'bartholomew': 1, 'early19th': 1, 'fontenot': 1, 'conquistador': 1, 'hildago': 1, 'nearlyinconsequenti': 1, 'epitaph': 1, 'mekanek': 1, 'stinkor': 1, 'filmat': 1, 'shera': 1, 'trillion': 1, 'tolkan': 1, 'skif': 1, 'mcneill': 1, '10th': 1, 'gehrig': 1, 'genuinelyfunni': 1, 'exhum': 1, 'olek': 1, 'krupa': 1, 'kilner': 1, 'haviland': 1, 'goldbergtyp': 1, 'counterfeitlook': 1, 'nearblizzard': 1, 'wyle': 1, 'barbel': 1, 'thumbsuck': 1, 'yogi': 1, 'yore': 1, 'zealou': 1, 'thenpatrick': 1, 'thendiana': 1, 'nowralph': 1, 'nowuma': 1, 'pastelcolor': 1, 'escher': 1, 'splendour': 1, '189': 1, 'throwtogeth': 1, 'outofprint': 1, 'ohsowis': 1, 'duneesqu': 1, 'gobbledegook': 1, 'serou': 1, 'selftalk': 1, 'lucu': 1, 'rambaldi': 1, 'ringwood': 1, 'toto': 1, 'sian': 1, 'gaiu': 1, 'mohiam': 1, 'shakili': 1, 'unauthoris': 1, 'handiwork': 1, 'skulduggeri': 1, 'outofcontext': 1, 'lynchesqu': 1, 'amsterdam': 1, 'nordern': 1, 'helmut': 1, 'bekim': 1, 'fehmiu': 1, 'defeatist': 1, 'luchino': 1, 'visconti': 1, 'minelli': 1, '713': 1, 'pseudodepth': 1, 'exspous': 1, 'bertolini': 1, 'forcefeed': 1, 'boyandhisdog': 1, 'k9': 1, 'clownforhir': 1, 'fernwel': 1, 'newkidontheblock': 1, 'zeger': 1, 'yellerstyl': 1, 'fauxcut': 1, 'splish': 1, 'videoesqu': 1, 'buckaroo': 1, 'porsch': 1, 'cannel': 1, 'griecoesqu': 1, 'eaton': 1, 'alevey': 1, 'shon': 1, 'greenblatt': 1, 'superencrypt': 1, 'bodhi': 1, 'mercuryencrypt': 1, 'terminatorlik': 1, 'ginter': 1, 'supercyph': 1, 'buddycop': 1, 'copfbi': 1, 'trickl': 1, 'supercod': 1, 'deject': 1, 'propsstrategicallypositionedbetweennakedactorsandcamera': 1, 'hep': 1, 'disservic': 1, 'forz': 1, 'rubric': 1, 'hidef': 1, 'zillion': 1, 'shrub': 1, 'ooooo': 1, 'xxv': 1, 'megaproduc': 1, 'actionhero': 1, 'slickster': 1, 'actingenglish': 1, 'crucifixweapon': 1, 'earshatt': 1, 'uproot': 1, 'bossi': 1, 'hairpiec': 1, 'nonsatir': 1, 'shitterpiec': 1, 'stupidass': 1, 'exbrooklynit': 1, 'noooo': 1, 'orbach': 1, 'brate': 1, 'eroticthrillercinemaxstyl': 1, 'athena': 1, 'massey': 1, 'julliana': 1, 'margiul': 1, 'funyetdumb': 1, 'mexicowhat': 1, 'sergioleon': 1, 'fixedli': 1, 'suspensethril': 1, 'anothergreat': 1, 'unendur': 1, 'foulup': 1, 'peerless': 1, 'mite': 1, 'char': 1, 'indent': 1, 'softped': 1, 'fussel': 1, '_wartim': 1, 'war_': 1, 'letup': 1, 'infantrymen': 1, 'cede': 1, '_schindler': 1, 'tiepin': 1, 'nigh': 1, 'peon': 1, 'journalistturnedscreenwrit': 1, 'continuum': 1, 'celebritytyp': 1, 'slaterjohnni': 1, 'depptyp': 1, 'superorgasm': 1, 'karnstein': 1, 'scuzzylook': 1, 'spikedhair': 1, 'harridan': 1, 'afterhour': 1, 'dryclean': 1, 'bloodstain': 1, 'filmsrun': 1, 'sharpen': 1, 'gooden': 1, 'chenoa': 1, 'oldtim': 1, '38th': 1, 'antishark': 1, 'patheticlook': 1, 'retur': 1, 'icecold': 1, 'homefront': 1, 'pennyworth': 1, 'emblem': 1, 'utterlypointless': 1, 'observatori': 1, 'afr': 1, 'nearunintelligbl': 1, 'lackadas': 1, 'halfbad': 1, 'cormangrad': 1, 'notquitehalfbak': 1, 'workhors': 1, 'visor': 1, 'ringedplanet': 1, 'metaphas': 1, 'radit': 1, 'evolvethey': 1, 'grievous': 1, 'searcher': 1, 'excusesomeon': 1, 'plotholia': 1, 'timedefi': 1, 'eyesight': 1, 'powermad': 1, 'superfreak': 1, 'comaraderi': 1, 'styrofoam': 1, 'miasma': 1, 'bushi': 1, 'worsethanstereotyp': 1, 'insecticid': 1, 'halfwin': 1, 'aquart': 1, 'cosex': 1, 'zulu': 1, 'suckingout': 1, 'ard': 1, 'iiii': 1, 'conjectur': 1, 'wideropen': 1, 'wattag': 1, 'tainer': 1, 'conventionbreak': 1, 'coldcock': 1, 'ladyhawk': 1, 'worthpayingtose': 1, 'overburden': 1, 'wabbit': 1, 'hadley': 1, 'handmaid': 1, 'dishonest': 1, 'slurpi': 1, 'illuminata': 1, 'hummanahummanahummana': 1, 'uhhhhhm': 1, 'yodaesqu': 1, 'sprout': 1, 'heheh': 1, 'onedimens': 1, 'heeer': 1, 'turnerown': 1, 'classier': 1, 'anamoli': 1, 'abber': 1, 'anchorman': 1, 'swatch': 1, 'exarmi': 1, 'fahrenheit': 1, 'oneton': 1, 'tensionfil': 1, 'nighshift': 1, 'oneweekoldbluecheesesmel': 1, 'partypoop': 1, 'skeeter': 1, 'sexkitten': 1, 'ventricl': 1, 'leick': 1, 'guysgirl': 1, 'callisto': 1, 'squall': 1, 'finelook': 1, 'inyourear': 1, 'tightlyedit': 1, 'finit': 1, '747': 1, 'whisker': 1, 'wannaseehowfasticandr': 1, 'guardia': 1, 'goodand': 1, 'funnymovi': 1, 'martinisand': 1, 'nemesesshaken': 1, 'subinspir': 1, 'previouslyus': 1, 'entireand': 1, '28up': 1, 'devicey': 1, '128': 1, 'thame': 1, 'ppk': 1, 'grownworthi': 1, 'visionimpair': 1, 'nearblind': 1, 'roster': 1, 'backu': 1, 'takethemoneyand': 1, 'artstyp': 1, 'chinlund': 1, 'under10': 1, 'terrier': 1, 'drier': 1, 'bruel': 1, '10a': 1, '9borderlin': 1, '8excel': 1, '7good': 1, '6better': 1, '5averag': 1, '4disappoint': 1, '3poor': 1, '2aw': 1, '1a': 1, 'nausuem': 1, 'yam': 1, 'chingmi': 1, 'yau': 1, 'svenwara': 1, 'madoka': 1, 'killler': 1, 'woolik': 1, 'funoh': 1, 'gq': 1, 'faltermey': 1, 'amoeba': 1, 'intelligentand': 1, 'andagainy': 1, 'workabl': 1, 'weaponesqu': 1, 'cashso': 1, 'baghdad': 1, 'soothsay': 1, 'firesid': 1, 'herger': 1, 'storh': 1, 'buliwyf': 1, 'kulich': 1, 'chitter': 1, 'blackfac': 1, 'beautifullyrend': 1, 'schuemach': 1, 'goodheartedfrom': 1, 'moxin': 1, 'secondtolast': 1, '104minut': 1, 'wellshot': 1, 'lowcalib': 1, 'cutandpast': 1, 'dourdan': 1, 'outward': 1, 'atroi': 1, 'undoubtli': 1, 'dimeadozen': 1, 'cardboardcutout': 1, 'glorif': 1, 'beastual': 1, 'urinari': 1, 'tract': 1, 'dlose': 1, 'depit': 1, 'sloppiest': 1, 'innacur': 1, 'prokofiev': 1, 'khachaturian': 1, 'adagio': 1, 'phrygia': 1, 'aneeka': 1, 'dilorenzo': 1, 'embrass': 1, 'prig': 1, 'disgustingfordisgustingnesssak': 1, 'magnifc': 1, 'heartstop': 1, 'actuali': 1, 'phillipi': 1, 'benecio': 1, 'vitro': 1, 'launder': 1, 'rippedoff': 1, 'brandnew': 1, 'atreveng': 1, 'gettingeven': 1, 'isgasp': 1, 'displayther': 1, '_full_house_': 1, '_americas_funniest_home_videos_': 1, 'sebastiano': 1, 'farargu': 1, 'humora': 1, 'buildingsa': 1, 'sickandtwist': 1, 'hotenoughtomeltrubb': 1, 'buddytyp': 1, 'shinhigh': 1, 'lovebird': 1, 'chuckster': 1, 'soultransf': 1, 'amulet': 1, 'postmarriag': 1, 'dimbulb': 1, '_pick_chucky_up_': 1, '89minut': 1, 'genreparodi': 1, 'goaliemaskwear': 1, 'handedli': 1, 'thirsti': 1, 'hesheit': 1, 'afor': 1, 'moviesa': 1, 'everyoney': 1, 'kilt': 1, 'bigbreast': 1, 'thoughttransfer': 1, '29yearold': 1, 'miniwonderland': 1, 'unmad': 1, 'hollan': 1, '35yearold': 1, 'snakeoil': 1, 'beatng': 1, 'punkinthemak': 1, 'bullhea': 1, 'lether': 1, 'postop': 1, 'hiself': 1, 'fightpick': 1, 'beerdrink': 1, 'victimis': 1, 'lobotomis': 1, 'mackintosh': 1, 'foyl': 1, 'bafta': 1, 'buzzcock': 1, 'sargetyp': 1, 'pilion': 1, 'awwww': 1, 'differnt': 1, 'jailbird': 1, 'pantomin': 1, 'nothiiiiiinggggggggggg': 1, 'tinkertoy': 1, 'chasegoldi': 1, 'shakycam': 1, 'when': 1, 'trainman': 1, 'shalit': 1, 'regail': 1, 'amtrak': 1, 'lindenlaub': 1, 'engelman': 1, 'dannyher': 1, 'gravit': 1, 'doglov': 1, 'tardio': 1, 'perfecty': 1, 'personalbut': 1, 'fitchner': 1, 'downway': 1, 'downto': 1, 'mismatchedbuddi': 1, 'binocular': 1, 'halfdrunk': 1, 'bankrol': 1, 'invers': 1, 'repess': 1, 'joie': 1, 'vivr': 1, 'ppreciat': 1, 'movieroad': 1, 'thorougli': 1, 'urn': 1, 'unfortunatet': 1, 'crept': 1, 'huang': 1, 'fishess': 1, 'unempathet': 1, 'audienceunfriendli': 1, 'girli': 1, 'creedmil': 1, 'downturn': 1, 'laila': 1, 'escadap': 1, 'sawyer': 1, 'huckleberri': 1, 'epect': 1, 'religiouslyori': 1, 'refut': 1, 'gregorian': 1, 'illconvincepeopletokilleachoth': 1, 'laffomet': 1, 'cortino': 1, 'samba': 1, 'predatoral': 1, 'chia': 1, 'oneact': 1, 'cyberdoctor': 1, 'hobo': 1, 'ghostladi': 1, 'cybertravel': 1, 'fullfeatur': 1, 'neuromanc': 1, 'splenetik': 1, 'crunchabl': 1, 'limbtwist': 1, 'colead': 1, 'modelwif': 1, 'allround': 1, 'implac': 1, 'nico': 1, 'accessor': 1, 'whiney': 1, 'straightman': 1, 'beadadorn': 1, 'brocadedrap': 1, 'crunchili': 1, 'deathblow': 1, 'likemind': 1, 'spelenetik': 1, 'beowolf': 1, 'lessthanlacklust': 1, 'poppsycholog': 1, 'marsvenu': 1, 'disus': 1, 'shrunk': 1, 'scumbaggi': 1, 'uncommun': 1, 'congratu': 1, 'cheesebal': 1, 'againth': 1, 'jameswho': 1, 'fishermanvictim': 1, 'bikinireadi': 1, 'whoand': 1, 'mysteryturn': 1, 'helllin': 1, 'boynextdoor': 1, 'sequelth': 1, 'vacation': 1, 'gaynor': 1, 'lostray': 1, 'mehe': 1, 'languidhow': 1, 'oneif': 1, 'seriessomeon': 1, 'blandi': 1, 'gibsoninspir': 1, 'cybercouri': 1, 'wetwir': 1, 'fxsuch': 1, 'mattesleav': 1, 'partment': 1, 'yatf': 1, 'iti': 1, '007esqu': 1, 'quintet': 1, 'naoki': 1, 'mori': 1, 'shutterbug': 1, 'theredur': 1, 'bootcamp': 1, 'farstrength': 1, 'metaphorheavi': 1, '_cant_': 1, 'fourminut': 1, '_exactly_': 1, 'hurrah': 1, 'specliast': 1, 'girlfriendmol': 1, 'cubanmiami': 1, 'ballisit': 1, 'mustbeimprovis': 1, 'snakeey': 1, 'unrealisticlook': 1, 'mispair': 1, 'woken': 1, 'teenorient': 1, 'blazingli': 1, 'herniat': 1, 'rulebook': 1, 'pingpong': 1, 'litten': 1, 'levritt': 1, 'hattrick': 1, 'snatchthepaycheckandrun': 1, 'bibb': 1, 'indefinit': 1, 'sheepishli': 1, 'barnacl': 1, 'hayess': 1, 'immunodefici': 1, 'reaganlov': 1, 'homeschool': 1, 'antisexu': 1, 'hijinksaddl': 1, 'hindi': 1, 'vetter': 1, 'horrorschlock': 1, 'guamo': 1, 'ocmic': 1, 'leitch': 1, 'goldin': 1, 'friendliest': 1, 'stunk': 1, 'motown': 1, 'awa': 1, 'lug': 1, 'forse': 1, 'thirdbil': 1, 'roz': 1, 'cadet': 1, 'honkey': 1, 'mohawk': 1, 'grisoni': 1, 'strychninelac': 1, 'assent': 1, 'pharmacolog': 1, 'actosta': 1, 'nitrit': 1, 'thickblad': 1, 'spungen': 1, 'fishandgam': 1, 'pulman': 1, 'millionairecrocodil': 1, 'fulloftens': 1, 'somethingortheoth': 1, 'hohh': 1, 'riiiiight': 1, 'yknow': 1, 'ooooooo': 1, 'sp': 1, 'wimmin': 1, 'mushroomcloud': 1, 'excellentbutso': 1, 'oftenacclaim': 1, 'figeroa': 1, 'prereview': 1, 'forb': 1, 'mathew': 1, 'mconaughi': 1, 'bongo': 1, 'workweek': 1, 'coition': 1, 'creami': 1, 'twentysometyh': 1, 'kobsess': 1, 'buggeri': 1, 'unsexi': 1, 'dirtier': 1, 'nooki': 1, 'fallout': 1, 'hittin': 1, 'powermong': 1, 'welldocu': 1, 'guildmand': 1, 'jeni': 1, 'goldbergt': 1, 'stockintrad': 1, 'redunc': 1, 'badder': 1, 'rapier': 1, 'newsleak': 1, 'penil': 1, 'stomachchurn': 1, 'misadvertis': 1, 'mozzel': 1, 'selftitl': 1, '92minut': 1, 'patontheback': 1, 'consanguin': 1, 'foodfight': 1, 'writerdirectorhack': 1, 'rosycheek': 1, 'bamboozl': 1, 'munchausen': 1, 'datelin': 1, 'chalkful': 1, 'ryuichi': 1, 'sakamoto': 1, 'apropo': 1, '1940sstyle': 1, 'agnieszka': 1, 'obsen': 1, 'postrevolutionari': 1, 'symbolist': 1, 'charlevil': 1, 'afro': 1, 'chieftain': 1, 'afroamerican': 1, 'oneword': 1, 'cest': 1, 'hyperjump': 1, 'jellylik': 1, 'pushup': 1, 'eggshap': 1, 'allofasuddensuperhuman': 1, 'littleton': 1, 'colo': 1, 'thiss': 1, 'milbauer': 1, 'pastri': 1, 'shoud': 1, 'handwring': 1, 'inveter': 1, 'foulhumor': 1, 'crous': 1, 'mailedin': 1, 'parentchild': 1, 'probid': 1, 'evercontrari': 1, 'bastion': 1, 'tackyana': 1, 'digestgumpian': 1, 'ern': 1, 'mcracken': 1, 'slaparound': 1, 'distend': 1, 'cityboy': 1, 'suaku': 1, 'unchristian': 1, 'neighboursock': 1, 'amishmock': 1, 'roadtrip': 1, 'broadsid': 1, 'halfthoughtthrough': 1, 'gaffer': 1, 'computercr': 1, 'nohop': 1, 'kickstart': 1, 'reinspir': 1, 'exgangbang': 1, 'jetpow': 1, 'insipidli': 1, '2099': 1, 'doenst': 1, 'antigay': 1, 'fecal': 1, 'naunton': 1, 'radford': 1, 'pimlico': 1, 'beforesometim': 1, 'nhl': 1, 'befoul': 1, 'collegi': 1, 'obyrn': 1, 'cadenc': 1, 'ivin': 1, 'emotionalradi': 1, 'niagra': 1, 'mccardi': 1, 'dateless': 1, 'weeken': 1, 'binari': 1, 'eggert': 1, 'bateer': 1, 'luv': 1, 'closecrop': 1, 'supermodellevel': 1, 'madwoman': 1, 'browbeat': 1, 'blith': 1, 'puton': 1, 'dreyer': 1, 'franceusa': 1, 'adrienmarc': 1, 'herv': 1, 'schneid': 1, 'clapetth': 1, 'ticki': 1, 'marcel': 1, 'annemari': 1, 'pisani': 1, 'ker': 1, 'auror': 1, 'interlig': 1, 'miramaxconstellationugchatchett': 1, '1991franc': 1, 'excircu': 1, 'toogoodtobetru': 1, 'nearsight': 1, 'malcont': 1, 'cowmoo': 1, 'bedspr': 1, 'squeak': 1, 'veggi': 1, 'trogolodist': 1, 'grungiest': 1, 'constern': 1, 'copbuddi': 1, 'flu': 1, 'fluish': 1, 'bascial': 1, 'inlist': 1, 'badi': 1, 'baffel': 1, 'brinkley': 1, 'figuera': 1, 'piglia': 1, 'namequot': 1, 'boringconfus': 1, 'caprent': 1, 'actorswashington': 1, 'shalhoubbut': 1, '10minut': 1, 'dismantl': 1, 'sometimessick': 1, 'weddingneed': 1, 'onedg': 1, 'wagontrain': 1, 'longshot': 1, 'sheeppig': 1, 'onetenth': 1, 'caviti': 1, 'elast': 1, 'eqypt': 1, 'decipher': 1, 'slightlyneurot': 1, 'wyat': 1, 'flattop': 1, 'cilvil': 1, 'androgin': 1, 'pesudopseudopseudocharact': 1, 'criterion': 1, '9mm': 1, 'perfumedrench': 1, 'durabl': 1, '8minut': 1, 'michelangelo': 1, 'atric': 1, 'dall': 1, 'kelsch': 1, 'painterli': 1, 'docustyl': 1, 'arrrghhh': 1, 'sod': 1, 'yer': 1, 'bloodstream': 1, 'timebomb': 1, 'stubbl': 1, 'kowalski': 1, 'moroniclook': 1, '500th': 1, '1885': 1, 'sieber': 1, 'magua': 1, 'ry': 1, 'cooder': 1, 'hetero': 1, 'hobel': 1, 'mignatti': 1, 'sitcomlevel': 1, 'bugshow': 1, 'zaftig': 1, 'lucif': 1, 'cyberkil': 1, 'colt': 1, 'undertook': 1, 'bmonster': 1, 'spetter': 1, 'punknoir': 1, 'sunnybrook': 1, 'fxheavi': 1, 'thrillaminut': 1, 'greenway': 1, 'thrillingli': 1, 'fauxpsycho': 1, 'chit': 1, 'menahem': 1, 'golan': 1, 'yoram': 1, 'globu': 1, 'gavan': 1, 'shriker': 1, 'lauter': 1, 'raffin': 1, 'lawabid': 1, 'sarajevolik': 1, 'portorican': 1, 'hackl': 1, 'unproduc': 1, 'exolymp': 1, 'bayard': 1, 'weissmul': 1, '1913': 1, 'archeologistgraverobb': 1, 'apeman': 1, 'greenpeacefriendli': 1, 'tusk': 1, 'semiexperienc': 1, 'tourniquet': 1, 'resourcestrap': 1, 'wellgroom': 1, 'circa1983': 1, 'wincer': 1, 'basicand': 1, 'ordinarypremis': 1, 'victimh': 1, 'revengeand': 1, 'robertor': 1, 'twothen': 1, 'razzmatazz': 1, 'thatenergi': 1, 'angelicin': 1, 'stockpil': 1, 'womant': 1, 'borrr': 1, 'wendko': 1, 'braintre': 1, 'abyssinian': 1, 'thermopoli': 1, 'franciscan': 1, 'serbia': 1, 'genovia': 1, 'headphonestiara': 1, 'clariss': 1, 'renaldi': 1, 'dorkylook': 1, 'mechanicmusician': 1, 'elizondo': 1, 'chauffeurdriven': 1, 'eightandahalf': 1, 'powersthatb': 1, 'ric': 1, 'pucci': 1, 'overlyfamiliar': 1, 'closeddown': 1, 'crippen': 1, 'identit': 1, 'winnebago': 1, 'froehlich': 1, 'suspen': 1, 'sookyin': 1, 'adul': 1, 'crowchild': 1, 'flint': 1, 'doublezero': 1, 'glenwood': 1, 'movieplex': 1, 'oneida': 1, 'japanim': 1, 'alzhiem': 1, 'flubberpow': 1, 'scenebyscen': 1, 'ooooooooh': 1, 'modelfriend': 1, 'highheaven': 1, 'romanticcomedyact': 1, 'knowl': 1, 'fluffpiec': 1, 'uuuhhmmm': 1, 'naaaaah': 1, 'snuggli': 1, 'headfirst': 1, 'anyhoo': 1, 'didja': 1, 'pizazz': 1, 'ellin': 1, 'frey': 1, 'comeon': 1, 'mili': 1, 'personalitychalleng': 1, 'mindboggel': 1, 'oppisit': 1, 'pacifist': 1, 'scientest': 1, 'upror': 1, 'kevil': 1, 'cinematogrophi': 1, 'ballhau': 1, 'bookish': 1, 'terriblyplot': 1, 'exnew': 1, 'lightplan': 1, 'salvadorian': 1, 'lagpacan': 1, 'sous': 1, 'faa': 1, 'drugabus': 1, 'jerkish': 1, 'audiovideo': 1, 'relentlessi': 1, 'rammeddownyourthroat': 1, 'pseudosaintli': 1, 'abat': 1, 'twentycutsperminut': 1, 'poetsongwrit': 1, 'madio': 1, 'neutron': 1, 'mcgaw': 1, 'goluboff': 1, 'pseudosensit': 1, 'strungout': 1, 'exjunki': 1, 'dashiel': 1, '_red': 1, 'harvest_': 1, 'chicagoconnect': 1, 'strozzi': 1, 'remakescumbastard': 1, 'karina': 1, 'lombard': 1, 'sanderson': 1, 'imperioli': 1, '_no': 1, 'one_': 1, 'sunburn': 1, 'counterproduct': 1, 'cu': 1, '2699': 1, 'burkittsvil': 1, 'influx': 1, 'witchrel': 1, 'cigarettesmok': 1, 'luridli': 1, 'psychomag': 1, 'suss': 1, 'gothstyl': 1, 'rustin': 1, 'warera': 1, 'runelik': 1, 'handbasket': 1, 'nevermind': 1, 'broadlydrawn': 1, 'niceti': 1, 'hm': 1, 'hedley': 1, 'cleavon': 1, 'dollah': 1, 'clubact': 1, 'jewelrysport': 1, 'sivero': 1, 'notsotal': 1, 'assists': 1, 'howew': 1, 'unexist': 1, 'unmenac': 1, 'exspeci': 1, 'secondclass': 1, 'guncrazi': 1, 'sneakysmart': 1, 'bigundergroundworm': 1, 'criticallysavag': 1, 'bigunderwatersnak': 1, 'ghidrah': 1, 'bigunderseaserp': 1, 'multiethnicmultin': 1, 'cgienhanc': 1, 'toocheesytobeaccident': 1, 'fraidycat': 1, 'actionhorror': 1, 'goredrench': 1, 'aflail': 1, 'allinadayswork': 1, 'wifeand': 1, 'stillburn': 1, 'firetam': 1, 'eversmold': 1, 'boaz': 1, 'marguli': 1, 'nonkosh': 1, 'realismin': 1, 'ghostmak': 1, 'therer': 1, 'goodfilmmak': 1, 'undervalu': 1, 'mountainhil': 1, 'headstart': 1, 'metr': 1, 'fantasis': 1, 'playwrit': 1, 'twelfth': 1, 'hospitalis': 1, 'kale': 1, '31st': 1, 'usaf': 1, 'oberon': 1, 'broyl': 1, 'sandar': 1, 'daena': 1, 'nado': 1, 'shadix': 1, 'goodli': 1, 'eiko': 1, 'ishioka': 1, 'percuss': 1, 'kull': 1, 'conqueror': 1, 'senatori': 1, 'vallick': 1, 'plent': 1, 'studreport': 1, 'speechlesss': 1, 'partisanship': 1, 'fluteandwind': 1, 'grocer': 1, 'films92': 1, 'cherryonthesunda': 1, 'kidnappedsh': 1, 'uniron': 1, 'teeit': 1, 'whenc': 1, 'revelationtwist': 1, 'seventeenth': 1, 'miander': 1, 'straightout': 1, 'zelweggar': 1, 'bighead': 1, 'dispit': 1, 'wayyyi': 1, 'halfmast': 1, 'ultraseri': 1, 'antifan': 1, 'typicallystimul': 1, 'nonwebb': 1, 'neglige': 1, '_here_': 1, 'iwo': 1, 'jima': 1, 'raeeyain': 1, 'detorri': 1, 'votepand': 1, 'phlegm': 1, 'municip': 1, 'ingrown': 1, 'enchilada': 1, 'woof': 1, 'winger': 1, 'asof': 1, 'thingsa': 1, 'kickwilli': 1, 'colorblind': 1, 'cutfromnc17': 1, 'rattlesnak': 1, 'whyd': 1, 'solvabl': 1, 'unfaz': 1, 'overfil': 1, 'vertigin': 1, 'acrosstheboard': 1, 'mysterygirlwhosnorealmysteri': 1, 'exgovern': 1, 'bordello': 1, 'breakintothebuild': 1, 'geekiest': 1, 'kieren': 1, 'indiscern': 1, 'passer': 1, 'hairremov': 1, 'bubblehead': 1, 'guam': 1, 'stipend': 1, 'drowsyvo': 1, 'dewayn': 1, 'charismafre': 1, 'pap': 1, 'whobil': 1, 'thurl': 1, 'ravenscroft': 1, 'antler': 1, 'whovier': 1, 'oncesimpl': 1, 'suppl': 1, 'slurri': 1, 'venturastyl': 1, 'seuss': 1, 'mid1980': 1, '2018': 1, 'gismo': 1, 'bucketload': 1, 'ultraexpens': 1, 'sequoia': 1, 'gascogn': 1, 'xiii': 1, 'speir': 1, 'directorcinematograph': 1, 'stagecoach': 1, 'ladderfight': 1, 'mtvish': 1, 'swash': 1, 'interlop': 1, 'highlyanticip': 1, 'muchloath': 1, 'catsuitclad': 1, 'volley': 1, 'usuallysplendid': 1, 'inroad': 1, 'regrettablyneglect': 1, 'kathyrn': 1, 'cheekili': 1, 'caperesqu': 1, 'twiggish': 1, 'everbemus': 1, 'climatecontrol': 1, 'crispli': 1, 'quickest': 1, 'keital': 1, 'moderatelysuccess': 1, 'modelturnedactress': 1, 'halfhumanhalfalien': 1, 'indomit': 1, 'ardor': 1, 'angrybutinept': 1, 'scintilla': 1, 'soundalik': 1, 'freakiest': 1, 'nonbeliev': 1, 'baseballrel': 1, 'honeybunni': 1, 'characterheavi': 1, 'centerfield': 1, 'demonfight': 1, 'hindend': 1, 'stuntbutt': 1, 'amplys': 1, 'summit': 1, 'wellplot': 1, 'kosher': 1, 'somethin': 1, 'mastabatori': 1, 'mccallum': 1, '131': 1, 'atcheson': 1, 'ninefilm': 1, 'screenshot': 1, 'yearlong': 1, 'kfc': 1, 'antihyp': 1, 'speeder': 1, 'relativelybrief': 1, 'threetim': 1, 'over70': 1, 'copturnedpriv': 1, 'eyeturn': 1, 'manila': 1, 'egotisit': 1, '2030': 1, 'entrepeneur': 1, 'cheif': 1, 'alfi': 1, 'cour': 1, 'excrucit': 1, 'bostonian': 1, 'femalefear': 1, 'couteney': 1, 'productofchoic': 1, 'nottoodist': 1, '_dragon_': 1, 'icecub': 1, 'mindtwist': 1, 'doublespac': 1, '_mortal': 1, 'kombat_': 1, 'mayersberg': 1, 'fujioka': 1, 'downattheheel': 1, 'redoubt': 1, 'holzbog': 1, 'armsmerchantcumsafarihost': 1, 'cumislamicmissionari': 1, 'eilbach': 1, 'witchdoctor': 1, 'prearrang': 1, '_there_': 1, 'scenechew': 1, 'clavel': 1, 'kurusawa': 1, 'overlylong': 1, 'caftan': 1, 'spyrom': 1, 'actionfilm': 1, 'outofwat': 1, 'nekhorvich': 1, 'cialik': 1, 'polson': 1, 'stickel': 1, 'highgadget': 1, 'audi': 1, 'tracer': 1, 'telecast': 1, 'exunivers': 1, 'newermodel': 1, 'legionnair': 1, 'artistact': 1, 'supersoldi': 1, 'trainerconsult': 1, 'cotner': 1, 'fiercer': 1, 'hillari': 1, 'nearindestruct': 1, 'patheticallywritten': 1, 'fuell': 1, 'fasano': 1, 'uhm': 1, 'unheardof': 1, '90plu': 1, 'vesco': 1, 'presumedbutneverprov': 1, 'jascha': 1, 'traceabl': 1, 'cannom': 1, 'malcolmasmomma': 1, 'prosthes': 1, 'midwif': 1, 'lascivi': 1, 'cleverlyconstruct': 1, 'presumpt': 1, 'berkoff': 1, 'woud': 1, 'kilpatr': 1, 'carolghostbustersscroog': 1, 'togheth': 1, 'crosss': 1, 'remeb': 1, 'odonaghu': 1, 'microphag': 1, '2007': 1, 'policia': 1, 'corridortunnelairduct': 1, 'postchas': 1, 'twentyfour': 1, 'triangular': 1, 'taleth': 1, 'nuptialsto': 1, 'pepto': 1, 'bismol': 1, 'jokemachin': 1, 'watchab': 1, 'sooo': 1, 'schulz': 1, '3040': 1, 'schultz': 1, 'tripleblad': 1, 'mercaneri': 1, 'boomi': 1, 'atagl': 1, 'bloodfil': 1, 'offpost': 1, 'windsup': 1, '36hour': 1, '_halloween_': 1, 'thing_': 1, 'darkness_': 1, '_they': 1, 'live_': 1, '_escap': 1, 'york_': 1, 'notquitekosh': 1, 'slake': 1, 'ateam': 1, 'harpoon': 1, 'matchstick': 1, 'mansontyp': 1, 'cpl': 1, 'upham': 1, 'prisonturn': 1, 'ohsocool': 1, 'gossamerthin': 1, 'semioffens': 1, 'pubesc': 1, 'unpop': 1, 'lessthanhonor': 1, 'reneg': 1, 'elong': 1, 'notsoglori': 1, 'chequ': 1, 'ungainli': 1, '_four_': 1, 'sweeti': 1, 'junkbond': 1, 'delorean': 1, 'mightiest': 1, 'maxlik': 1, 'kell': 1, 'guano': 1, 'superdup': 1, 'emmett': 1, 'kimsey': 1, 'oceanograph': 1, 'batloath': 1, 'gallup': 1, 'mistep': 1, 'shread': 1, 'imwhiningbecauseicantgetagirliw': 1, 'homcom': 1, 'multiweek': 1, 'noxema': 1, 'spokesperson': 1, 'toooverthetop': 1, 'waytooglossi': 1, 'desintegr': 1, 'eflman': 1, 'poorlymotiv': 1, 'semithorough': 1, 'toswallow': 1, 'heavyhandedli': 1, '9year': 1, 'aameet': 1, 'gwenni': 1, 'courtord': 1, 'dramacomedi': 1, 'gweni': 1, 'teaspoon': 1, 'fifteenminut': 1, 'truckchas': 1, 'slung': 1, 'ropebridg': 1, 'venal': 1, 'mst3ked': 1, 'sked': 1, 'nottoobright': 1, 'checker': 1, 'kingtyp': 1, 'earshot': 1, '1320': 1, 'urbanlegendari': 1, 'lizardstompsmanhattan': 1, 'monsterinstig': 1, 'nottooprecoci': 1, '51st': 1, 'yawnprovok': 1, 'lessarrogantthanusu': 1, 'incipi': 1, 'siskelebert': 1, 'wordofmouthproof': 1, 'illusionist': 1, 'wand': 1, 'deepak': 1, 'chopra': 1, 'clearthink': 1, 'highlyplac': 1, 'bestforgotten': 1, 'uninterestingli': 1, 'waxen': 1, 'moham': 1, 'karaman': 1, 'sudddenli': 1, 'deadinthewat': 1, 'tetsuoth': 1, 'paleontolog': 1, 'ingen': 1, 'nubla': 1, 'checkbook': 1, 'harelik': 1, 'udeski': 1, 'spinosaurau': 1, 'pteranodon': 1, 'trifecta': 1, 'dalva': 1, 'lustili': 1, 'nazistyl': 1, 'governmentcontrol': 1, 'strapless': 1, 'stuntwoman': 1, 'kahlberg': 1, 'westridg': 1, 'doevr': 1, 'amazona': 1, 'unconci': 1, 'wiggl': 1, 'nightvis': 1, 'jewelthief': 1, 'letteropen': 1, 'thrillersuspens': 1, 'possessor': 1, 'actordirectorproduc': 1, 'excret': 1, 'telefix': 1, 'doublelin': 1, 'tigher': 1, 'animatedli': 1, 'overlychatti': 1, 'telephonetout': 1, 'flog': 1, 'terribly90': 1, 'ebay': 1, 'peccadillo': 1, 'tc': 1, 'ditz': 1, 'hanania': 1, 'maginni': 1, 'incommand': 1, 'nonthril': 1, 'notso': 1, 'fatass': 1, 'billow': 1, 'cellulit': 1, 'shellulit': 1, 'spicoli': 1, 'tannek': 1, 'nyu': 1, 'dilig': 1, 'sadoski': 1, 'waterb': 1, 'coquett': 1, 'evilblackmail': 1, 'rohypnol': 1, 'faircanticl': 1, 'winka': 1, 'overlysensit': 1, 'clichheckerl': 1, 'boweri': 1, 'huntz': 1, 'pedicur': 1, '20minut': 1, 'sticktowhatyoudobest': 1, 'dalmat': 1, 'bradford': 1, 'halfman': 1, 'superpoliceman': 1, 'indebt': 1, 'kelogg': 1, 'goodytwosho': 1, 'tapehead': 1, 'haystack': 1, 'truant': 1, 'surfboard': 1, 'armoir': 1, 'exrang': 1, 'odorifer': 1, 'tenfoot': 1, 'moist': 1, 'dumbo': 1, 'positron': 1, 'thurral': 1, 'avika': 1, 'scharzenegg': 1, 'redicul': 1, 'umu': 1, 'sextett': 1, 'retrograd': 1, 'gwaaaa': 1, 'clang': 1, 'dozier': 1, 'fiberglass': 1, 'wroth': 1, 'rustedout': 1, 'gm': 1, 'bakersfield': 1, 'stagelight': 1, 'stewartesqu': 1, 'prefontain': 1, 'hendrick': 1, 'snider': 1, 'pageturn': 1, 'wellsupport': 1, 'antiestablish': 1, 'brandonlik': 1, 'unnoteworthi': 1, 'neerdowel': 1, 'munchi': 1, 'potobsess': 1, 'smokealot': 1, 'roomsinto': 1, 'roomm': 1, 'rambunct': 1, 'kritic': 1, 'korner': 1, 'krike': 1, 'meerson': 1, 'leonowen': 1, 'imperialist': 1, 'motherwholovesy': 1, 'composur': 1, 'fauna': 1, 'sangfroid': 1, 'melbrooksproduc': 1, 'loxley': 1, 'achoo': 1, 'rottingham': 1, 'rentawreck': 1, 'circumcisiongiv': 1, 'majorli': 1, 'shiningev': 1, 'beforeand': 1, 'betterso': 1, 'stormswept': 1, 'confidant': 1, 'saliv': 1, 'dialogueladen': 1, 'ryannicola': 1, 'filmak': 1, 'okeef': 1, 'gopher': 1, 'idomyjobwhethertheyareinnocentorguilti': 1, '_pecker_': 1, 'collegeset': 1, 'blemishfre': 1, 'fs': 1, 'everparti': 1, 'boozefil': 1, 'easylook': 1, 'traeger': 1, 'broder': 1, '_saved_by_the_bell_': 1, 'sitcombr': 1, 'lochlyn': 1, 'munro': 1, 'pearlstein': 1, 'happyforallparti': 1, 'somenot': 1, 'citydevast': 1, 'hitech': 1, 'fugitivelik': 1, 'pauciti': 1, 'empathis': 1, 'doesn9t': 1, 'tiptop': 1, 'oneleg': 1, 'smirki': 1, 'inconcert': 1, 'barechest': 1, 'tuxedoclad': 1, 'mosh': 1, 'mento': 1, 'almostsublimin': 1, 'ontarget': 1, 'almosthalfwayther': 1, 'ophiophil': 1, 'constrictor': 1, 'egowith': 1, 'knothol': 1, 'fasterthangrav': 1, 'gfriend': 1, 'oldguy': 1, 'cruddi': 1, 'uhhm': 1, 'bitchiest': 1, 'winch': 1, 'unsupport': 1, 'ilynea': 1, 'mironoff': 1, 'guzzl': 1, 'timber': 1, 'nonpluss': 1, 'armrest': 1, 'tuptim': 1, 'rankin': 1, 'bakalian': 1, 'jacqelin': 1, 'seidler': 1, 'unmag': 1, 'uneffect': 1, 'kidlet': 1, '1956': 1, 'doggystyl': 1, 'auel': 1, 'dogear': 1, 'reced': 1, 'twobyfour': 1, 'fauxmystic': 1, 'yessssss': 1, 'mtvinfluenc': 1, 'globetrot': 1, 'recentlydeceas': 1, 'excommun': 1, 'whoaaaaaa': 1, 'arrrrrrrghhhh': 1, 'offbas': 1, 'sharkskin': 1, 'misconceiv': 1, 'overconceiv': 1, 'emerald': 1, 'grandest': 1, '2293': 1, 'oldstyl': 1, 'quasiutopian': 1, 'niall': 1, 'buggi': 1, 'squirmi': 1, 'laughinduct': 1, 'earpstyl': 1, 'handlebar': 1, 'thighhigh': 1, 'unsworth': 1, 'treatis': 1, 'firstand': 1, 'onlyattempt': 1, 'sketchcomedi': 1, 'comedyand': 1, 'exceptioni': 1, 'risquenessmostli': 1, 'charactersbut': 1, 'battlego': 1, 'stylelessli': 1, 'vamir': 1, 'exfan': 1, '_snl_': 1, 'lorn': 1, '_clueless_': 1, 'alreadythin': 1, 'pointand': 1, 'pelvic': 1, 'howeverthes': 1, 'fortenberri': 1, '_21_jump_street_': 1, 'uncreditedcan': 1, 'rift': 1, 'stonili': 1, 'jokea': 1, '_jerry_maguire_wil': 1, '_have_': 1, '_jerry_maguire_': 1, '12part': 1, 'watchmen': 1, 'sooti': 1, 'godley': 1, 'stonecutt': 1, 'carwho': 1, 'victorianera': 1, 'pragu': 1, 'popularbutslow': 1, '_ferri': 1, 'bueller_': 1, 'studentteach': 1, 'tonal': 1, 'ryanhank': 1, 'familyrun': 1, 'alienlik': 1, 'dahdum': 1, 'amiti': 1, 'relent': 1, 'apprenticeship': 1, 'duddi': 1, 'kravitz': 1, 'ahab': 1, 'masoch': 1, 'sinch': 1, 'writih': 1, 'scarethril': 1, 'postsalari': 1, 'freeagent': 1, 'lineback': 1, 'herb': 1, 'madrid': 1, 'slapstickfu': 1, 'windtunnel': 1, 'kevlar': 1, 'smashedup': 1, 'scorpion': 1, 'kazdan': 1, 'selftaught': 1, 'hatchet': 1, 'fastempti': 1, 'belgianown': 1, 'stanleyvil': 1, 'chesslik': 1, 'coalit': 1, 'tschomb': 1, 'sometimesodi': 1, 'colonialist': 1, 'nigeria': 1, 'somalia': 1, 'zimbabw': 1, 'mozambiqu': 1, 'yeoman': 1, 'stalwart': 1, 'lopsid': 1, 'politico': 1, 'davin': 1, 'presenttim': 1, 'arbitrarili': 1, 'handf': 1, 'sliceoflif': 1, 'elixir': 1, 'refreshingand': 1, 'nonent': 1, 'knob': 1, 'shortcrop': 1, 'mingl': 1, 'stevi': 1, 'rolemodel': 1, 'financiallystrap': 1, 'delhem': 1, 'publiqu': 1, 'unrest': 1, 'tshomb': 1, 'secess': 1, 'bantu': 1, 'schwartznag': 1, 'galosh': 1, 'rongguang': 1, 'szeman': 1, 'tsang': 1, 'twinkleto': 1, 'siunin': 1, 'feihung': 1, 'tsi': 1, 'titmalau': 1, '112': 1, 'retrostyl': 1, 'venetian': 1, 'erudit': 1, 'narcolept': 1, 'hypertens': 1, 'najimi': 1, 'funfil': 1, 'selfdon': 1, 'lawyerintrain': 1, 'faucet': 1, 'personalityimpair': 1, 'salesperson': 1, 'screamingli': 1, 'noncyn': 1, 'mirthless': 1, 'kinginspir': 1, 'hostagehold': 1, 'takeitorleaveit': 1, 'crue': 1, 'anthrax': 1, 'geekgod': 1, 'zakk': 1, 'wyld': 1, 'ozzi': 1, 'osbourn': 1, 'pilson': 1, 'dokken': 1, 'cuddi': 1, 'girlfight': 1, 'hippest': 1, 'westernlik': 1, 'comedymysteri': 1, 'tilvern': 1, 'stubbi': 1, 'judgejuryand': 1, 'zemeki': 1, 'pppppleas': 1, 'sexuallyfrustr': 1, 'heroinaddict': 1, 'transatlant': 1, 'junkfest': 1, 'toagain': 1, 'norristown': 1, 'wastedand': 1, 'miscasta': 1, 'heavilybespectacl': 1, 'dopedup': 1, 'wordsmith': 1, 'needlejab': 1, 'suspensefil': 1, 'copgonebad': 1, 'wellequip': 1, 'criticmod': 1, 'lessman': 1, 'beckel': 1, 'antirich': 1, 'ezekiel': 1, 'whitmor': 1, 'wordjazz': 1, '_today_': 1, 'mistakenlysuspect': 1, 'ultralow': 1, 'ohalloran': 1, 'coraghessan': 1, 'bucktooth': 1, 'cornflak': 1, 'checkingin': 1, 'nevil': 1, 'darned': 1, 'headdress': 1, 'egyptologist': 1, 'mayfielddirect': 1, 'kriss': 1, 'kringl': 1, 'moisten': 1, 'schwarz': 1, 'woodstock': 1, 'pennebak': 1, 'dionn': 1, 'warwick': 1, 'nsync': 1, 'gentler': 1, 'italoamerican': 1, 'pileggi': 1, 'irishitalian': 1, 'cicero': 1, 'shortlast': 1, 'easylisten': 1, 'fragmentari': 1, 'hollywoodis': 1, 'cesspool': 1, 'burkettsvil': 1, 'twigsculptur': 1, 'witchwannab': 1, 'wicca': 1, 'threefold': 1, 'paradic': 1, 'myrick': 1, 'sanch': 1, 'scenesth': 1, 'bloodyr': 1, 'videocamera': 1, 'nfeatur': 1, 'tristin': 1, 'skyler': 1, 'beautifullyconstruct': 1, 'ja': 1, 'neogoth': 1, 'caracitur': 1, 'churchth': 1, 'doubleduti': 1, 'undocu': 1, 'respectivelythi': 1, 'absolv': 1, 'linkbetween': 1, 'writinghi': 1, 'issuesnam': 1, 'beliefseloqu': 1, 'videoag': 1, 'samplemad': 1, 'sciencea': 1, 'scatalog': 1, 'protestor': 1, 'fletch': 1, 'lovein': 1, 'roundabout': 1, 'biblethump': 1, 'donohu': 1, 'kiddiefriendli': 1, 'broadstrok': 1, 'geisha': 1, 'brushup': 1, 'corpul': 1, 'alderaan': 1, 'gila': 1, 'rabbitish': 1, 'amphibi': 1, 'gnome': 1, 'knightdom': 1, 'jedis': 1, 'stentorian': 1, 'mister': 1, 'livedin': 1, 'vehem': 1, 'craggi': 1, 'writerli': 1, 'toneless': 1, 'sweeteeri': 1, 'gaskel': 1, 'hanksian': 1, 'chuckleworthi': 1, 'losin': 1, 'bulimia': 1, 'walkoff': 1, 'cuttingandpast': 1, 'nanook': 1, 'evangelista': 1, 'behindth': 1, 'lia': 1, 'predicta': 1, 'outskirt': 1, 'unpav': 1, 'povertystricken': 1, 'heartwrenchingli': 1, 'scamartist': 1, 'bumperstick': 1, 'nondrink': 1, 'viniciu': 1, 'mie': 1, 'renier': 1, '_la': 1, 'promesse_': 1, 'epsod': 1, 'lightest': 1, 'exqueez': 1, 'mesa': 1, 'okeday': 1, '77': 1, 'elicitor': 1, 'generationx': 1, 'karaokebas': 1, 'ohsonic': 1, 'girlcrazi': 1, 'galpal': 1, 'tunesbut': 1, 'grunger': 1, 'playact': 1, 'allexcept': 1, 'managerand': 1, 'jee': 1, 'tso': 1, 'whovian': 1, 'skaro': 1, 'gallifrey': 1, 'wlodkowski': 1, 'tariq': 1, 'anway': 1, 'greenburi': 1, 'shohan': 1, 'mastubatori': 1, 'homemak': 1, 'antifamili': 1, 'romanticizedhemingway': 1, 'mandat': 1, 'fussi': 1, 'uplifit': 1, 'searchlight': 1, 'nothought': 1, 'segreg': 1, 'statementmak': 1, 'widescal': 1, 'pseudoworld': 1, 'fatherknowsbest': 1, 'ownerturnedpaint': 1, 'closemind': 1, 'closeminded': 1, 'hotfudgerockin': 1, 'professorarcheologist': 1, 'salsa': 1, 'minecart': 1, 'registr': 1, 'obcpo': 1, 'engrav': 1, 'sallah': 1, 'squaddi': 1, 'woostyl': 1, 'kingston': 1, 'shipment': 1, 'squib': 1, 'grammi': 1, 'maxi': 1, 'hancock': 1, 'ballentin': 1, 'deporte': 1, 'ninjaman': 1, 'sixmonth': 1, 'sixstr': 1, 'blackwel': 1, 'plainchees': 1, 'alreadychaot': 1, 'headcount': 1, 'fauxpa': 1, 'hass': 1, 'woolsley': 1, '_star': 1, 'wars_': 1, 'imagethat': 1, 'thentechnolog': 1, 'nerdiest': 1, '_lone': 1, 'star_': 1, '_matewan_': 1, 'horizontalmov': 1, 'nightski': 1, 'panteliano': 1, 'deciev': 1, 'faber': 1, 'modelcitizen': 1, 'pepperidg': 1, 'jackoff': 1, 'neidermey': 1, 'supremebozo': 1, 'honeymustard': 1, 'riegert': 1, 'steadyd': 1, 'secondfiddl': 1, 'pinto': 1, 'blimp': 1, 'stork': 1, 'creamfil': 1, 'zit': 1, 'toga': 1, 'fucnniest': 1, 'int': 1, 'peg': 1, 'releasejohn': 1, 'adaptationin': 1, 'wetbehindtheear': 1, 'whitworth': 1, 'placer': 1, 'notableand': 1, 'effectivecontribut': 1, 'unlicens': 1, 'cocounsel': 1, 'workerjanitor': 1, 'supergeniu': 1, '_very_': 1, 'everapp': 1, 'harvardschool': 1, 'prickli': 1, 'unconsol': 1, 'subcontin': 1, 'lahor': 1, 'maaia': 1, 'sethna': 1, 'rahul': 1, 'khanna': 1, 'aamir': 1, 'otherssikh': 1, 'muslimar': 1, 'stirringli': 1, 'nandita': 1, 'fanatic': 1, 'motherlandon': 1, 'peacabl': 1, 'sunder': 1, 'breakag': 1, 'conclusionth': 1, 'transformationi': 1, 'pakistanthey': 1, 'terminu': 1, 'directon': 1, 'tian': 1, 'zhuangzhuang': 1, 'pakistan': 1, 'straighttothecutoutbin': 1, 'chili': 1, 'oddsmak': 1, 'uncount': 1, 'oswald': 1, '36th': 1, 'heroinesariel': 1, 'mulanget': 1, 'anthem': 1, 'montageback': 1, 'grownupsthi': 1, 'includedwish': 1, 'withoutshock': 1, 'pepe': 1, 'trinidad': 1, 'formulawis': 1, 'mongolian': 1, 'outmatch': 1, 'simpith': 1, 'geologist': 1, 'helecopt': 1, '35th': 1, 'retool': 1, 'satyr': 1, 'menkendavid': 1, 'ly': 1, 'anachron': 1, 'ixii': 1, 'longoverdu': 1, 'pocohonta': 1, 'musker': 1, 'eggar': 1, 'tyrant': 1, 'awk': 1, 'impolit': 1, 'dragonprotect': 1, 'moatfil': 1, 'publicdomain': 1, 'domicil': 1, 'queue': 1, 'sandbox': 1, 'soupi': 1, 'sobrieti': 1, 'tsutomu': 1, 'yamazaki': 1, 'holeinthewal': 1, 'strongman': 1, 'pisken': 1, 'rikiya': 1, 'yasuoka': 1, 'sommeli': 1, 'omelet': 1, 'apparitionlik': 1, 'lando': 1, 'calrissian': 1, 'creepylook': 1, 'hognos': 1, 'cryofreez': 1, 'endor': 1, 'bearlik': 1, 'lodger': 1, 'beatnik': 1, 'auteil': 1, 'aumont': 1, 'laroqu': 1, 'vandernoot': 1, 'stanisla': 1, 'crevillen': 1, 'lhermit': 1, 'verber': 1, 'offtrack': 1, 'saintpierr': 1, 'blownup': 1, 'recast': 1, 'dictator_': 1, 'mindcharli': 1, 'gd': 1, 'dignitari': 1, 'giosue9': 1, 'horrorless': 1, 'offtarget': 1, 'manhat': 1, 'railthin': 1, 'spinetingl': 1, 'selfrearrang': 1, 'reallythey': 1, 'bogeyman': 1, 'fujimoto': 1, 'dramait': 1, 'noticerath': 1, 'feelth': 1, 'engrossingli': 1, 'shreck': 1, 'gustav': 1, 'wangenhein': 1, 'strocker': 1, 'maunau': 1, 'oneg': 1, 'soavi': 1, 'graziella': 1, 'magherini': 1, 'rapistkil': 1, 'lumpi': 1, 'cophuntingkil': 1, 'candour': 1, 'stivaletti': 1, 'rotunno': 1, 'leonardi': 1, 'gambol': 1, 'carrotcolor': 1, 'ruddi': 1, 'trumpetplay': 1, 'commi': 1, 'remand': 1, 'boney': 1, 'bogmen': 1, 'imaginationand': 1, 'chicaneryrunneth': 1, 'seeminglyharmless': 1, 'exaggeratedli': 1, 'dialoguedriven': 1, 'motionlessli': 1, 'clump': 1, 'wellbar': 1, 'hennessey': 1, 'remembersand': 1, 'reclaimsh': 1, 'baltimor': 1, 'samanthacharli': 1, 'nogoodnik': 1, 'worksometim': 1, 'wifehusband': 1, 'morethanwelcom': 1, '1799': 1, 'windmil': 1, 'harshseem': 1, 'practicaljok': 1, '_quite_': 1, 'roundli': 1, 'soundli': 1, 'huachi': 1, 'walnut': 1, 'againthes': 1, '_happen_': 1, 'vegetablesoften': 1, 'moviejacki': 1, '_great_': 1, 'mincemeat': 1, '_too_': 1, 'mostlyunrelatedstorywis': 1, 'americanreleas': 1, '_highly_': 1, 'flammabl': 1, 'inciner': 1, 'nonmatine': 1, 'dimesion': 1, 'doubleprong': 1, 'aurora': 1, 'boreali': 1, '69': 1, 'metsoriol': 1, 'amazin': 1, 'leeway': 1, 'maleori': 1, 'serum': 1, 'quench': 1, 'inclos': 1, 'ipkiss': 1, 'unjustify': 1, 'unforgettableperhap': 1, 'winkwink': 1, 'feverishli': 1, 'sopranalik': 1, 'rawhid': 1, 'comhollywoodacademy8034': 1, 'excercis': 1, 'oldhollywood': 1, 'sinatra': 1, 'cinnamon': 1, 'ordinaryyet': 1, 'beautifulin': 1, 'notinahurri': 1, 'watercolor': 1, 'flatlywritten': 1, 'quicklyy': 1, 'everythingit': 1, 'lv426': 1, 'exminingmaximum': 1, 'lifer': 1, 'exprison': 1, 'garnish': 1, 'choral': 1, 'everyweek': 1, 'kosovo': 1, 'fourteenth': 1, 'nuser': 1, 'roadrunn': 1, 'intersplic': 1, 'learysandra': 1, 'hiver': 1, 'passiondeni': 1, 'dussolli': 1, 'stepahn': 1, 'operatyp': 1, 'schubert': 1, 'synerg': 1, 'thinker': 1, 'selfhypnosi': 1, 'staterun': 1, 'calisthen': 1, 'lapdanc': 1, '20foot': 1, 'selftranc': 1, 'compunct': 1, 'wheelchairstricken': 1, 'verna': 1, 'protigi': 1, 'stargaz': 1, 'underdrawn': 1, 'manoetmano': 1, 'miliu': 1, 'drugrun': 1, 'bandito': 1, 'shitkick': 1, 'saul': 1, 'zaentz': 1, 'runneth': 1, 'acuiti': 1, 'surfeit': 1, 'minghella': 1, 'higgin': 1, '51yearold': 1, 'scalis': 1, 'stooli': 1, 'treasuri': 1, 'fullwel': 1, 'gundeal': 1, 'orr': 1, 'mobstyl': 1, 'fatalist': 1, 'loggin': 1, 'etymolog': 1, 'halfgod': 1, 'purer': 1, 'mystiqu': 1, 'toursdeforc': 1, 'limpwrist': 1, 'yon': 1, 'schamu': 1, 'hui': 1, 'kuo': 1, 'wope': 1, 'dun': 1, 'damnedifyoudo': 1, 'damnedifyoudont': 1, 'palisad': 1, 'calif': 1, 'lowercas': 1, 'fogi': 1, 'nonplus': 1, 'nearlyperfect': 1, 'falloff': 1, 'kwietniowski': 1, 'adair': 1, 'everchang': 1, 'picturelov': 1, 'procrastin': 1, '200page': 1, '_their_': 1, 'sixfoot': 1, 'panhood': 1, 'professorstud': 1, 'dishevel': 1, 'centerpoint': 1, 'touchup': 1, 'nov': 1, '2798': 1, 'soulcollect': 1, 'deathaspitt': 1, 'whiner': 1, 'philadephia': 1, 'jonesi': 1, 'geno': 1, 'creepili': 1, 'checkmat': 1, 'actingrel': 1, 'gretta': 1, 'gamelik': 1, 'washingtonsuppli': 1, 'convienc': 1, 'yeardli': 1, 'unbeliv': 1, 'seeminglyheartless': 1, 'ovul': 1, 'sickboy': 1, 'fourprong': 1, 'nonromant': 1, 'daviss': 1, 'comradeship': 1, 'renfo': 1, '103196': 1, 'movieani': 1, 'moviecould': 1, 'disarray': 1, 'oneand': 1, 'highpriest': 1, 'osiri': 1, 'mummifi': 1, 'brandan': 1, 'wiesz': 1, 'horroractioncomedi': 1, 'emphasis': 1, 'benig': 1, 'jetset': 1, 'redprofondo': 1, 'rosso': 1, 'selfinflict': 1, 'ferrini': 1, 'sociologist': 1, 'dysfunction': 1, 'whitehous': 1, 'meantemp': 1, 'bearish': 1, 'townsgirl': 1, 'overbearingli': 1, 'churlish': 1, 'inescap': 1, 'saturdaynightfriendli': 1, 'wart': 1, 'zanier': 1, 'ampbel': 1, 'celer': 1, 'incendiari': 1, 'testicular': 1, 'aday': 1, 'canceremascul': 1, 'eunuch': 1, 'gynecomastia': 1, 'condo': 1, 'awright': 1, 'anticorpor': 1, 'mcemploye': 1, 'noisili': 1, 'bof': 1, 'sedit': 1, 'witchhunt': 1, 'dionysian': 1, 'mefirst': 1, 'selfactu': 1, 'presley': 1, 'hunkahunka': 1, 'burnin': 1, 'shitekickin': 1, 'elvis': 1, 'blazin': 1, 'bactor': 1, 'kickin': 1, 'megahot': 1, 'whoopass': 1, 'bossa': 1, 'jailhous': 1, 'tonit': 1, 'simonesqu': 1, 'alltootru': 1, 'conread': 1, 'pointedli': 1, 'exmilitari': 1, 'elector': 1, 'uneth': 1, 'shoah': 1, 'ancestri': 1, 'buchenwald': 1, 'talkinghead': 1, 'xmozillastatu': 1, '0009f': 1, 'blooper': 1, 'nch': 1, 'basch': 1, 'learnt': 1, 'highlystrung': 1, 'golberg': 1, 'that8216': 1, 'punchi': 1, 'gunga': 1, 'din': 1, 'rica': 1, 'defunct': 1, 'altitud': 1, 'spinosauru': 1, 'popularli': 1, 'tyrannosauru': 1, 'dimetrodon': 1, 'williamss': 1, 'timor': 1, 'interspeci': 1, 'arupt': 1, 'duller': 1, 'consciencedepriv': 1, 'postfeminist': 1, 'ubertemptress': 1, 'unselfconsci': 1, 'gorbachev': 1, 'purplish': 1, 'folland': 1, 'slackerhood': 1, 'notquitethril': 1, 'proselyt': 1, 'miniclass': 1, 'trickortreat': 1, 'joachin': 1, 'southward': 1, 'toptobottom': 1, 'selfjustif': 1, '_to': 1, 'him_': 1, 'feint': 1, 'bronwen': 1, 'whynot': 1, '111': 1, 'youngstein': 1, 'jamahl': 1, 'epsicokhan': 1, 'worldassum': 1, 'ideaand': 1, 'optioni': 1, 'bordersat': 1, 'grimmest': 1, 'bogan': 1, 'powerlessth': 1, 'preprogram': 1, 'stoppabl': 1, 'nowin': 1, 'winnabl': 1, 'contraryaccord': 1, 'largerthem': 1, 'pronuclear': 1, 'theoret': 1, 'countermeasur': 1, 'soilwhich': 1, 'revengea': 1, 'alltoor': 1, 'hightens': 1, 'meltdown': 1, 'lyricist': 1, 'gaiti': 1, 'argentinian': 1, 'unreward': 1, 'culimin': 1, 'giddili': 1, 'fillinginthegap': 1, 'reconnassainc': 1, 'accessori': 1, 'guevera': 1, 'committ': 1, 'becuas': 1, 'reman': 1, 'wonderulli': 1, 'threadeach': 1, 'jocelyn': 1, 'moorhous': 1, 'sewn': 1, 'generationsa': 1, 'irasc': 1, 'characterstheir': 1, 'nicelyunderst': 1, 'tvshow': 1, 'riproarin': 1, 'organgrind': 1, 'hearken': 1, 'vestig': 1, 'heinrich': 1, 'outshock': 1, 'heehe': 1, 'refil': 1, 'famehungri': 1, 'lodi': 1, 'salaam': 1, 'masala': 1, 'delhi': 1, 'aditi': 1, 'hemant': 1, 'vikram': 1, 'latit': 1, 'naseeruddin': 1, 'shah': 1, 'pk': 1, 'marigold': 1, 'henna': 1, 'neoclass': 1, 'twopart': 1, 'moviewatch': 1, 'schwarztman': 1, 'bestwritten': 1, 'lonertyp': 1, 'retold': 1, 'mischevi': 1, 'nonwedlock': 1, 'proffes': 1, 'dragonslay': 1, 'droagon': 1, 'posthlewait': 1, 'ghreat': 1, 'unambigu': 1, 'ofthemo': 1, 'couldli': 1, 'pronatur': 1, 'tubthump': 1, 'cussword': 1, '1the': 1, 'homeward': 1, 'blockhead': 1, 'fibe': 1, 'chasefightshootout': 1, 'latefilm': 1, 'buzzsaw': 1, 'helicoptertrain': 1, 'dirtytrick': 1, 'thyself': 1, 'cspan': 1, 'subsidi': 1, 'geographi': 1, 'neargreat': 1, 'morallydepriv': 1, 'gamesmanship': 1, 'powerfulbutanonym': 1, 'letsputonashow': 1, 'wisedup': 1, 'deadbangon': 1, 'backend': 1, 'merl': 1, 'reduct': 1, 'drivethrough': 1, 'milkshak': 1, 'lamaz': 1, 'jackalbas': 1, 'concordia': 1, 'doubleperson': 1, 'coldhearted': 1, 'krishna': 1, 'banji': 1, 'holidaymak': 1, 'vrooshka': 1, 'crump': 1, 'leep': 1, 'scrubber': 1, 'upmor': 1, 'adrienn': 1, 'posta': 1, 'ramsden': 1, 'moviehous': 1, 'mu5t': 1, 'muchshroudedinsecreci': 1, 'docreat': 1, 'wrapsth': 1, 'storylinei': 1, '2259': 1, 'elementsearth': 1, 'waterunit': 1, 'southerndrawl': 1, 'underwhelmingand': 1, 'unsurprisingfashion': 1, 'stetson': 1, 'dayglo': 1, 'labyrinthian': 1, 'skyway': 1, 'bulki': 1, 'doglik': 1, 'mangalor': 1, 'bustier': 1, 'jockey': 1, 'conservativeh': 1, 'blueskin': 1, 'maiwenn': 1, 'lebesco': 1, 'singsand': 1, 'dancesan': 1, 'halfnow': 1, 'undilut': 1, 'fervid': 1, 'weddingobsess': 1, 'unexpectantli': 1, 'nearer': 1, 'ballstothewal': 1, 'abortionist': 1, 'kendal': 1, 'screenwriternovelist': 1, '175million': 1, 'threethousand': 1, 'highiq': 1, 'bertha': 1, 'lessthangratifi': 1, 'mistic': 1, 'lawton': 1, 'justreleas': 1, 'disaffirm': 1, 'sparkler': 1, 'andoh': 1, 'yeslov': 1, 'notsohappilymarri': 1, 'coogan': 1, 'moonstruck': 1, 'straightshoot': 1, 'prigg': 1, 'firstproduc': 1, 'autonom': 1, 'paperback': 1, 'miniplotswithinplot': 1, 'agelik': 1, 'cartoonist': 1, 'crossword': 1, 'zweibel': 1, 'spellbind': 1, 'craziest': 1, 'bullworth': 1, 'pediatrician': 1, 'cleanshaven': 1, '_the_fugitive_': 1, '_air_force_one_': 1, 'comedyadventur': 1, 'slobbi': 1, 'saltoftheearth': 1, 'sped': 1, 'actionori': 1, 'ninni': 1, 'andmost': 1, 'importantlyfun': 1, 'balmi': 1, 'baroni': 1, 'fiftyon': 1, 'borderlineabysm': 1, 'disneycut': 1, 'rapidlychang': 1, '2d3d': 1, 'firstborn': 1, 'noteabl': 1, 'breezili': 1, 'irect': 1, 'postwwii': 1, 'brio': 1, 'studebak': 1, 'youknowwher': 1, 'condominium': 1, 'incognita': 1, 'andru': 1, 'respiratori': 1, 'topiari': 1, 'mendonca': 1, 'privetsculpt': 1, 'reportag': 1, 'helix': 1, 'sleight': 1, 'alwaysstrik': 1, 'doublecamera': 1, 'halfjokingli': 1, 'receptor': 1, 'vermin': 1, 'showman': 1, 'stratospher': 1, 'elegi': 1, 'musti': 1, 'alloy': 1, 'earthbound': 1, 'russianamerican': 1, 'aspegren': 1, 'pasttim': 1, 'cazal': 1, 'corrobor': 1, 'organisedcrim': 1, 'coulmier': 1, 'aidsafflict': 1, 'rudin': 1, 'prerog': 1, 'calamit': 1, 'wilford': 1, 'frisbe': 1, 'nearperfect': 1, 'sappili': 1, 'dreamcatch': 1, 'tomboy': 1, 'gerber': 1, 'winni': 1, 'piotr': 1, 'sobocinski': 1, 'rediscoveri': 1, 'qin': 1, 'guanglan': 1, 'xiaoguang': 1, 'qinqin': 1, 'iwai': 1, 'collegeag': 1, 'kelvin': 1, 'yearend': 1, 'allbutdead': 1, 'weeklyread': 1, 'figurewatch': 1, 'wga': 1, 'splashi': 1, 'eyegrab': 1, 'nightmarishli': 1, 'overlynoisi': 1, 'dizzyingli': 1, 'exhilaratingli': 1, 'campili': 1, 'everawkward': 1, 'newlyassign': 1, 'increasinglyflimsi': 1, 'fullout': 1, 'headandshould': 1, 'postprologu': 1, 'worriedli': 1, 'berth': 1, 'seeminglyimpregn': 1, 'stranglehold': 1, 'muchherald': 1, 'henceforth': 1, 'namerecognit': 1, 'vampi': 1, 'seawitch': 1, 'carlotta': 1, 'auberjonoi': 1, 'horsedrawn': 1, 'calypsostyl': 1, 'aggressivelymarket': 1, 'siphon': 1, 'protectionist': 1, 'sugarplum': 1, 'mcgavin': 1, 'parma': 1, 'shitheel': 1, 'unclean': 1, 'pensacola': 1, 'fl': 1, 'acronym': 1, 'teleport': 1, 'depreci': 1, 'tuscan': 1, 'arezzo': 1, 'almostforgotten': 1, 'langdon': 1, 'blackest': 1, 'pedlar': 1, 'ownerpublish': 1, 'anticensorship': 1, 'morrissey': 1, 'selflearn': 1, 'computersimul': 1, 'petrucelli': 1, 'klose': 1, 'aboutth': 1, 'cityfan': 1, 'christieintens': 1, 'lavern': 1, 'funnyth': 1, 'equalopportun': 1, 'warmest': 1, 'laughandgrossfest': 1, '_anim': 1, 'house_': 1, 'puhleas': 1, 'druggedup': 1, 'brownmil': 1, 'hereit': 1, 'belowbelt': 1, '_realiti': 1, 'bites_': 1, '_flirt': 1, 'disaster_': 1, 'troubadorgreek': 1, 'lichman': 1, 'eightminut': 1, '_porkys_': 1, '_boogi': 1, 'nights_': 1, '_kingpin_': 1, '_a': 1, 'wanda_': 1, 'bridgeup': 1, 'tacitli': 1, 'movesin': 1, 'motionto': 1, 'carefullyconstruct': 1, 'liberto': 1, 'rabal': 1, 'neri': 1, 'shakedown': 1, 'bardem': 1, 'molinano': 1, 'childbear': 1, 'rendel': 1, 'highheel': 1, 'intricatelywoven': 1, 'bulgarian': 1, 'deuteronomi': 1, 'elenaredempt': 1, 'strongwithin': 1, 'mothersurrog': 1, 'confrontatori': 1, 'topo': 1, 'synaps': 1, 'unsettlingli': 1, 'antiwhit': 1, 'antiauthor': 1, 'snlrelat': 1, 'throughandthrough': 1, 'publicaccess': 1, '12step': 1, 'selfdeni': 1, 'sharplydrawn': 1, 'imbib': 1, 'disgustedli': 1, 'wacko': 1, 'hairbrush': 1, 'macleod': 1, 'schoolgirl': 1, 'pseudosophist': 1, 'allamerica': 1, 'discombobul': 1, 'ripost': 1, 'fla': 1, 'fcc': 1, 'unstraightforward': 1, 'eek': 1, 'preaccid': 1, 'handed': 1, 'halfright': 1, 'worthse': 1, 'pever': 1, 'tubbi': 1, 'freakshow': 1, 'horrormonkey': 1, 'boreathon': 1, 'subtlti': 1, 'coop': 1, 'continut': 1, 'slingblad': 1, 'chet': 1, 'advicegiv': 1, 'dwarfism': 1, 'motherless': 1, 'hepburntraci': 1, 'facewhip': 1, 'copbad': 1, 'wirework': 1, 'hiphoppi': 1, 'rippin': 1, 'roarin': 1, 'improvisationali': 1, 'hillard': 1, '65yearold': 1, 'englishwoman': 1, 'berl': 1, 'wellrespect': 1, 'subjectmatt': 1, 'posttraumat': 1, 'mediamanipul': 1, '247': 1, 'peepshow': 1, 'nothingw': 1, 'christofbut': 1, 'highlyr': 1, 'carreyh': 1, 'wojciech': 1, 'kilar': 1, 'za': 1, 'crocker': 1, 'bestand': 1, 'complexsumm': 1, 'mediajunki': 1, 'entraillook': 1, 'organictech': 1, 'moo': 1, 'gai': 1, 'weirdomet': 1, 'kidnapransom': 1, 'gilroy': 1, 'rink': 1, 'corbett': 1, 'timelaps': 1, 'flipsid': 1, 'wenteworth': 1, 'goodrich': 1, 'gumpian': 1, 'racialgend': 1, 'heistgonewrong': 1, 'koon': 1, 'thermonuclear': 1, 'premiss': 1, 'whizkid': 1, 'protovis': 1, 'frontgat': 1, 'wopr': 1, 'effic': 1, 'bering': 1, '56k': 1, 'bp': 1, 'sfmovi': 1, 'litani': 1, 'bylin': 1, 'afficianado': 1, 'stoical': 1, 'exspi': 1, 'mand': 1, 'taper': 1, 'bibletot': 1, 'schwalbach': 1, 'chrissi': 1, 'lalaland': 1, 'clamshap': 1, 'cremer': 1, 'heberl': 1, 'rainer': 1, 'tito': 1, 'tao': 1, '10stori': 1, 'priviledg': 1, 'cammeron': 1, 'notsonic': 1, 'oversappi': 1, 'exceptionali': 1, 'ac3': 1, 'rigin': 1, 'attanasio': 1, 'dovetail': 1, 'overlight': 1, 'eisenhow': 1, 'stempl': 1, 'holdsbar': 1, 'bremner': 1, 'mckidd': 1, 'eyelevel': 1, 'dopedouteyeview': 1, 'pantswet': 1, 'radiotvfilm': 1, '26min': 1, 'codirect': 1, 'charleston': 1, 'antislaveri': 1, 'retri': 1, 'monosyl': 1, 'gasmask': 1, '35yearsold': 1, 'cotteril': 1, 'downatheel': 1, 'endsfreud': 1, 'pleasedin': 1, 'breathabl': 1, 'hermet': 1, 'cellophan': 1, 'tenderd': 1, 'grotesq': 1, 'adelaid': 1, 'largebreast': 1, 'carmel': 1, 'uneasili': 1, 'organplay': 1, 'unbelief': 1, 'accomod': 1, 'seemd': 1, 'frontman': 1, 'japanesespecif': 1, 'sugiyana': 1, 'ultrahug': 1, 'longdist': 1, 'hobbyist': 1, 'latefath': 1, 'latemoth': 1, 'taxpay': 1, 'unviabl': 1, 'undaunt': 1, 'contantli': 1, 'soundwav': 1, 'cultist': 1, 'pictori': 1, 'mecca': 1, 'airplay': 1, 'unsheath': 1, 'pugilist': 1, 'marni': 1, 'eurocentr': 1, 'shigeta': 1, 'kusatsu': 1, 'forcook': 1, 'practicemargaret': 1, 'wesleyan': 1, 'lakesid': 1, 'superstructur': 1, '30someth': 1, 'crumpl': 1, 'attractiveseem': 1, 'castgoran': 1, 'nashel': 1, 'jarman': 1, 'caravaggio': 1, 'oscil': 1, 'comicgeek': 1, 'honestpoliticianrar': 1, 'highgross': 1, 'craftili': 1, 'innappropri': 1, 'divison': 1, 'basicallybigroachtypebug': 1, 'shoudlnt': 1, 'sonnenfield': 1, 'physiolog': 1, 'actionanim': 1, 'pseudosci': 1, 'drixenol': 1, 'coli': 1, 'mudslid': 1, 'cerebellum': 1, 'detritu': 1, 'booger': 1, 'runni': 1, 'hyman': 1, 'farrellyfunni': 1, 'uvula': 1, 'silkwood': 1, 'pirahna': 1, 'facelift': 1, 'suspensesci': 1, 'heroor': 1, 'cocoontyp': 1, 'jorden': 1, 'motherload': 1, 'cameronregular': 1, 'suspensehorror': 1, 'drummond': 1, 'halfcyn': 1, 'ingr': 1, 'bulletriddl': 1, 'achangin': 1, 'killerswithheart': 1, 'onan': 1, 'ohneggin': 1, 'rapaci': 1, 'magnu': 1, 'underpopul': 1, 'larina': 1, 'lenski': 1, 'womanli': 1, 'miserli': 1, 'ebeneez': 1, 'nowther': 1, 'petula': 1, 'aboutfac': 1, 'thoroughbr': 1, 'xtc': 1, 'lengthsno': 1, 'spasmod': 1, 'tablewar': 1, 'adafarasin': 1, 'yevgeni': 1, 'barth': 1, 'tempest': 1, 'closedoff': 1, 'jour': 1, 'fete': 1, 'timberland': 1, 'nan': 1, 'coe': 1, 'dekay': 1, 'schweig': 1, 'bezucha': 1, 'poloralph': 1, 'achin': 1, 'bridetob': 1, 'magnuson': 1, '_shine_': 1, '_basquiat_': 1, '_angel': 1, 'heart_': 1, 'arkham': 1, 'madmancumdetect': 1, 'treea': 1, 'stuyves': 1, 'mapplethorp': 1, 'mould': 1, 'leppenraub': 1, 'feor': 1, 'julliardtrain': 1, 'policewoman': 1, 'romuluss': 1, 'longvanish': 1, 'literati': 1, 'demesn': 1, 'luxuriantli': 1, 'brashli': 1, 'comicpanel': 1, '_death': 1, 'ca_': 1, 'standef': 1, '_practic': 1, 'magic_': 1, '_eve': 1, 'bayou_': 1, 'seraph': 1, 'piquant': 1, 'redefinit': 1, 'urinestain': 1, 'paladin': 1, 'outan': 1, 'crooksposedasphotograph': 1, 'ninemonthold': 1, 'bennington': 1, 'cottwel': 1, 'oldmoney': 1, 'bobbitt': 1, 'emotionsawww': 1, 'ouchand': 1, 'pantolianto': 1, 'moe': 1, 'warton': 1, 'nazism': 1, 'delirium': 1, 'equidist': 1, 'stationari': 1, 'epicent': 1, 'inconceiv': 1, 'primev': 1, 'headspin': 1, 'ackack': 1, 'equalright': 1, 'redeliv': 1, 'driod': 1, 'tropp': 1, 'fi': 1, 'guinnesss': 1, 'meanspirited': 1, 'duffel': 1, 'nutsi': 1, 'lucil': 1, 'hotair': 1, 'stopov': 1, 'peptobismol': 1, 'humorwis': 1, 'strenuou': 1, 'encod': 1, 'childgeniu': 1, 'mentalpati': 1, 'adultdavid': 1, 'cuddl': 1, 'rachmaninov': 1, 'youngdavid': 1, 'priivat': 1, 'fledg': 1, 'extremli': 1, 'antholog': 1, 'nicolett': 1, 'hermosa': 1, 'bonghit': 1, 'nemes': 1, 'therev': 1, 'madeiro': 1, 'unflag': 1, 'exceedinglyprofession': 1, 'blaxploitationera': 1, 'thensag': 1, 'godsend': 1, 'behavi': 1, 'believabilti': 1, 'temer': 1, 'orwellian': 1, 'goodnotgreat': 1, 'broaden': 1, 'slightlyless': 1, 'nicelytitl': 1, 'hardtoget': 1, 'julialoui': 1, 'fide': 1, 'timeconserv': 1, 'warriror': 1, 'heimlich': 1, 'manti': 1, 'hypsi': 1, 'madelien': 1, 'jibberish': 1, 'malleabl': 1, 'firefli': 1, 'resuc': 1, 'thicket': 1, 'idisyncrat': 1, 'fauxbloop': 1, 'evn': 1, 'lateentri': 1, 'angelrel': 1, 'moviestv': 1, 'wahlbergform': 1, 'kidin': 1, 'colehi': 1, 'movedand': 1, 'shouldntfor': 1, 'emotionallyscar': 1, 'supburb': 1, 'centeni': 1, 'peic': 1, 'gatorwrestl': 1, 'campfest': 1, 'welllik': 1, 'enclav': 1, 'trollop': 1, 'bracesport': 1, 'crossexamin': 1, 'corkscrew': 1, 'sleepyvo': 1, 'onedayaweek': 1, '5year': 1, '56': 1, 'tahiti': 1, 'obrador': 1, 'quinnrobin': 1, 'castaway': 1, '_arrrgh_': 1, '_fifty_': 1, '_am_': 1, 'openandshut': 1, 'parfitt': 1, 'donovanit': 1, 'muth': 1, 'beristain': 1, 'wonderfuli': 1, 'iceblu': 1, 'scotia': 1, 'shotsand': 1, 'axewield': 1, 'tradiat': 1, 'perfectlygroom': 1, 'breakupmakeup': 1, 'outthink': 1, 'landou': 1, 'againstal': 1, 'allgrownup': 1, 'voicechang': 1, 'stabbinaplenti': 1, 'disapprob': 1, 'townsperson': 1, 'smartalecki': 1, 'waylaid': 1, 'churchgo': 1, 'sobol': 1, 'chequer': 1, 'egon': 1, 'petstor': 1, 'mlakovich': 1, 'bizzar': 1, 'eaisli': 1, 'kishikawa': 1, 'sensei': 1, 'hideko': 1, 'hara': 1, 'masayuki': 1, 'culturespecif': 1, 'hollywoodconvent': 1, 'stiffest': 1, 'carr': 1, 'pendel': 1, 'panamanian': 1, 'savil': 1, 'waterway': 1, 'leonor': 1, 'varela': 1, 'karenina': 1, 'incompat': 1, 'nearlybrain': 1, 'intelligentlyconstruct': 1, 'tapeworship': 1, 'mantralik': 1, 'sullenli': 1, 'plaug': 1, '216digit': 1, 'reduction': 1, 'allconsum': 1, 'penchent': 1, 'curtli': 1, 'neuroticlook': 1, 'pleasantri': 1, 'dementia': 1, 'duplicti': 1, 'cronenbergesqu': 1, 'bodythem': 1, 'nosebleed': 1, 'isolation': 1, 'snorri': 1, 'mansel': 1, 'emptor': 1, 'atmostpher': 1, 'mindstretch': 1, 'comicbookgonefeaturefilm': 1, 'meloncholi': 1, 'entirli': 1, 'kadosh': 1, 'secular': 1, 'devarimyom': 1, 'yom': 1, 'mea': 1, 'shearim': 1, 'sinewi': 1, 'abu': 1, 'warda': 1, 'yeshiva': 1, 'progeni': 1, 'unpur': 1, 'lebanon': 1, 'soundtruck': 1, 'petal': 1, 'erron': 1, 'giver': 1, 'antonia': 1, '143': 1, '1847': 1, 'goldstarv': 1, 'mexicanamerican': 1, 'waystat': 1, 'toffler': 1, 'spinella': 1, 'mcdonough': 1, 'halfstarv': 1, 'doeuvr': 1, 'weendigo': 1, 'campel': 1, 'gunpowd': 1, 'nyman': 1, 'albarn': 1, 'inadvertli': 1, 'dejavu': 1, 'careles': 1, 'pfc': 1, 'postforens': 1, 'gorham': 1, 'perturb': 1, 'messiest': 1, 'executiveproduc': 1, 'villalobo': 1, 'deathobssess': 1, 'bungeejump': 1, 'youat': 1, '139': 1, 'creepsand': 1, 'urbaniak': 1, 'writinghenri': 1, 'oncegreat': 1, 'councilmen': 1, 'teacherstud': 1, 'hartleyian': 1, 'udderley': 1, 'ellipt': 1, 'streetcorn': 1, 'tute': 1, 'cheesili': 1, 'termit': 1, 'grufftalk': 1, 'curtin': 1, 'eurotrash': 1, 'beesboth': 1, 'shaud': 1, 'donthatemeforbeingasimpleton': 1, 'coraci': 1, 'soundtrackan': 1, 'cocker': 1, 'boxset': 1, 'acryl': 1, 'optometrist': 1, 'longsuppress': 1, 'sadlook': 1, 'untold': 1, 'warmli': 1, 'caf8a': 1, 'ibsenesqu': 1, 'innit': 1, 'collegetown': 1, 'briberybas': 1, 'scoobydoo': 1, 'rutger': 1, 'birdlov': 1, 'holster': 1, 'finici': 1, 'runi': 1, '1617': 1, 'exciti': 1, 'maltliquor': 1, 'classism': 1, 'candor': 1, 'turntabl': 1, 'constitu': 1, 'obviouslook': 1, 'germphob': 1, 'graduationspecif': 1, 'stripteasean': 1, '_would_': 1, 'sexeven': 1, 'libidin': 1, 'diasappoint': 1, 'oscarless': 1, 'catagori': 1, 'midriff': 1, 'slickli': 1, 'steadiocam': 1, 'tommorow': 1, 'resevoir': 1, 'reawaken': 1, 'margot': 1, 'zangaro': 1, 'detat': 1, 'zinnemman': 1, 'malko': 1, 'vore': 1, 'burgon': 1, 'neardeath': 1, 'drivebi': 1, 'upwardli': 1, 'fex': 1, 'healyloui': 1, 'chemoelectr': 1, 'ecologist': 1, 'protein': 1, 'higherup': 1, 'inspit': 1, 'guernica': 1, 'begbe': 1, 'elastica': 1, 'definetli': 1, 'dennison': 1, 'orangecenturyint': 1, 'bligh': 1, 'manhol': 1, 'soulmat': 1, 'washerdry': 1, 'undertsand': 1, 'grusin': 1, '3dimension': 1, 'ciro': 1, 'popitti': 1, 'rina': 1, 'ruinat': 1, 'metoclorian': 1, 'microorgan': 1, 'caprio': 1, 'pierreloup': 1, 'rajot': 1, 'ducastel': 1, 'martineau': 1, 'rouen': 1, 'garziano': 1, 'benich': 1, 'matthieu': 1, 'poirotdelpech': 1, 'oftenincongru': 1, 'skunk': 1, '1899': 1, 'redhair': 1, 'impresario': 1, 'monroth': 1, 'teetertott': 1, 'loveliest': 1, 'safina': 1, 'everythingandthekitchensink': 1, 'parton': 1, 'taupin': 1, 'loveitorhateit': 1, 'fortysometh': 1, 'freethink': 1, 'livingandbreath': 1, 'fembot': 1, 'nutbit': 1, 'weani': 1, 'unpublish': 1, 'grumbl': 1, 'kyzynskistyl': 1, 'whacko': 1, 'lockup': 1, 'privateey': 1, 'geraldo': 1, 'egot': 1, 'polygram': 1, 'rocketri': 1, 'canderday': 1, 'lindberg': 1, 'gauzi': 1, 'sugarri': 1, 'placehold': 1, 'multihu': 1, 'mediciney': 1, 'singerguitar': 1, 'playermusiciancompos': 1, 'palladium': 1, 'bozzio': 1, 'illicitli': 1, 'allmal': 1, 'midwest': 1, 'schwartzeneggar': 1, 'belgium': 1, 'suverov': 1, 'keeken': 1, 'compatriot': 1, 'semidramat': 1, 'semislum': 1, 'steelfactori': 1, 'childsupport': 1, 'wildidea': 1, 'hisplump': 1, 'notsopract': 1, 'realmen': 1, 'harshreal': 1, 'humanfactor': 1, 'justanotherstripteas': 1, 'henricksen': 1, 'wellmeant': 1, 'poombah': 1, 'teapot': 1, 'mcflurri': 1, 'computerdriven': 1, 'atodd': 1, 'mistleto': 1, 'datenight': 1, 'tonino': 1, 'guerra': 1, 'zanin': 1, 'gradisca': 1, 'magali': 1, 'armando': 1, 'brancia': 1, 'fellinian': 1, 'brightcolour': 1, 'brundag': 1, 'safekeep': 1, 'mistesqu': 1, 'womanofthewild': 1, 'vetern': 1, 'antiphantom': 1, 'lovelorn': 1, 'robertswhos': 1, 'mehad': 1, 'travelbookstor': 1, 'celebrityor': 1, 'thereofthreaten': 1, 'ordinary': 1, 'flatmat': 1, 'mcinnerni': 1, 'browni': 1, 'convolutedli': 1, 'changingoftheseason': 1, 'surprisinli': 1, 'egregi': 1, 'startrek': 1, 'evenodd': 1, 'evennumb': 1, 'oddnumb': 1, 'notsogood': 1, '24thcenturi': 1, 'enterprisecommand': 1, 'geordi': 1, 'cybernet': 1, 'krige': 1, 'racestart': 1, 'earthorbit': 1, 'titlefirst': 1, 'contactref': 1, 'zephram': 1, 'castmost': 1, 'alwaysphenomen': 1, 'stewartmak': 1, 'screenth': 1, '1830': 1, 'fiftythre': 1, 'pieh': 1, 'slaveown': 1, 'pickin': 1, 'shindler': 1, '_people_': 1, 'dodder': 1, 'pitchfork': 1, 'haut': 1, 'coutur': 1, 'beelzubab': 1, 'unpolish': 1, 'piddl': 1, 'threedigit': 1, 'shortcircuit': 1, 'sleezo': 1, 'teamup': 1, 'rowlf': 1, 'lew': 1, 'sured': 1, 'handdeliv': 1, 'yong': 1, '280': 1, 'ipo': 1, 'startup': 1, 'govwork': 1, 'edream': 1, 'wonsuk': 1, 'onthespot': 1, 'titanictyp': 1, 'gelli': 1, 'sobchak': 1, 'philanthropist': 1, 'sideplot': 1, 'coenesqu': 1, 'berkleylik': 1, 'naminspir': 1, 'judaism': 1, 'centerstag': 1, 'expedi': 1, 'cumbersom': 1, 'flashbang': 1, 'breadandbutt': 1, 'exspook': 1, 'ominpot': 1, 'mysterioso': 1, 'authorti': 1, 'timeconsum': 1, 'semitear': 1, 'itselfbox': 1, 'challengenot': 1, 'onceprofit': 1, 'painless': 1, 'problemclon': 1, 'itselfwhat': 1, 'toughen': 1, 'newa': 1, 'humanalien': 1, 'waif': 1, 'dauntingli': 1, 'mclachlanaid': 1, 'carousel': 1, 'overfamiliar': 1, 'jekyllhyd': 1, 'antiwoman': 1, 'elexa': 1, 'randolph': 1, 'pariah': 1, 'backwat': 1, 'horrormysteri': 1, 'unextraordinari': 1, 'oftencritic': 1, 'murawski': 1, 'epperson': 1, 'groundbreakingli': 1, 'allag': 1, 'fegan': 1, 'goldfish': 1, 'electroshock': 1, 'holodeck': 1, 'cloudback': 1, 'mcubiquit': 1, 'tadtoolong': 1, 'threeact': 1, 'cheaplaugh': 1, 'lateyear': 1, 'supplant': 1, 'tinder': 1, 'theorem': 1, 'taster': 1, 'seanwil': 1, 'willskylar': 1, 'boddi': 1, 'whodunnit': 1, 'clipboard': 1, 'technothril': 1, 'mach': 1, 'grissom': 1, 'moffat': 1, 'dornack': 1, 'murch': 1, 'publicityseek': 1, 'holst': 1, 'debussi': 1, 'amerocentr': 1, 'wellcreat': 1, 'nowak': 1, 'tuningup': 1, 'aggravatingli': 1, 'paprika': 1, 'steen': 1, 'gbatokai': 1, 'dakinah': 1, 'familyfriend': 1, 'renoir': 1, 'nearlyfars': 1, 'vinterberg': 1, 'dogm': 1, 'dramaturg': 1, 'ironicallyshowmanship': 1, 'thetruthatallcost': 1, 'thearapeut': 1, 'faroff': 1, 'pixi': 1, 'mcallist': 1, 'metzler': 1, 'jeanin': 1, 'unoppos': 1, 'transexu': 1, 'vivien': 1, 'slavessteerag': 1, 'humong': 1, 'wellspent': 1, 'corrod': 1, '101yearold': 1, 'calvert': 1, 'daswon': 1, 'winsletdicaprio': 1, 'dropdead': 1, 'spoiledrichgirl': 1, 'there92': 1, 'howard92': 1, 'gazillionair': 1, 'sleezebag': 1, 'walki': 1, 'wells92': 1, 'morlock': 1, 'glitteratti': 1, 'weren92t': 1, 'wouldn92t': 1, 'payer': 1, 'man92': 1, 'i92v': 1, 'upend': 1, 'we92v': 1, 'mullen92': 1, 'brawley': 1, 'you92ll': 1, 'wispi': 1, 'onesyl': 1, 'semiarticul': 1, 'schlumpi': 1, 'hilo': 1, 'noncommitt': 1, 'talkingdirectlyintothecameraschtick': 1, 'shampoolik': 1, 'blowhard': 1, 'agetyp': 1, 'iben': 1, 'hjejl': 1, 'mifun': 1, 'phonat': 1, 'cusackian': 1, 'parod': 1, 'beaufoy': 1, 'chippendal': 1, 'soloflight': 1, 'paral': 1, 'cassini': 1, 'scifithril': 1, 'gladnick': 1, 'show_': 1, 'ribtickl': 1, 'idontknowwhen': 1, 'sublt': 1, 'philisoph': 1, 'candidatedirector': 1, 'unimit': 1, 'paradiseprison': 1, 'bystanderextra': 1, '_dog': 1, 'fancy_': 1, 'hypersilli': 1, 'megaglomaniac': 1, '_wag': 1, 'dog_': 1, 'svengalian': 1, 'dalloway': 1, 'frankiln': 1, 'aquatica': 1, 'seabound': 1, 'macalaest': 1, 'remotecontrol': 1, 'darksid': 1, 'js': 1, 'semidark': 1, 'sorossi': 1, 'lanto': 1, 'medicalgrossout': 1, 'chyron': 1, 'aram': 1, 'rehabilitationh': 1, 'fortyeight': 1, 'shunt': 1, 'apollonia': 1, 'datalink': 1, 'schweethaat': 1, 'greenstreet': 1, 'salutori': 1, 'goldenag': 1, 'psychist': 1, 'computech': 1, 'reconst': 1, 'lowtomediumbudget': 1, 'electronicsynthes': 1, 'deathcamp': 1, 'chaplininspir': 1, 'fightrocki': 1, 'trainsrocki': 1, 'thunderlip': 1, 'smocki': 1, 'adriann': 1, 'rintintin': 1, 'ladeedah': 1, 'landord': 1, 'permanetli': 1, 'ilk': 1, 'madylin': 1, 'farren': 1, 'monet': 1, 'characterori': 1, 'welltravel': 1, 'oftentold': 1, 'chicagosun': 1, 'bromid': 1, 'familystyl': 1, 'boyanddog': 1, 'bowwow': 1, 'prejudg': 1, '44yearold': 1, 'bondsmen': 1, 'unbrew': 1, 'tossabl': 1, 'newlyjar': 1, 'biblequot': 1, 'irreplac': 1, 'slant': 1, 'animu': 1, 'parch': 1, 'setbound': 1, 'welloil': 1, 'blane': 1, 'pincu': 1, 'cracraft': 1, 'powersof10': 1, 'bytheend': 1, 'outofbal': 1, 'multibillionar': 1, 'radianc': 1, 'vegan': 1, 'arecibo': 1, 'ceti': 1, 'cabinetlevel': 1, 'behoov': 1, 'faraway': 1, 'starsystem': 1, 'varley': 1, 'stephanopolusstyl': 1, 'nearfin': 1, 'judiciari': 1, 'gadfli': 1, 'physicfirst': 1, 'vibrantlyact': 1, 'masseur': 1, 'retin': 1, 'hanksmeg': 1, 'ryanstarr': 1, 'levitt': 1, 'mcmullenstyl': 1, 'hinterland': 1, 'fairer': 1, 'filmhannib': 1, 'lector': 1, 'cubiclefil': 1, 'motiveless': 1, 'scruch': 1, 'intrest': 1, 'colanis': 1, 'blab': 1, 'richter': 1, 'ticoton': 1, 'tranisit': 1, 'dreamquest': 1, 'quatto': 1, 'imaganit': 1, 'authori': 1, 'newlyfre': 1, 'longhamp': 1, 'sagelik': 1, 'beah': 1, 'glassyey': 1, 'lambs_': 1, '_melvin': 1, 'howard_': 1, 'overstat': 1, 'totem': 1, 'colorsatur': 1, 'yellowgreen': 1, 'frugal': 1, '_poltergeist_': 1, 'purple_': 1, 'letter_': 1, '_littl': 1, 'women_': 1, 'abey': 1, 'slashermovi': 1, 'entrail': 1, 'wellpopul': 1, 'cece': 1, 'didya': 1, 'supermom': 1, 'miscommun': 1, 'stendahl': 1, 'syndromelik': 1, 'nagl': 1, 'tandon': 1, 'poslethwait': 1, 'rapier9mm': 1, 'longsword': 1, 'mercutio': 1, 'huiessan': 1, 'singersthey': 1, 'tunesand': 1, 'semblenc': 1, 'honesttogood': 1, 'teriff': 1, 'koan': 1, 'kilborn': 1, 'spicebu': 1, 'rushbrook': 1, 'sandal': 1, 'cinemascop': 1, 'benhur': 1, 'sparticu': 1, 'vadi': 1, 'pyre': 1, 'romper': 1, 'stomper': 1, 'herki': 1, 'halfblur': 1, 'reconnaiss': 1, '712': 1, 'earthlik': 1, 'readout': 1, 'thunderstorm': 1, 'prwhen': 1, 'basset': 1, 'sexmasturb': 1, 'comedyrom': 1, 'wrongim': 1, 'clemen': 1, 'fury161': 1, 'cryotub': 1, 'acideaten': 1, 'artillari': 1, 'thomson': 1, 'labrynthin': 1, 'necronomicon': 1, 'raimirob': 1, 'slowwit': 1, 'trickier': 1, 'exlawman': 1, 'fisburn': 1, 'stopmot': 1, 'motherlod': 1, 'unassert': 1, 'commercialist': 1, 'doped': 1, 'ruffl': 1, 'deprivationappreci': 1, '1554': 1, 'lordship': 1, 'filmmka': 1, 'blownout': 1, 'inport': 1, 'godfatheresqu': 1, 'mindboggl': 1, 'gothgirl': 1, 'someway': 1, 'disilus': 1, 'machett': 1, 'triva': 1, 'tommorrow': 1, 'selfreli': 1, 'brainoverbrawn': 1, 'hiptalk': 1, 'orienti': 1, 'oscarhungri': 1, 'directorexecut': 1, 'threehourtearfest': 1, 'ninetyminut': 1, 'tuss': 1, 'silberg': 1, 'loftu': 1, 'debas': 1, 'gorier': 1, 'gretel': 1, 'bloodier': 1, 'carterwhos': 1, 'edgehad': 1, 'inset': 1, 'dreamrosaleen': 1, 'lansburyssh': 1, 'synthheavi': 1, 'shapechang': 1, 'trickiest': 1, 'actingmusiceffect': 1, 'hobbit': 1, 'balrog': 1, 'ruritanian': 1, 'urreal': 1, 'mistshroud': 1, 'ritesofpassag': 1, 'nightjourney': 1, 'ideabut': 1, 'betwixt': 1, 'sublead': 1, 'mcsorley': 1, 'religio': 1, 'redrawn': 1, 'sportsmanship': 1, 'letsstripdownthesporttoitsbon': 1, 'unerv': 1, 'thisll': 1, 'gab': 1, 'mot': 1, 'commiser': 1, 'reactionari': 1, 'ultranationalist': 1, 'korshunov': 1, 'holdyourbreath': 1, 'korshonov': 1, 'haig': 1, 'sunflow': 1, 'appalachian': 1, 'tumblewe': 1, 'penler': 1, 'musicologist': 1, 'prefeminist': 1, 'professorship': 1, 'treasuretrov': 1, 'scotsirish': 1, 'vini': 1, 'selfsustain': 1, 'greenwald': 1, 'ridg': 1, '1908': 1, 'statuesqu': 1, 'emmyl': 1, 'taj': 1, 'rossum': 1, 'childbirth': 1, 'mid1500': 1, 'halfsist': 1, 'deathli': 1, 'norfolk': 1, 'steelyey': 1, 'walsingham': 1, 'ironfist': 1, 'gawki': 1, 'coy': 1, 'shekhar': 1, 'cathedr': 1, 'hirst': 1, 'nowheresvil': 1, '551': 1, 'notsowis': 1, 'ruiz': 1, 'gotti': 1, 'constrast': 1, 'hounddog': 1, 'slowburn': 1, 'buttondown': 1, 'tightlywound': 1, 'cameraderi': 1, 'dodgi': 1, 'knutt': 1, 'golfer': 1, 'offchanc': 1, 'centerfold': 1, 'dumpster': 1, 'jinx': 1, 'mj': 1, 'smartaleck': 1, 'hannbyrd': 1, 'antimatt': 1, 'fonder': 1, 'bendrix': 1, 'yearsgonebi': 1, 'titanicbuff': 1, 'reneng': 1, 'searc': 1, 'dissapointli': 1, 'wrongsideofthetrack': 1, 'realisticli': 1, 'aborb': 1, 'happiest': 1, 'venom8hotmail': 1, 'wellb': 1, 'foreknowledg': 1, 'capraesqu': 1, 'klieg': 1, 'earpiec': 1, 'nc': 1, 'hmmmmm': 1, 'nonsexu': 1, '118': 1, 'mamoru': 1, 'incarnationsgraph': 1, 'episodespatlabor': 1, 'menacelabor': 1, 'interperson': 1, 'babylon': 1, 'seawal': 1, 'reclam': 1, 'environmentalist': 1, 'berzerk': 1, 'asuma': 1, 'laborsinclud': 1, 'ownfal': 1, 'chrichton': 1, '_into_': 1, 'dialogueless': 1, 'symbolismin': 1, 'alternate1999': 1, 'bettersuit': 1, 'fishey': 1, 'wellsuit': 1, 'hifi': 1, 'systemsit': 1, '_come_': 1, 'sometimesunderst': 1, 'sometimesblar': 1, 'easilyread': 1, '_anything_': 1, '_patlabor_': 1, 'recommen': 1, 'anli': 1, 'qt': 1, 'pomegran': 1, 'oni': 1, 'skilful': 1, 'absolout': 1, 'eqsuisit': 1, 'soooo': 1, 'schoolmat': 1, 'teenaccess': 1, 'acn': 1, 'gomer': 1, 'soontobemarin': 1, '37th': 1, 'statuett': 1, 'steddi': 1, 'berdan': 1, 'corwin': 1, 'baltu': 1, 'hessian': 1, 'cont': 1, 'inual': 1, 'nonoffens': 1, '8lane': 1, 'falldown': 1, '97minut': 1, 'worklov': 1, 'solver': 1, 'farout': 1, '357': 1, 'oppritunit': 1, 'millionar': 1, 'datingand': 1, 'absens': 1, 'ballot': 1, 'istvan': 1, 'harwood': 1, 'same': 1, 'tue': 1, '1951': 1, '1946': 1, 'almanac': 1, 'rung': 1, 'dishmold': 1, 'aerospac': 1, 'exathlet': 1, 'onthejob': 1, 'slawomir': 1, 'poorlyemploy': 1, 'reaffirm': 1, 'mindmov': 1, 'donal': 1, 'mccann': 1, 'obradi': 1, 'tel': 1, '4493411': 1, 'keeley': 1, 'outstretch': 1, 'liftedunauthorizedfrom': 1, 'secreth': 1, 'bloodsuckerand': 1, 'mixedcoffin': 1, 'redtint': 1, 'pointyear': 1, 'nongoate': 1, 'ghouslish': 1, 'notifi': 1, 'conditionnonstudio': 1, 'sepia': 1, 'redon': 1, 'legibl': 1, 'flickera': 1, 'hardrock': 1, 'fangfest': 1, 'mina': 1, 'herin': 1, 'rescor': 1, 'backturn': 1, 'saxophonist': 1, 'wakefield': 1, 'thoughout': 1, 'coil': 1, 'faintli': 1, 'protgaonist': 1, 'lynchian': 1, 'ar': 1, 'waittress': 1, 'asthmat': 1, 'kinear': 1, 'melvon': 1, 'verdel': 1, 'dogsit': 1, 'cantaker': 1, 'nicjolson': 1, 'cyncial': 1, 'highlypopul': 1, 'reclessli': 1, 'unbusi': 1, 'crutchcarri': 1, 'seagrav': 1, 'minimasterpiec': 1, 'forbod': 1, 'lovelac': 1, 'denirolik': 1, 'turnon': 1, '_two_': 1, 'nonteen': 1, 'choppili': 1, 'maclain': 1, 'caloriefreeso': 1, 'hardtocategor': 1, 'sherlockian': 1, 'epigram': 1, 'shoelac': 1, 'legwork': 1, 'venturaish': 1, 'unassoci': 1, 'barond': 1, 'transfus': 1, 'caberat': 1, 'dapper': 1, 'winkless': 1, 'crosscultur': 1, 'nathanson': 1, 'lamanna': 1, 'rr': 1, 'alreadyexist': 1, '47year': 1, 'pulver': 1, 'henchladi': 1, 'roselyn': 1, 'sanchez': 1, 'knockdown': 1, 'openmind': 1, 'blemheim': 1, 'mirrorpanel': 1, 'secondstori': 1, 'revengedriven': 1, 'shakespeareantrain': 1, 'dispair': 1, 'poloniu': 1, 'moloney': 1, 'laert': 1, 'reec': 1, 'dinsdal': 1, 'rosencrantz': 1, 'gravedigg': 1, 'yorick': 1, 'priam': 1, 'hecuba': 1, 'wellvoic': 1, 'reynaldo': 1, 'eleventh': 1, 'fortinbra': 1, 'flashbacktyp': 1, 'rigmarol': 1, 'aboveground': 1, 'belowground': 1, 'manicdepress': 1, 'bleachblond': 1, 'irradi': 1, 'snodgress': 1, 'rama': 1, 'sarner': 1, 'leichtl': 1, 'underw': 1, 'alread': 1, 'sabbat': 1, 'gad': 1, 'shockfactor': 1, 'directingwis': 1, 'bloomin': 1, 'comicslapstick': 1, 'barstool': 1, 'kickback': 1, 'chemisti': 1, 'fiqur': 1, 'goven': 1, 'distinquish': 1, 'relunct': 1, 'writerdirectoractor': 1, 'firststr': 1, 'ahol': 1, 'mandrian': 1, 'slaughterhousef': 1, 'hardcov': 1, 'snowglob': 1, 'haddonfield': 1, 'certianli': 1, 'unconvention': 1, 'restles': 1, 'artsier': 1, 'nearedenlik': 1, 'preper': 1, 'phenomin': 1, 'seargent': 1, 'unsoci': 1, 'airtim': 1, 'disrepair': 1, 'petric': 1, 'ach': 1, 'tactil': 1, 'interconnected': 1, 'pinteresqu': 1, 'hanif': 1, 'kureishi': 1, 'chareau': 1, 'everattent': 1, 'gautier': 1, 'trendsett': 1, 'lowermiddl': 1, 'jocular': 1, 'passageway': 1, 'orphang': 1, 'readalong': 1, 'thecatr': 1, 'grouchland': 1, 'nuttiest': 1, 'nutcrack': 1, 'midteenag': 1, 'pajama': 1, 'legisl': 1, 'serialis': 1, 'novelis': 1, 'bproduct': 1, 'pesim': 1, '1138': 1, 'organa': 1, 'eis': 1, 'damselindistress': 1, 'stear': 1, 'quincey': 1, 'profundi': 1, 'souroldmatriarchfromhel': 1, 'mover': 1, 'spacedout': 1, 'pixot': 1, 'hendel': 1, 'butoy': 1, 'gleba': 1, 'gaetan': 1, 'brizzi': 1, 'ludwig': 1, 'ephesian': 1, '1516': 1, 'halfdecad': 1, 'giantscreen': 1, 'nihgt': 1, 'levit': 1, 'tantoo': 1, 'multiraci': 1, 'chafe': 1, 'chienpo': 1, 'tondo': 1, 'crickey': 1, 'gargoyl': 1, 'deperson': 1, 'mufasa': 1, 'reread': 1, 'nonmemor': 1, 'provinci': 1, 'genviev': 1, 'potenza': 1, 'piscapo': 1, 'nohold': 1, 'clichefest': 1, 'squaresoft': 1, 'topsel': 1, 'hironobu': 1, 'sakaguchi': 1, '2065': 1, 'ofteninvis': 1, 'monomaniac': 1, 'counteract': 1, 'scienceheavi': 1, 'seemedthough': 1, 'equivol': 1, 'kickthealiensass': 1, 'arachnidtyp': 1, 'webbas': 1, 'bulletin': 1, 'nudi': 1, 'unrelentless': 1, 'paglia': 1, 'pornactressturnedpornproduc': 1, 'uphil': 1, 'dworkin': 1, 'proporn': 1, 'klitorski': 1, 'femmebutchfemm': 1, 'nontriplex': 1, 'straightahead': 1, 'skil': 1, 'bachmann': 1, 'psychedelia': 1, 'yonezo': 1, 'maeda': 1, 'toshiyuki': 1, 'honda': 1, 'masahitko': 1, 'tsugawa': 1, 'shiro': 1, 'ito': 1, 'yuji': 1, 'miyak': 1, 'akiko': 1, 'matsumoto': 1, 'minbo': 1, 'humbler': 1, 'ukrain': 1, 'italianlik': 1, 'nuclearweapon': 1, 'avow': 1, 'aroway': 1, 'gereal': 1, 'aggriv': 1, 'psitiv': 1, 'slimey': 1, 'maddalena': 1, 'waxman': 1, 'raiment': 1, 'kean': 1, 'ultraconfid': 1, 'murderess': 1, 'flaquer': 1, 'fallow': 1, 'summa': 1, 'sobright': 1, '151': 1, '122': 1, 'epilepsi': 1, 'discrep': 1, 'tightrop': 1, 'thirdclassparti': 1, 'naiveti': 1, 'skecth': 1, 'arris': 1, 'onehit': 1, 'oned': 1, 'ultracheesi': 1, 'exorcistrip': 1, 'daria': 1, 'nicolodi': 1, 'libra': 1, 'oddsound': 1, 'lamberto': 1, 'barbieri': 1, 'sow': 1, 'admitedli': 1, 'hematologist': 1, 'nbush': 1, 'titanium': 1, 'capoeira': 1, 'brazillian': 1, 'deactiv': 1, 'ebertwritten': 1, 'talentsamuel': 1, 'beaumont': 1, 'dogsstyl': 1, 'superced': 1, 'grieg': 1, 'eng': 1, 'jubile': 1, 'kio': 1, 'tornadocaus': 1, 'outoftheirmind': 1, 'twisteroccurr': 1, 'motherofallstorm': 1, 'rogueish': 1, 'citybr': 1, 'earlywarn': 1, 'corporationfund': 1, 'beatenup': 1, 'jonass': 1, 'linkup': 1, 'allterrain': 1, 'jonas^o': 1, 'abiil': 1, 'visualis': 1, 'effectdepend': 1, 'nobler': 1, 'cartera': 1, 'hardknock': 1, 'goodbutnotgreat': 1, 'loveydovey': 1, 'nobli': 1, 'skerrit': 1, 'claric': 1, 'nakedli': 1, 'disqualifi': 1, 'gameport': 1, 'amfibium': 1, 'cronenbergto': 1, 'copsonthetrailofserialkil': 1, 'upteenth': 1, 'lept': 1, 'wartsandal': 1, 'bouc': 1, 'polymorph': 1, 'ekberg': 1, 'selfishli': 1, 'sitat': 1, 'hotashel': 1, 'undicaprioesqu': 1, 'allday': 1, 'celebrityhood': 1, 'crucifixt': 1, 'nazareth': 1, 'closes': 1, 'bibil': 1, 'rivit': 1, 'velociraptor': 1, 'harv': 1, 'presnel': 1, 'sugarcoat': 1, 'testosteronedriven': 1, 'semiintrospect': 1, 'nailstough': 1, 'ink': 1, 'thrugh': 1, 'airborn': 1, 'wellsecur': 1, 'stronghold': 1, '50foot': 1, 'palentologist': 1, 'sherriff': 1, 'semibrainless': 1, 'memorydiminish': 1, 'monit': 1, 'nogood': 1, 'marbl': 1, 'recommed': 1, 'ist': 1, 'lebaneseamerican': 1, 'arabspeak': 1, 'anett': 1, 'espionag': 1, 'emerich': 1, 'broadsword': 1, 'scalpel': 1, 'maniaci': 1, 'vaild': 1, 'revolution': 1, 'blatti': 1, 'mcniell': 1, 'georgetown': 1, 'winn': 1, 'incorp': 1, 'patrik': 1, 'theirselv': 1, 'antiapartheid': 1, '198788': 1, '2040': 1, 'infact': 1, 'proxima': 1, 'dissappear': 1, 'nonens': 1, 'squemish': 1, 'manolo': 1, 'highrol': 1, 'elvira': 1, '206': 1, 'nygard': 1, 'juror': 1, 'whitewat': 1, 'vulcanlik': 1, 'fealti': 1, 'hygienist': 1, 'linguist': 1, 'glasnost': 1, 'sonar': 1, 'marko': 1, 'ackland': 1, 'watertight': 1, 'southampton': 1, 'highsocieti': 1, 'worldlywis': 1, 'fabrizio': 1, 'archibald': 1, 'graci': 1, 'katsula': 1, 'bower': 1, 'emshwil': 1, 'naifeh': 1, 'flowerstear': 1, 'dissert': 1, 'backhand': 1, 'demystif': 1, 'labourintens': 1, 'imponder': 1, 'outsidein': 1, 'preintellectu': 1, 'cubism': 1, 'startpollock': 1, 'elsewheretheir': 1, 'connipt': 1, 'klingman': 1, 'enamour': 1, 'scorei': 1, 'silverback': 1, 'burley': 1, 'alltogeth': 1, 'ji': 1, 'mcgreggor': 1, 'tusken': 1, 'oft': 1, 'individualunderdog': 1, 'americanis': 1, 'parliamentari': 1, 'livewir': 1, 'tohellwithmor': 1, 'tohellwiththelaw': 1, 'tohellwiththesystem': 1, 'exstripp': 1, 'friedrich': 1, 'moralchristian': 1, 'gownseuuugh': 1, 'booboo': 1, 'oumph': 1, 'nottic': 1, 'crawli': 1, 'quir': 1, 'twocenturi': 1, '1791': 1, 'griefstricken': 1, 'eurovamp': 1, 'rousselot': 1, 'inkyblu': 1, 'ferretti': 1, 'middleton': 1, 'forwarn': 1, 'traumnovel': 1, 'schnitzer': 1, 'musnt': 1, 'stickler': 1, 'bloopersflub': 1, 'unrat': 1, 'soire': 1, 'storagehous': 1, 'marijunana': 1, 'pidgeonhol': 1, 'immoralist': 1, 'erich': 1, 'korngold': 1, 'weyl': 1, 'locksley': 1, 'toothi': 1, 'eartoear': 1, 'dreamyey': 1, 'fitzswalt': 1, 'oversatur': 1, 'preordain': 1, 'gisbourn': 1, 'rathbon': 1, 'murrieta': 1, 'eskow': 1, 'rosio': 1, 'uniq': 1, 'mineo': 1, 'rattigan': 1, 'staccatto': 1, 'suffrag': 1, 'lifes': 1, 'dreamscap': 1, 'brainstorm': 1, 'zoolik': 1, 'marionett': 1, 'recoil': 1, 'spitlik': 1, 'penney': 1, 'egpyt': 1, 'jethro': 1, 'hotep': 1, 'huy': 1, 'asburi': 1, 'lorna': 1, 'directoractorcowrit': 1, 'frankensteinfilm': 1, 'horrorfan': 1, '1794': 1, 'gole': 1, 'myseri': 1, 'lunghi': 1, 'promiss': 1, 'marridg': 1, 'presuit': 1, 'breeth': 1, 'epidem': 1, 'gwynn': 1, 'daemon': 1, 'troll': 1, 'unsecur': 1, 'buildingup': 1, 'acor': 1, 'alp': 1, 'plagueriddl': 1, 'exacli': 1, 'lifelin': 1, 'shakesperean': 1, 'disatisfact': 1, 'orgiast': 1, 'eisenstein': 1, 'pysch': 1, 'dymanit': 1, '1500': 1, 'crowen': 1, 'elizabethian': 1, 'zant': 1, 'laughfil': 1, 'diss': 1, 'potinduc': 1, 'velma': 1, 'affleckdamon': 1, 'ficomedi': 1, 'hooray': 1, 'frontpag': 1, 'multipurpos': 1, 'burgl': 1, 'pasta': 1, 'hooch': 1, 'spottiswood': 1, '802': 1, '701': 1, 'filbi': 1, 'taylorgordon': 1, 'austenlik': 1, 'insolubl': 1, 'twain': 1, 'synchronis': 1, '1on1': 1, 'waferthin': 1, 'screenview': 1, 'us68': 1, 'tapetofilm': 1, 'riverboat': 1, 'napalm': 1, 'linu': 1, 'mcgovern': 1, 'liferuin': 1, 'lowtraff': 1, 'keogh': 1, 'unclaim': 1, 'dromey': 1, 'stocki': 1, 'capita': 1, 'allornoth': 1, 'gloucest': 1, 'wittliff': 1, 'walhberg': 1, 'lb': 1, 'meteorologist': 1, 'skellington': 1, 'grove': 1, 'christmastown': 1, 'joyprovid': 1, 'giftbear': 1, 'comingl': 1, 'shrunken': 1, 'sleigh': 1, 'oogi': 1, 'oingo': 1, 'boingo': 1, 'whic': 1, 'equallyinnov': 1, 'massac': 1, 'muchlarg': 1, '165': 1, 'mph': 1, 'hibern': 1, 'oncebreed': 1, 'ventil': 1, 'timetitan': 1, 'policest': 1, 'mordantli': 1, 'hockney': 1, 'shellgam': 1, 'plexu': 1, 'elevenyearold': 1, 'selfcomposur': 1, 'reshot': 1, 'dariush': 1, 'thirtyyear': 1, 'shallowli': 1, 'unrequisit': 1, 'punctiat': 1, 'spiritdead': 1, 'unconsumm': 1, 'barelyteen': 1, 'interlink': 1, 'antiintrud': 1, 'morpheuss': 1, 'semicircl': 1, 'cartridg': 1, 'receptacl': 1, 'nouri': 1, 'salsad': 1, 'nondavid': 1, 'bataillon': 1, 'hildyard': 1, 'madscientistinbavariancastl': 1, 'baseman': 1, 'silverblad': 1, 'garlicfil': 1, 'rolex': 1, 'antivampir': 1, 'manport': 1, 'hatemail': 1, 'heirloom': 1, 'gimp': 1, 'reminic': 1, 'qman': 1, 'motherfuck': 1, 'unseason': 1, 'onehors': 1, 'medgar': 1, 'myrli': 1, 'delaught': 1, 'slaveship': 1, 'lard': 1, 'oscarconsider': 1, 'kettl': 1, 'lowhang': 1, 'interiorsin': 1, 'baili': 1, 'exboss': 1, 'hottemp': 1, 'biggestbreak': 1, 'exco': 1, 'pott': 1, 'kindabitchyinareservedway': 1, 'mormon': 1, 'gettin': 1, 'trashywel': 1, 'flybi': 1, 'swampi': 1, 'itpeopl': 1, 'nonud': 1, '1824': 1, 'grassroot': 1, 'fiefdom': 1, 'retrofuturist': 1, 'afir': 1, 'poni': 1, 'derivit': 1, 'holism': 1, 'mayan': 1, 'repow': 1, 'connundrum': 1, 'cappuccino': 1, 'hypnotist': 1, 'roomat': 1, 'kasinski': 1, 'oscarnominationworthi': 1, 'exstens': 1, 'doctorpati': 1, 'girlboy': 1, 'impressiveasev': 1, 'clotheslin': 1, 'whitemanblackman': 1, 'counterexampl': 1, 'bestial': 1, 'inextric': 1, 'brothermanag': 1, 'capitul': 1, 'shrewish': 1, 'misogyni': 1, 'contenda': 1, 'straightforwardli': 1, 'horseshit': 1, 'comicallynam': 1, 'idosyncrasi': 1, 'fantsi': 1, 'nabokov': 1, 'obsession': 1, 'brati': 1, 'selfcentered': 1, 'overlyreligi': 1, 'clare': 1, 'cinemawis': 1, 'cyanid': 1, 'semipredict': 1, 'yasmeen': 1, 'bleeth': 1, 'todiefor': 1, 'worldreknown': 1, 'auriol': 1, 'keeli': 1, 'kiffer': 1, 'finzi': 1, 'morissey': 1, 'semistarmak': 1, 'barenboim': 1, 'overcloud': 1, 'melodramt': 1, 'semismiliar': 1, 'stepforstep': 1, 'rainman': 1, 'nottotallygreat': 1, 'hanksryan': 1, 'perkycut': 1, 'megahit': 1, 'shopgirl': 1, 'undetail': 1, 'megabookstor': 1, 'eyerol': 1, 'castleton': 1, 'lyn': 1, 'vau': 1, 'futuristiclook': 1, 'auriga': 1, 'wren': 1, 'gediman': 1, 'sytabl': 1, 'anale': 1, 'nonsexualyetslightlyhomoerot': 1, 'seminoir': 1, 'deapen': 1, 'chauvenist': 1, 'bastad': 1, 'anxietyridden': 1, 'ovular': 1, 'inquiri': 1, 'structurewis': 1, 'exfriend': 1, 'thenfootag': 1, 'curt': 1, 'exmanag': 1, 'sladewild': 1, 'wowinspir': 1, 'ratttz': 1, 'iggyesuq': 1, 'postmov': 1, 'frock': 1, 'nonetooobvi': 1, 'roxi': 1, 'bowielik': 1, 'retrogarbo': 1, 'salinger': 1, 'snif': 1, 'perpetuallychang': 1, 'luhrman': 1, 'companiesfamili': 1, 'modernis': 1, 'lidner': 1, 'tribesmen': 1, 'comepet': 1, 'wellpolish': 1, 'envigor': 1, 'internetlik': 1, 'nonsupermodel': 1, 'arachnidlik': 1, 'spooferi': 1, 'scifiactioncomedi': 1, 'protohuman': 1, 'brimston': 1, 'yvonn': 1, 'ramboid': 1, 'immortalis': 1, 'triannual': 1, 'supertech': 1, 'antiviol': 1, 'shih': 1, 'kien': 1, 'leadin': 1, 'sugarish': 1, 'obeidi': 1, 'bert': 1, 'faylen': 1, 'sugarco': 1, 'eggnog': 1, '121': 1, 'foretast': 1, 'oldish': 1, 'mixandmatch': 1, 'businesswomen': 1, 'standardissu': 1, 'psychologyresearch': 1, 'mixup': 1, 'tname': 1, 'footmassag': 1, 'neuroticallycharg': 1, 'reagent': 1, 'nt': 1, 'fillintheblankamericancomedi': 1, 'lovey': 1, 'vampyr': 1, '1922': 1, 'bastardis': 1, 'klau': 1, 'blueish': 1, 'mesmeris': 1, 'bloodlust': 1, 'ancientsound': 1, 'spacemus': 1, 'outinen': 1, 'nen': 1, 'sakari': 1, 'kuosmanen': 1, 'elina': 1, 'timo': 1, 'salminen': 1, 'tram': 1, 'bookshelv': 1, 'idiosyncraci': 1, 'stultifi': 1, 'subsum': 1, 'latalant': 1, 'largent': 1, 'upholst': 1, 'inelegantli': 1, 'exaggeratedthi': 1, 'realismbut': 1, 'thirtyeight': 1, '96minut': 1, 'resolvessurprisingli': 1, 'movinglyinto': 1, 'illluck': 1, 'untransl': 1, 'starlight': 1, 'nonstereotyp': 1, 'vallejo': 1, 'kath': 1, 'burkhart': 1, 'valencia': 1, 'recouper': 1, 'idelog': 1, 'anu': 1, 'pseudoplaym': 1, 'aunti': 1, 'hotandcold': 1, 'lubezki': 1, 'steamier': 1, 'icili': 1, 'mambo': 1, 'cuaron': 1, 'gloppi': 1, 'prepaid': 1, 'copilot': 1, 'coppingout': 1, 'thirdperson': 1, 'topdown': 1, 'winatallcost': 1, 'yoland': 1, 'daragon': 1, 'calmer': 1, 'paranoiac': 1, 'viscous': 1, 'rai': 1, 'aulon': 1, 'mtvgener': 1, 'topp': 1, 'middleoftheroad': 1, 'earthward': 1, 'theremindriven': 1, 'purplesequin': 1, 'preempt': 1, 'dishearteningli': 1, 'turgidson': 1, 'bighair': 1, 'pointybreast': 1, 'vampira': 1, 'octogenarian': 1, 'skullfac': 1, 'eggey': 1, 'gremlin': 1, 'suschitzki': 1, 'thomass': 1, 'holocaustravag': 1, 'wishfulfil': 1, 'kitschiest': 1, 'trippi': 1, 'hyperspe': 1, 'timingori': 1, 'exag': 1, 'bonerattl': 1, 'punchout': 1, 'switchblad': 1, 'dextrou': 1, 'aug': 1, '26th1998': 1, 'jeanni': 1, 'girlfriendboyfriend': 1, 'hazardu': 1, 'seer': 1, 'movieoftheweek': 1, 'sfxfest': 1, 'dionesqu': 1, 'crosspromot': 1, 'pacha': 1, 'llamaherd': 1, 'hopecrosbi': 1, 'cpr': 1, 'snickerworthi': 1, 'coventur': 1, 'microsoft': 1, 'baluyev': 1, 'cometbomb': 1, 'truea': 1, 'carat': 1, 'ritchiess': 1, 'introd': 1, 'helmerscript': 1, 'sol': 1, 'stratham': 1, 'roughandtumbl': 1, 'piker': 1, 'brigand': 1, 'sorcha': 1, 'lenser': 1, 'mauricejon': 1, 'us130': 1, 'cultlik': 1, 'stockshoot': 1, 'subdesarrollo': 1, 'statesanct': 1, 'missiv': 1, 'internett': 1, 'soc': 1, 'lineit': 1, 'filmtwic': 1, 'theoretician': 1, 'thingstea': 1, 'revolucionario': 1, 'faustian': 1, 'tabio': 1, 'op': 1, 'fresa': 1, '21a': 1, 'nuez': 1, 'riskadvers': 1, 'sharpster': 1, 'kario': 1, 'dobb': 1, 'flashiest': 1, 'harrold': 1, 'venner': 1, 'jove': 1, 'whogaspi': 1, '45yearold': 1, 'introvers': 1, 'twentyyearold': 1, 'heywood': 1, 'ined': 1, 'scald': 1, 'winthrop': 1, 'agogo': 1, 'foreignlanguag': 1, 'buckney': 1, 'awardsymbol': 1, '153': 1, 'sonam': 1, '_murder_': 1, '1583': 1, 'highcultur': 1, 'genial': 1, 'venier': 1, 'encroach': 1, 'ire': 1, 'bojan': 1, 'highlystyl': 1, 'sixteenthcenturi': 1, 'garwood': 1, 'scud': 1, 'pseudosuspens': 1, 'overblow': 1, 'letterperfect': 1, 'hitherto': 1, 'outofthisworld': 1, 'suspenseand': 1, '20searli': 1, 'schizopoli': 1, 'minorli': 1, 'newlyborn': 1, 'perpretr': 1, 'stressinduc': 1, 'nutmeg': 1, 'steelgray': 1, 'aquamarin': 1, 'trelkin': 1, 'tongueti': 1, 'turbo': 1, 'simmrin': 1, 'ashle': 1, 'levitch': 1, 'fungu': 1, 'acquisit': 1, 'mirth': 1, 'coto': 1, 'eckstrom': 1, 'pllllleeeeeas': 1, 'barneylik': 1, 'hasti': 1, 'midknight': 1, 'ascens': 1, 'torranc': 1, 'induct': 1, 'harrowingli': 1, 'precipit': 1, 'denigr': 1, 'impertin': 1, 'perpetualmot': 1, 'idiom': 1, 'ziembicki': 1, 'catapult': 1, 'preaidsscar': 1, 'nowoutd': 1, 'eighttrack': 1, 'deaki': 1, 'eddiedirk': 1, 'tieg': 1, 'wellselect': 1, 'nostalig': 1, 'pornographyrel': 1, 'deemphas': 1, 'salabl': 1, 'hotb': 1, 'lecheri': 1, 'doubleedg': 1, '152': 1, 'nit': 1, 'bestexecut': 1, 'loosecannon': 1, 'compadr': 1, 'rahad': 1, 'firecrack': 1, 'ulu': 1, 'grosbard': 1, 'demeanour': 1, 'sweetfac': 1, 'comehith': 1, 'prudish': 1, 'forbad': 1, 'acquiesc': 1, 'heavyhanded': 1, 'stuggl': 1, 'eviley': 1, 'attillalook': 1, 'myagi': 1, '_will_': 1, 'exchampion': 1, 'deiti': 1, 'kauffman': 1, 'blockubust': 1, 'hynek': 1, 'uforel': 1, 'sonorra': 1, 'munci': 1, 'guiler': 1, 'lacomb': 1, 'trumbul': 1, 'haskin': 1, 'conspiratori': 1, 'garr': 1, 'semioffici': 1, 'uforesearch': 1, 'greyskin': 1, 'crimegonewrong': 1, 'borderlinepsychot': 1, 'cheater': 1, 'nymphomaniac': 1, 'creedenc': 1, 'clearwat': 1, 'wellfunct': 1, 'undynam': 1, 'knowin': 1, 'takin': 1, 'icebound': 1, 'brigantin': 1, 'weddel': 1, 'roughest': 1, 'crewmen': 1, '19month': 1, 'sled': 1, '800mile': 1, 'lilt': 1, 'yeareveri': 1, 'niflheim': 1, 'doin': 1, 'breezeor': 1, 'thoughtwil': 1, 'performancesalway': 1, 'verif': 1, 'moreal': 1, 'boyhoodand': 1, 'numbskul': 1, 'bookfilm': 1, 'muchadmir': 1, 'itsaholocaustfilm': 1, 'itsaspielbergfilm': 1, 'lawyerli': 1, 'adandon': 1, 'lukemia': 1, 'zeljko': 1, 'ivanek': 1, 'thanklessli': 1, 'quinland': 1, 'strickler': 1, 'depsit': 1, 'noteriati': 1, 'subtley': 1, 'pent': 1, 'tellallshowal': 1, 'hudgeon': 1, 'crosspollin': 1, 'untangl': 1, 'boyo': 1, 'squishi': 1, 'rewritten': 1, 'schema': 1, 'alamo': 1, 'analogu': 1, 'gallantri': 1, 'broncobust': 1, 'shindig': 1, 'salami': 1, 'kowtow': 1, 'proletarian': 1, 'excitedli': 1, 'gatsbi': 1, 'illusori': 1, 'sfpd': 1, 'marksman': 1, 'copnew': 1, 'sarg': 1, 'tailormad': 1, 'rockwarn': 1, 'schwinn': 1, 'benignli': 1, 'firstev': 1, 'disloc': 1, 'edwin': 1, 'yip': 1, 'immaculatelywhit': 1, 'greeneri': 1, 'cooli': 1, 'ultraviolet': 1, 'yelp': 1, 'acclimat': 1, 'newlyreunit': 1, 'stringent': 1, 'feng': 1, 'shui': 1, 'detatch': 1, 'philosop': 1, 'lingch': 1, 'ameli': 1, 'tautou': 1, 'mathieu': 1, 'colloqui': 1, 'lovesh': 1, 'langlet': 1, '15yearold': 1, 'dombasl': 1, 'fedoor': 1, 'greggori': 1, 'rosett': 1, 'railli': 1, 'sadder': 1, 'secondarili': 1, 'mysteryhorror': 1, 'unwrap': 1, 'pussyfoot': 1, 'brrrrrrrrr': 1, 'hollywoodian': 1, 'ahha': 1, 'tanktop': 1, 'liscinski': 1, 'aronov': 1, 'stephn': 1, 'shakier': 1, 'hookladen': 1, 'panslav': 1, 'fawcettstyl': 1, 'beatif': 1, 'hegwig': 1, 'overprocess': 1, 'yitzhak': 1, 'bandmat': 1, 'bandanna': 1, 'angelicappear': 1, 'scifikungfushootemup': 1, 'kongstyl': 1, 'roundhous': 1, 'stoni': 1, 'kitchi': 1, 'shmaltzi': 1, 'thoroughlymodern': 1, 'noncommun': 1, 'paig': 1, 'dorranc': 1, 'disreput': 1, 'reoccurr': 1, 'twomillion': 1, 'mardi': 1, 'gra': 1, 'pricelessli': 1, 'selfacknowledg': 1, 'firebreath': 1, 'selfridicul': 1, 'adamson': 1, 'jenson': 1, 'princessogr': 1, 'discoera': 1, 'similarlystructur': 1, 'kinkier': 1, 'featheri': 1, '19yearold': 1, 'gawker': 1, 'multicharact': 1, 'bygon': 1, 'ragstorich': 1, 'joisey': 1, 'jokersmil': 1, 'stringfield': 1, 'droopyey': 1, 'exorbit': 1, 'scandalridden': 1, 'authorship': 1, 'cooney': 1, 'dustbust': 1, 'nonclinton': 1, 'instict': 1, 'ed209': 1, 'scalvag': 1, 'kershner': 1, 'druglord': 1, 'cyborgninja': 1, 'perfectionist': 1, 'justdeceas': 1, 'directorcumthespian': 1, 'scissorhappi': 1, 'unweav': 1, 'dirtpoor': 1, 'entrepreneuri': 1, '_hustler_': 1, 'devotedli': 1, 'apparel': 1, 'occassion': 1, 'careertop': 1, 'stubbor': 1, 'flashier': 1, 'freetalk': 1, 'faldwel': 1, 'bornagain': 1, 'studioreleas': 1, 'willa': 1, 'stepchildren': 1, 'stroller': 1, 'raheem': 1, 'rabbin': 1, 'depressionera': 1, 'varden': 1, 'bibleread': 1, 'underdon': 1, 'tourism': 1, 'struther': 1, 'kincaid': 1, 'stephani': 1, 'agricultur': 1, 'businessmind': 1, 'daytripp': 1, 'whet': 1, 'mousetrap': 1, 'puccini': 1, 'eyr': 1, 'wuther': 1, 'atreu': 1, 'thenreign': 1, 'watkin': 1, 'toplevel': 1, 'alreadybeauti': 1, 'donnel': 1, 'treesurf': 1, 'trannsfer': 1, 'fosdick': 1, 'wilfrid': 1, 'brambel': 1, 'stepto': 1, 'cherryr': 1, 'barefoot': 1, 'sixpack': 1, 'pell': 1, 'begrudg': 1, 'changwei': 1, 'leafi': 1, 'hussein': 1, 'allstopsout': 1, 'ratingsaplenti': 1, 'notsocheap': 1, 'clearillus': 1, 'middair': 1, 'malais': 1, 'horrorlab': 1, 'penal': 1, 'mensch': 1, 'birkenau': 1, 'feeblemind': 1, 'weakheart': 1, 'penner': 1, 'antienvironmentalist': 1, 'arbuthnot': 1, 'limbaugh': 1, 'noshow': 1, 'postsnl': 1, 'partygirl': 1, 'ditzism': 1, 'bodaci': 1, 'anticharm': 1, '8ball': 1, 'cigarsmok': 1, 'chump': 1, 'maim': 1, 'hairspray': 1, 'nealon': 1, 'fielder': 1, 'tarlov': 1, 'delorenzo': 1, 'caraccio': 1, 'fishnetstock': 1, 'hinwood': 1, 'magenta': 1, 'garter': 1, 'fishnet': 1, 'singabl': 1, 'sharman': 1, 'pneumonia': 1, 'halfnak': 1, 'prompter': 1, 'jackstyl': 1, 'madlib': 1, 'literock': 1, 'popup': 1, 'loafsung': 1, 'patooti': 1, 'unbutton': 1, 'misprint': 1, 'polltak': 1, 'nonissu': 1, 'fruitit': 1, 'welladvis': 1, 'adolescentmind': 1, 'these': 1, 'koran': 1, 'chicaneri': 1, 'burningbush': 1, 'riffini': 1, 'isaach': 1, 'americanitalian': 1, 'archaic': 1, 'iconoclast': 1, 'precept': 1, 'antimovi': 1, 'fulcrum': 1, 'slovenli': 1, 'sweatshirt': 1, 'monklik': 1, 'pleasureless': 1, 'roshomonlik': 1, 'bosss': 1, 'roshomon': 1, 'jamusch': 1, 'rappercompos': 1, 'rza': 1, 'dichotom': 1, 'ruffini': 1, 'husk': 1, 'sightse': 1, 'lapain': 1, 'sittingduck': 1, 'mete': 1, 'prisonbound': 1, 'noiresqu': 1, 'lawyerfix': 1, 'pullam': 1, 'thaiborn': 1, 'partnerwif': 1, 'tensiona': 1, 'foredoom': 1, 'timeconstrain': 1, 'freedomin': 1, 'yin': 1, 'clearey': 1, 'ontrack': 1, 'moat': 1, 'visitorsfriend': 1, 'nativeborn': 1, 'hellhol': 1, 'sunlit': 1, 'magistr': 1, 'womanfemal': 1, 'barnyard': 1, 'outdoorsman': 1, 'boonetyp': 1, 'unexperienc': 1, 'sodom': 1, 'pachanga': 1, 'bracket': 1, 'legit': 1, 'copacabana': 1, 'gobetween': 1, 'condescens': 1, 'jeezu': 1, 'haysoo': 1, 'postpostfeminist': 1, 'cinematographr': 1, 'carpetpiss': 1, 'vikingbowl': 1, 'dougherti': 1, 'bubblebath': 1, 'mountaintop': 1, 'verdant': 1, 'indefinantli': 1, 'youthrestor': 1, 'reassum': 1, 'androidwishingtobehuman': 1, 'iith': 1, 'everbut': 1, 'unsuspens': 1, 'critictyp': 1, 'mcfli': 1, 'griff': 1, '2015': 1, 'copaset': 1, '1955': 1, 'rell': 1, 'pseudoclimax': 1, 'gomorrah': 1, 'slitheri': 1, 'lfe': 1, 'codif': 1, 'lattitud': 1, 'bulley': 1, 'bijou': 1, 'whiteown': 1, 'homi': 1, 'ebb': 1, 'tamer': 1, 'lipsync': 1, 'ymca': 1, 'badlydub': 1, 'watermelon': 1, 'bilinguallysubtitl': 1, 'periodpiec': 1, 'moviesth': 1, 'allbutilleg': 1, 'underpay': 1, 'filmfeihong': 1, 'supplic': 1, 'identicallywrap': 1, 'lacki': 1, 'lau': 1, 'loyalist': 1, '_are_': 1, 'fightsespeci': 1, 'endin': 1, '_least_': 1, 'quicktim': 1, 'beforealmost': 1, 'majpr': 1, 'focuss': 1, 'lightmoodseriousmood': 1, 'kiddieori': 1, 'hickey': 1, 'upkeep': 1, '60some': 1, 'architecturallyunsound': 1, 'everaff': 1, 'calcium': 1, 'gouda': 1, 'speakeasi': 1, 'joejosephin': 1, 'loonier': 1, 'pitchperfect': 1, 'contempor': 1, 'brabl': 1, 'othello': 1, 'iago': 1, 'profanefil': 1, 'eros': 1, 'informationsometh': 1, 'signup': 1, 'psychtest': 1, 'revelationwhen': 1, 'psychol': 1, 'pheiffer': 1, 'fonzi': 1, 'woofest': 1, 'easton': 1, 'fastidi': 1, 'exfoli': 1, 'catholicrattl': 1, 'speakeasytyp': 1, 'oreomunch': 1, 'goulash': 1, 'knish': 1, 'heavilyacc': 1, 'petrovski': 1, 'maduro': 1, 'appris': 1, 'nastytemp': 1, 'spacefar': 1, 'thingsgoneawri': 1, 'aliensashuman': 1, 'cockroachlik': 1, 'crustier': 1, 'protectearthfromdestruct': 1, 'darndest': 1, 'paramet': 1, 'earthhangsinthebal': 1, 'slimesplatt': 1, 'odder': 1, 'seenital': 1, 'blechhh': 1, 'aaaahhh': 1, 'unsurpass': 1, 'grossest': 1, 'notreallyallthatfunni': 1, 'gantri': 1, 'wavess': 1, 'peachcolor': 1, 'hitlist': 1, 'rebapt': 1, 'tith': 1, 'toosi': 1, 'bassing': 1, 'interog': 1, 'nearmasterpiec': 1, '2010': 1, 'soontobedivorc': 1, 'partway': 1, 'exhubbi': 1, 'malign': 1, 'spellbound': 1, 'eszterhaz': 1, 'sexfil': 1, 'tabloidish': 1, 'genitalia': 1, 'thisi': 1, 'findsh': 1, 'sceneeven': 1, 'scenei': 1, 'sleazefest': 1, 'adventuredrama': 1, 'tzudik': 1, 'noni': 1, 'darwan': 1, 'fullgrown': 1, 'archimed': 1, 'safari': 1, 'mistakefre': 1, 'alltoowil': 1, 'xv': 1, 'pierreaugustin': 1, 'figaro': 1, 'segonzac': 1, 'judgeship': 1, 'docket': 1, 'gudin': 1, 'manuel': 1, 'blanc': 1, 'kerdelhu': 1, 'brisvil': 1, 'edouard': 1, 'molinaro': 1, 'guitri': 1, 'sandrin': 1, 'kiberlain': 1, 'marietheres': 1, 'beaumarchaiss': 1, 'bozo': 1, 'defac': 1, 'bladerunnerrobocop': 1, 'megabudget': 1, 'highcalori': 1, '65': 1, 'joltinduc': 1, 'spiderscorpioncrab': 1, 'kenandbarbi': 1, 'crowddraw': 1, 'revitalis': 1, '1272': 1, '1305': 1, 'iu': 1, 'nocti': 1, 'maccormack': 1, 'garrison': 1, '1298': 1, 'fairytalelik': 1, 'ultranaturalist': 1, 'idolis': 1, 'leprosystricken': 1, 'balliol': 1, 'homophobia': 1, 'conservat': 1, 'hanli': 1, 'aldou': 1, 'huxley': 1, 'insuffici': 1, 'stat': 1, 'semiwili': 1, 'dystopian': 1, 'gilliamesqu': 1, '12finger': 1, 'selfstag': 1, 'airbrush': 1, 'onassi': 1, 'sl': 1, 'outhous': 1, 'candyco': 1, 'quasipopular': 1, 'rougli': 1, 'mechanicallychalleng': 1, 'surrandon': 1, 'scariestlook': 1, 'singlemoth': 1, 'barclay': 1, 'utliz': 1, 'exprienc': 1, 'horor': 1, 'quasicampi': 1, 'parodyish': 1, 'vishnu': 1, 'hegel': 1, 'ineff': 1, 'unassail': 1, 'jhvh': 1, 'heydey': 1, 'unmitig': 1, 'parenthet': 1, 'absolutist': 1, 'sacrament': 1, 'expurg': 1, 'stridenc': 1, 'hyberboreansw': 1, 'hyberborean': 1, 'pindar': 1, 'deathour': 1, 'illw': 1, 'largeur': 1, 'sirocco': 1, 'southwind': 1, 'tertiari': 1, 'quaternari': 1, 'uncrit': 1, 'nother': 1, 'skittish': 1, 'cummin': 1, 'solips': 1, 'scagnetti': 1, 'pubic': 1, 'antilif': 1, 'reingold': 1, 'sickest': 1, 'murdochesqu': 1, 'mogulpsychot': 1, 'cru': 1, 'cassanova': 1, 'aidscautionari': 1, 'almostcameo': 1, 'arianlook': 1, 'goetz': 1, 'shiavelli': 1, 'motorcylc': 1, 'wily': 1, 'sometimestedi': 1, 'oftenmov': 1, 'diarist': 1, 'mostfam': 1, 'adolph': 1, 'miep': 1, 'gie': 1, 'indigen': 1, 'conejo': 1, 'gonz': 1, 'lez': 1, 'jeer': 1, 'alc': 1, 'zar': 1, 'graciela': 1, 'tania': 1, 'longerthannecessari': 1, 'unload': 1, 'twentiethcenturi': 1, 'texasmexico': 1, 'bordertown': 1, 'slavomir': 1, '10week': 1, 'screamesqu': 1, 'stoneish': 1, 'dreamsfantasi': 1, 'freemason': 1, 'brrrrr': 1, 'stalingrad': 1, 'russiangerman': 1, 'motherland': 1, 'onenotedom': 1, 'jeanjacqu': 1, 'theymightbecaught': 1, 'possibilit': 1, 'coveringup': 1, 'handswash': 1, 'lowangl': 1, 'sift': 1, 'streem': 1, 'distracted': 1, 'rifleshot': 1, 'dimwitted': 1, 'fullcondescens': 1, 'nearsweet': 1, 'chelci': 1, 'charactercontrol': 1, 'clam': 1, 'ilah': 1, 'norrington': 1, 'deliev': 1, 'vaticansponsor': 1, 'battleworn': 1, 'supervampir': 1, 'jakobi': 1, 'wittiest': 1, 'jeopardis': 1, 'vukovich': 1, 'pankow': 1, 'gerrald': 1, 'petievich': 1, 'millieu': 1, 'ultramaterialist': 1, 'fibber': 1, 'feuer': 1, 'darlann': 1, 'fleugel': 1, 'chung': 1, 'trekfanonli': 1, 'nontrekki': 1, 'beginningwhil': 1, 'peacenik': 1, 'apathet': 1, 'drub': 1, 'vegasstyl': 1, 'cmaeron': 1, 'specfic': 1, 'alonehi': 1, 'powerto': 1, 'machinea': 1, 'pressto': 1, 'inescapableand': 1, 'winfield': 1, 'antagonistunstopp': 1, 'obdur': 1, 'hurd': 1, 'movingusu': 1, 'heartpul': 1, 'endoskeleton': 1, 'lovetrianglereveng': 1, 'deadguyseemstohavecomebacktolifebutthenwefindoutitsonlyadream': 1, 'nonexploit': 1, 'coenhead': 1, 'bendix': 1, 'stuffexcept': 1, 'goldwhen': 1, 'sundri': 1, 'comedyit': 1, 'soong': 1, 'worldwhat': 1, 'americanchines': 1, 'resignedli': 1, 'greenerand': 1, 'poppop': 1, 'monsieur': 1, 'facefirst': 1, 'defeaningli': 1, 'directorcowrit': 1, 'surroundsound': 1, 'dahlgren': 1, 'erik': 1, 'palladino': 1, '_titanic_': 1, 'thirteeth': 1, '_matrix_': 1, 'foreseen': 1, 'goodnight_': 1, '_casablanca_': 1, 'hairlin': 1, '_amadeus_': 1, 'like_blad': 1, '_very_small_': 1, 'animalhat': 1, 'topsyturvey': 1, 'sequest': 1, 'buckets': 1, 'retrac': 1, 'teenstyl': 1, 'geekish': 1, 'chutzpah': 1, 'outstrip': 1, 'partown': 1, 'knockedout': 1, 'fullspe': 1, 'cachet': 1, 'noteperfect': 1, 'flashynewth': 1, 'screed': 1, 'wronghead': 1, 'sappiest': 1, 'seatofthep': 1, 'mindbend': 1, 'humil': 1, 'howdi': 1, 'doodyish': 1, 'openingnight': 1, 'nearuproar': 1, 'alacr': 1, 'totfriendli': 1, 'unkrich': 1, 'docter': 1, 'hsaio': 1, 'calahan': 1, 'sven': 1, 'nykvist': 1, 'hedg': 1, 'foodmart': 1, 'offkey': 1, 'naif': 1, 'schellhardt': 1, '750': 1, 'soderburgh': 1, 'granttyp': 1, 'aintisexi': 1, 'popin': 1, '120th': 1, 'coinag': 1, 'edict': 1, 'valor': 1, 'stead': 1, 'burner': 1, 'fe': 1, 'attila': 1, 'pieti': 1, 'wahoo': 1, 'firstsemest': 1, '107yearold': 1, 'withgaspa': 1, 'niftiest': 1, 'nonsupernatur': 1, 'mildewlik': 1, 'lifeforc': 1, 'junichiro': 1, 'semilight': 1, 'jerkul': 1, 'percussionheavi': 1, 'turnabout': 1, 'aloneuntil': 1, 'imagerycel': 1, 'animt': 1, 'villiani': 1, 'ith': 1, 'scat': 1, 'shoobedoo': 1, 'dabedah': 1, 'unsanitari': 1, 'flatuencethat': 1, 'egar': 1, 'doomsay': 1, 'cuteifi': 1, 'stirrup': 1, '500like': 1, 'mosteagerli': 1, 'nineepisod': 1, 'storywrit': 1, 'forcelov': 1, 'demystifi': 1, '25andund': 1, 'jeesh': 1, 'gil': 1, 'krumholtz': 1, 'shakespeareobsess': 1, 'mandella': 1, 'plath': 1, 'badboy': 1, 'multidimens': 1, 'unform': 1, 'harlequin': 1, 'whelm': 1, 'perfectlyassembl': 1, 'indierock': 1, 'flawlesslyact': 1, 'directorproduc': 1, 'baction': 1, 'actorsdirectorsproduc': 1, 'superfl': 1, 'raj': 1, 'beachfront': 1, 'bartellemeo': 1, 'pistella': 1, 'donatelli': 1, 'donato': 1, 'boyfriendcoppartn': 1, 'sandov': 1, 'fanaro': 1, 'drywit': 1, 'phallu': 1, 'spa': 1, 'statesmen': 1, 'carreer': 1, 'suppoos': 1, 'consolid': 1, 'magisteri': 1, 'rhyitm': 1, 'autonomi': 1, 'intelig': 1, '77yearold': 1, 'amourlast': 1, 'marienbadm': 1, 'cherbourg': 1, 'rochefort': 1, 'resnaiss': 1, 'piaf': 1, 'chevali': 1, 'amberlik': 1, 'sabin': 1, 'az': 1, 'arditi': 1, 'dussoli': 1, 'duveyri': 1, 'yeomen': 1, 'paladru': 1, 'selfcontrol': 1, 'killorbekil': 1, 'reaganera': 1, 'axiomat': 1, 'timeli': 1, 'slipperysmooth': 1, 'superjudgment': 1, 'powerori': 1, 'whereupon': 1, 'headhunt': 1, 'glengari': 1, 'phonepitch': 1, 'streetlik': 1, 'salespitch': 1, 'diesl': 1, 'lookin': 1, 'boohoo': 1, 'decalogu': 1, 'veroniqu': 1, 'triptych': 1, 'missescatch': 1, 'reconverg': 1, 'platinumblond': 1, 'unimpeach': 1, 'whitehot': 1, 'courteou': 1, 'entrylevel': 1, 'lestercorp': 1, 'flori': 1, 'whoosh': 1, 'malkovisit': 1, 'schlub': 1, 'unconscion': 1, 'kenner': 1, 'asparagu': 1, 'voyeurnextdoor': 1, 'burnhamss': 1, 'mantel': 1, 'selfexplor': 1, 'pictureperfect': 1, 'oldi': 1, 'dontmesswithmylifeandiwontmesswithyour': 1, 'licenti': 1, 'enchantingli': 1, 'imr': 1, 'messier': 1, 'cartoonishli': 1, 'daggeredg': 1, 'iconographi': 1, 'pseudoasian': 1, 'beancurd': 1, 'audiencefriendli': 1, 'neofeminist': 1, 'dissuas': 1, 'briskli': 1, 'exgangsta': 1, 'koolaid': 1, 'squat': 1, 'tyres': 1, 'vj': 1, 'taraji': 1, 'bracken': 1, 'veronicca': 1, 'chissel': 1, 'stomachturn': 1, 'heroantihero': 1, 'unrepent': 1, 'unidoliz': 1, 'solder': 1, 'comiss': 1, 'levien': 1, 'koppelman': 1, 'partiallyr': 1, 'watersh': 1, 'cosbi': 1, 'nonunion': 1, 'mppa': 1, 'valenti': 1, 'politicallycharg': 1, 'mumu': 1, 'disassoci': 1, 'eboni': 1, 'frontandcent': 1, 'documentarylik': 1, 'syring': 1, 'liddl': 1, 'tatopol': 1, '1920s60': 1, 'dickensera': 1, 'nighthawk': 1, 'quay': 1, 'increment': 1, 'nonliter': 1, 'iroquoi': 1, 'fuckyou': 1, 'smartsassi': 1, 'bruklin': 1, 'galvan': 1, 'shellshock': 1, 'incompleteit': 1, 'passengersid': 1, 'heckler': 1, 'tormentor': 1, 'audr': 1, 'callin': 1, 'consort': 1, 'stipe': 1, 'tourfilm': 1, 'onceremov': 1, 'inseper': 1, 'capano': 1, 'measli': 1, 'codefend': 1, 'noncomed': 1, 'incourt': 1, 'treasureseek': 1, 'napoleon': 1, 'agamemnon': 1, 'oceango': 1, 'harddriven': 1, 'equin': 1, 'faithheal': 1, 'headingbut': 1, 'neillbett': 1, 'beforeround': 1, 'azur': 1, 'wheatal': 1, 'viewfind': 1, 'conditionssonor': 1, 'stringladen': 1, 'earlygo': 1, 'comebring': 1, 'vehement': 1, 'sox': 1, 'lancast': 1, 'fantasyon': 1, 'rosco': 1, 'soothingli': 1, 'arkful': 1, 'pelican': 1, 'animallov': 1, 'spinster': 1, 'wellkept': 1, 'putit': 1, 'fablelik': 1, 'gondolatrek': 1, 'moriceau': 1, 'lesni': 1, 'felliniesqu': 1, 'pseudomorbid': 1, 'upgrad': 1, 'incub': 1, 'freedomfight': 1, 'internationallyacclaim': 1, 'sculptorrussian': 1, 'backto': 1, 'locu': 1, 'brightlycolor': 1, 'startlingbuteffect': 1, 'assuag': 1, 'bushido': 1, 'tenko': 1, 'godawa': 1, 'raillay': 1, 'sadism': 1, 'lurv': 1, 'chatup': 1, 'cringeworhi': 1, 'nationst': 1, 'tomahawk': 1, 'agentincharg': 1, 'constitution': 1, 'invoc': 1, 'menno': 1, 'meyj': 1, 'scorewrit': 1, 'arabianthem': 1, 'irishsound': 1, 'unbeknown': 1, 'amercian': 1, 'mideast': 1, 'zukovski': 1, 'nc17rate': 1, 'infidelit': 1, 'manip': 1, 'ulat': 1, 'natassja': 1, 'sexmaniac': 1, 'disserv': 1, 'floridaset': 1, 'sexbomb': 1, 'jailbait': 1, 'alluringli': 1, 'stanwyckgloria': 1, 'tantalizingli': 1, 'everlik': 1, 'repopular': 1, 'revelationheavi': 1, 'sinker': 1, 'aol': 1, 'superbookstor': 1, 'charmmet': 1, 'boink': 1, 'kafkaism': 1, 'bonet': 1, 'exacti': 1, 'fivesecond': 1, 'notbad': 1, 'clancyesqu': 1, 'ociou': 1, 'ultramodern': 1, 'imri': 1, 'arrietti': 1, 'newbigin': 1, 'peagreen': 1, 'felton': 1, '4inch': 1, 'childrenonli': 1, 'edelman': 1, 'dowd': 1, 'solon': 1, 'glickman': 1, 'prefectur': 1, 'cui': 1, 'rong': 1, 'guang': 1, 'nymphet': 1, 'calgari': 1, 'obrian': 1, 'angstfil': 1, 'eightli': 1, 'dancesong': 1, '82': 1, 'performig': 1, 'tutu': 1, 'successfuli': 1, 'imelda': 1, 'staunton': 1, 'alphonsia': 1, 'innerfriend': 1, 'subt': 1, 'anticlass': 1, 'stupidfun': 1, 'phyllida': 1, 'steig': 1, 'generic': 1, 'schill': 1, 'muffin': 1, 'bobbl': 1, 'antennaelik': 1, 'princessguard': 1, 'opportuni': 1, 'tomboyish': 1, 'turnstyl': 1, 'undisneyish': 1, 'motownsing': 1, 'heightchalleng': 1, 'mononok': 1, 'aah': 1, 'bridal': 1, 'resteraunt': 1, 'mooch': 1, 'semisuccess': 1, 'desperatli': 1, 'sera': 1, 'getsoff': 1, 'smokey': 1, 'burbon': 1, 'retroact': 1, 'fieryhair': 1, 'franka': 1, 'moritz': 1, 'supercharg': 1, 'scintil': 1, 'kraup': 1, 'rohd': 1, 'grieb': 1, 'bonnefroy': 1, 'lightningfast': 1, 'guardrail': 1, 'onethird': 1, 'overemphas': 1, 'nailbitingli': 1, 'misjudg': 1, 'quicklypac': 1, 'selfsatisfact': 1, 'papaya': 1, 'yenkh': 1, 'ngo': 1, 'quanq': 1, 'nguyen': 1, 'nhu': 1, 'quynh': 1, 'quoc': 1, 'chu': 1, 'ngoc': 1, 'habitu': 1, 'botan': 1, 'khanh': 1, 'manh': 1, 'cuong': 1, 'tuan': 1, 'cyclic': 1, 'pingbin': 1, 'courtyard': 1, 'yellowish': 1, 'storydriven': 1, 'starringliam': 1, 'directorgeorg': 1, 'hut': 1, 'jonn': 1, 'sebulba': 1, 'ratlik': 1, 'bagger': 1, 'glasgow': 1, 'flinch': 1, 'halfgrab': 1, 'guttur': 1, 'lowlit': 1, 'slavehood': 1, 'presumedli': 1, 'sortaredux': 1, 'andrei': 1, 'tarkofski': 1, 'cosmonaut': 1, 'conisder': 1, 'notinconsider': 1, 'castingagainsttyp': 1, 'centrestag': 1, 'viv': 1, 'movingli': 1, 'wellplan': 1, 'carpark': 1, 'buymor': 1, 'consumptioncrazi': 1, 'determinedli': 1, 'nbk': 1, 'whitefenc': 1, 'identikit': 1, 'hostess': 1, 'bun': 1, 'vhf': 1, 'networkaffili': 1, 'fletcherchannel': 1, '8s': 1, 'illnatur': 1, 'ownerveteran': 1, 'movieseveryth': 1, 'wrencher': 1, 'airplanetyp': 1, 'spadowski': 1, 'playhous': 1, 'mixedup': 1, 'foreignexchang': 1, 'drescher': 1, 'finklestein': 1, 'alakina': 1, 'serviceman': 1, 'photosensit': 1, 'fionnula': 1, 'tuttl': 1, 'finkbin': 1, 'with': 1, 'telss': 1, 'benefici': 1, 'runningjump': 1, 'scenc': 1, 'totti': 1, 'nineteeneighti': 1, 'milagro': 1, 'beanfield': 1, 'magicr': 1, 'newlybroken': 1, 'thaw': 1, 'mattertheir': 1, 'taim': 1, 'moi': 1, 'huggan': 1, 'viii': 1, 'handinmarriag': 1, 'lias': 1, 'lodgerley': 1, 'lecher': 1, 'loverboy': 1, 'wholo': 1, 'transistor': 1, 'halfscar': 1, 'cupacoffe': 1, 'somewhatchildish': 1, 'ciggi': 1, 'whatr': 1, 'unfound': 1, 'coconut': 1, 'seeth': 1, 'couplet': 1, 'iambic': 1, 'pentamet': 1, 'fennymann': 1, 'financiallyori': 1, 'rozencrantz': 1, 'boundless': 1, 'openlyhomosexu': 1, 'apothecari': 1, 'titant': 1, 'hundredyearold': 1, 'itiner': 1, 'promenad': 1, 'finac': 1, 'lamont': 1, 'planningtoretir': 1, 'brighthot': 1, 'gash': 1, 'ninetenth': 1, 'toothpast': 1, 'snowencrust': 1, 'enumer': 1, 'peyton': 1, 'goalsit': 1, 'deliversmeaning': 1, 'alltoorealist': 1, 'alwaysgrisli': 1, 'nottobeunderestim': 1, 'conduc': 1, 'largerissu': 1, 'popbroadway': 1, 'pornogrpahi': 1, 'doesnut': 1, 'hadnut': 1, 'experess': 1, 'fullfil': 1, 'popstar': 1, 'itu': 1, 'thereu': 1, 'youull': 1, 'adian': 1, 'estefan': 1, 'secondgrad': 1, 'lifealt': 1, 'edifi': 1, 'vannesa': 1, 'archnemesi': 1, 'regi': 1, '600pound': 1, 'shagless': 1, 'lazer': 1, 'mustafa': 1, 'alotta': 1, 'fagina': 1, 'sidesplittingli': 1, 'starphoenix': 1, 'saskatoon': 1, 'sk': 1, 'finalist': 1, 'ytv': 1, 'teentarget': 1, 'timemachin': 1, 'cretac': 1, 'drizzl': 1, 'secondstr': 1, 'anvil': 1, 'slouch': 1, 'splotti': 1, 'connectthedot': 1, 'jocki': 1, 'controlfreak': 1, 'nonetoosubtli': 1, 'guenveur': 1, 'frightfest': 1, 'murdererontheloos': 1, 'sugarland': 1, 'naturalborn': 1, 'spielbergian': 1, 'bigotri': 1, 'effectsload': 1, 'threeplu': 1, 'lionheart': 1, 'eastward': 1, 'northward': 1, 'occasionallyhumor': 1, 'seeminglystrang': 1, 'subhuman': 1, 'proslaveri': 1, 'claimant': 1, 'americanspanish': 1, 'spineless': 1, 'sycoph': 1, 'emotionallycrippl': 1, 'goeth': 1, 'chaseriboud': 1, 'upsurg': 1, 'mantlepiec': 1, 'repar': 1, 'hothead': 1, 'trampi': 1, 'ultraeccentr': 1, 'milehigh': 1, 'marmet': 1, 'berkeleyesqu': 1, 'bounteou': 1, 'cleanest': 1, 'hungu': 1, 'megabyt': 1, 'staggeringli': 1, 'compardr': 1, 'dietrich': 1, 'hassler': 1, 'reclin': 1, '5671': 1, 'duell': 1, 'platformprison': 1, 'redcarpet': 1, 'beautician': 1, 'frenchi': 1, 'didi': 1, 'conn': 1, 'tellitlik': 1, 'arden': 1, 'fontain': 1, 'edd': 1, 'dinah': 1, 'manhoff': 1, 'olsson': 1, 'ack': 1, 'funinthesun': 1, 'panandscannedout': 1, 'bellbottom': 1, 'mckinley': 1, 'numnum': 1, 'endoftheworld': 1, 'rhinocero': 1, 'bottlecap': 1, 'superblystag': 1, 'antlik': 1, 'boardwalk': 1, 'seashel': 1, 'merpeopl': 1, 'notsosubtl': 1, 'shrine': 1, 'potbelli': 1, 'veinott': 1, 'averages': 1, 'leavin': 1, 'keller': 1, 'autocrat': 1, 'seana': 1, 'dunsworth': 1, 'rosmari': 1, 'aghast': 1, 'cinematicallysavvi': 1, 'edvard': 1, 'munchesqu': 1, 'culturewhiz': 1, 'victimpotenti': 1, 'chatti': 1, 'nottoofriendli': 1, 'inaugur': 1, 'lunchmeat': 1, 'nonrol': 1, 'star69': 1, 'spoofi': 1, 'phoneassault': 1, 'tradein': 1, 'outclass': 1, 'antiterror': 1, 'beirut': 1, 'galahad': 1, 'nestl': 1, 'impossibilti': 1, 'ladden': 1, 'drugrav': 1, 'antipillpoppingcasualtantricsexcarchaseattemptedmurd': 1, 'blessedli': 1, 'careerthreaten': 1, 'idfuel': 1, 'zigzag': 1, 'torontonian': 1, 'chipperli': 1, 'untap': 1, 'exdrug': 1, 'jailterm': 1, 'curlyhair': 1, 'awoken': 1, 'ratso': 1, 'blanco': 1, 'goreg': 1, 'flim': 1, 'trashcan': 1, 'foghorn': 1, 'leghorn': 1, 'tangodanc': 1, 'insultthrow': 1, 'populu': 1, 'subtitlephob': 1, 'clownish': 1, 'minefield': 1, 'featherweight': 1, 'schramm': 1, 'spri': 1, 'blumberg': 1, 'sheepish': 1, 'fullyripen': 1, 'heavens': 1, 'expug': 1, 'separatist': 1, 'imprec': 1, 'wellstock': 1, 'kaftan': 1, 'undifferenti': 1, 'unconsid': 1, 'coz': 1, 'kolya': 1, 'zdenek': 1, 'fatherandson': 1, 'regalia': 1, 'quicksilv': 1, 'germin': 1, 'cagili': 1, 'monarchi': 1, 'midfilm': 1, 'chowyun': 1, 'concubin': 1, 'susi': 1, 'etheraddict': 1, 'paz': 1, 'huerta': 1, 'dissolut': 1, 'substandardli': 1, 'stationmast': 1, 'projectsweet': 1, 'hallstr': 1, 'filmclass': 1, 'coteri': 1, 'horrortrilog': 1, 'smashhit': 1, 'jingoalltheway': 1, 'militar': 1, 'twentyfoottal': 1, 'superimp': 1, 'dragonfli': 1, 'notsosecretli': 1, 'fiscal': 1, 'iiera': 1, 'antimilitari': 1, 'recommended8585but': 1, 'pheneomena': 1, 'corvino': 1, 'entomologist': 1, 'pleasanc': 1, 'exrol': 1, 'wyman': 1, 'gothicelectron': 1, 'reccur': 1, 'hallucinogenfuel': 1, 'seventyf': 1, 'pellet': 1, 'shaker': 1, 'alcoholbas': 1, 'consumatori': 1, 'barmaid': 1, 'barkin': 1, 'expectedli': 1, 'barnburn': 1, 'drugravag': 1, 'doobi': 1, 'unstimul': 1, 'thompsonbas': 1, 'quirkier': 1, 'raptur': 1, 'forefath': 1, 'skaarsgard': 1, 'umptenth': 1, 'noboyd': 1, 'copywrit': 1, '25th': 1, 'unshroud': 1, 'farmerwizard': 1, 'henwen': 1, 'baubl': 1, 'whirlpool': 1, 'fairylik': 1, 'morva': 1, 'stirsh': 1, 'fondest': 1, 'micheal': 1, 'annex': 1, 'glendal': 1, 'buena': 1, 'bardsley': 1, 'biner': 1, 'fondacairo': 1, 'frollo': 1, 'esmeralda': 1, 'proudest': 1, 'mid50': 1, 'tac': 1, 'freedman': 1, 'soontoberul': 1, 'goodwin': 1, 'citystreet': 1, 'academybelov': 1, 'mid1800': 1, 'leplastri': 1, 'anglican': 1, 'newlyacquir': 1, 'glasswork': 1, 'confessor': 1, 'undesir': 1, 'hind': 1, 'unwieldi': 1, 'expansion': 1, 'teleplay': 1, 'fore': 1, 'budgetwis': 1, 'gird': 1, 'militarycia': 1, 'armynavyair': 1, 'peaceabl': 1, 'antiaircraft': 1, 'kennedyesqu': 1, 'culp': 1, 'fairman': 1, 'adlai': 1, 'intelligentsia': 1, 'ecker': 1, 'wingman': 1, 'isi': 1, 'mussenden': 1, 'exminist': 1, 'beasley': 1, 'rechristen': 1, 'charlatan': 1, 'handler': 1, 'studiou': 1, 'churchgoer': 1, 'andmiss': 1, 'sleepercult': 1, 'yeeeeah': 1, 'thetop': 1, 'indubit': 1, 'prosoldi': 1, 'militarist': 1, 'whyunless': 1, 'drugstok': 1, 'polack': 1, 'gristli': 1, 'docin': 1, 'hillif': 1, 'valour': 1, 'ashau': 1, 'thuroughli': 1, 'villiag': 1, 'buffo': 1, 'bestworst': 1, 'seemlessli': 1, 'hourglass': 1, 'ascrib': 1, 'kin': 1, 'coldest': 1, 'onshor': 1, 'recentlywidow': 1, 'nita': 1, 'biggerstaff': 1, 'nonrel': 1, 'batallion': 1, 'wellphotograph': 1, 'pleasantvilleon': 1, 'decemeb': 1, 'steriotyp': 1, 'dialoguethos': 1, 'cameoesqu': 1, 'preform': 1, 'schwarzbaum': 1, 'settingintensifi': 1, 'courtroomcertainli': 1, 'masterpieceh': 1, 'bigb': 1, 'davegood': 1, 'scars': 1, 'bouyant': 1, '28th': 1, 'uglyduckl': 1, 'innund': 1, 'wedd': 1, 'infectu': 1, 'lustr': 1, 'nearcertain': 1, 'crimefoil': 1, 'cultclass': 1, 'audiencein': 1, 'fictionsoci': 1, 'looseend': 1, 'fairytail': 1, 'rm': 1, 'mer': 1, 'sketchbook': 1, 'buket': 1, 'soapopera': 1, 'odalisqu': 1, 'disasterslashact': 1, 'thrillsaminut': 1, 'quickedit': 1, 'jut': 1, 'nicelook': 1, 'kouf': 1, 'tzi': 1, 'swarthi': 1, 'rattner': 1, 'scroung': 1, 'squeaker': 1, 'gangbullsey': 1, 'zurg': 1, 'thisiswhatwethinkkidswanttohear': 1, '25cent': 1, 'append': 1, 'desklamp': 1, 'miracu': 1, 'rossellinia': 1, 'esoter': 1, 'theaten': 1, 'muttonchop': 1, 'sideburn': 1, 'damnedest': 1, 'grogan': 1, 'hyne': 1, 'engagingli': 1, 'conor': 1, 'paddi': 1, 'breathnach': 1, 'peat': 1, 'hostelri': 1, 'carefullycraft': 1, 'caffrey': 1, 'grittymak': 1, 'grubbybut': 1, 'philadelphiaarea': 1, 'theaterand': 1, 'longso': 1, 'klugman': 1, 'languish': 1, 'actspeak': 1, 'furbal': 1, 'dollsiz': 1, 'azthi': 1, 'voil': 1, 'onehundreddollar': 1, 'doorman': 1, 'flowershop': 1, 'rearend': 1, 'gigi': 1, 'stayin': 1, 'mone': 1, 'vinegar': 1, 'luedek': 1, 'kaczynski': 1, 'guestquart': 1, 'knotti': 1, 'stepin': 1, 'buddyweightlift': 1, 'barbiedol': 1, 'tracheotomi': 1, 'twentyyear': 1, 'suckerpunch': 1, 'highvis': 1, 'racemotiv': 1, 'funspoil': 1, 'orgazmo': 1, 'nigra': 1, 'unchain': 1, 'neumann': 1, 'fasterthan': 1, 'selfrepl': 1, 'fasterthanlight': 1, 'astronomerwrit': 1, 'afa': 1, 'intermediari': 1, 'wellstructur': 1, 'mitig': 1, 'badlywritten': 1, 'genom': 1, 'multiform': 1, 'sheerli': 1, 'assassinextermin': 1, 'empathpsych': 1, 'ichor': 1, 'bodystrewn': 1, 'braveheartdosag': 1, 'heavilyhyp': 1, 'herrington': 1, 'zeke': 1, 'photojournalist': 1, '15milliondollar': 1, 'tumultuos': 1, 'nusev': 1, 'overview': 1, 'cigarrett': 1, 'somesuch': 1, 'khanjian': 1, 'camelia': 1, 'frieberg': 1, '__________________________________________________________': 1, 'mistfortun': 1, 'nearrevolutionari': 1, 'sonnet': 1, 'cairo': 1, 'manhatten': 1, 'mistakingli': 1, 'capitol': 1, 'backroad': 1, 'bugg': 1, 'countermand': 1, 'perjur': 1, 'affairaweek': 1, 'oakland': 1, 'deathrow': 1, 'pocum': 1, 'crinkl': 1, 'tensionbuild': 1, '19year': 1, 'nonglamor': 1, 'handfe': 1, 'wellproduc': 1, 'rueff': 1, 'lubric': 1, 'salesmentalk': 1, 'salesmanship': 1, 'nonquest': 1, 'burnedout': 1, 'symmetri': 1, 'hairobsess': 1, 'shoal': 1, 'cyclop': 1, 'handsomest': 1, 'pomad': 1, 'hairnet': 1, 'herowander': 1, 'baptism': 1, 'homerian': 1, 'pappi': 1, 'odaniel': 1, 'teagu': 1, 'badalucco': 1, 'repe': 1, 'zophr': 1, 'jayn': 1, 'silveri': 1, 'walkway': 1, 'spheric': 1, 'fearth': 1, 'lifeaft': 1, 'goldenberg': 1, 'sother': 1, 'palmerelli': 1, 'constantin': 1, 'litz': 1, 'trippier': 1, 'alwaysinterest': 1, 'incorporateactorsintoexistingfilmfootag': 1, 'twohourplu': 1, 'muchwelcom': 1, 'showbusi': 1, 'winifr': 1, 'sitcomesqu': 1, 'tostito': 1, 'smokescreen': 1, 'godfathertrilog': 1, 'perviou': 1, 'sicili': 1, 'crookier': 1, 'carmin': 1, 'tavoulari': 1, 'godfatherfilm': 1, 'shire': 1, 'hagen': 1, 'overthehil': 1, '2023': 1, 'smog': 1, 'tortoiselik': 1, 'heredna': 1, 'lazyasalway': 1, 'jeanbaptist': 1, 'piglik': 1, 'gamorrean': 1, 'problemwhi': 1, 'brion': 1, 'llosa': 1, 'guyus': 1, 'movielov': 1, '25yearold': 1, '6yearold': 1, 'sheikh': 1, 'sigmund': 1, 'trojan': 1, 'algeria': 1, 'taghmaoui': 1, 'bigtodo': 1, 'shiftless': 1, 'mosqu': 1, 'sojourn': 1, 'sufism': 1, 'newport': 1, 'devastingli': 1, 'cucumb': 1, 'renow': 1, 'prejud': 1, 'reversalf': 1, 'pulitzerpr': 1, '70someth': 1, '60someth': 1, 'packard': 1, 'driveway': 1, 'salmon': 1, 'cantanker': 1, 'idella': 1, 'stagey': 1, 'jugular': 1, 'superseventi': 1, 'nihil': 1, '26year': 1, 'megalopoli': 1, 'sheperd': 1, 'dostoyevski': 1, 'raskolnikovlik': 1, 'madmen': 1, 'stomachlack': 1, 'wizzard': 1, 'pre1960': 1, 'postvietnam': 1, 'stygian': 1, 'herrman': 1, 'tabloidfodd': 1, 'hinckley': 1, 'mediterranean': 1, 'patternlik': 1, 'zerosum': 1, 'discreet': 1, 'betweenthelin': 1, 'bottomofthedrugfoodchain': 1, 'narc': 1, 'multilevelmarket': 1, 'shrimpscarf': 1, 'afeminit': 1, 'threeprong': 1, 'tonemood': 1, 'overlydark': 1, 'cinematographyart': 1, 'themetheori': 1, '42399': 1, 'wackedout': 1, 'warcrazi': 1, 'decker': 1, 'brookss': 1, 'malintent': 1, 'taggart': 1, 'kwan': 1, 'spocklik': 1, 'thermia': 1, 'notsoobvi': 1, 'holierthanth': 1, 'counterprogram': 1, 'addendum': 1, 'cheekbon': 1, 'lighweight': 1, 'gidley': 1, 'pual': 1, 'currysp': 1, 'offstag': 1, 'quartercenturi': 1, 'sociallyaccept': 1, 'sleez': 1, 'powertrip': 1, 'deglamor': 1, 'etho': 1, 'inhumanli': 1, 'jost': 1, 'vacano': 1, 'nodialog': 1, 'vampirefest': 1, 'mostlystraightforward': 1, 'jacksonchri': 1, 'jacksonrobert': 1, 'jacksontravolta': 1, 'pointsof': 1, 'banyon': 1, 'disloy': 1, 'toughguyswhorar': 1, 'twoanda': 1, 'abducte': 1, 'casanovawhat': 1, 'characterdevelop': 1, 'mtvtype': 1, 'dell': 1, 'barletta': 1, 'holist': 1, 'grazia': 1, 'unmarri': 1, 'overreact': 1, 'moonlit': 1, 'battiston': 1, 'toughnos': 1, 'bailbondsman': 1, '56year': 1, '44year': 1, 'bikiniclad': 1, 'defean': 1, 'abbot': 1, 'leatheri': 1, 'd2': 1, 'itselfa': 1, 'mace': 1, 'discourt': 1, 'rectitud': 1, 'lighthead': 1, 'farfromoverpow': 1, 'cosmet': 1, 'dilbertesqu': 1, 'overeffect': 1, 'hypnotherapist': 1, 'samir': 1, 'ajay': 1, 'naidu': 1, 'ineffici': 1, 'teenagetarget': 1, '1524': 1, 'gameplan': 1, 'hardfought': 1, 'teendomin': 1, 'lessthanorigin': 1, 'exlax': 1, 'boatwright': 1, 'postworld': 1, 'stigma': 1, 'lyle': 1, 'supress': 1, 'lovedepend': 1, 'preponder': 1, 'manouv': 1, 'pressurecook': 1, 'zabriski': 1, 'tightest': 1, 'puddl': 1, 'recant': 1, 'cultstatu': 1, 'hauser': 1, 'catacomb': 1, 'mispercept': 1, 'baddass': 1, 'shwarzeneggerlik': 1, 'limecolor': 1, 'linoleum': 1, 'sparki': 1, 'hutchison': 1, 'fantasyallegori': 1, 'preternatur': 1, 'voodoolik': 1, 'rarer': 1, 'shone': 1, 'becas': 1, 'activit': 1, 'webcam': 1, 'hydrophobia': 1, 'fluidli': 1, 'carefullystack': 1, 'laurensylvia': 1, 'indignantli': 1, 'gazer': 1, 'insulatori': 1, 'forthright': 1, 'antivoyeurist': 1, 'perkili': 1, 'lookatm': 1, 'picketfenc': 1, 'burkhard': 1, 'dallwitz': 1, 'actualis': 1, 'craftednot': 1, 'narrowminded': 1, 'lansquenet': 1, 'rocher': 1, 'mouthwat': 1, 'comt': 1, 'reynaud': 1, 'aurelien': 1, 'parentkoen': 1, 'muscat': 1, 'annmoss': 1, 'alwaysonthemov': 1, 'oconor': 1, 'roux': 1, 'levelsa': 1, 'hockeymask': 1, 'middleman': 1, 'santostefano': 1, 'alin': 1, 'brosh': 1, 'romanticmistaken': 1, 'coffer': 1, 'spoilsport': 1, 'multital': 1, 'hine': 1, 'forerunn': 1, 'quasinutrit': 1, 'cheatin': 1, 'mariachidirector': 1, '7000': 1, 'debutstar': 1, 'texmex': 1, 'countat': 1, 'estimatebut': 1, 'fictiontyp': 1, 'backslidden': 1, 'expreach': 1, 'sexpervert': 1, 'ageold': 1, 'unment': 1, 'larceni': 1, 'scalawag': 1, '289': 1, '460': 1, '9392': 1, 'clintonesq': 1, 'compton': 1, 'halftruthtel': 1, 'spindoctor': 1, 'treason': 1, 'grimlook': 1, 'boyznhood': 1, 'liabil': 1, 'rhythmless': 1, 'lingo': 1, 'cumberland': 1, 'stroehmann': 1, 'defenseless': 1, 'cruisepaul': 1, '92earli': 1, 'macchio': 1, 'benjilik': 1, 'decter': 1, 'strauss': 1, 'plotrelev': 1, 'seriousmind': 1, 'cufflink': 1, 'mcguigan': 1, 'phallic': 1, 'selfproduc': 1, 'pronunci': 1, 'eastwooddirect': 1, 'berendt': 1, 'horsefli': 1, 'beverag': 1, 'nepotist': 1, 'castilian': 1, 'rupaul': 1, 'flyguy': 1, 'celebritydirect': 1, 'truestori': 1, 'boylikesgirl': 1, 'boygetskilledinhorribleaccid': 1, 'supernaturalentitytakesoverboysbodi': 1, 'supernaturalentityfallsinlovewithgirl': 1, '1934': 1, '65th': 1, 'springi': 1, 'boringli': 1, 'murkili': 1, 'voicesacc': 1, 'angelica': 1, 'witzki': 1, 'closedin': 1, 'buttnumb': 1, 'reassign': 1, 'fullsiz': 1, 'goldenera': 1, 'girlongirl': 1, 'croupier': 1, 'picaresqu': 1, 'limeston': 1, 'wildflow': 1, 'batinkoff': 1, 'rosen': 1, 'doltish': 1, 'comedicrom': 1, 'groundl': 1, 'brassier': 1, 'opin': 1, 'falstaff': 1, 'filmcrit': 1, 'schrager': 1, 'doublewhammi': 1, 'dubuqu': 1, '2470': 1, 'moot': 1, 'barcod': 1, 'dajani': 1, 'yawk': 1, 'ohsoador': 1, 'jete': 1, 'outofstep': 1, 'raceagainsttim': 1, 'bettermad': 1, 'tarkovskian': 1, 'frickin': 1, 'unfrozen': 1, 'frisch': 1, 'quasievil': 1, 'homed': 1, 'cambodian': 1, 'entrac': 1, 'nonbritish': 1, 'edina': 1, 'monsoon': 1, 'chucklesom': 1, 'telli': 1, 'fruitcak': 1, 'fruiti': 1, 'nutcak': 1, 'twohand': 1, 'builtup': 1, 'agonisingli': 1, 'seldon': 1, 'nerveshatt': 1, 'doh': 1, 'nervewrack': 1, 'ankl': 1, 'gorey': 1, 'regularlyupd': 1, 'comhollywoodbungalow4960': 1, 'madonnamarri': 1, 'freeform': 1, 'dothi': 1, 'fullpric': 1, 'albani': 1, 'cronfront': 1, 'jealous': 1, 'daper': 1, 'stongwil': 1, 'castelik': 1, 'freewil': 1, 'gall': 1, 'signifc': 1, 'signfic': 1, 'tyrani': 1, 'exuberh': 1, 'hypernatur': 1, 'obtrus': 1, 'longish': 1, 'cliquey': 1, 'battler': 1, 'politiciandevelop': 1, 'rhonda': 1, 'pippa': 1, 'grandison': 1, 'jarrett': 1, 'bumblingli': 1, 'windowshop': 1, 'sharpwit': 1, 'houseguest': 1, 'beggar': 1, 'regent': 1, 'pantomim': 1, 'frixo': 1, 'princesss': 1, 'rewardinga': 1, '1793': 1, 'regicid': 1, 'maidserv': 1, 'meudon': 1, 'grandscal': 1, 'blueblood': 1, '1792': 1, 'rioter': 1, 'fooleri': 1, 'staunch': 1, 'groundless': 1, 'unavail': 1, 'secondfavorit': 1, 'softlyton': 1, 'appealinglychirpi': 1, 'formerangel': 1, 'acrossth': 1, 'teenspeak': 1, 'lesssuccess': 1, '17yearold': 1, '40student': 1, 'preflight': 1, 'rucku': 1, 'unboard': 1, 'neverseen': 1, 'goldbergesqu': 1, 'underseen': 1, 'slashercomedi': 1, 'manth': 1, 'nowdeceas': 1, 'arcan': 1, 'supererogatori': 1, 'frightentwo': 1, 'vignettesstyl': 1, 'divorce': 1, 'neigbor': 1, 'anthesi': 1, 'strasberg': 1, 'delawar': 1, 'leibowitz': 1, 'keenan': 1, 'swanbeck': 1, 'godgiven': 1, 'eighteenwheel': 1, 'cameratim': 1, 'softfocu': 1, 'heartsweep': 1, 'horsetrain': 1, 'slowdanc': 1, 'bookshop': 1, 'honeysoak': 1, 'apricot': 1, 'iniqu': 1, 'bonnevil': 1, 'terrarium': 1, 'realitywarp': 1, 'conformist': 1, 'kant': 1, 'nondisney': 1, 'ghettoiz': 1, 'zinnia': 1, 'crunchem': 1, 'childhat': 1, 'cockey': 1, 'pigtail': 1, 'televisionaddict': 1, '_mobi': 1, 'dick_': 1, 'adhes': 1, 'swicord': 1, 'tizard': 1, 'ballinagra': 1, 'pescara': 1, 'plumbingsuppli': 1, 'iceland': 1, 'redandwhit': 1, 'platformsol': 1, 'espadril': 1, 'massagetherapist': 1, 'plumberturnedpriv': 1, 'southport': 1, 'crossan': 1, 'jumpinyourseat': 1, 'smartlyscript': 1, 'anabasi': 1, 'xenophon': 1, 'dorsey': 1, 'gramerci': 1, 'upheld': 1, 'wouldbegirlfriend': 1, 'valkenburgh': 1, 'vorzon': 1, 'statesmanlik': 1, 'trinca': 1, 'selfpropel': 1, 'conciliatori': 1, 'waterwork': 1, 'enfield': 1, 'jointsmok': 1, 'repaint': 1, 'barntil': 1, 'wich': 1, 'zuckerabrahamszuck': 1, 'striker': 1, 'exfighterpilot': 1, 'deathlyil': 1, 'chicagobound': 1, 'kareem': 1, 'abduljabbar': 1, 'ashmor': 1, 'stucker': 1, 'courtland': 1, 'sall': 1, 'rey': 1, 'guiltridden': 1, 'portinari': 1, 'likingdislik': 1, 'funmak': 1, 'richman': 1, 'fauxsympathi': 1, 'buttercup': 1, 'coown': 1, 'uptown': 1, 'anchorcorrespond': 1, 'awefil': 1, 'vulturelik': 1, 'reinsert': 1, 'demornaylik': 1, 'ogrewitch': 1, 'aughra': 1, 'spasticbutfriendli': 1, 'tumbleweedlik': 1, 'fizzgig': 1, 'phenomenalobserv': 1, 'landwalk': 1, 'chasebut': 1, 'delicatelynarr': 1, 'baddeley': 1, 'toneperfect': 1, 'betterknown': 1, 'peopleless': 1, 'acidtrip': 1, 'guesthost': 1, 'horrorlov': 1, 'ultraman': 1, 'franciscobas': 1, 'auxiliari': 1, 'notsotyp': 1, 'herbal': 1, 'matzo': 1, 'soy': 1, 'sauceth': 1, 'cuisin': 1, 'copeland': 1, 'maryann': 1, 'urbano': 1, 'leung': 1, 'ishorror': 1, 'horrorsbad': 1, 'identitystruggl': 1, 'forethought': 1, 'technologyth': 1, 'pantwett': 1, 'respectmebecausemyfatherwasagoodman': 1, 'grislyfac': 1, 'exbasebal': 1, 'exassist': 1, 'blackburn': 1, 'terrorfi': 1, 'doesn': 1, 'us150': 1, 'spaceflight': 1, 'hais': 1, 'swigert': 1, 'measl': 1, 'filmmus': 1, '_dragon': 1, 'story_': 1, '_dragonheart_': 1, 'latura': 1, '_cliffhang': 1, 'ii_it': 1, 'trundl': 1, '_boom_': 1, '34degre': 1, 'slystyl': 1, 'meadow': 1, 'cyberspac': 1, 'sciencefictionact': 1, 'multimilliondollar': 1, 'effectsheavi': 1, '135': 1, 'servicewear': 1, 'effectu': 1, 'thw': 1, 'smirkiest': 1, 'cogent': 1, 'modernist': 1, 'iniquit': 1, 'clubish': 1, 'yech': 1, 'ciello': 1, 'prejuliani': 1, 'unintrus': 1, '167': 1, 'ia': 1, 'itti': 1, 'bitti': 1, 'gauthier': 1, 'renna': 1, 'tiffaniamb': 1, 'thiessen': 1, 'mediasatur': 1, 'bop': 1, 'seriouslyit': 1, 'ceasefir': 1, 'assmap': 1, 'bullion': 1, 'proposesdemandsthat': 1, 'adriana': 1, 'iraq': 1, 'soundwer': 1, 'persian': 1, 'observea': 1, 'indiemind': 1, 'cartoonishbarlow': 1, 'posttortur': 1, 'revelri': 1, 'godfearingultraseriousantiracistblackmanofpow': 1, 'protestormarch': 1, 'hayse': 1, 'kuwait': 1, 'oilinfest': 1, 'primer': 1, 'oftdismiss': 1, 'sociallyculturallypoliticallyglob': 1, 'wwi': 1, '67': 1, 'disract': 1, 'clayon': 1, 'onagainoffagain': 1, 'einsteinlevel': 1, 'warmhearted': 1, 'decisionirv': 1, 'novelbut': 1, 'boycal': 1, 'versionwho': 1, 'falsetto': 1, 'enzym': 1, 'morquio': 1, 'functionsmith': 1, 'charactersin': 1, 'obsequi': 1, 'howeverth': 1, 'twentysix': 1, '1590': 1, 'noblewoman': 1, 'fennyman': 1, 'forement': 1, 'truelov': 1, 'yearsopen': 1, 'aft': 1, 'realisticali': 1, 'brine': 1, 'dicaprip': 1, 'undertaken': 1, 'smashingli': 1, 'technoish': 1, 'taxicab': 1, 'highlyenerget': 1, 'eightyear': 1, 'unpromisingli': 1, 'selfpossess': 1, 'soho': 1, 'catti': 1, 'captivatingli': 1, 'stealthi': 1, 'vivaldi': 1, 'doubleteam': 1, 'aggriev': 1, 'smirkingli': 1, 'increasinglyflust': 1, 'apoplect': 1, 'unfeas': 1, 'exploratori': 1, 'notquitesubtl': 1, 'contractuallyoblig': 1, 'resubmit': 1, 'scaleddown': 1, 'withdrew': 1, 'customtailor': 1, 'selfchid': 1, 'broadlyobserv': 1, 'chatterbox': 1, 'surprisinglyresili': 1, 'triedandtest': 1, 'occupationalhazard': 1, 'downbutnotout': 1, 'scrabbl': 1, 'renshaw': 1, 'alexandria': 1, 'fullscreen': 1, 'loverprot': 1, 'foss': 1, 'selfenlighten': 1, 'kansa': 1, 'singerlov': 1, 'yitzak': 1, 'goss': 1, 'youngloversontheroad': 1, 'illnesswhich': 1, 'violentlythat': 1, 'beguilingli': 1, 'khanijian': 1, 'multilin': 1, 'unconnected': 1, 'outofchronologicalord': 1, 'rigueur': 1, 'spoonfedentertain': 1, 'taxauditor': 1, 'palli': 1, 'penuri': 1, 'poorrich': 1, 'favorti': 1, 'pinnochio': 1, 'barag': 1, 'seeminglyperfect': 1, 'fuckedup': 1, 'kunz': 1, 'vineyard': 1, 'pseudomaid': 1, 'outoftheway': 1, 'earpierc': 1, 'qe2': 1, 'migraineinduc': 1, 'golddig': 1, 'dilemna': 1, 'hawkscari': 1, 'plager': 1, '_mafia_': 1, 'stillpres': 1, 'basqu': 1, '112097': 1, 'witzi': 1, 'lineman': 1, 'illena': 1, 'masterfullydon': 1, 'brilliantlyconstru': 1, 'dreamt': 1, 'liza': 1, 'frameofmind': 1, 'realisticallywritten': 1, 'spinetinglingli': 1, 'efect': 1, 'assit': 1, 'beggin': 1, 'enteratain': 1, 'aquir': 1, 'disastor': 1, 'garfalo': 1, 'enteratin': 1, 'screem': 1, 'bannist': 1, 'horroract': 1, 'jefferi': 1, 'schnook': 1, 'reenerg': 1, 'streamlin': 1, 'laketyp': 1, 'backandforth': 1, 'quickfir': 1, 'clung': 1, 'girlpow': 1, 'countryclub': 1, 'flaxenhair': 1, 'manicurist': 1, 'garber': 1, 'teencomedi': 1, 'problemsolv': 1, 'luket': 1, 'joyous': 1, 'incandesc': 1, 'soontobepublish': 1, 'aprhodit': 1, 'weinberg': 1, 'umteenth': 1, 'finfer': 1, 'newland': 1, 'welland': 1, 'slowstart': 1, 'lotsa': 1, 'venna': 1, 'whippersnapp': 1, 'shebang': 1, 'jot': 1, 'lotta': 1, 'epicwannab': 1, 'linden': 1, 'buffalohunt': 1, 'nonpc': 1, 'tubercular': 1, 'rosselini': 1, 'ida': 1, 'wissner': 1, 'il': 1, 'landworld': 1, 'barracad': 1, 'copymachin': 1, 'oncemeek': 1, 'selfnam': 1, 'softey': 1, 'intellectuallychalleng': 1, 'vh1vogu': 1, 'shortfilm': 1, 'hilfig': 1, 'potshot': 1, 'jacobim': 1, 'brainwash': 1, 'ballstein': 1, 'largeass': 1, 'dowdi': 1, 'highbrow': 1, 'pimpernel': 1, 'bewig': 1, 'beribbon': 1, 'pew': 1, 'coachmen': 1, 'dani': 1, 'diguis': 1, 'dubarri': 1, 'duchess': 1, 'plume': 1, 'tant': 1, 'chateau': 1, 'neuv': 1, 'swordfight': 1, 'onform': 1, 'thickwit': 1, 'aristo': 1, 'betterthanusu': 1, 'courthous': 1, 'wellbuilt': 1, 'semireligi': 1, 'patial': 1, '144': 1, 'jitterish': 1, 'tireless': 1, 'aton': 1, 'baptiz': 1, 'australianbelgian': 1, 'tingwel': 1, 'pall': 1, 'candlelit': 1, 'indiscret': 1, 'bravo': 1, 'lan': 1, 'usthey': 1, 'lessthanid': 1, 'dinnert': 1, 'collegedormitori': 1, 'josss': 1, 'ideadriven': 1, 'alar': 1, 'kivilo': 1, 'finelywritten': 1, 'twoyearold': 1, 'lhassa': 1, 'illequip': 1, 'mountainclimb': 1, 'glasss': 1, 'thubten': 1, 'norbu': 1, 'survivalofthefittest': 1, 'cautious': 1, 'vllainou': 1, 'doublenatur': 1, 'murderedforc': 1, 'shownlik': 1, 'postdeath': 1, 'triviacostar': 1, 'oscarpitt': 1, 'curtiz': 1, 'nazicollabor': 1, 'vichi': 1, 'antifascist': 1, 'gestapo': 1, 'veidt': 1, 'maltes': 1, 'tiranni': 1, 'rickilsa': 1, 'competiton': 1, 'beliav': 1, 'magnifici': 1, 'berridg': 1, 'uss': 1, 'eighthundr': 1, 'someodd': 1, 'bitchin': 1, 'happilyeveraft': 1, 'discarg': 1, 'potatohead': 1, 'remembr': 1, 'br': 1, 'stepaway': 1, 'disneyanim': 1, 'untradit': 1, 'platon': 1, 'philistin': 1, 'humpback': 1, 'oceanscap': 1, 'scuffl': 1, 'googli': 1, 'schoolmarm': 1, 'concerto': 1, '18plu': 1, 'winteri': 1, 'enlarg': 1, 'bumblebe': 1, 'horsemen': 1, 'valkyri': 1, 'salvador': 1, 'whalestriangl': 1, 'thingssprit': 1, 'ethnocentr': 1, 'miracur': 1, 'propoganda': 1, 'shaven': 1, 'swastica': 1, 'emrboid': 1, 'devlish': 1, 'monger': 1, 'kampf': 1, 'wisen': 1, 'neonazidom': 1, 'quasisadist': 1, 'lolipop': 1, 'elloqu': 1, 'eliott': 1, 'rightist': 1, 'unparal': 1, 'unnerrv': 1, 'soontobeclass': 1, 'revoltingli': 1, 'maron': 1, 'trounc': 1, 'suple': 1, 'skinheaddom': 1, 'badmouth': 1, 'enwrap': 1, 'reali': 1, 'gusti': 1, 'dehaven': 1, 'backdown': 1, 'gruell': 1, 'heroheroin': 1, 'endeavour': 1, 'urgayl': 1, 'rigour': 1, 'surnam': 1, 'selfadvanc': 1, 'tenac': 1, 'trickster': 1, 'givya': 1, 'oat': 1, 'accurs': 1, 'bli': 1, 'genrecross': 1, 'discouragingli': 1, 'lessexperienc': 1, 'pekurni': 1, 'usda': 1, 'thingsnielsenboost': 1, 'thingsstart': 1, 'trampl': 1, 'alpin': 1, 'writerdirectorcomedian': 1, 'funniestand': 1, 'scariestth': 1, 'scuba': 1, 'stealth': 1, 'zodiac': 1, 'horoscop': 1, 'brows': 1, 'malay': 1, 'rugbi': 1, 'overpass': 1, 'lessthansavouri': 1, 'chappi': 1, 'notsoright': 1, '_william_shakespeares_romeo__juliet_': 1, '_the_lion_k': 1, '_the_broadway_musical_': 1, '_titus_andronicus_': 1, 'audaciousand': 1, 'bloodyfilm': 1, 'romebut': 1, 'tempor': 1, 'colosseum': 1, 'gladiatorlik': 1, 'suviv': 1, 'avant': 1, 'gard': 1, '_titus_': 1, 'fearlessli': 1, 'spielbergkatzenberggeffen': 1, 'mousehunt': 1, 'sexscand': 1, 'oneyear': 1, 'enrout': 1, 'peacekeep': 1, 'actioncrav': 1, 'normallook': 1, 'banist': 1, '____________________________________________': 1, 'kendrick': 1, 'bigfoot': 1, 'comjimkendrick': 1, 'jimkendrickbigfoot': 1, 'pusateri': 1, 'serb': 1, 'battledamag': 1, 'innocentlook': 1, '9yearold': 1, 'farmboy': 1, 'littleboy': 1, 'dinosaurs': 1, 'venetianlook': 1, 'romanchariot': 1, 'nascar': 1, 'corsuc': 1, 'paunchi': 1, 'hummingbird': 1, 'halfhidden': 1, 'cultfavorit': 1, 'dogbon': 1, 'horseplay': 1, 'eavesdrop': 1, 'filmwithinthefilm': 1, 'saracast': 1, 'slander': 1, 'dumbingdown': 1, 'partyrav': 1, 'wank': 1, 'simm': 1, 'koop': 1, 'mcjob': 1, 'lulu': 1, 'pilkington': 1, 'moff': 1, 'hardback': 1, 'filipino': 1, 'cormanwannab': 1, 'cusp': 1, 'aleximal': 1, 'fatter': 1, 'lowgrad': 1, 'ignoramu': 1, 'neutralcolour': 1, 'pseudoreligion': 1, 'milltyp': 1, 'feeder': 1, 'innovativenev': 1, 'borderjump': 1, 'cahier': 1, 'twothousand': 1, 'wealthiest': 1, 'fingerpoint': 1, 'potsmok': 1, 'gothlook': 1, 'jellydonut': 1, 'dingdong': 1, 'paup': 1, 'guelph': 1, 'hoser': 1, 'confidencelack': 1, 'overlyoffici': 1, 'lomper': 1, 'huison': 1, 'graceless': 1, 'speer': 1, 'wellendow': 1, 'sextet': 1, 'pseudosexi': 1, 'antiapp': 1, '70searli': 1, 'battlestar': 1, 'galactica': 1, '_experience_': 1, 'webpag': 1, 'islandnet': 1, 'comcoronafilmsdetailssw4': 1, 'cs': 1, 'latrob': 1, 'edu': 1, 'aukoukoula': 1, 'yavin': 1, 'edific': 1, 'mosscov': 1, 'madeand': 1, '_fantastic_': 1, 'reprocess': 1, 'maven': 1, 'burtt': 1, 'theatershak': 1, 'fullthx': 1, '_so': 1, 'much_': 1, 'experienceyoul': 1, 'moviespeci': 1, 'slapsticki': 1, 'pickpocket': 1, 'foolproof': 1, 'tidyman': 1, 'releaseand': 1, 'decadeth': 1, 'broadbas': 1, 'y2g': 1, 'sequelspinoff': 1, '_shafts_big_scor': 1, '_shaft_in_africa_': 1, 'samenam': 1, 'raciallymotiv': 1, 'dominican': 1, 'palmieri': 1, 'eyewit': 1, 'peoplesor': 1, 'doesand': 1, '_american_psycho_': 1, 'busta': 1, 'rasaan': 1, 'stronglybut': 1, 'ownar': 1, 'salerno': 1, 'cooland': 1, 'sequencescor': 1, 'everinfecti': 1, 'muthashut': 1, 'malori': 1, 'mort': 1, 'darthur': 1, 'enshrin': 1, 'merlin': 1, 'nearruin': 1, 'condomina': 1, 'mordr': 1, 'gawain': 1, 'balsan': 1, 'strippeddown': 1, 'drumbeat': 1, 'clank': 1, 'neigh': 1, 'scrappil': 1, 'fearsom': 1, 'karatekick': 1, 'fo': 1, 'everenjoy': 1, 'sppedboat': 1, 'wrongway': 1, 'copter': 1, 'greyer': 1, 'oscarbait': 1, 'epichandsom': 1, 'screenplaywith': 1, 'frenchset': 1, 'factoryworkerturnedprostitut': 1, 'vigau': 1, 'decadesspan': 1, 'englishlanguag': 1, 'smilla': 1, 'jorgen': 1, 'persson': 1, 'unglamor': 1, 'cosettemariu': 1, 'eponin': 1, 'mariuss': 1, 'underbid': 1, 'gigg': 1, 'guilfoyl': 1, '10000': 1, 'multiperson': 1, 'jumpoutatyoufromthedark': 1, 'parcel': 1, 'highdefinit': 1, 'uta': 1, 'briesewitz': 1, 'epo': 1, 'lovestori': 1, 'vestern': 1, 'clocktow': 1, 'tobew': 1, 'skarsgaard': 1, 'kirkebi': 1, 'procol': 1, 'harum': 1, 'matin': 1, 'lune': 1, 'fiel': 1, 'katrin': 1, 'cartlidg': 1, 'prix': 1, 'ultimo': 1, 'landsburi': 1, 'vlad': 1, 'bartok': 1, 'showstopp': 1, 'top40': 1, 'wrongagain': 1, 'betteramong': 1, 'thinkif': 1, 'unlisten': 1, 'dryburgh': 1, 'eyefil': 1, '777film': 1, 'bohemia': 1, 'derbi': 1, 'doublebarrel': 1, 'twotg': 1, 'unabash': 1, 'funtowatch': 1, 'alleyway': 1, 'sixtyish': 1, 'expat': 1, 'vernier': 1, 'nenett': 1, 'boni': 1, 'woolf': 1, 'andre': 1, 'tainsi': 1, 'putrefact': 1, 'bernheim': 1, 'hiberli': 1, 'autoarous': 1, 'polanski': 1, 'rombi': 1, 'ullmann': 1, 'sidekicksidekick': 1, 'warnerbrotherscoyotefalloffthecliff': 1, 'englishdub': 1, 'totoro': 1, 'understandingli': 1, 'harmlessli': 1, 'oneperson': 1, 'delivere': 1, 'masterserv': 1, 'friendfriend': 1, 'bewonder': 1, 'selfcontradict': 1, 'selfimag': 1, 'monoko': 1, 'hime': 1, 'alferd': 1, 'postcannib': 1, 'snowmen': 1, 'dissent': 1, 'shpadoinkl': 1, 'braniff': 1, 'leit': 1, 'bachar': 1, 'kemler': 1, 'lemmi': 1, 'motorhead': 1, 'aix': 1, 'robberyh': 1, 'glade': 1, 'toupeesport': 1, 'capergoneawri': 1, 'snoopi': 1, 'nationstyp': 1, 'isolationist': 1, 'reemerg': 1, 'solicit': 1, 'easternsound': 1, 'geopolit': 1, 'satellitecontrol': 1, 'cetera': 1, 'topofthelin': 1, 'expletit': 1, 'traffik': 1, 'middlemen': 1, 'bristl': 1, 'overract': 1, 'scores': 1, 'morod': 1, 'kfill': 1, 'thirdli': 1, 'groomwannab': 1, 'incorrig': 1, 'volleybal': 1, 'tugofwar': 1, 'hunkydori': 1, 'sausalito': 1, 'lettuc': 1, 'twentypound': 1, 'freezer': 1, 'sequitur': 1, 'yosarian': 1, 'mccalist': 1, 'viscou': 1, 'straddl': 1, 'infuriatingli': 1, 'schoonmak': 1, 'vestment': 1, 'nolstalg': 1, 'venabl': 1, 'attentiongrab': 1, 'altarboy': 1, 'redher': 1, 'prepostr': 1, 'uncompromisingli': 1, 'davisharrison': 1, 'pedal': 1, 'prisonerform': 1, 'jetlin': 1, 'voltag': 1, 'tiriel': 1, 'mora': 1, 'simco': 1, 'santo': 1, 'cilauro': 1, 'gleisner': 1, 'pleasent': 1, 'conner': 1, 'punxsutawney': 1, 'totatli': 1, 'unoffens': 1, 'senitment': 1, 'ramiss': 1, 'smari': 1, 'ryanson': 1, 'neurologist': 1, 'donn': 1, 'inclement': 1, 'wonderbr': 1, 'denker': 1, 'dussandermuch': 1, 'doodl': 1, 'credibilityin': 1, 'postsecondari': 1, 'goldenboy': 1, 'outcomether': 1, 'hoodwink': 1, 'filmschoolish': 1, 'subduedand': 1, 'murdererintrain': 1, 'taylorthoma': 1, 'cocainei': 1, 'kidsand': 1, 'onlychildrenha': 1, 'blackeningheart': 1, 'indeedw': 1, 'laudibl': 1, 'hayworth': 1, 'pseudolyr': 1, 'irishfolk': 1, 'ratinfest': 1, 'malnutrit': 1, 'gloomili': 1, 'hambl': 1, 'famish': 1, 'conversationheavi': 1, 'upwardlymobil': 1, 'basspound': 1, 'harvardeduc': 1, 'outspokenperhap': 1, 'dancefloor': 1, 'remeet': 1, 'eigeman': 1, 'factthat': 1, 'soulbar': 1, 'wellspoken': 1, 'merrygoround': 1, 'dingo': 1, 'churchman': 1, 'milliken': 1, 'aborgin': 1, 'pedersen': 1, 'menonli': 1, 'uluru': 1, 'anglosaxon': 1, 'jedda': 1, 'blacksmith': 1, 'nourish': 1, 'effectsbound': 1, 'edgeofyourseat': 1, 'mouthopen': 1, 'gaultier': 1, 'goldembroideri': 1, 'belin': 1, 'outofit': 1, 'sugerco': 1, 'portrtay': 1, 'onceblossom': 1, 'duong': 1, 'invlov': 1, 'leboswki': 1, 'whatsgoingonaroundher': 1, 'crimesgonewrong': 1, 'nam': 1, 'allpurpl': 1, 'roseann': 1, 'redmanbvoic': 1, 'eaddress': 1, 'estuff': 1, 'manifesto': 1, 'meri': 1, 'kaczkowski': 1, 'robb': 1, 'sovereign': 1, 'sanctiti': 1, 'url': 1, 'lauto': 1, 'smallbudget': 1, 'horrorscifi': 1, 'anywayyep': 1, 'bred': 1, 'fossil': 1, 'wellbalanc': 1, 'parthuman': 1, 'cranni': 1, 'seathandl': 1, 'thespianatlarg': 1, 'fatherdavid': 1, 'douchebag': 1, 'fiesta': 1, 'glenross': 1, 'ged': 1, 'feloni': 1, 'orsen': 1, 'filer': 1, 'inventi': 1, 'unwin': 1, 'proclam': 1, 'welldress': 1, 'glorystar': 1, 'freemani': 1, '54th': 1, '1862': 1, 'eriksson': 1, 'warthat': 1, 'graze': 1, 'cheekand': 1, 'southforev': 1, 'grittiest': 1, '170': 1, 'chiefofstafff': 1, 'downgrad': 1, 'trueman': 1, 'overfli': 1, 'vainli': 1, 'allse': 1, 'cageworld': 1, 'snoot': 1, 'tangerin': 1, 'timbr': 1, 'powaqqatsi': 1, 'keyboardist': 1})
#creating an array of arrays for the mask
word_cloud = create_word_cloud_with_mask("data//projector.png", stemmed_dict, 750, "Word Cloud Stemmed")
#Visualizing the top 12 words/characters
eda_reviews_top_words = word_freq_dict_to_df_top_words(stemmed_dict, 12)
eda_reviews_top_words
count | word | |
---|---|---|
41 | 11108 | film |
22 | 6855 | movi |
11 | 5758 | one |
83 | 3997 | like |
77 | 3855 | charact |
9 | 3189 | get |
34 | 3152 | make |
253 | 2902 | time |
89 | 2638 | scene |
36 | 2602 | even |
50 | 2383 | good |
181 | 2361 | play |
top_words_bar_plot(eda_reviews_top_words, "Top 12 Stemmed Words")
<module 'matplotlib.pyplot' from 'C:\\Users\\ho511\\Anaconda3\\lib\\site-packages\\matplotlib\\pyplot.py'>
total_words_unique_words(stemmed_dict)
The total number of words is 710273 The total number of unique words is 32160
#Now, I am going to look at the lemmatizer
lemma_movies = pd.DataFrame()
lemma_movies["lemma_review"] = movies_clean.apply(lambda row: lemma_func(row["review_no_stopwords"]), axis = 1)
viz = pd.DataFrame()
viz["lemma_reviews"] = lemma_movies["lemma_review"].copy()
#Getting ready to visualize the data
viz["lemma_reviews"] = getting_data_ready_for_freq(viz, "lemma_reviews")
lemma_dict = creating_freq_list_from_df_to_dict(viz, "lemma_reviews")
print(lemma_dict)
Counter({'film': 10963, 'movie': 6854, 'one': 5756, 'character': 3853, 'like': 3651, 'time': 2849, 'get': 2785, 'scene': 2638, 'make': 2582, 'even': 2559, 'good': 2338, 'story': 2319, 'would': 2041, 'much': 2023, 'also': 1965, 'see': 1866, 'way': 1855, 'two': 1824, 'life': 1807, 'first': 1769, 'go': 1727, 'well': 1709, 'thing': 1650, 'year': 1562, 'take': 1561, 'really': 1556, 'plot': 1510, 'come': 1502, 'little': 1493, 'know': 1485, 'people': 1459, 'could': 1395, 'bad': 1373, 'work': 1366, 'never': 1363, 'man': 1347, 'performance': 1315, 'end': 1304, 'best': 1302, 'new': 1277, 'look': 1272, 'doesnt': 1271, 'many': 1267, 'actor': 1229, 'director': 1213, 'dont': 1211, 'play': 1198, 'u': 1188, 'love': 1184, 'action': 1166, 'he': 1150, 'role': 1144, 'great': 1142, 'show': 1131, 'find': 1116, 'another': 1111, 'audience': 1074, 'give': 1068, 'star': 1058, 'say': 1058, 'something': 1048, 'back': 1043, 'still': 1042, 'seems': 1032, 'want': 1032, 'world': 1029, 'made': 1026, 'there': 994, 'however': 986, 'think': 981, 'big': 970, 'day': 954, 'every': 945, 'though': 936, 'better': 918, 'part': 909, 'enough': 907, 'guy': 904, 'seen': 902, 'around': 896, 'comedy': 886, 'going': 874, 'isnt': 871, 'may': 854, 'real': 853, 'fact': 843, 'last': 839, 'actually': 834, 'point': 830, 'funny': 829, 'woman': 819, 'right': 816, 'lot': 812, 'almost': 811, 'script': 807, 'nothing': 800, 'effect': 798, 'although': 795, 'john': 795, 'friend': 791, 'thats': 790, 'played': 788, 'set': 785, 'cast': 782, 'since': 768, 'moment': 767, 'minute': 754, 'turn': 752, 'long': 750, 'old': 741, 'young': 739, 'ever': 737, 'line': 722, 'original': 716, 'place': 709, 'without': 695, 'acting': 689, 'family': 689, 'problem': 687, 'feel': 677, 'try': 676, 'least': 675, 'picture': 674, 'quite': 656, 'sequence': 655, 'girl': 651, 'away': 650, 'course': 649, 'screen': 649, 'cant': 645, 'watch': 633, 'three': 633, 'interesting': 633, 'im': 630, 'might': 624, 'start': 622, 'rather': 620, 'anything': 617, 'bit': 613, 'far': 611, 'help': 609, 'must': 604, 'job': 602, 'yet': 600, 'tell': 596, 'kind': 590, 'alien': 588, 'wife': 582, 'begin': 581, 'didnt': 576, 'seem': 574, 'always': 574, 'fun': 571, 'making': 570, 'reason': 566, 'special': 566, 'trying': 565, 'instead': 565, 'home': 563, 'american': 558, 'hollywood': 556, 'sense': 553, 'put': 546, 'human': 544, 'child': 540, 'series': 539, 'probably': 538, 'need': 537, 'hour': 535, 'along': 529, 'war': 527, 'becomes': 526, 'men': 524, 'pretty': 523, 'idea': 522, 'everything': 522, 'dialogue': 522, 'night': 521, 'sure': 518, 'run': 518, 'kid': 517, 'keep': 517, 'black': 516, 'together': 515, 'shot': 512, 'become': 509, 'high': 508, 'hard': 503, 'money': 503, 'given': 501, 'whole': 494, 'watching': 490, 'got': 486, 'let': 486, 'le': 484, 'attempt': 481, 'mind': 481, 'lead': 479, 'death': 479, 'music': 477, 'hand': 474, 'father': 472, 'city': 472, 'fall': 471, 'name': 469, 'case': 460, 'perhaps': 458, 'done': 458, 'boy': 457, 'question': 456, 'brother': 454, 'especially': 454, 'horror': 453, 'sex': 453, 'couple': 452, 'ending': 452, 'next': 452, 'relationship': 449, 'laugh': 448, 'head': 445, 'everyone': 445, 'meet': 444, 'completely': 439, 'rest': 437, 'looking': 436, 'whose': 434, 'second': 433, 'evil': 430, 'feature': 430, 'different': 429, 'thought': 429, 'simply': 428, 'word': 428, 'eye': 427, 'james': 427, 'mr': 424, 'mother': 421, 'michael': 421, 'several': 417, 'theyre': 414, 'left': 412, 'book': 411, 'anyone': 411, 'shes': 407, 'entire': 406, 'humor': 406, 'small': 406, 'mean': 405, 'face': 405, 'getting': 404, 'group': 404, 'lost': 403, '2': 401, 'main': 400, 'half': 398, 'town': 398, 'found': 397, 'school': 397, 'someone': 396, 'use': 396, 'house': 390, 'comic': 389, 'matter': 388, 'joke': 388, 'true': 388, 'game': 386, 'review': 385, 'element': 385, 'fan': 385, 'either': 385, 'fight': 383, 'final': 382, 'unfortunately': 382, 'soon': 382, 'later': 381, 'ive': 381, 'viewer': 380, 'david': 380, 'wrong': 378, 'care': 376, 'car': 375, 'sound': 372, 'hit': 371, 'else': 371, 'based': 370, 'robert': 367, 'written': 365, 'camera': 364, 'used': 364, 'tv': 362, 'often': 361, 'dead': 360, 'certainly': 360, 'side': 360, 'kill': 360, 'believe': 357, 'called': 356, 'person': 354, 'said': 353, 'named': 353, 'playing': 351, 'despite': 351, 'behind': 351, 'finally': 350, 'act': 350, 'hero': 345, 'maybe': 345, 'son': 345, 'credit': 344, 'summer': 340, 'able': 339, 'power': 337, 'past': 337, 'nice': 336, 'seeing': 336, 'youre': 335, 'perfect': 335, 'killer': 334, 'lack': 332, 'example': 332, 'including': 330, 'classic': 328, 'style': 327, 'hope': 327, 'situation': 327, 'piece': 325, 'video': 323, 'order': 323, 'theater': 323, 'open': 322, 'supposed': 322, 'result': 322, 'daughter': 321, 'event': 321, 'live': 321, 'sort': 321, 'team': 319, 'talent': 318, 'production': 317, 'directed': 317, 'running': 315, 'entertaining': 313, 'save': 313, 'title': 313, 'version': 313, 'body': 312, 'full': 312, 'move': 312, 'worth': 311, 'change': 311, 'call': 311, 'drama': 310, 'dark': 309, 'feeling': 307, 'worst': 307, 'murder': 306, 'return': 305, 'kevin': 305, 'top': 305, 'upon': 305, 'others': 303, 'nearly': 303, 'opening': 302, 'thriller': 302, 'stop': 302, 'major': 301, 'screenplay': 301, 'throughout': 300, 'direction': 300, 'short': 298, 'violence': 298, 'room': 298, 'exactly': 297, 'scream': 297, 'writer': 296, 'wonder': 295, 'earth': 295, 'early': 295, 'voice': 294, 'dog': 294, 'ship': 292, 'beautiful': 292, 'deal': 291, 'wasnt': 291, 'jack': 290, 'white': 289, 'who': 289, 'heart': 288, 'obvious': 287, 'add': 287, 'joe': 287, 'dream': 286, 'note': 286, 'already': 285, 'experience': 285, 'level': 285, 'filmmaker': 285, 'art': 285, 'fine': 283, 'surprise': 281, 'simple': 281, 'talk': 281, 'king': 279, 'disney': 277, 'novel': 275, 'supporting': 275, 'truly': 274, 'member': 273, 'flick': 273, 'genre': 273, 'space': 273, 'deep': 272, 'cop': 270, 'number': 270, 'tom': 270, 'sometimes': 269, 'boring': 269, 'career': 269, 'hell': 267, 'battle': 266, 'beginning': 266, 'known': 266, 'peter': 266, 'lee': 264, 'york': 264, 'coming': 261, 'wont': 261, 'force': 261, 'four': 261, 'planet': 260, 'husband': 260, 'sequel': 260, 'arent': 259, 'strong': 259, 'figure': 259, 'plan': 258, 'happens': 258, 'present': 257, 'jackie': 256, 'state': 255, 'saw': 255, 'yes': 253, 'offer': 253, 'stupid': 253, 'possible': 253, 'parent': 252, 'god': 252, 'tale': 251, 'quickly': 251, 'song': 251, 'five': 250, 'form': 250, 'extremely': 248, 'manages': 248, 'close': 248, 'chance': 247, 'stand': 247, 'material': 247, 'interest': 247, 'villain': 246, 'particularly': 245, 'attention': 244, 'romantic': 244, 'future': 244, 'appears': 243, 'involving': 242, 'worse': 242, 'mostly': 241, 'involved': 241, 'eventually': 240, 'quality': 240, 'police': 239, 'taking': 238, 'paul': 238, 'emotional': 238, 'dr': 237, 'break': 235, 'cut': 235, 'bring': 235, 'van': 235, 'whats': 234, 'fiction': 234, 'image': 234, 'oscar': 234, 'smith': 234, 'none': 233, 'wild': 232, 'project': 232, 'computer': 231, 'de': 231, 'guess': 230, 'score': 230, 'crime': 230, 'success': 230, 'living': 229, 'release': 229, 'george': 229, 'gun': 229, 'drug': 229, 'light': 228, 'television': 227, 'enjoy': 227, 'alone': 227, 'obviously': 226, 'taken': 225, 'late': 225, 'youll': 225, 'usually': 225, 'among': 225, 'type': 223, 'single': 223, 'premise': 223, 'actress': 222, 'aspect': 222, 'read': 221, 'detail': 221, 'happen': 220, 'within': 220, 'across': 219, 'mission': 219, 'girlfriend': 218, 'williams': 218, 'chris': 218, 'history': 218, 'forced': 217, 'theme': 217, '1': 217, 'local': 217, 'science': 216, 'whether': 216, 'easy': 216, 'wonderful': 216, 'crew': 215, 'expect': 215, 'killed': 215, 'effort': 215, 'hold': 214, 'secret': 213, 'leave': 213, 'impressive': 213, 'giving': 212, 'except': 212, 'twist': 212, 'poor': 212, 'america': 212, 'seemed': 211, 'recent': 211, 'basically': 210, 'apparently': 209, 'studio': 209, 'robin': 209, 'agent': 209, 'serious': 209, 'age': 209, 'stuff': 208, 'told': 208, 'important': 208, 'reality': 208, 'million': 208, 'mark': 208, 'message': 207, 'entertainment': 207, 'working': 207, 'somehow': 206, 'released': 206, 'easily': 206, 'rock': 205, 'happy': 204, 'water': 203, 'chase': 202, 'escape': 202, 'brings': 202, 'batman': 202, 'hilarious': 201, 'street': 200, 'difficult': 200, 'stay': 200, 'vampire': 200, 'went': 200, 'remember': 200, 'mystery': 200, 'ago': 199, 'party': 198, 'oh': 198, 'screenwriter': 198, 'certain': 198, 'using': 198, 'ben': 198, 'cool': 197, '3': 197, 'middle': 197, 'complete': 197, 'wouldnt': 197, 'ill': 197, 'william': 196, 'due': 196, 'presence': 196, 'focus': 196, 'company': 196, 'ryan': 195, 'turned': 194, 'general': 194, 'effective': 194, 'suspense': 193, 'motion': 193, 'us': 192, 'adult': 191, 'subject': 191, 'romance': 191, 'popular': 191, 'critic': 191, 'writing': 191, 'bill': 191, 'business': 190, 'anyway': 190, 'doubt': 190, 'surprisingly': 189, 'personal': 189, 'dramatic': 189, 'country': 189, 'decides': 188, 'die': 188, 'youve': 188, 'blood': 188, 'somewhat': 187, 'annoying': 187, 'ability': 187, 'emotion': 187, 'previous': 186, 'similar': 186, 'absolutely': 186, 'came': 185, 'choice': 185, 'couldnt': 185, 'pay': 185, 'rich': 185, 'strange': 184, 'cinema': 184, 'gone': 184, 'leaf': 184, 'trouble': 184, 'sexual': 183, 'fear': 183, 'producer': 183, 'latest': 183, 'former': 183, 'excellent': 183, 'towards': 182, 'clear': 182, 'view': 182, 'successful': 182, 'bob': 182, 'following': 181, 'familiar': 181, 'intelligent': 181, 'giant': 181, 'visual': 181, 'amazing': 181, 'student': 181, 'predictable': 180, 'beyond': 180, 'leaving': 180, 'red': 179, 'jim': 179, 'office': 179, 'sister': 179, 'sam': 179, 'starring': 178, 'nature': 178, 'trailer': 178, 'prison': 178, 'la': 178, 'smart': 178, 'talking': 177, 'martin': 177, 'definitely': 177, 'carry': 177, 'pull': 177, 'victim': 176, 'powerful': 176, 'brilliant': 176, 'third': 176, 'murphy': 176, 'felt': 175, 'clever': 175, 'create': 175, 'straight': 175, 'musical': 174, 'bunch': 174, 'usual': 174, 'id': 174, 'scary': 173, 'wedding': 173, 'appearance': 173, 'wish': 173, 'learn': 172, 'jones': 172, 'large': 172, 'saying': 172, 'flaw': 172, 'thinking': 171, 'favorite': 171, 'solid': 171, 'teen': 170, 'follows': 170, 'law': 170, 'rating': 169, 'answer': 169, 'potential': 169, 'lie': 169, 'seriously': 169, 'huge': 168, 'near': 168, 'unlike': 167, '4': 165, 'realize': 165, 'animated': 165, 'amount': 165, 'approach': 165, 'took': 164, 'decent': 164, 'likely': 164, 'follow': 164, 'rule': 164, 'understand': 164, 'married': 164, 'master': 164, 'perfectly': 164, 'touch': 163, 'immediately': 163, 'happened': 163, 'enjoyable': 163, 'setting': 163, 'moving': 163, 'truman': 163, 'mess': 162, 'cause': 162, 'bond': 162, 'created': 162, 'heard': 162, 'scott': 161, 'bruce': 161, 'fails': 161, 'sweet': 161, 'filled': 161, 'attack': 161, 'stone': 161, 'suspect': 161, 'park': 161, 'overall': 160, 'inside': 160, 'monster': 160, 'hate': 160, 'particular': 160, 'merely': 160, 'exciting': 160, 'private': 159, 'wanted': 159, 'trek': 159, 'purpose': 159, 'carter': 159, 'slow': 159, 'ultimately': 158, 'door': 158, 'walk': 158, 'neither': 158, 'toy': 158, 'truth': 158, 'appear': 158, 'impossible': 158, 'blue': 158, 'frank': 158, 'ten': 157, 'depth': 157, 'brought': 157, 'richard': 157, '10': 156, 'allen': 156, 'class': 156, 'wood': 156, 'r': 155, 'society': 155, 'waste': 155, 'gag': 155, 'tim': 155, 'killing': 155, 'otherwise': 154, 'liked': 154, 'political': 154, 'various': 154, 'wait': 154, 'win': 153, 'personality': 153, 'miss': 153, 'player': 153, 'dumb': 153, 'opportunity': 153, 'issue': 153, 'development': 153, 'soundtrack': 152, 'adventure': 152, 'tone': 152, 'showing': 151, 'cliche': 151, 'sight': 151, 'steve': 151, 'government': 151, 'army': 151, 'spend': 150, 'harry': 150, 'share': 150, 'talented': 150, 'detective': 150, 'week': 150, 'angel': 150, 'west': 149, 'biggest': 148, 'slightly': 148, 'mar': 148, 'female': 148, 'earlier': 148, 'silly': 148, 'mary': 148, 'today': 148, 'havent': 147, 'creature': 147, 'memorable': 146, 'box': 146, 'background': 146, 'club': 146, 'hank': 146, 'max': 145, 'month': 145, 'english': 145, 'totally': 145, 'catch': 145, 'cold': 145, 'fast': 145, 'tension': 145, 'drive': 144, 'episode': 144, 'control': 144, 'charm': 144, 'leader': 144, 'disaster': 144, 'hill': 144, 'ask': 143, 'simon': 143, 'term': 143, 'track': 143, 'subplot': 143, 'eddie': 143, 'entirely': 142, 'grace': 142, 'l': 142, 'e': 142, 'actual': 142, 'constantly': 142, 'soldier': 142, 'terrible': 141, 'british': 141, 'gave': 141, 'baby': 141, 'animation': 140, 'island': 140, 'throw': 140, 'air': 140, 'nick': 140, 'queen': 140, 'convincing': 140, 'officer': 140, 'ape': 140, 'lover': 140, 'atmosphere': 140, 'ride': 140, 'sign': 139, 'standard': 139, 'ridiculous': 139, 'adam': 139, 'cinematography': 139, 'typical': 139, 'fire': 139, 'spent': 139, 'minor': 138, 'fairly': 138, 'doctor': 138, 'pick': 138, 'impact': 138, 'list': 138, 'fantasy': 137, 'beauty': 137, 'expected': 137, 'race': 137, 'front': 137, '90': 137, 'suddenly': 137, 'color': 137, 'belief': 136, 'budget': 136, 'greatest': 136, 'cameo': 136, 'sit': 136, 'willis': 136, 'brief': 135, 'building': 135, 'complex': 135, 'violent': 135, 'amusing': 135, 'land': 135, 'dull': 134, 'basic': 134, 'seven': 134, 'indeed': 134, 'modern': 134, 'steven': 134, 'free': 134, 'machine': 134, 'mike': 134, 'key': 134, 'whatever': 133, 'dollar': 133, 'road': 133, 'cinematic': 133, 'outside': 133, 'ii': 133, 'meanwhile': 133, 'subtle': 133, 'store': 132, 'recently': 132, 'clearly': 132, 'partner': 132, 'trip': 131, 'step': 131, 'plenty': 131, 'woody': 131, 'hear': 131, 'college': 131, 'prof': 131, 'bug': 130, 'awful': 130, 'president': 130, 'believable': 130, 'climax': 130, 'cheap': 130, 'godzilla': 130, 'animal': 130, 'chemistry': 130, 'quick': 129, 'steal': 129, 'shown': 129, 'conclusion': 129, 'band': 129, 'possibly': 129, 'foot': 129, 'date': 129, 'period': 129, 'longer': 129, 'aside': 128, 'highly': 128, 'common': 128, 'protagonist': 128, 'storyline': 128, 'imagine': 128, 'scientist': 128, 'lawyer': 128, 'realistic': 128, 'cameron': 128, 'concept': 127, 'somewhere': 127, 'shoot': 127, 'strike': 127, 'slowly': 127, 'language': 127, 'mention': 127, 'telling': 126, 'six': 126, 'provide': 126, 'ground': 126, 'reach': 126, 'sean': 126, 'scifi': 126, 'jerry': 126, 'delivers': 126, 'asks': 126, 'search': 126, 'okay': 125, 'cute': 125, 'costume': 125, 'exception': 125, 'flat': 125, 'device': 125, 'casting': 125, 'memory': 125, 'system': 125, 'etc': 125, 'brown': 125, 'cover': 124, 'french': 124, 'decide': 124, 'sent': 124, 'incredibly': 124, 'jackson': 124, 'intelligence': 123, 'value': 123, 'j': 123, 'join': 123, 'considering': 123, 'thanks': 123, 'remains': 123, 'decade': 123, 'wrote': 123, 'generation': 122, 'criminal': 122, 'fit': 122, 'train': 122, 'difference': 122, 'energy': 122, 'caught': 122, 'leading': 122, 'knew': 122, 'interested': 122, 'spielberg': 122, 'forget': 122, 'titanic': 122, 'tarzan': 122, 'witch': 121, 'flashback': 121, 'provides': 121, 'billy': 121, 'dance': 121, 'central': 121, 'pace': 121, 'buddy': 121, 'alive': 121, 'edward': 121, 'famous': 121, 'rated': 120, 'worked': 120, 'male': 120, 'legend': 120, 'terrific': 120, 'camp': 120, 'onto': 119, 'encounter': 119, 'hardly': 119, 'thus': 119, 'chan': 119, 'stage': 119, 'apartment': 119, 'apart': 118, 'accent': 118, 'low': 118, 'rescue': 118, 'led': 118, 'tough': 118, 'mysterious': 118, 'consider': 118, 'wasted': 117, 'seemingly': 117, 'affair': 117, 'ghost': 117, 'manner': 117, 'becoming': 117, 'cage': 117, 'pop': 117, 'ready': 117, 'looked': 117, 'directing': 117, 'tarantino': 117, 'contains': 117, 'teacher': 117, 'occasionally': 116, 'artist': 116, 'learns': 116, 'bos': 116, 'decision': 116, 'produced': 116, 'missing': 115, 'century': 115, 'singer': 115, 'soul': 115, 'hole': 115, 'bizarre': 115, 'unique': 115, 'medium': 115, 'opinion': 115, 'individual': 115, 'thrown': 114, 'christopher': 114, 'laughing': 114, 'b': 114, 'matthew': 114, 'saving': 114, 'write': 113, 'heavy': 113, 'travel': 113, 'green': 113, 'thin': 113, 'contact': 113, 'promise': 113, 'innocent': 113, 'lady': 113, 'admit': 113, 'treat': 113, 'brain': 112, 'speech': 112, 'discovers': 112, 'award': 112, 'waiting': 112, 'accident': 111, 'weapon': 111, 'product': 111, 'rush': 111, 'moral': 111, 'vega': 111, 'julia': 111, 'spirit': 111, 'deserves': 111, 'average': 110, 'include': 110, 'filmmaking': 110, 'fellow': 110, 'teenager': 110, 'news': 110, 'suit': 109, 'weve': 109, 'fox': 109, 'appeal': 109, 'fashion': 109, 'spot': 109, 'gay': 109, 'buy': 109, 'became': 109, 'normal': 108, 'equally': 108, 'addition': 108, 'kiss': 108, 'skill': 108, 'includes': 108, 'pair': 108, 'blade': 108, 'introduced': 108, 'jason': 108, 'food': 108, 'odd': 108, 'anderson': 108, 'wear': 108, 'sad': 107, 'menace': 107, 'attitude': 107, '80': 107, 'dude': 107, 'barely': 107, 'gang': 107, 'phone': 107, 'elizabeth': 107, 'pulp': 107, 'build': 107, 'surprised': 107, 'respect': 106, 'task': 106, 'needed': 106, 'stephen': 106, 'enjoyed': 106, 'discover': 106, 'latter': 106, 'henry': 106, 'social': 106, 'danny': 106, 'recommend': 106, 'dy': 105, 'hair': 105, 'superior': 105, 'charming': 105, 'fair': 105, 'lame': 105, 'field': 105, 'devil': 105, 'mouth': 105, 'guard': 105, 'jennifer': 105, 'lucas': 105, 'folk': 104, 'decided': 104, 'literally': 104, 'target': 104, 'plane': 104, 'presented': 104, 'remake': 104, 'debut': 104, 'owner': 104, 'douglas': 104, 'generally': 103, 'edge': 103, 'hot': 103, 'gore': 103, 'teenage': 103, 'older': 103, 'footage': 103, 'culture': 103, 'sadly': 103, 'jump': 103, 'loud': 103, 'epic': 103, 'horse': 103, 'disturbing': 103, 'formula': 103, 'julie': 103, 'viewing': 103, 'center': 103, 'natural': 103, 'public': 103, 'struggle': 103, 'prove': 102, 'youd': 102, 'instance': 102, 'horrible': 102, 'creates': 102, 'jeff': 102, 'pain': 102, 'match': 102, 'chinese': 102, 'jr': 102, 'comparison': 102, 'russell': 102, 'count': 102, 'explain': 102, 'meaning': 102, 'rarely': 101, 'desperate': 101, 'weak': 101, 'reference': 101, 'charles': 101, 'setup': 101, 'numerous': 101, 'notice': 101, 'younger': 101, 'crash': 101, 'pleasure': 101, 'involves': 101, 'design': 100, 'apparent': 100, 'cartoon': 100, 'jay': 100, 'toward': 100, 'mood': 100, 'fighting': 100, 'surprising': 100, 'filmed': 100, 'conflict': 100, 'editing': 100, 'roger': 100, 'specie': 100, 'adaptation': 100, 'journey': 100, 'lose': 100, 'parody': 100, 'intended': 100, 'expectation': 100, 'captain': 100, '000': 100, 'patrick': 100, 'carrey': 100, 'information': 99, 'twice': 99, 'genuine': 99, 'test': 99, 'alan': 99, '1998': 99, 'rise': 99, 'blair': 98, 'pas': 98, 'arnold': 98, 'fault': 98, 'fare': 98, 'twenty': 98, 'graphic': 98, 'wall': 98, 'masterpiece': 98, 'fresh': 98, 'kelly': 98, 'travolta': 98, 'tried': 98, 'portrayal': 98, 'weird': 97, 'vision': 97, 'nowhere': 97, 'mistake': 97, 'hasnt': 97, 'loved': 97, 'asked': 97, 'station': 97, 'creating': 97, 'flying': 97, 'wit': 97, 'process': 97, 'nicely': 96, 'smile': 96, 'please': 96, 'forward': 96, 'pathetic': 96, 'speak': 96, 'stunt': 96, 'impression': 96, 'visit': 96, 'goal': 96, 'fascinating': 96, 'gibson': 96, 'shakespeare': 96, 'burton': 96, 'stick': 95, 'incredible': 95, 'desire': 95, 'capture': 95, 'rare': 95, 'kept': 95, 'trooper': 95, 'military': 95, 'cross': 94, 'mix': 94, 'appropriate': 94, 'considered': 94, 'shame': 94, 'inspired': 94, 'born': 94, 'fbi': 94, 'matt': 94, 'technical': 94, 'campbell': 94, 'witty': 94, 'confusing': 93, 'industry': 93, 'confused': 93, 'superb': 93, 'dennis': 93, 'christmas': 93, 'patient': 93, 'driver': 93, 'virtually': 93, 'characterization': 93, 'marriage': 93, 'sitting': 92, 'deliver': 92, 'beat': 92, 'creepy': 92, 'forever': 92, 'bright': 92, 'hong': 92, 'suppose': 92, 'blame': 92, 'cry': 92, 'intriguing': 92, 'academy': 92, 'floor': 92, 'avoid': 91, 'magic': 91, 'vehicle': 91, 'crap': 91, 'seat': 91, 'necessary': 91, 'spends': 91, 'boyfriend': 91, 'claim': 91, 'total': 91, 'pointless': 91, 'developed': 91, 'thomas': 91, 'boat': 91, 'fly': 91, 'price': 91, 'appreciate': 91, 'silent': 91, 'allows': 91, 'hundred': 91, 'pure': 90, 'meant': 90, 'snake': 90, 'failed': 90, 'revenge': 90, 'kong': 90, 'commercial': 90, 'display': 90, 'physical': 90, 'handle': 90, 'fully': 90, 'ed': 90, '1999': 90, 'phantom': 90, 'baldwin': 89, 'nobody': 89, 'cash': 89, 'daniel': 89, 'mentioned': 89, 'documentary': 89, 'limited': 89, 'unfunny': 89, 'draw': 89, 'matrix': 89, 'length': 89, 'satire': 89, 'blow': 89, 'princess': 89, 'touching': 89, 'rising': 89, 'speaking': 89, 'thrill': 89, 'shallow': 89, 'scare': 89, 'tony': 89, 'continues': 88, 'angry': 88, 'opposite': 88, 'hotel': 88, 'unless': 88, 'extra': 88, 'rob': 88, 'relief': 88, 'explosion': 88, 'gangster': 88, 'trick': 88, 'genius': 88, 'spice': 88, 'added': 88, 'bank': 88, 'mile': 88, 'ray': 88, 'segment': 88, 'rose': 88, 'damn': 87, 'keeping': 87, 'imagination': 87, 'shock': 87, 'dad': 87, 'failure': 87, 'fate': 87, 'disappointing': 87, 'window': 87, 'hall': 87, 'warrior': 87, 'strength': 87, 'support': 87, 'fill': 87, 'humorous': 87, 'model': 87, 'appealing': 87, '20': 86, 'crazy': 86, 'bar': 86, 'finale': 86, 'drag': 86, 'comedic': 86, 'hunt': 86, '5': 86, 'performer': 86, 'stunning': 86, 'angle': 86, 'united': 86, 'jimmy': 86, 'ok': 86, 'shooting': 86, 'compared': 86, 'board': 86, 'humanity': 86, 'nightmare': 85, 'managed': 85, 'trust': 85, 'double': 85, 'therefore': 85, 'finding': 85, 'witness': 85, 'conversation': 85, 'affleck': 85, 'bear': 85, 'professional': 85, 'urban': 85, 'manage': 85, 'record': 85, 'dozen': 85, 'stuck': 85, 'patch': 85, 'started': 85, 'identity': 85, 'falling': 85, 'wonderfully': 85, 'spectacular': 84, 'content': 84, 'loses': 84, 'hint': 84, 'grant': 84, 'martial': 84, 'season': 84, '1997': 84, 'moore': 84, 'prisoner': 84, 'frightening': 84, 'babe': 84, 'bottom': 83, 'slasher': 83, 'reaction': 83, 'willing': 83, 'crowd': 83, 'spawn': 83, 'speed': 83, 'meeting': 83, 'radio': 83, 'arm': 83, 'utterly': 83, 'wayne': 83, 'ford': 83, 'starship': 83, 'path': 83, 'kate': 83, 'fake': 83, 'intense': 83, 'terrorist': 83, 'plain': 82, 'explanation': 82, 'bored': 82, 'poorly': 82, 'c': 82, 'hospital': 82, 'grand': 82, 'hoping': 82, 'root': 82, 'bland': 82, 'johnny': 82, 'ice': 82, 'visuals': 82, 'compelling': 82, 'rival': 82, 'sympathetic': 82, 'featuring': 82, 'larry': 82, 'winner': 82, 'mad': 82, 'connection': 82, 'cruise': 82, 'russian': 81, 'dangerous': 81, 'comment': 81, 'walking': 81, 'reading': 81, 'winning': 81, 'bat': 81, 'frame': 81, 'na': 81, 'wind': 81, 'roll': 81, 'dvd': 81, 'visually': 81, 'washington': 81, 'allow': 81, 'professor': 81, 'exist': 81, 'chosen': 81, 'taste': 81, 'slave': 81, 'dying': 81, 'attractive': 81, 'portrayed': 81, 'tommy': 81, 'bringing': 80, 'jane': 80, 'watched': 80, 'position': 80, 'narrative': 80, 'check': 80, 'destroy': 80, 'hurt': 80, 'extreme': 80, 'shouldnt': 80, 'died': 80, 'enemy': 80, 'theatre': 80, 'naked': 80, 'humour': 80, 'honest': 80, 'lord': 80, 'turning': 79, 'serve': 79, 'changed': 79, 'yeah': 79, 'rent': 79, 'routine': 79, 'ball': 79, 'current': 79, 'survive': 79, 'reef': 79, 'brook': 79, 'technology': 79, 'worthy': 79, 'study': 79, 'rocky': 79, 'mulan': 79, 'clue': 78, 'engaging': 78, 'ad': 78, 'realized': 78, 'excuse': 78, 'carpenter': 78, 'zero': 78, 'tired': 78, 'as': 78, 'determined': 78, 'south': 78, 'veteran': 78, 'jedi': 78, 'succeeds': 78, 'mob': 78, 'virus': 77, 'here': 77, 'progress': 77, 'gary': 77, 'contrived': 77, 'supposedly': 77, 'happening': 77, 'scale': 77, 'm': 77, 'hidden': 77, 'brian': 77, 'expecting': 77, 'ultimate': 77, 'constant': 77, 'wave': 77, 'makeup': 77, 'provided': 77, 'welcome': 77, 'mel': 77, 'drop': 77, 'fantastic': 77, 'sexy': 77, 'ted': 77, 'faith': 77, 'catherine': 76, 'nasty': 76, 'fat': 76, 'bus': 76, 'japanese': 76, 'writerdirector': 76, 'miller': 76, 'judge': 76, 'available': 76, '50': 76, 'press': 76, 'twin': 76, 'disappointment': 76, 'likable': 76, 'helen': 76, 'monkey': 76, 'nomination': 76, 'substance': 75, 'surface': 75, 'sick': 75, 'haunting': 75, 'regular': 75, 'broken': 75, 'al': 75, 'grows': 75, 'g': 75, 'tragedy': 75, 'gold': 75, 'driving': 75, 'taylor': 75, 'accept': 75, 'cult': 75, 'jail': 75, 'goofy': 75, '70': 75, 'raise': 75, 'began': 75, 'court': 75, 'church': 74, 'kick': 74, 'mediocre': 74, 'beast': 74, 'quiet': 74, 'blockbuster': 74, 'laughable': 74, 'source': 74, 'cinematographer': 74, 'sheer': 74, 'badly': 74, 'sky': 74, 'instinct': 74, 'bridge': 74, '100': 74, 'stuart': 74, 'directly': 74, 'card': 74, 'dealing': 74, 'beach': 74, 'austin': 74, 'outstanding': 74, 'table': 73, 'offensive': 73, 'drawn': 73, 'rate': 73, 'bed': 73, 'reveal': 73, 'thousand': 73, 'v': 73, 'hunter': 73, 'sleep': 73, 'community': 73, 'forgotten': 73, 'eccentric': 73, 'heaven': 73, 'myers': 73, 'era': 73, 'robot': 72, 'stretch': 72, 'slapstick': 72, 'stereotype': 72, 'loser': 72, 'walter': 72, 'tune': 72, 'risk': 72, 'movement': 72, 'stock': 72, 'plus': 72, 'wondering': 72, 'intention': 72, 'realizes': 72, 'refuse': 72, 'fame': 72, 'security': 72, 'responsible': 72, 'loving': 72, 'location': 72, 'remarkable': 72, 'expression': 72, 'ahead': 72, 'contrast': 72, 'damon': 72, 'clich': 71, 'nudity': 71, 'danger': 71, 'bloody': 71, 'serial': 71, 'lucky': 71, 'wing': 71, 'punch': 71, 'anthony': 71, 'emotionally': 71, 'pilot': 71, 'sea': 71, 'hopkins': 71, 'storm': 71, 'service': 71, 'originally': 71, 'cheesy': 71, 'sarah': 71, 'thankfully': 71, 'joy': 71, 'standing': 71, 'annie': 71, 'amy': 71, 'interview': 71, 'alex': 71, 'explained': 70, 'quest': 70, 'woo': 70, 'inevitable': 70, 'andrew': 70, 'sorry': 70, 'thoroughly': 70, 'range': 70, 'self': 70, 'stranger': 70, 'neighbor': 70, 'followed': 70, 'bomb': 70, 'warning': 70, 'singing': 70, 'chicken': 70, 'guilty': 70, 'missed': 70, 'nuclear': 70, 'author': 70, 'oliver': 70, 'hollow': 70, 'rain': 70, 'tear': 70, 'sidney': 70, 'wide': 70, 'creative': 70, 'funniest': 70, 'shadow': 70, 'continue': 70, 'xfiles': 70, 'scorsese': 70, 'flash': 69, 'hey': 69, 'joel': 69, 'safe': 69, 'werent': 69, 'placed': 69, 'cell': 69, 'fail': 69, 'gotten': 69, 'bone': 69, 'area': 69, 'freeman': 69, 'crystal': 69, 'lacking': 69, 'develop': 69, 'knowledge': 69, 'vincent': 69, 'serf': 69, 'boogie': 69, 'arrives': 69, 'enter': 68, 'synopsis': 68, 'cat': 68, 'ugly': 68, 'included': 68, 'onscreen': 68, 'charge': 68, 'frequently': 68, 'capable': 68, 'armageddon': 68, 'ring': 68, 'chief': 68, 'pacing': 68, 'statement': 68, 'assistant': 68, 'mainly': 68, 'oneliners': 68, 'ended': 68, '8': 68, 'suicide': 68, 'grow': 68, 'growing': 68, 'keaton': 68, 'exchange': 67, 'department': 67, 'pie': 67, 'object': 67, 'scheme': 67, 'perspective': 67, 'cliched': 67, 'mountain': 67, 'direct': 67, 'maker': 67, 'shine': 67, 'spy': 67, 'bobby': 67, '30': 67, 'send': 67, 'saved': 67, 'unexpected': 67, 'highlight': 67, 'ticket': 67, 'bacon': 67, 'barry': 67, 'previously': 67, 'hunting': 67, 'evidence': 66, 'recall': 66, 'joan': 66, '60': 66, 'buck': 66, 'built': 66, 'lawrence': 66, 'subplots': 66, 'damme': 66, 'pulled': 66, 'describe': 66, 'sport': 66, 'program': 66, 'football': 66, 'courtroom': 66, 'logic': 66, 'challenge': 66, 'existence': 66, 'freedom': 66, 'clean': 66, 'spoiler': 66, 'justice': 66, 'relatively': 65, 'morning': 65, 'prince': 65, 'investigation': 65, 'jonathan': 65, 'unnecessary': 65, 'theory': 65, 'learned': 65, 'passion': 65, 'friendship': 65, 'overly': 65, 'reporter': 65, 'charlie': 65, 'bigger': 65, 'wise': 65, 'london': 65, 'fish': 65, 'tradition': 65, 'clooney': 65, 'insight': 64, 'exact': 64, 'eric': 64, '0': 64, 'terror': 64, 'eight': 64, 'opera': 64, 'acted': 64, 'sell': 64, 'authority': 64, 'jean': 64, 'eve': 64, 'remain': 64, 'anna': 64, 'jon': 64, 'asking': 64, 'circumstance': 64, 'positive': 64, 'cusack': 64, 'porn': 64, 'seagal': 64, 'exercise': 64, 'survivor': 64, 'sandler': 64, 'international': 64, 'naturally': 64, 'sharp': 64, 'mental': 64, 'degree': 64, 'critique': 63, 'fifteen': 63, 'knight': 63, 'dragon': 63, 'elaborate': 63, 'shocking': 63, 'besides': 63, 'paris': 63, 'captured': 63, 'concerned': 63, 'anne': 63, 'breaking': 63, 'preview': 63, 'jungle': 63, '12': 63, 'threat': 63, 'operation': 63, 'religious': 63, 'conspiracy': 63, 'bag': 63, 'condition': 63, 'moved': 63, 'leg': 63, 'genuinely': 63, 'independence': 63, 'worker': 63, 'german': 63, 'eat': 63, 'desperately': 63, 'reminiscent': 63, 'knowing': 63, 'greater': 63, 'largely': 63, 'sitcom': 63, 'crisis': 63, 'flynt': 63, 'occasional': 62, 'essentially': 62, 'core': 62, 'obsessed': 62, 'whenever': 62, 'suggest': 62, 'western': 62, 'astronaut': 62, 'satisfying': 62, 'allowed': 62, 'league': 62, 'thief': 62, 'magazine': 62, 'ocean': 62, 'disappointed': 62, 'priest': 62, 'putting': 62, 'mom': 62, 'cowboy': 62, 'explains': 62, 'thirty': 62, 'marry': 62, 'ripley': 62, 'unfortunate': 62, 'halfway': 61, 'mouse': 61, 'theatrical': 61, 'necessarily': 61, 'traditional': 61, 'trash': 61, 'hang': 61, 'painful': 61, 'sends': 61, 'luck': 61, 'agrees': 61, 'gift': 61, 'revealed': 61, 'historical': 61, 'interaction': 61, 'heavily': 61, 'method': 61, 'sidekick': 61, 'copy': 61, 'successfully': 61, 'dinner': 61, 'everybody': 61, 'afraid': 61, 'corner': 61, 'psychological': 61, '810': 60, 'empty': 60, 'halloween': 60, 'loss': 60, 'wilson': 60, 'painfully': 60, 'fallen': 60, 'bound': 60, 'starting': 60, 'unknown': 60, 'skin': 60, 'knock': 60, 'ala': 60, 'lesson': 60, 'structure': 60, 'agree': 60, 'occur': 60, 'brad': 60, 'burn': 60, 'christian': 60, 'schwarzenegger': 60, 'behavior': 60, 'aware': 60, 'murray': 60, 'delight': 60, 'intensity': 60, 'national': 60, 'seth': 60, 'narration': 60, 'suspenseful': 60, 'hide': 59, 'claire': 59, 'lovely': 59, 'france': 59, 'baseball': 59, 'bullet': 59, 'posse': 59, 'england': 59, 'sole': 59, 'surely': 59, 'china': 59, 'unbelievable': 59, 'stumble': 59, 'bother': 59, 'ensemble': 59, 'jake': 59, 'spark': 59, 'pig': 59, 'trilogy': 59, 'nevertheless': 59, 'initially': 59, 'shop': 59, 'shrek': 59, 'favor': 58, 'wealthy': 58, 'originality': 58, 'drunken': 58, 'significant': 58, 'reminded': 58, 'weekend': 58, 'settle': 58, 'excitement': 58, 'possibility': 58, 'convinced': 58, 'letter': 58, 'requires': 58, 'alice': 58, 'collection': 58, 'predecessor': 58, '15': 58, 'installment': 58, 'met': 58, 'desert': 58, 'dress': 58, 'arquette': 58, 'uninteresting': 58, 'insult': 58, 'deadly': 58, 'critical': 58, 'technique': 58, 'harris': 58, 'bitter': 58, 'laughter': 58, 'nbsp': 58, 'understanding': 57, 'stolen': 57, 'accidentally': 57, 'demand': 57, 'heroine': 57, 'showed': 57, 'hired': 57, 'hanging': 57, 'oddly': 57, 'terry': 57, '1995': 57, 'complicated': 57, 'held': 57, 'neil': 57, 'executive': 57, 'beloved': 57, 'trial': 57, 'unlikely': 57, 'concern': 57, 'keanu': 57, 'screening': 57, 'chicago': 57, 'terminator': 57, 'effectively': 57, 'celebrity': 57, 'dirty': 57, 'warm': 57, 'todd': 57, 'suffers': 57, 'stallone': 57, 'achievement': 57, 'hire': 57, 'lynch': 57, 'niro': 57, 'discovered': 57, 'terribly': 56, 'crow': 56, 'described': 56, 'psycho': 56, 'fugitive': 56, '2001': 56, 'command': 56, 'luke': 56, 'aforementioned': 56, 'handled': 56, 'rick': 56, 'gon': 56, 'extraordinary': 56, 'notion': 56, 'photography': 56, 'speaks': 56, 'derek': 56, 'guest': 56, 'proceeding': 56, 'river': 56, 'delightful': 56, 'wrestling': 56, 'laughed': 56, 'con': 56, 'vacation': 56, 'meg': 56, 'commentary': 56, 'loose': 56, 'breast': 56, 'block': 56, 'hook': 56, 'status': 56, 'dean': 56, 'williamson': 56, 'ideal': 56, 'p': 56, 'suffering': 56, 'nicholson': 56, 'universe': 56, 'stiller': 56, '710': 55, 'attempting': 55, 'gain': 55, 'endless': 55, 'sudden': 55, 'unable': 55, 'tree': 55, 'foreign': 55, 'lake': 55, '510': 55, 'campaign': 55, 'equal': 55, 'youth': 55, 'childhood': 55, 'destroyed': 55, 'factor': 55, 'mickey': 55, 'shift': 55, 'bet': 55, '7': 55, 'tragic': 55, 'irritating': 55, 'barrymore': 55, 'ethan': 55, 'bride': 55, 'frankly': 55, 'noir': 55, 'truck': 55, 'unusual': 55, 'finest': 55, 'quirky': 55, 'texas': 55, 'citizen': 55, 'losing': 55, 'produce': 54, 'murdered': 54, 'homage': 54, 'deeper': 54, 'nonetheless': 54, 'drunk': 54, 'odonnell': 54, 'finish': 54, 'lonely': 54, 'multiple': 54, 'karen': 54, 'covered': 54, 'anywhere': 54, 'tense': 54, 'creation': 54, 'storytelling': 54, 'f': 54, 'embarrassing': 54, 'ruin': 54, 'glass': 54, 'roommate': 54, 'initial': 54, 'quaid': 54, 'african': 54, 'wearing': 54, 'horizon': 54, 'diamond': 54, 'mask': 54, 'helped': 54, 'phil': 54, 'cole': 54, 'entertain': 53, 'required': 53, 'twisted': 53, 'albeit': 53, 'size': 53, 'advice': 53, 'fifth': 53, 'crack': 53, 'blonde': 53, 'suck': 53, 'practically': 53, 'wake': 53, 'mine': 53, 'obligatory': 53, 'basis': 53, 'convention': 53, 'hitchcock': 53, 'holiday': 53, 'coach': 53, 'handful': 53, 'verhoeven': 53, 'peak': 53, 'extended': 53, 'italian': 53, 'theyve': 53, 'hype': 53, 'pitt': 53, 'ordinary': 53, 'combination': 53, 'closer': 53, 'flesh': 53, 'aid': 53, 'greg': 53, 'trio': 53, 'nazi': 53, 'politics': 53, 'goodman': 53, 'jurassic': 53, 'tribe': 53, 'revolves': 52, 'haunted': 52, 'digital': 52, 'soap': 52, 'confrontation': 52, 'recognize': 52, 'reveals': 52, 'hearing': 52, 'jet': 52, 'bore': 52, 'childrens': 52, 'overthetop': 52, 'granted': 52, 'lewis': 52, 'remaining': 52, 'honor': 52, 'tape': 52, 'absurd': 52, 'restaurant': 52, 'drew': 52, 'destination': 52, 'throwing': 52, 'paper': 52, 'prime': 52, 'jar': 52, 'ian': 52, 'fairy': 52, 'introduces': 52, 'religion': 52, 'hoffman': 52, 'clothes': 51, 'cost': 51, 'colorful': 51, 'magical': 51, 'forest': 51, 'saturday': 51, 'category': 51, 'entry': 51, 'advance': 51, 'replaced': 51, 'threatening': 51, 'revelation': 51, 'driven': 51, 'romeo': 51, 'cox': 51, 'gene': 51, 'ironic': 51, 'fortune': 51, 'designer': 51, 'inventive': 51, 'outrageous': 51, 'broderick': 51, 'deeply': 51, 'erotic': 51, 'research': 51, 'develops': 51, 'dry': 51, 'struggling': 51, 'bird': 51, 'trapped': 51, 'holding': 51, 'primary': 51, '6': 51, 'hopefully': 51, 'duvall': 51, 'featured': 51, 'medical': 51, 'persona': 51, 'lloyd': 51, 'chain': 51, 'kenneth': 51, 'importantly': 51, 'generic': 51, 'contemporary': 51, 'spoof': 51, 'sir': 51, 'treatment': 51, 'wes': 50, 'promising': 50, 'remotely': 50, 'string': 50, 'midnight': 50, 'expert': 50, 'darkness': 50, 'birth': 50, 'depressing': 50, 'glenn': 50, 'tiny': 50, 'seek': 50, 'beating': 50, 'assume': 50, 'howard': 50, 'gorgeous': 50, 'sing': 50, 'lisa': 50, 'sixth': 50, 'notable': 50, 'artistic': 50, 'morgan': 50, 'bleak': 50, 'overcome': 50, 'mafia': 50, 'suggests': 50, 'directorial': 50, 'dick': 50, 'fool': 50, 'investigate': 50, 'airplane': 50, 'silver': 50, 'sum': 50, 'parker': 50, 'flawed': 49, 'cable': 49, 'disbelief': 49, 'strip': 49, 'capsule': 49, '13': 49, 'schumacher': 49, 'conventional': 49, 'pregnant': 49, 'higher': 49, 'countless': 49, 'perform': 49, 'graham': 49, 'pretend': 49, 'whatsoever': 49, 'trade': 49, 'inept': 49, 'dancing': 49, 'universal': 49, 'incident': 49, 'occurs': 49, 'sheriff': 49, 'metal': 49, 'dressed': 49, 'negative': 49, 'brutal': 49, 'execution': 49, 'measure': 49, 'response': 49, 'teach': 49, 'dealer': 49, 'obnoxious': 49, 'motivation': 49, 'foster': 49, 'market': 49, 'tucker': 49, 'hughes': 49, 'rolling': 49, 'portion': 49, 'beautifully': 49, 'affection': 49, 'jackal': 49, 'troubled': 49, 'melvin': 49, 'skip': 48, 'bastard': 48, 'wooden': 48, 'voiced': 48, 'murderer': 48, 'influence': 48, 'paid': 48, 'trite': 48, 'festival': 48, 'li': 48, 'sandra': 48, 'fortunately': 48, 'buzz': 48, 'wong': 48, 'experiment': 48, 'michelle': 48, 'sonny': 48, 'creator': 48, 'screaming': 48, 'mitchell': 48, 'editor': 48, 'scenery': 48, 'abandoned': 48, 'n': 48, 'forth': 48, 'golden': 48, 'bulworth': 48, 'designed': 48, 'headed': 48, 'suffer': 48, 'village': 48, 'luckily': 48, 'report': 48, 'mature': 48, 'hip': 47, 'finger': 47, 'pet': 47, 'nine': 47, 'sake': 47, 'roth': 47, 'stereotypical': 47, 'convince': 47, 'official': 47, 'natasha': 47, 'mighty': 47, 'deserve': 47, 'passed': 47, '1970s': 47, 'rape': 47, 'according': 47, 'gadget': 47, 'dialog': 47, 'stab': 47, 'gratuitous': 47, 'innocence': 47, 'chuckle': 47, 'fiennes': 47, 'lucy': 47, 'mainstream': 47, 'climactic': 47, 'false': 47, 'davis': 47, 'penn': 47, 'base': 47, 'sin': 47, 'pleasant': 47, 'appeared': 47, 'norton': 47, 'site': 47, 'mere': 47, 'lebowski': 47, 'destruction': 47, 'sat': 47, 'cruel': 47, 'weight': 47, 'flight': 47, 'neeson': 47, 'ellie': 47, 'owen': 47, 'dropped': 47, 'established': 47, 'laura': 47, 'network': 47, 'ancient': 47, 'succeed': 47, 'argument': 47, 'johnson': 47, 'brilliantly': 47, 'october': 47, '54': 47, 'likeable': 47, 'maggie': 47, 'cgi': 46, 'spending': 46, 'warner': 46, 'providing': 46, '9': 46, 'welles': 46, 'picked': 46, 'jan': 46, 'gorilla': 46, 'leap': 46, 'north': 46, 'jordan': 46, 'subtlety': 46, 'boxing': 46, 'defense': 46, 'tyler': 46, 'obsession': 46, 'page': 46, 'prinze': 46, 'indian': 46, 'ron': 46, 'principal': 46, 'variety': 46, 'kubrick': 46, 'expensive': 46, 'tight': 46, 'manager': 46, 'attraction': 46, 'gross': 46, 'cuba': 46, 'separate': 46, 'closeup': 46, 'dillon': 46, 'richards': 46, 'neve': 46, 'franchise': 46, 'glimpse': 46, 'stylish': 46, 'intellectual': 46, 'scenario': 46, 'refreshing': 46, 'corny': 46, 'occasion': 46, 'accomplished': 46, 'benefit': 46, '1996': 46, 'judd': 46, 'spiritual': 46, 'sympathy': 46, 'disco': 46, 'stewart': 46, 'whale': 46, 'downright': 46, 'raised': 46, 'thrilling': 45, 'offering': 45, 'arthur': 45, 'sword': 45, 'fighter': 45, 'compare': 45, 'tie': 45, 'viewed': 45, 'switch': 45, 'remembered': 45, 'awkward': 45, 'adapted': 45, 'clueless': 45, 'basketball': 45, 'phrase': 45, 'notably': 45, 'endearing': 45, 'environment': 45, 'tend': 45, 'gem': 45, 'anaconda': 45, 'tedious': 45, 'consistently': 45, 'perfection': 45, 'random': 45, 'emma': 45, 'letting': 45, 'los': 45, 'strangely': 45, 'shark': 45, 'blank': 45, 'susan': 45, 'baker': 45, 'via': 45, 'anymore': 45, 'kim': 45, 'proof': 45, 'breathtaking': 45, 'reese': 45, 'gory': 45, 'combined': 45, 'lived': 45, 'triumph': 45, 'mass': 45, 'spacey': 45, 'drink': 44, 'personally': 44, 'round': 44, 'specific': 44, 'independent': 44, 'accused': 44, 'wannabe': 44, 'delivery': 44, 'parallel': 44, 'exists': 44, 'stronger': 44, 'advantage': 44, 'scared': 44, 'irish': 44, 'catholic': 44, 'prior': 44, 'distracting': 44, 'mirror': 44, 'idiotic': 44, 'enormous': 44, 'push': 44, 'boast': 44, 'increasingly': 44, 'pile': 44, 'paint': 44, 'circle': 44, 'account': 44, 'consequence': 44, 'merit': 44, 'anger': 44, 'caricature': 44, 'jesus': 44, 'mixed': 44, 'reminds': 44, 'onedimensional': 44, 'idiot': 44, 'jaw': 44, 'fonda': 44, 'everywhere': 44, 'reallife': 44, 'crucial': 44, 'surreal': 44, 'angeles': 44, 'needle': 44, 'learning': 44, 'hostage': 44, 'snipe': 44, 'legendary': 44, 'session': 44, 'charisma': 44, 'grown': 44, 'filming': 44, 'thompson': 44, 'millionaire': 44, 'selling': 44, 'fred': 44, 'eating': 44, 'virtual': 44, 'executed': 43, 'empire': 43, 'turkey': 43, '8mm': 43, 'training': 43, 'california': 43, 'portrait': 43, 'bathroom': 43, 'shut': 43, 'satan': 43, 'horribly': 43, 'treated': 43, 'cauldron': 43, 'energetic': 43, 'ensues': 43, 'cutting': 43, 'trend': 43, 'motif': 43, 'spring': 43, 'pg': 43, 'banderas': 43, 'harrelson': 43, 'lethal': 43, 'glory': 43, '40': 43, 'mildly': 43, 'albert': 43, 'stanley': 43, 'sun': 43, 'lifeless': 43, 'spin': 43, 'consists': 43, 'carol': 43, 'evening': 43, 'wallace': 43, 'nation': 43, 'hood': 43, 'infamous': 43, 'civil': 43, 'ingredient': 43, 'depp': 43, 'birthday': 43, 'sens': 43, 'flubber': 43, 'dan': 43, 'diaz': 43, 'craven': 43, 'jamie': 42, '1960s': 42, 'blind': 42, 'allowing': 42, 'handsome': 42, 'realism': 42, 'fu': 42, 'border': 42, 'henstridge': 42, 'host': 42, 'alicia': 42, 'generated': 42, 'paxton': 42, 'computergenerated': 42, 'garbage': 42, 'section': 42, 'gabriel': 42, 'impressed': 42, 'enjoying': 42, 'amanda': 42, 'randy': 42, 'contain': 42, 'drinking': 42, 'wildly': 42, 'andy': 42, 'delivered': 42, 'slip': 42, 'pool': 42, 'inspiration': 42, 'denise': 42, 'token': 42, 'braveheart': 42, 'portrays': 42, 'sink': 42, 'paltrow': 42, 'leo': 42, 'closing': 42, 'wound': 42, 'colonel': 42, 'painting': 42, 'till': 42, '2000': 42, 'delivering': 42, 'robocop': 42, 'faced': 42, 'castle': 42, 'finn': 42, 'echo': 41, 'squad': 41, 'instantly': 41, 'investigator': 41, 'irony': 41, 'express': 41, 'utter': 41, 'kung': 41, 'ironically': 41, 'imagery': 41, 'inane': 41, 'grade': 41, 'demon': 41, 'terrifying': 41, 'gut': 41, 'criticism': 41, 'appropriately': 41, 'explaining': 41, 'mtv': 41, 'ludicrous': 41, 'battlefield': 41, 'caring': 41, 'betty': 41, 'discovery': 41, 'relate': 41, 'psychotic': 41, 'reputation': 41, 'jeffrey': 41, 'native': 41, 'passenger': 41, 'worry': 41, 'thug': 41, 'activity': 41, 'vicious': 41, 'stealing': 41, 'pass': 41, 'confusion': 41, 'gordon': 41, 'invisible': 41, 'quentin': 41, 'costner': 41, 'freeze': 41, 'pun': 41, 'robbins': 41, 'relies': 41, 'explored': 41, 'kidnapped': 41, 'companion': 41, 'engaged': 41, 'uninspired': 40, 'timing': 40, 'ear': 40, 'inspector': 40, 'relative': 40, 'mortal': 40, 'emperor': 40, 'pg13': 40, 'larger': 40, 'specifically': 40, 'shoulder': 40, 'eerie': 40, 'supernatural': 40, 'carried': 40, 'straightforward': 40, 'campy': 40, 'wanting': 40, 'committed': 40, 'hackman': 40, 'rachel': 40, 'sentence': 40, 'connery': 40, 'cousin': 40, 'staying': 40, 'cave': 40, 'bite': 40, 'opened': 40, 'arrive': 40, 'moviegoer': 40, 'griffith': 40, 'chair': 40, 'doll': 40, 'kidnapping': 40, 'lighting': 40, 'southern': 40, 'revealing': 40, 'gradually': 40, 'burst': 40, 'soft': 40, 'gloria': 40, 'absolute': 40, 'carefully': 40, 'received': 40, 'fargo': 40, 'balance': 40, 'blown': 40, 'sleepy': 40, 'frankenstein': 40, 'clerk': 40, 'charismatic': 40, 'shining': 40, 'carrying': 40, 'searching': 40, 'heather': 40, 'philosophy': 40, 'watson': 40, 'dicaprio': 40, 'antz': 40, 'chasing': 39, 'flashy': 39, 'sutherland': 39, 'slick': 39, 'arrival': 39, 'fatal': 39, 'narrator': 39, 'melodrama': 39, 'chick': 39, 'anybody': 39, 'easier': 39, 'martian': 39, 'reviewer': 39, 'toilet': 39, 'exploit': 39, 'dinosaur': 39, 'sentimental': 39, 'worthwhile': 39, 'ambitious': 39, 'phenomenon': 39, 'superficial': 39, 'inner': 39, 'somebody': 39, 'hurricane': 39, 'pack': 39, 'realizing': 39, 'currently': 39, 'freddie': 39, 'ashley': 39, 'antic': 39, 'primarily': 39, 'context': 39, 'stopped': 39, '1980s': 39, 'h': 39, 'shall': 39, 'enjoyment': 39, 'helping': 39, 'emily': 39, 'meat': 39, 'lion': 39, 'duke': 39, 'lone': 39, 'framed': 39, 'beatty': 39, 'joseph': 39, 'disguise': 39, 'glad': 39, 'tour': 39, 'cromwell': 39, 'bottle': 39, 'identify': 39, 'newcomer': 39, 'liam': 39, 'disc': 39, 'coincidence': 39, 'respectively': 39, 'harrison': 39, 'believed': 39, 'loyal': 39, 'thurman': 39, 'theyll': 39, 'data': 39, 'porter': 39, 'bowling': 39, 'flawless': 39, 'malkovich': 39, 'happiness': 39, 'wahlberg': 39, 'pacino': 39, 'iron': 39, 'gattaca': 39, 'donald': 38, 'potentially': 38, 'shower': 38, 'showdown': 38, 'adequate': 38, 'assault': 38, 'admittedly': 38, 'sleazy': 38, 'client': 38, 'super': 38, 'aint': 38, 'torn': 38, 'packed': 38, 'thank': 38, 'dare': 38, 'broad': 38, 'removed': 38, 'wouldbe': 38, 'gas': 38, 'pam': 38, 'kilmer': 38, 'sinise': 38, 'stupidity': 38, 'quote': 38, 'clown': 38, 'wreck': 38, 'drawing': 38, 'credible': 38, 'formulaic': 38, 'excessive': 38, 'eager': 38, 'teeth': 38, 'fell': 38, 'rage': 38, 'combine': 38, 'venture': 38, 'hokey': 38, 'ali': 38, 'silence': 38, 'broadcast': 38, 'ross': 38, 'molly': 38, 'marshall': 38, 'lou': 38, 'demonstrates': 38, 'listen': 38, 'hiding': 38, 'profanity': 38, 'heck': 38, 'hadnt': 38, 'pat': 38, 'alec': 38, 'showgirl': 38, 'deserved': 38, 'comet': 38, 'internet': 38, 'remarkably': 38, 'lighthearted': 38, 'k': 38, 'related': 38, 'secretly': 38, 'darth': 38, 'detailed': 38, 'rat': 38, 'uncle': 38, 'freak': 38, 'directs': 38, 'altogether': 38, 'friendly': 38, 'massive': 38, 'manipulative': 38, 'honestly': 38, 'irene': 38, 'melodramatic': 38, 'fourth': 38, 'served': 38, 'galaxy': 38, 'employee': 38, 'suspicious': 38, 'beverly': 38, 'surrounding': 38, 'poker': 38, 'ton': 37, 'wrapped': 37, 'nervous': 37, 'spoken': 37, 'paying': 37, 'paced': 37, 'glance': 37, 'calling': 37, 'passing': 37, 'assassin': 37, 'briefly': 37, 'trademark': 37, 'protect': 37, 'everyones': 37, 'redeeming': 37, 'casino': 37, 'split': 37, 'par': 37, 'mansion': 37, 'doom': 37, 'pattern': 37, 'colleague': 37, 'disappears': 37, 'armed': 37, 'returned': 37, 'leonard': 37, 'corrupt': 37, 'pretentious': 37, 'volcano': 37, 'floating': 37, 'sinister': 37, 'twister': 37, 'brand': 37, 'experienced': 37, 'showcase': 37, 'bay': 37, 'shell': 37, 'warren': 37, 'appearing': 37, 'correct': 37, 'chooses': 37, 'topic': 37, 'discussion': 37, 'monty': 37, 'sophisticated': 37, 'majority': 37, 'afterwards': 37, 'dating': 37, 'greatly': 37, 'sharon': 37, 'population': 37, 'prostitute': 37, 'firm': 37, 'ellen': 37, 'ace': 37, 'philip': 37, 'libby': 37, 'geoffrey': 37, 'destined': 37, 'perry': 37, 'paulie': 37, 'magnificent': 37, 'curtis': 36, 'essential': 36, 'require': 36, 'voiceover': 36, 'roman': 36, 'alternate': 36, 'realm': 36, 'presumably': 36, 'normally': 36, 'cooper': 36, 'shoe': 36, 'sorvino': 36, 'stale': 36, 'nicholas': 36, 'upcoming': 36, 'wire': 36, 'kinda': 36, 'vince': 36, 'listening': 36, '1993': 36, 'controversial': 36, 'ambition': 36, 'importance': 36, 'shout': 36, 'nurse': 36, 'description': 36, 'aging': 36, 'africa': 36, 'striking': 36, 'jessica': 36, 'adding': 36, 'farm': 36, 'francis': 36, 'naive': 36, 'achieve': 36, 'plotting': 36, 'profession': 36, 'represents': 36, 'cynical': 36, 'artificial': 36, 'granger': 36, 'breakdown': 36, 'smoking': 36, 'holy': 36, 'university': 36, 'palma': 36, 'canadian': 36, 'complaint': 36, 'east': 36, 'malcolm': 36, 'san': 36, 'prevent': 36, 'hat': 36, 'devoted': 36, 'underground': 36, 'smoke': 36, 'branagh': 36, 'gere': 36, 'leigh': 36, 'proper': 36, 'achieved': 36, 'mermaid': 36, 'solely': 36, 'shape': 36, 'dynamic': 36, 'camerons': 36, 'prepared': 36, 'divorce': 36, 'distance': 36, 'buscemi': 36, 'shortly': 36, 'choose': 36, 'enterprise': 36, 'rebecca': 36, 'regardless': 36, 'resolution': 36, 'ordell': 36, 'resident': 35, 'wisdom': 35, 'rank': 35, 'frequent': 35, 'accurate': 35, 'han': 35, 'musketeer': 35, 'ripoff': 35, 'standout': 35, 'grier': 35, 'strictly': 35, 'sheen': 35, 'shaw': 35, 'elderly': 35, 'poignant': 35, 'harsh': 35, 'photo': 35, 'chose': 35, 'pulling': 35, 'reluctant': 35, 'combat': 35, 'wacky': 35, 'hopper': 35, 'cheer': 35, 'hated': 35, 'controlled': 35, 'being': 35, 'rebel': 35, 'schindlers': 35, 'robbery': 35, 'evident': 35, 'fancy': 35, 'sloppy': 35, 'assigned': 35, 'convicted': 35, 'jew': 35, 'tall': 35, 'awesome': 35, 'attracted': 35, 'martha': 35, 'meyer': 35, 'craft': 35, 'safety': 35, 'sexuality': 35, 'dancer': 35, 'nostalgia': 35, 'edited': 35, 'inevitably': 35, 'horrifying': 35, 'finished': 35, 'resembles': 35, 'carrie': 35, 'mcgregor': 35, 'anakin': 35, 'obiwan': 35, 'knife': 35, 'backdrop': 35, 'abuse': 35, 'distant': 35, 'crafted': 35, 'nearby': 35, 'duty': 35, 'linda': 35, 'staged': 35, 'abandon': 35, 'dreamworks': 35, 'alfred': 35, 'duchovny': 35, 'grab': 35, 'federation': 35, 'uncomfortable': 35, 'luc': 35, 'trap': 35, 'kudrow': 35, 'ransom': 35, 'crowe': 35, 'labor': 35, 'courtney': 35, 'ant': 35, 'homer': 35, 'package': 34, 'outfit': 34, 'judging': 34, 'mentally': 34, 'savage': 34, 'unpleasant': 34, 'august': 34, 'busy': 34, 'complexity': 34, 'definite': 34, 'happily': 34, 'crawford': 34, 'outing': 34, 'competition': 34, '200': 34, 'extent': 34, 'plant': 34, 'bates': 34, 'caused': 34, 'function': 34, 'rely': 34, 'respective': 34, 'spare': 34, 'distraction': 34, 'repetitive': 34, 'commander': 34, 'antonio': 34, 'argue': 34, 'dedicated': 34, 'godfather': 34, 'waitress': 34, 'lay': 34, 'ruined': 34, 'essence': 34, 'sneak': 34, 'underrated': 34, 'dogma': 34, '_the': 34, 'proud': 34, 'jewish': 34, 'musician': 34, 'code': 34, 'jerk': 34, 'gambling': 34, 'flair': 34, 'insane': 34, 'macho': 34, 'lesbian': 34, 'fincher': 34, 'attempted': 34, 'socalled': 34, 'link': 34, 'suffered': 34, 'challenging': 34, 'werewolf': 34, 'funnier': 34, 'weaver': 34, 'load': 34, 'burning': 34, 'sucked': 34, 'conviction': 34, 'heat': 34, 'trace': 34, 'marketing': 34, 'comedian': 34, 'slight': 34, 'salesman': 34, 'mamet': 34, 'surrounded': 34, 'boot': 34, 'existenz': 34, 'greatness': 34, 'flow': 34, 'insurrection': 34, 'authentic': 34, 'attorney': 34, 'harder': 33, 'lazy': 33, 'employ': 33, 'walker': 33, 'territory': 33, 'chamber': 33, 'jumping': 33, 'presentation': 33, 'jealous': 33, 'noticed': 33, 'egg': 33, 'bmovie': 33, 'disease': 33, 'brutally': 33, 'grim': 33, 'madness': 33, 'chill': 33, 'ran': 33, 'redemption': 33, 'hed': 33, 'lip': 33, 'sensibility': 33, 'urge': 33, 'chaos': 33, 'breath': 33, 'rumble': 33, 'pitch': 33, 'victory': 33, 'odds': 33, '13th': 33, 'peace': 33, 'mindless': 33, 'lying': 33, 'dante': 33, 'unconvincing': 33, 'eugene': 33, 'funeral': 33, 'solve': 33, 'upset': 33, 'gal': 33, 'runner': 33, 'lifestyle': 33, 'tendency': 33, 'grave': 33, 'bought': 33, 'overdone': 33, 'bowfinger': 33, 'fired': 33, 'pod': 33, 'rip': 33, 'illegal': 33, 'dignity': 33, 'writes': 33, 'mail': 33, 'wolf': 33, 'jolie': 33, 'forgot': 33, 'slightest': 33, 'strongly': 33, 'thoughtprovoking': 33, 'edition': 33, 'bullock': 33, 'physically': 33, 'channel': 33, 'crazed': 33, 'astonishing': 33, 'aboard': 33, 'hitman': 33, 'uma': 33, 'duo': 33, 'ann': 33, 'possessed': 33, 'harrys': 33, 'connor': 33, 'serving': 33, 'felix': 33, 'closely': 33, 'yard': 33, 'impress': 33, 'heist': 33, 'upper': 33, 'route': 33, 'angela': 33, 'observation': 33, 'farrellys': 33, 'x': 33, 'courage': 33, 'enters': 32, 'receives': 32, 'beneath': 32, 'everyday': 32, 'franklin': 32, 'blend': 32, 'spread': 32, 'hapless': 32, 'walked': 32, 'uneven': 32, 'admire': 32, 'popularity': 32, 'acceptable': 32, 'quinn': 32, 'fable': 32, 'guilt': 32, 'clumsy': 32, 'praise': 32, 'composed': 32, 'shy': 32, 'ridiculously': 32, 'changing': 32, 'yell': 32, 'focused': 32, 'useless': 32, 'aim': 32, 'lovable': 32, 'post': 32, 'belongs': 32, 'tiresome': 32, 'curious': 32, 'decidedly': 32, 'resort': 32, 'depressed': 32, 'immensely': 32, 'convinces': 32, 'marie': 32, 'ha': 32, 'struck': 32, 'customer': 32, 'australian': 32, 'fix': 32, 'neck': 32, 'pursuit': 32, 'dawson': 32, '1994': 32, 'cook': 32, 'comical': 32, 'unpredictable': 32, 'cliff': 32, 'payback': 32, 'factory': 32, 'vietnam': 32, 'snow': 32, 'kline': 32, 'montage': 32, 'sketch': 32, 'donnie': 32, 'clone': 32, 'samuel': 32, 'coffee': 32, 'butt': 32, 'raw': 32, 'bumbling': 32, 'dawn': 32, 'aimed': 32, 'grew': 32, 'associated': 32, 'ricky': 32, 'defeat': 32, 'bang': 32, 'miami': 32, 'paranoid': 32, 'raging': 32, 'voight': 32, 'entertained': 32, 'sly': 32, 'sid': 32, 'jock': 32, 'mobster': 32, 'mulder': 32, 'besson': 32, 'rico': 32, 'dora': 32, 'legal': 32, 'nelson': 32, 'raider': 32, 'eastwood': 32, 'gladiator': 32, 'thirteenth': 32, 'isolated': 32, 'marvelous': 32, 'amistad': 32, 'hamlet': 32, 'comfort': 32, 'neat': 31, 'fed': 31, 'stir': 31, 'regarding': 31, 'dane': 31, 'convoluted': 31, 'lively': 31, 'reel': 31, 'lane': 31, 'convey': 31, 'miserable': 31, 'variation': 31, 'obstacle': 31, 'kennedy': 31, 'cindy': 31, 'wow': 31, 'theron': 31, 'nifty': 31, 'bigbudget': 31, 'nonsense': 31, 'print': 31, 'repeated': 31, 'lends': 31, 'laid': 31, 'remind': 31, 'dud': 31, 'practice': 31, 'bully': 31, 'row': 31, 'iii': 31, 'platt': 31, 'receive': 31, 'developing': 31, 'icon': 31, 'menacing': 31, 'habit': 31, 'shannon': 31, 'liner': 31, 'plausible': 31, 'earned': 31, 'carl': 31, 'lopez': 31, 'limit': 31, 'crude': 31, 'dimension': 31, 'frightened': 31, 'asleep': 31, 'gimmick': 31, 'victor': 31, 'flame': 31, 'mate': 31, 'natalie': 31, 'pressure': 31, 'cheating': 31, 'virtue': 31, 'text': 31, 'ned': 31, 'hammer': 31, 'cloud': 31, 'unhappy': 31, 'boxoffice': 31, 'mexico': 31, 'marc': 31, 'financial': 31, 'sale': 31, 'josh': 31, 'organization': 31, 'payoff': 31, 'racism': 31, 'affect': 31, 'vast': 31, 'christ': 31, 'deniro': 31, 'witherspoon': 31, 'candy': 31, 'march': 31, 'futuristic': 31, 'watchable': 31, 'cab': 31, 'transformation': 31, 'mistaken': 31, 'screw': 31, 'offered': 31, 'kathy': 31, 'mercury': 31, 'accepts': 31, 'calm': 31, 'jawbreaker': 31, 'mcconaughey': 31, 'commanding': 31, 'blake': 31, 'jude': 31, 'frequency': 31, 'highway': 30, 'wheres': 30, 'oldman': 30, 'forgettable': 30, 'wanders': 30, 'snuff': 30, 'convenient': 30, 'notch': 30, 'senator': 30, 'nude': 30, 'theyd': 30, 'asian': 30, 'cardboard': 30, 'absent': 30, 'friday': 30, 'sappy': 30, 'skywalker': 30, 'starred': 30, 'realization': 30, 'grasp': 30, 'reply': 30, 'nerve': 30, 'nail': 30, 'supply': 30, 'per': 30, 'ease': 30, 'richardson': 30, 'analyze': 30, 'similarity': 30, 'mayor': 30, 'henchman': 30, 'property': 30, 'chans': 30, 'sunday': 30, 'shane': 30, 'bare': 30, 'christina': 30, 'blast': 30, 'com': 30, 'dilemma': 30, 'proved': 30, 'insulting': 30, 'credibility': 30, 'depiction': 30, 'bunny': 30, 'threatens': 30, 'titled': 30, 'costar': 30, 'selfish': 30, 'weakness': 30, 'torture': 30, 'intent': 30, 'misguided': 30, 'invasion': 30, 'reduced': 30, 'spectacle': 30, 'portman': 30, 'walsh': 30, 'riding': 30, 'nose': 30, 'debate': 30, 'greed': 30, 'exceptional': 30, 'hayek': 30, 'destroying': 30, 'rough': 30, 'ricci': 30, 'returning': 30, 'sensitive': 30, 'lance': 30, 'butler': 30, 'redman': 30, 'accomplishment': 30, 'noise': 30, 'bean': 30, 'popcorn': 30, 'craig': 30, 'barbara': 30, 'phony': 30, 'newman': 30, 'cia': 30, 'joes': 30, 'properly': 30, 'thoughtful': 30, 'lemmon': 30, 'vaguely': 30, 'oz': 30, 'cure': 30, 'mill': 30, 'gwyneth': 30, 'advocate': 30, 'troop': 30, 'consequently': 30, 'lean': 30, 'mummy': 30, 'nielsen': 30, 'webb': 30, 'dreyfus': 30, 'interpretation': 30, 'robbie': 30, 'tremendous': 30, 'julianne': 30, 'fuller': 30, 'hedwig': 30, 'election': 30, 'guido': 30, 'dig': 29, 'figured': 29, 'worried': 29, 'norm': 29, 'doomed': 29, 'proceeds': 29, 'tag': 29, 'nicolas': 29, 'hugh': 29, 'psychologist': 29, 'goldblum': 29, 'simultaneously': 29, 'sand': 29, 'shed': 29, 'zone': 29, 'shirt': 29, 'replacement': 29, 'seeking': 29, 'altman': 29, 'predictably': 29, 'confidence': 29, 'boston': 29, 'ebert': 29, 'precisely': 29, 'bubble': 29, 'pointed': 29, 'gate': 29, 'theresa': 29, 'prologue': 29, 'schneider': 29, 'raimi': 29, 'sits': 29, 'bud': 29, 'champion': 29, 'describes': 29, 'chapter': 29, 'remote': 29, 'gritty': 29, 'pal': 29, 'candidate': 29, 'facial': 29, 'discus': 29, 'everett': 29, 'hack': 29, 'discovering': 29, 'joker': 29, 'ralph': 29, 'comfortable': 29, 'airport': 29, 'gooding': 29, 'sympathize': 29, 'weir': 29, 'hears': 29, 'throat': 29, 'maintain': 29, 'graduate': 29, 'thick': 29, 'teaching': 29, 'revolution': 29, 'understood': 29, 'choreographed': 29, 'newspaper': 29, 'bell': 29, 'blond': 29, 'failing': 29, 'acclaimed': 29, 'resulting': 29, 'emmerich': 29, 'hudson': 29, 'reluctantly': 29, 'metro': 29, 'guessed': 29, 'quigon': 29, 'introduction': 29, 'ignored': 29, 'dave': 29, 'pimp': 29, 'daddy': 29, 'sgt': 29, 'winter': 29, 'reunion': 29, 'twilight': 29, 'faithful': 29, 'nicole': 29, 'spaceship': 29, 'tad': 29, 'boyle': 29, 'blatant': 29, 'diane': 29, 'trait': 29, 'weather': 29, 'investigating': 29, 'believing': 29, 'sold': 29, 'rooting': 29, 'conscience': 29, 'transport': 29, 'improvement': 29, 'homosexual': 29, 'poster': 29, 'sphere': 29, 'cue': 29, 'suffice': 29, 'grease': 29, 'guide': 29, 'brenner': 29, 'del': 29, 'wcw': 29, '17': 29, 'senior': 29, 'leonardo': 29, 'imaginative': 29, 'brosnan': 29, 'businessman': 29, 'solution': 29, 'shouting': 29, 'von': 29, 'destiny': 29, 'cynthia': 29, 'redford': 29, 'symbol': 29, 'leila': 29, 'arrow': 28, 'joblo': 28, 'undercover': 28, '1990s': 28, 'colony': 28, 'satisfy': 28, 'determine': 28, 'assignment': 28, 'psychiatrist': 28, 'dreadful': 28, 'hence': 28, 'purely': 28, 'pivotal': 28, 'coast': 28, 'charged': 28, 'precious': 28, 'thread': 28, 'regard': 28, 'respectable': 28, 'associate': 28, 'mystical': 28, 'clothing': 28, 'crisp': 28, 'paradise': 28, 'er': 28, 'lesser': 28, 'clip': 28, 'causing': 28, 'awake': 28, 'continually': 28, 'australia': 28, 'wheel': 28, 'secretary': 28, 'spell': 28, 'reward': 28, 'damned': 28, 'absence': 28, 'chow': 28, 'nightclub': 28, 'florida': 28, 'fishburne': 28, 'butcher': 28, 'journalist': 28, 'owns': 28, 'miserably': 28, 'befriends': 28, 'coworkers': 28, 'insightful': 28, 'prominent': 28, 'arrogant': 28, 'tossed': 28, 'arguably': 28, 'promised': 28, 'masterful': 28, 'profound': 28, 'smaller': 28, 'coen': 28, 'raising': 28, 'palmetto': 28, 'heroic': 28, 'tea': 28, 'sinking': 28, 'tackle': 28, 'broke': 28, 'ignore': 28, 'ninety': 28, 'inability': 28, 'hewitt': 28, 'concentrate': 28, 'overbearing': 28, 'outcome': 28, 'unrealistic': 28, 'planned': 28, 'dealt': 28, 'alexander': 28, 'repeat': 28, 'amongst': 28, 'lyric': 28, 'thornton': 28, 'attacked': 28, 'wisely': 28, 'kidman': 28, 'lackluster': 28, 'bachelor': 28, 'separated': 28, 'fiona': 28, 'lower': 28, 'abyss': 28, 'exploring': 28, 'excess': 28, 'noble': 28, 'devito': 28, 'christine': 28, 'courtesy': 28, 'namely': 28, 'holmes': 28, 'casablanca': 28, 'junk': 28, 'nonstop': 28, 'reached': 28, 'address': 28, 'judith': 28, 'strict': 28, 'institution': 28, 'wright': 28, 'pierce': 28, '25': 28, 'inch': 28, 'satirical': 28, 'uplifting': 28, 'farrelly': 28, 'vulnerable': 28, 'landscape': 28, 'shelf': 27, 'jeopardy': 27, '20th': 27, '1997s': 27, 'awfully': 27, 'strain': 27, 'typically': 27, 'mining': 27, 'phoenix': 27, 'coat': 27, 'alcoholic': 27, 'birch': 27, 'metaphor': 27, 'admirable': 27, 'performing': 27, 'garofalo': 27, 'guessing': 27, 'indiana': 27, 'royal': 27, 'forcing': 27, 'proven': 27, 'crush': 27, 'counterpart': 27, 'underdeveloped': 27, 'accompanied': 27, 'puppy': 27, 'irrelevant': 27, 'dalmatian': 27, '1996s': 27, 'bull': 27, 'spanish': 27, 'technically': 27, 'loosely': 27, 'involvement': 27, 'nominated': 27, 'demanding': 27, 'lousy': 27, 'demise': 27, 'heroin': 27, 'cultural': 27, 'explicit': 27, 'exploitation': 27, 'damage': 27, 'rapidly': 27, 'piano': 27, 'sally': 27, 'couldve': 27, 'denzel': 27, 'warned': 27, 'coworker': 27, 'respected': 27, 'ta': 27, 'mankind': 27, 'rap': 27, 'zetajones': 27, 'velvet': 27, 'siege': 27, 'sadistic': 27, 'behold': 27, 'unintentionally': 27, 'nasa': 27, 'saga': 27, 'midst': 27, 'suicidal': 27, 'ruthless': 27, 'communicate': 27, 'considerably': 27, 'foley': 27, 'slavery': 27, 'debt': 27, 'enjoys': 27, 'whereas': 27, 'improved': 27, 'postman': 27, 'geek': 27, 'federal': 27, 'beer': 27, 'cartoonish': 27, 'georgia': 27, 'jacob': 27, 'catchy': 27, 'momentum': 27, 'predict': 27, 'juliet': 27, 'cigarette': 27, 'robinson': 27, 'amazingly': 27, 'poison': 27, 'insurance': 27, 'hopelessly': 27, 'reynolds': 27, 'trail': 27, 'creep': 27, 'ominous': 27, 'liking': 27, 'spoil': 27, 'recognition': 27, 'item': 27, 'cope': 27, 'pale': 27, 'treasure': 27, 'egypt': 27, 'moses': 27, 'luis': 27, 'contained': 27, 'loaded': 27, 'smooth': 27, 'elfman': 27, 'accomplish': 27, 'ewan': 27, 'immediate': 27, 'racist': 27, 'hereafter': 27, 'monologue': 27, 'offbeat': 27, 'pride': 27, 'gu': 27, 'tango': 27, 'fictional': 27, 'mohr': 27, 'winslet': 27, 'portray': 27, 'sweetback': 27, 'coens': 27, 'proceed': 26, 'advanced': 26, 'underworld': 26, 'puzzle': 26, 'frustrated': 26, 'convincingly': 26, 'significance': 26, 'apple': 26, 'captivating': 26, 'restraint': 26, 'screwed': 26, 'assured': 26, 'nod': 26, 'grandmother': 26, 'fluff': 26, 'pant': 26, 'val': 26, 'horrific': 26, 'joined': 26, 'reader': 26, 'underwater': 26, 'annette': 26, 'bening': 26, 'jeanclaude': 26, 'rid': 26, 'amidst': 26, 'heading': 26, 'ripped': 26, 'coherent': 26, 'stern': 26, 'liveaction': 26, 'startling': 26, 'parole': 26, 'ratio': 26, 'zany': 26, 'manic': 26, 'demeanor': 26, 'hotshot': 26, 'portraying': 26, 'ash': 26, 'height': 26, 'ally': 26, 'stomach': 26, 'outer': 26, 'uniform': 26, 'ward': 26, 'sara': 26, 'gather': 26, 'tongue': 26, 'concert': 26, 'shocked': 26, 'farce': 26, 'beaten': 26, 'wicked': 26, 'vanity': 26, 'azaria': 26, 'walken': 26, 'fright': 26, 'itll': 26, 'eszterhas': 26, 'lifted': 26, 'traveling': 26, 'spite': 26, 'sustain': 26, 'oil': 26, 'assembled': 26, 'proportion': 26, 'producing': 26, 'transition': 26, 'beau': 26, 'staff': 26, 'chased': 26, 'deuce': 26, 'lifetime': 26, 'inmate': 26, 'repeatedly': 26, 'mild': 26, 'pushing': 26, 'heartfelt': 26, 'kathleen': 26, 'throwaway': 26, 'superman': 26, 'equivalent': 26, 'coppola': 26, 'gothic': 26, 'cup': 26, 'sylvester': 26, 'characteristic': 26, 'intrigue': 26, 'havoc': 26, 'contract': 26, 'logical': 26, 'phillippe': 26, 'unforgettable': 26, '18': 26, 'insect': 26, 'elite': 26, 'daisy': 26, 'proving': 26, 'tunnel': 26, 'underneath': 26, 'hannah': 26, 'generate': 26, 'surviving': 26, 'reed': 26, 'swallow': 26, 'occurred': 26, 'responsibility': 26, 'topnotch': 26, 'quarter': 26, 'macy': 26, 'skull': 26, 'memphis': 26, 'wag': 26, 'frustrating': 26, 'jakob': 26, 'holocaust': 26, 'sacrifice': 26, 'magoo': 26, 'confident': 26, 'outsider': 26, 'spike': 26, 'poetry': 26, 'feat': 26, 'hysterical': 26, 'unfolds': 26, 'videotape': 26, 'rumor': 26, 'margaret': 26, 'stark': 26, 'museum': 26, 'vader': 26, 'chad': 26, 'taran': 26, '910': 25, 'span': 25, 'contest': 25, 'contrary': 25, 'stake': 25, 'covering': 25, 'sexually': 25, 'curiosity': 25, 'adolescent': 25, 'opposed': 25, 'philosophical': 25, 'andor': 25, 'melanie': 25, 'closest': 25, 'odyssey': 25, 'charlize': 25, 'plight': 25, 'superhero': 25, 'dazzling': 25, 'pan': 25, 'partly': 25, 'penned': 25, 'punishment': 25, 'ol': 25, 'followup': 25, 'boxer': 25, 'politician': 25, 'intricate': 25, 'wrestler': 25, 'stahl': 25, 'marty': 25, 'unsettling': 25, 'bridget': 25, 'sentiment': 25, 'prize': 25, 'lab': 25, 'potent': 25, 'lengthy': 25, 'gentleman': 25, 'sleeping': 25, 'robber': 25, 'minnie': 25, 'embarrassed': 25, 'wealth': 25, 'subjected': 25, 'mayhem': 25, 'policeman': 25, 'blatantly': 25, 'maguire': 25, '1992': 25, 'maximum': 25, 'col': 25, 'vessel': 25, 'raped': 25, 'receiving': 25, 'clash': 25, 'horny': 25, 'nolte': 25, 'nerd': 25, 'buff': 25, 'worm': 25, 'hitting': 25, 'sounding': 25, 'brave': 25, 'shared': 25, 'madonna': 25, 'attached': 25, 'newly': 25, 'belong': 25, 'square': 25, 'buried': 25, 'underlying': 25, 'tends': 25, 'noticeable': 25, 'animator': 25, 'july': 25, 'december': 25, 'steel': 25, '1984': 25, 'psychic': 25, 'amazed': 25, 'grandfather': 25, 'gentle': 25, 'wouldve': 25, 'judgment': 25, 'jeremy': 25, 'connected': 25, 'relish': 25, 'ivy': 25, 'mesmerizing': 25, 'shit': 25, 'vice': 25, 'wed': 25, '1950s': 25, 'triangle': 25, 'deed': 25, 'carreys': 25, 'japan': 25, 'understandable': 25, 'amusement': 25, 'turner': 25, 'engrossing': 25, 'pleasantville': 25, 'caan': 25, 'heston': 25, 'communication': 25, 'ghetto': 25, 'extraterrestrial': 25, 'emphasis': 25, 'exploration': 25, 'misery': 25, 'diner': 25, 'liar': 25, 'sincere': 25, 'article': 25, 'implausible': 25, 'surround': 25, 'charlies': 25, 'hoped': 25, 'zane': 25, 'dose': 25, 'shield': 25, 'subsequent': 25, 'clint': 25, 'taxi': 25, 'momma': 25, 'chronicle': 25, 'apostle': 25, 'maximus': 25, 'picking': 24, 'suspicion': 24, 'recycled': 24, 'bros': 24, 'daryl': 24, 'gear': 24, 'arrest': 24, 'european': 24, 'explores': 24, 'vow': 24, 'miscast': 24, 'opponent': 24, 'ken': 24, 'marine': 24, 'wrap': 24, 'lambert': 24, 'pose': 24, 'recurring': 24, 'wig': 24, 'huh': 24, 'el': 24, 'honesty': 24, 'stare': 24, 'healthy': 24, 'disappear': 24, 'norman': 24, 'ex': 24, 'moon': 24, 'morality': 24, 'pot': 24, 'constructed': 24, 'nowadays': 24, 'newest': 24, 'fisher': 24, 'kit': 24, 'affected': 24, 'appreciated': 24, 'handling': 24, 'buying': 24, 'internal': 24, 'clark': 24, 'stiff': 24, 'insists': 24, 'em': 24, 'jacket': 24, 'uninvolving': 24, 'counselor': 24, 'nc17': 24, 'arc': 24, 'daily': 24, 'biggs': 24, 'downhill': 24, 'slater': 24, 'moronic': 24, 'incompetent': 24, 'dubious': 24, 'ho': 24, 'jazz': 24, 'secondary': 24, 'duck': 24, 'web': 24, 'sweetheart': 24, 'arizona': 24, 'domestic': 24, 'react': 24, 'exposed': 24, '11': 24, 'dreary': 24, 'suzie': 24, 'lust': 24, 'asteroid': 24, 'underwritten': 24, 'gruesome': 24, 'maintains': 24, 'perpetually': 24, 'mechanical': 24, 'syndrome': 24, 'concerning': 24, 'wan': 24, 'manhattan': 24, 'seattle': 24, 'powder': 24, 'wardrobe': 24, 'profit': 24, 'containing': 24, 'phillips': 24, 'darn': 24, 'arrested': 24, 'acid': 24, 'vague': 24, 'recognized': 24, 'unaware': 24, 'distinct': 24, 'gerard': 24, 'foul': 24, 'caine': 24, 'louis': 24, 'costars': 24, 'rodriguez': 24, 'fastpaced': 24, 'engage': 24, 'suitable': 24, 'boiler': 24, 'id4': 24, 'bont': 24, 'compliment': 24, 'skit': 24, 'mercenary': 24, 'plastic': 24, 'joey': 24, 'chucky': 24, 'jersey': 24, 'recruit': 24, 'unexpectedly': 24, 'frog': 24, 'st': 24, 'oldfashioned': 24, 'despair': 24, 'eats': 24, 'chilling': 24, 'exhibit': 24, 'messenger': 24, 'travis': 24, 'considerable': 24, 'conrad': 24, 'reasonable': 24, 'betrayal': 24, 'violin': 24, 'crichton': 24, 'harold': 24, 'newton': 24, 'ritual': 24, 'deliciously': 24, 'feelgood': 24, 'irresistible': 24, 'stigma': 24, 'meaningful': 24, 'genetically': 24, 'breed': 24, 'grip': 24, 'gale': 24, 'bold': 24, 'effortlessly': 24, 'veronica': 24, 'pity': 24, 'blah': 24, 'prom': 24, 'tribute': 24, 'matilda': 24, 'skinhead': 24, 'lambeau': 24, 'donkey': 24, 'mallory': 24, 'neighborhood': 23, 'pink': 23, 'justify': 23, 'idle': 23, 'sue': 23, 'buildup': 23, 'tank': 23, 'shake': 23, 'charlotte': 23, 'disturbed': 23, 'understated': 23, 'answered': 23, '14': 23, 'tiger': 23, 'temptation': 23, 'goldberg': 23, 'janeane': 23, 'turmoil': 23, 'reviewed': 23, 'flower': 23, 'dubbed': 23, 'automatically': 23, 'cheadle': 23, 'proverbial': 23, 'letdown': 23, 'unintentional': 23, 'retrieve': 23, 'wisecracking': 23, 'bible': 23, 'depicted': 23, 'forty': 23, 'brilliance': 23, 'corruption': 23, 'remove': 23, 'bump': 23, 'alley': 23, 'resume': 23, 'gripping': 23, 'photographer': 23, 'guarantee': 23, 'publicity': 23, 'principle': 23, 'undoubtedly': 23, 'twelve': 23, 'plotline': 23, 'moviemaking': 23, 'detroit': 23, 'parade': 23, 'credited': 23, 'garden': 23, 'resource': 23, 'discussing': 23, 'reliable': 23, 'shore': 23, 'overlong': 23, 'destroys': 23, 'critically': 23, 'composer': 23, 'reno': 23, 'premiere': 23, 'awry': 23, 'crawl': 23, 'closed': 23, 'tied': 23, 'francisco': 23, 'injury': 23, 'earn': 23, 'departure': 23, 'subtitle': 23, 'enhanced': 23, 'jesse': 23, 'salma': 23, 'spotlight': 23, 'desperation': 23, 'griffin': 23, 'dracula': 23, 'motive': 23, 'planning': 23, 'chuck': 23, 'nemesis': 23, 'shue': 23, 'owes': 23, 'stroke': 23, 'landing': 23, 'fond': 23, 'offended': 23, 'civilization': 23, 'saint': 23, 'displayed': 23, 'riot': 23, 'commits': 23, 'longtime': 23, 'kane': 23, 'shady': 23, 'depression': 23, 'hooker': 23, '1981': 23, 'casper': 23, 'dien': 23, 'ventura': 23, 'verbal': 23, 'cream': 23, 'similarly': 23, 'varsity': 23, 'continued': 23, 'dumber': 23, 'incidentally': 23, 'judgement': 23, 'tomorrow': 23, 'kinnear': 23, 'lasting': 23, 'mib': 23, 'innovative': 23, 'involve': 23, 'overacting': 23, 'gilbert': 23, 'baku': 23, 'kenobi': 23, 'jury': 23, 'milton': 23, 'virgin': 23, 'wandering': 23, 'crook': 23, 'famke': 23, 'potter': 23, 'exorcist': 23, 'invited': 23, 'stranded': 23, 'byrne': 23, 'egoyan': 23, 'heche': 23, 'vital': 23, 'vocal': 23, 'viking': 23, 'goodfellas': 23, 'abraham': 23, 'tracy': 23, 'performed': 23, 'manipulation': 23, 'lama': 23, 'blowing': 22, 'juvenile': 22, 'error': 22, 'stalked': 22, 'collect': 22, 'daylight': 22, 'derivative': 22, 'facing': 22, 'inject': 22, 'mundane': 22, 'annoyed': 22, 'fascinated': 22, 'cap': 22, 'leary': 22, 'excited': 22, 'bulk': 22, 'kombat': 22, 'slap': 22, 'miraculously': 22, 'placement': 22, 'witnessed': 22, 'underused': 22, 'flowing': 22, 'foolish': 22, 'fabulous': 22, 'caliber': 22, 'examination': 22, 'harmless': 22, 'gesture': 22, 'patience': 22, 'rookie': 22, 'incomprehensible': 22, 'bitch': 22, 'flop': 22, 'adorable': 22, 'soviet': 22, 'difficulty': 22, 'penny': 22, 'peer': 22, 'convict': 22, 'boredom': 22, 'brooding': 22, 'float': 22, 'jewel': 22, 'janet': 22, 'haunt': 22, 'bickering': 22, 'enthusiasm': 22, '1900': 22, '1988': 22, 'disgusting': 22, 'exotic': 22, 'tracking': 22, 'spoiled': 22, 'trained': 22, 'cooking': 22, 'stardom': 22, 'wesley': 22, '1998s': 22, 'sunk': 22, 'glaring': 22, 'kingpin': 22, 'construction': 22, 'ambiguous': 22, 'vivid': 22, 'stylistic': 22, 'rehash': 22, 'testament': 22, 'chest': 22, 'lecture': 22, 'household': 22, 'equipment': 22, 'studying': 22, 'harm': 22, 'sliding': 22, 'dismal': 22, 'peaceful': 22, 'snap': 22, 'hideous': 22, 'jacques': 22, 'commit': 22, 'morrison': 22, 'hugo': 22, 'tender': 22, 'mcgowan': 22, 'fraser': 22, 'basement': 22, 'loyalty': 22, 'devoid': 22, 'unsatisfying': 22, 'succeeded': 22, 'outset': 22, 'stood': 22, 'ark': 22, 'leder': 22, 'monica': 22, 'motorcycle': 22, 'expects': 22, 'greedy': 22, 'arrived': 22, 'believability': 22, 'evolution': 22, 'harlem': 22, 'maid': 22, 'wet': 22, 'stayed': 22, 'map': 22, 'glover': 22, 'industrial': 22, 'orange': 22, 'demonstrate': 22, 'faceoff': 22, 'spencer': 22, 'pete': 22, 'bigscreen': 22, 'definition': 22, 'fiancee': 22, 'prefer': 22, 'creativity': 22, 'liz': 22, 'signal': 22, 'reservoir': 22, 'inexplicably': 22, 'rapid': 22, 'harvey': 22, 'dylan': 22, 'glen': 22, 'valley': 22, 'chocolate': 22, 'irving': 22, 'trunk': 22, 'toro': 22, 'navy': 22, 'picard': 22, 'guidance': 22, 'klein': 22, 'forgets': 22, 'riveting': 22, 'unseen': 22, 'escaped': 22, 'whisperer': 22, 'carlyle': 22, 'montana': 22, 'nello': 22, 'thrust': 22, 'revolutionary': 22, 'erin': 22, 'rounder': 22, 'kudos': 21, 'deserted': 21, 'anastasia': 21, 'climb': 21, 'stink': 21, 'dust': 21, 'responds': 21, 'commitment': 21, 'reflection': 21, 'contrivance': 21, 'illusion': 21, 'justin': 21, 'substantial': 21, 'halfhour': 21, 'youngster': 21, 'kay': 21, 'exceptionally': 21, 'instant': 21, 'yelling': 21, 'imprisoned': 21, 'remark': 21, 'watcher': 21, 'exposition': 21, 'muddled': 21, 'femme': 21, 'faster': 21, 'paragraph': 21, 'pound': 21, 'apollo': 21, 'anticlimactic': 21, 'pleasing': 21, 'kissed': 21, 'competent': 21, 'fart': 21, 'cheerleader': 21, 'africanamerican': 21, 'entering': 21, 'atlantic': 21, 'dunne': 21, 'forgive': 21, 'consistent': 21, 'bruno': 21, 'vignette': 21, 'reindeer': 21, 'daring': 21, 'mimic': 21, 'milk': 21, 'therapy': 21, 'format': 21, 'claw': 21, 'confronts': 21, 'embrace': 21, 'lamb': 21, 'misstep': 21, 'worn': 21, 'stellar': 21, 'hackneyed': 21, 'sixty': 21, 'quit': 21, 'embarrassment': 21, 'preposterous': 21, 'resolve': 21, 'suitably': 21, 'meal': 21, 'quirk': 21, 'matthau': 21, 'roy': 21, 'afternoon': 21, 'suited': 21, 'boil': 21, 'staring': 21, 'invite': 21, 'murderous': 21, 'kicking': 21, 'pepper': 21, 'dune': 21, 'tool': 21, 'entitled': 21, 'laughably': 21, 'mentioning': 21, 'noteworthy': 21, 'regret': 21, 'cheese': 21, 'confidential': 21, 'missile': 21, 'sarcastic': 21, 'insert': 21, 'introduce': 21, 'lately': 21, 'kicked': 21, 'anticipation': 21, 'elliot': 21, '1985': 21, 'imitation': 21, 'interact': 21, 'rubber': 21, 'lightning': 21, 'paranoia': 21, 'satisfied': 21, 'thumb': 21, 'venice': 21, 'voyage': 21, 'kurt': 21, 'retired': 21, 'shopping': 21, 'waking': 21, 'thereby': 21, 'warrant': 21, 'locked': 21, 'laurence': 21, 'farmer': 21, 'will': 21, '35': 21, 'forewarned': 21, 'warns': 21, 'favourite': 21, 'reasonably': 21, 'overwhelming': 21, 'lange': 21, 'uncertain': 21, 'rita': 21, 'chainsaw': 21, 'suave': 21, 'achieves': 21, 'touched': 21, 'dressing': 21, 'comeback': 21, 'explore': 21, 'wondered': 21, 'avenger': 21, 'attendant': 21, 'smarter': 21, 'counting': 21, 'establishing': 21, 'steam': 21, 'kidnap': 21, 'europe': 21, 'update': 21, 'expedition': 21, 'clan': 21, 'dear': 21, 'dimwitted': 21, 'simpson': 21, 'lieutenant': 21, 'array': 21, 'dropping': 21, 'liberty': 21, 'marked': 21, 'fund': 21, 'millennium': 21, 'edgy': 21, 'cheated': 21, 'dustin': 21, 'krippendorfs': 21, 'jarring': 21, 'rushed': 21, 'katie': 21, 'forster': 21, 'morse': 21, 'tomb': 21, 'influenced': 21, 'temple': 21, 'diary': 21, 'gap': 21, 'dramatically': 21, 'crossing': 21, 'organized': 21, 'hammond': 21, 'referred': 21, 'ramsey': 21, 'aggressive': 21, 'bedroom': 21, 'doug': 21, 'lola': 21, 'hatred': 21, 'lounge': 21, 'april': 21, 'strongest': 21, 'fidelity': 21, 'osment': 21, 'carver': 21, 'argento': 21, 'camille': 21, 'giles': 21, 'ribisi': 20, 'questionable': 20, 'ogre': 20, 'pulse': 20, 'survives': 20, 'breathing': 20, 'hardcore': 20, 'keener': 20, 'bookstore': 20, 'referring': 20, 'pairing': 20, 'automobile': 20, 'gray': 20, 'banal': 20, 'scottish': 20, 'grownup': 20, 'exit': 20, 'ireland': 20, 'awhile': 20, 'billion': 20, 'shootout': 20, 'babysitter': 20, 'staple': 20, 'depalma': 20, 'register': 20, 'asset': 20, 'muster': 20, 'rudy': 20, 'assistance': 20, 'minimum': 20, 'swear': 20, 'dated': 20, 'depends': 20, 'tagline': 20, 'unbearable': 20, 'famed': 20, 'swinger': 20, 'warden': 20, 'distracted': 20, 'nostalgic': 20, 'camerawork': 20, 'brink': 20, 'inferior': 20, 'worthless': 20, 'vengeance': 20, 'jenny': 20, 'patricia': 20, 'expense': 20, 'unoriginal': 20, 'paramount': 20, 'smell': 20, 'recover': 20, 'mia': 20, 'warmth': 20, 'admission': 20, 'remained': 20, 'deputy': 20, 'lush': 20, '19th': 20, 'tourist': 20, 'traffic': 20, 'fishing': 20, 'seduction': 20, 'alternative': 20, 'denver': 20, 'rogue': 20, 'dutch': 20, 'rewrite': 20, 'goon': 20, 'kitchen': 20, 'attended': 20, 'filling': 20, 'furious': 20, 'bruckheimer': 20, 'tip': 20, 'tactic': 20, 'hilariously': 20, 'horner': 20, 'gauge': 20, 'desired': 20, 'maria': 20, 'barnes': 20, 'holly': 20, 'naboo': 20, 'nonexistent': 20, 'fisherman': 20, 'germany': 20, 'kissing': 20, 'dirt': 20, 'accepted': 20, 'literature': 20, 'risky': 20, 'banana': 20, 'nicky': 20, 'mode': 20, 'beck': 20, 'select': 20, 'elsewhere': 20, 'resolved': 20, 'mixture': 20, 'layer': 20, 'zellweger': 20, 'exec': 20, 'unfold': 20, 'eighty': 20, 'levy': 20, 'fade': 20, 'complain': 20, 'morris': 20, 'feed': 20, 'overblown': 20, 'gathering': 20, 'awaiting': 20, 'peel': 20, 'gigantic': 20, 'satellite': 20, 'shortcoming': 20, 'rhames': 20, 'preacher': 20, 'senseless': 20, 'weary': 20, 'corporate': 20, 'wellwritten': 20, 'resembling': 20, 'rice': 20, 'altered': 20, 'toronto': 20, 'clock': 20, 'wizard': 20, 'harbor': 20, 'creek': 20, 'bartender': 20, 'peculiar': 20, 'frozen': 20, 'lester': 20, 'health': 20, 'completed': 20, 'primitive': 20, 'fianc': 20, 'timothy': 20, 'banter': 20, 'flip': 20, 'groundbreaking': 20, 'nora': 20, 'union': 20, 'penis': 20, 'consideration': 20, 'fifty': 20, 'analysis': 20, 'grisham': 20, 'resemble': 20, 'willard': 20, 'globe': 20, 'passionate': 20, 'caveman': 20, 'muse': 20, 'resurrection': 20, 'interrupted': 20, 'delightfully': 20, 'minimal': 20, 'gellar': 20, 'growth': 20, 'cinque': 20, 'fundamental': 20, 'expose': 20, 'petty': 20, 'aaron': 20, 'pleased': 20, 'notorious': 20, 'begun': 20, 'avoids': 20, 'assumes': 20, 'kidnapper': 20, 'gained': 20, 'fulfill': 20, 'jeanne': 20, 'quietly': 20, 'ongoing': 20, 'owned': 20, 'apt': 20, 'prayer': 20, 'wen': 20, 'pokemon': 20, 'mpaa': 20, 'estella': 20, 'poet': 20, 'darker': 20, 'bye': 20, 'burbank': 20, 'meantime': 19, '1010': 19, 'stretched': 19, 'transfer': 19, 'considers': 19, 'kingdom': 19, 'rejected': 19, 'suspension': 19, 'custody': 19, 'seedy': 19, 'wounded': 19, 'cancer': 19, 'simplistic': 19, 'moody': 19, 'neurotic': 19, 'rhythm': 19, 'taught': 19, 'stilted': 19, 'atrocious': 19, 'mann': 19, 'degenerate': 19, 'scandal': 19, 'inhabitant': 19, 'thereafter': 19, 'earthquake': 19, 'politically': 19, 'interior': 19, 'yawn': 19, 'strategy': 19, 'hart': 19, 'entrance': 19, 'stamp': 19, 'performs': 19, 'catching': 19, 'spooky': 19, 'cared': 19, 'panic': 19, 'boundary': 19, 'ryder': 19, 'confession': 19, 'increase': 19, 'heavyhanded': 19, 'convenience': 19, 'conveniently': 19, 'guaranteed': 19, 'signed': 19, 'label': 19, 'ronin': 19, 'marlon': 19, 'alongside': 19, '101': 19, 'bowl': 19, 'lolita': 19, 'informs': 19, 'lindo': 19, 'maurice': 19, 'aided': 19, 'noted': 19, 'resonance': 19, 'dump': 19, 'reign': 19, 'pullman': 19, 'deliberately': 19, 'dreaded': 19, 'josie': 19, 'reilly': 19, 'cake': 19, 'adjective': 19, 'shaft': 19, 'fury': 19, 'powell': 19, 'mentor': 19, 'shrink': 19, 'sentimentality': 19, 'prevents': 19, 'rescued': 19, 'option': 19, 'frustration': 19, 'borrows': 19, 'marvel': 19, 'alcohol': 19, 'w': 19, 'giggle': 19, 'restless': 19, 'deck': 19, 'attend': 19, '1999s': 19, 'insipid': 19, 'nixon': 19, 'vein': 19, 'travoltas': 19, 'kyle': 19, 'romp': 19, 'shade': 19, 'insanity': 19, 'helicopter': 19, 'ranging': 19, 'maintaining': 19, 'sultry': 19, 'reserved': 19, 'revival': 19, 'harrowing': 19, 'exotica': 19, 'scratch': 19, 'maniac': 19, 'firsttime': 19, 'aspiring': 19, 'faculty': 19, 'puppet': 19, 'slimy': 19, 'raymond': 19, 'lizard': 19, 'madison': 19, 'carnage': 19, 'popping': 19, 'lauren': 19, 'ego': 19, 'psyche': 19, 'brandy': 19, 'entered': 19, 'introducing': 19, 'preparing': 19, 'visiting': 19, 'impending': 19, 'miracle': 19, 'madsen': 19, 'co': 19, 'palmer': 19, 'mimi': 19, 'helpless': 19, 'bail': 19, 'claiming': 19, 'abusive': 19, 'reflects': 19, 'alike': 19, 'renee': 19, 'preston': 19, 'kingsley': 19, 'possession': 19, 'contempt': 19, 'endure': 19, 'plug': 19, 'intentionally': 19, 'screenwriting': 19, 'woos': 19, 'admits': 19, 'entirety': 19, 'smash': 19, 'muscle': 19, 'stated': 19, 'garner': 19, 'corporation': 19, 'darryl': 19, 'literary': 19, 'stray': 19, 'breakfast': 19, 'poke': 19, 'broadway': 19, 'cabin': 19, 'copyright': 19, 'cheek': 19, 'inconsistency': 19, 'modernday': 19, 'stripper': 19, 'hurley': 19, 'lynchs': 19, 'launch': 19, 'unfair': 19, 'unwatchable': 19, 'subway': 19, 'roller': 19, 'einstein': 19, 'bernard': 19, 'cruelty': 19, 'relevant': 19, 'celluloid': 19, 'dumped': 19, 'careful': 19, 'pirate': 19, 'sweeping': 19, 'vibrant': 19, 'stress': 19, 'firstrate': 19, 'scam': 19, 'pushed': 19, 'disappoint': 19, 'describing': 19, 'overlooked': 19, 'heap': 19, 'requisite': 19, 'ephron': 19, 'orgy': 19, 'employer': 19, 'bergman': 19, 'wellknown': 19, 'darren': 19, '16': 19, 'scripted': 19, 'ranger': 19, 'definately': 19, 'approached': 19, 'incarnation': 19, 'tunney': 19, 'addiction': 19, 'rendered': 19, 'concentration': 19, 'fought': 19, 'crashing': 19, 'lara': 19, 'scully': 19, 'extensive': 19, 'fitting': 19, 'affecting': 19, 'forrest': 19, 'columbia': 19, 'jericho': 19, 'unit': 19, 'beavis': 19, 'rosie': 19, 'inherent': 19, 'peebles': 19, 'nina': 19, 'tin': 19, 'chip': 19, 'astounding': 19, 'kenny': 19, 'sings': 19, 'guardian': 19, 'spoon': 19, 'gilliam': 19, 'controversy': 19, 'reportedly': 19, 'benigni': 19, 'feihong': 19, 'kaufman': 19, 'mold': 18, 'origin': 18, 'throne': 18, 'enthusiastic': 18, 'yellow': 18, 'pornography': 18, 'widow': 18, 'stellan': 18, 'ladder': 18, 'ugh': 18, 'agenda': 18, 'mall': 18, 'poem': 18, 'plagued': 18, 'bathtub': 18, 'cardinal': 18, 'seriousness': 18, 'unfamiliar': 18, 'meaningless': 18, 'liu': 18, 'shattered': 18, 'upside': 18, 'rendition': 18, 'diabolical': 18, 'downey': 18, 'swing': 18, 'reminder': 18, 'comparing': 18, 'auteur': 18, 'vulnerability': 18, 'audio': 18, 'curiously': 18, 'escaping': 18, 'belt': 18, 'crab': 18, 'slim': 18, 'belonging': 18, 'deadpan': 18, 'propaganda': 18, '1977': 18, 'paycheck': 18, 'suggestion': 18, 'forlani': 18, 'understands': 18, 'dimensional': 18, 'disappeared': 18, 'promotion': 18, 'chew': 18, 'childish': 18, 'elvis': 18, 'partially': 18, 'brooklyn': 18, 'rolled': 18, 'ought': 18, 'diverse': 18, 'chinatown': 18, 'arkin': 18, 'billing': 18, 'fiance': 18, '3000': 18, 'psychlos': 18, 'ambassador': 18, 'bust': 18, 'despicable': 18, 'porno': 18, 'nomi': 18, 'glamorous': 18, 'meanspirited': 18, 'helena': 18, 'headache': 18, 'coincidentally': 18, 'framework': 18, 'occurrence': 18, 'shotgun': 18, 'replace': 18, 'suggested': 18, 'accurately': 18, 'iceberg': 18, 'goodbye': 18, 'stile': 18, 'connect': 18, 'intellectually': 18, 'spader': 18, 'warped': 18, 'angst': 18, 'tasteless': 18, 'grotesque': 18, 'operative': 18, 'explosive': 18, 'hometown': 18, 'ineffective': 18, 'vaughn': 18, 'survived': 18, 'ruled': 18, 'stuffed': 18, 'contender': 18, 'custom': 18, 'addict': 18, 'symbolism': 18, 'z': 18, 'sigourney': 18, 'turturro': 18, 'cocaine': 18, 'recreation': 18, 'upbeat': 18, 'instrument': 18, 'spacecraft': 18, 'survival': 18, 'vanessa': 18, 'drill': 18, 'speeding': 18, 'forbidden': 18, 'usa': 18, 'tax': 18, 'marshal': 18, 'practical': 18, 'conservative': 18, 'limb': 18, 'cisco': 18, 'elisabeth': 18, 'vault': 18, 'slacker': 18, 'dusk': 18, 'orphan': 18, 'kurtz': 18, 'distract': 18, 'complaining': 18, 'fascination': 18, 'homicide': 18, 'statue': 18, 'maturity': 18, 'ving': 18, 'leslie': 18, 'subdued': 18, 'surrogate': 18, 'sincerity': 18, 'closet': 18, 'reflect': 18, 'mona': 18, 'defined': 18, 'silverman': 18, '1968': 18, 'arise': 18, 'valuable': 18, 'chunk': 18, 'championship': 18, 'earnest': 18, 'rocket': 18, 'recommended': 18, 'provoking': 18, 'celebration': 18, 'clinic': 18, 'superbly': 18, 'anticipated': 18, 'symbolic': 18, 'carmen': 18, 'jab': 18, 'sending': 18, 'therapist': 18, 'mute': 18, 'cynicism': 18, 'resist': 18, 'reaching': 18, 'devastating': 18, 'brazil': 18, 'elevator': 18, 'gordie': 18, 'outtake': 18, 'submarine': 18, 'palace': 18, 'ahmed': 18, 'diehard': 18, 'absorbing': 18, 'gayheart': 18, 'represented': 18, 'highest': 18, 'transformed': 18, 'liaison': 18, 'janssen': 18, 'mixing': 18, 'fellini': 18, 'accuracy': 18, 'avoiding': 18, 'lowkey': 18, 'gump': 18, 'jovovich': 18, 'pamela': 18, 'rousing': 18, 'brady': 18, 'hustler': 18, 'mm': 18, 'bessons': 18, 'keitel': 18, 'leon': 18, 'depict': 18, 'net': 18, 'flourish': 18, 'meteor': 18, 'sadness': 18, 'magnolia': 18, 'represent': 18, 'solo': 18, 'eva': 18, 'wyatt': 18, 'spade': 18, 'farquaad': 18, 'commodus': 18, 'dolores': 18, 'dalai': 18, 'correctly': 17, 'invention': 17, 'mod': 17, 'epps': 17, 'footstep': 17, 'arguing': 17, 'medieval': 17, 'alltime': 17, 'oblivious': 17, 'loathing': 17, 'recognizes': 17, 'temper': 17, 'onenote': 17, 'suvari': 17, 'rope': 17, 'tower': 17, 'cringe': 17, '610': 17, 'pad': 17, 'sporting': 17, 'predictability': 17, 'distinction': 17, 'choreography': 17, 'toss': 17, 'arriving': 17, 'accompanying': 17, 'approximately': 17, 'leather': 17, 'cube': 17, 'helm': 17, 'presenting': 17, 'pro': 17, 'pic': 17, 'cape': 17, 'february': 17, 'photograph': 17, 'inexplicable': 17, 'uncover': 17, 'carlitos': 17, 'dove': 17, 'rabbit': 17, 'ponder': 17, 'zombie': 17, 'comprised': 17, 'attribute': 17, 'evans': 17, 'refer': 17, 'apocalypse': 17, 'poking': 17, 'defend': 17, 'nigel': 17, '1991': 17, 'improve': 17, 'predator': 17, 'kelley': 17, 'myth': 17, 'flavor': 17, 'heartbreaking': 17, 'anniversary': 17, 'creaky': 17, 'dafoe': 17, 'shorty': 17, 'perfunctory': 17, 'spouting': 17, 'brainless': 17, 'reject': 17, 'flirt': 17, 'seeming': 17, 'engine': 17, 'demonstrated': 17, 'punk': 17, 'hopeless': 17, 'sammy': 17, 'hawk': 17, 'spinning': 17, 'estate': 17, 'incoherent': 17, 'renegade': 17, 'gee': 17, 'fuentes': 17, 'capital': 17, 'pocket': 17, 'sciencefiction': 17, 'psychlo': 17, 'ups': 17, 'gina': 17, 'ordeal': 17, 'wash': 17, 'clinton': 17, 'lit': 17, 'firing': 17, 'leoni': 17, 'elijah': 17, 'reasoning': 17, 'brutality': 17, 'skillfully': 17, 'trashy': 17, 'monk': 17, 'waited': 17, 'transported': 17, 'spawned': 17, 'dna': 17, 'cleaning': 17, 'incessantly': 17, 'sanity': 17, 'rental': 17, 'macdonald': 17, 'topless': 17, 'racing': 17, 'sf': 17, 'hungry': 17, 'devine': 17, 'notting': 17, 'cookie': 17, 'quiz': 17, 'announces': 17, 'hacker': 17, 'angelina': 17, 'ooze': 17, 'commendable': 17, 'rod': 17, 'supergirl': 17, 'emerges': 17, 'crane': 17, 'scientific': 17, 'conceived': 17, 'blanchett': 17, 'dislike': 17, 'corpse': 17, 'slowmotion': 17, 'relegated': 17, 'expressed': 17, 'jimmie': 17, 'marrying': 17, 'spain': 17, 'provocative': 17, 'sweep': 17, 'immortal': 17, 'continuously': 17, 'fx': 17, 'heel': 17, 'subsequently': 17, 'checking': 17, 'springer': 17, 'evoke': 17, 'weekly': 17, 'campus': 17, 'admired': 17, 'couch': 17, 'capacity': 17, 'depicts': 17, 'superfluous': 17, 'wisecrack': 17, 'versus': 17, 'bald': 17, 'slide': 17, 'teamed': 17, 'ingenious': 17, 'sarandon': 17, 'liev': 17, 'expressive': 17, 'lift': 17, 'threatened': 17, 'clayton': 17, 'illness': 17, 'phillip': 17, 'kirk': 17, 'tornado': 17, 'cleavage': 17, 'tame': 17, 'resemblance': 17, 'education': 17, 'samurai': 17, 'armor': 17, 'weave': 17, 'detached': 17, 'rushmore': 17, 'ordered': 17, 'sunny': 17, 'sims': 17, 'jules': 17, 'psychopath': 17, 'davidson': 17, 'inappropriate': 17, 'kindly': 17, 'cuban': 17, 'glorious': 17, 'blossom': 17, 'fuel': 17, 'email': 17, 'precise': 17, 'greenwood': 17, 'distress': 17, 'bowler': 17, 'heckerling': 17, 'surroundings': 17, 'anonymous': 17, 'sticking': 17, 'insecurity': 17, 'cocky': 17, 'christof': 17, 'duncan': 17, 'lifelong': 17, 'iq': 17, 'sinclair': 17, 'hubbard': 17, 'shockingly': 17, 'attacking': 17, 'isolation': 17, 'unsure': 17, 'lend': 17, 'glowing': 17, 'vote': 17, 'janitor': 17, 'admirably': 17, 'drift': 17, 'obscure': 17, 'knack': 17, 'gloomy': 17, 'button': 17, 'distinctive': 17, 'jerome': 17, 'holm': 17, 'rome': 17, 'palpable': 17, 'outcast': 17, 'neill': 17, 'loneliness': 17, 'republic': 17, 'leadership': 17, 'heartwarming': 17, 'questioning': 17, 'negotiator': 17, 'nuance': 17, 'dewey': 17, 'butthead': 17, 'krippendorf': 17, 'outlandish': 17, 'differently': 17, 'poetic': 17, 'joining': 17, 'naval': 17, 'eventual': 17, 'contributes': 17, 'restrained': 17, 'malick': 17, 'lt': 17, 'click': 17, 'circus': 17, 'arab': 17, 'grocery': 17, 'hockey': 17, 'hawke': 17, 'neo': 17, 'thirteen': 17, 'steady': 17, 'fashioned': 17, 'dread': 17, 'thematic': 17, 'tatooine': 17, 'bandit': 17, 'lumumba': 17, 'capone': 17, 'mulans': 17, 'flynts': 17, 'sethe': 17, 'booker': 17, 'hercules': 16, 'crown': 16, 'bronson': 16, 'gravity': 16, 'demented': 16, 'document': 16, 'groan': 16, 'viewpoint': 16, 'empathy': 16, 'indie': 16, 'intentional': 16, 'chord': 16, 'suburban': 16, 'haley': 16, 'ethic': 16, 'unconventional': 16, 'ohara': 16, 'rodman': 16, 'rea': 16, 'eastern': 16, 'monotonous': 16, 'rampant': 16, 'extraordinarily': 16, '85': 16, 'hallucination': 16, 'bonus': 16, 'endlessly': 16, 'bent': 16, 'sub': 16, 'tightly': 16, 'lock': 16, 'overshadowed': 16, 'unlikable': 16, 'shred': 16, 'teddy': 16, 'disastrous': 16, 'misadventure': 16, 'pretending': 16, 'swarm': 16, 'simmons': 16, 'leguizamo': 16, 'nutty': 16, 'compassion': 16, 'mama': 16, 'tsui': 16, 'unbelievably': 16, 'kurosawa': 16, 'obsessive': 16, 'urgency': 16, 'wholly': 16, 'complains': 16, 'invented': 16, 'clutch': 16, 'bronx': 16, 'sample': 16, 'seinfeld': 16, 'penchant': 16, 'travelling': 16, 'interestingly': 16, 'mannerism': 16, 'pacific': 16, 'dragged': 16, 'determination': 16, 'fist': 16, 'pause': 16, 'wishing': 16, 'favreau': 16, 'painted': 16, 'carolina': 16, 'placid': 16, 'brendan': 16, 'scholar': 16, 'swimming': 16, 'hateful': 16, 'eternity': 16, 'gotcha': 16, 'juliette': 16, 'roof': 16, 'tolerable': 16, 'prestigious': 16, 'syd': 16, 'classical': 16, 'accepting': 16, 'headline': 16, 'eh': 16, 'whilst': 16, 'prank': 16, 'agency': 16, 'olivia': 16, 'goodnatured': 16, 'runaway': 16, 'unappealing': 16, '1973': 16, 'mechanic': 16, 'choppy': 16, 'sour': 16, 'earns': 16, 'chef': 16, '19': 16, 'severe': 16, 'illogical': 16, 'procedure': 16, 'drowning': 16, 'mistress': 16, 'anchor': 16, 'tortured': 16, 'photographed': 16, 'hugely': 16, 'unsuspecting': 16, 'capitalize': 16, 'wellmade': 16, 'se7en': 16, 'dissolve': 16, 'hallmark': 16, 'conveys': 16, 'appalling': 16, 'avoided': 16, 'wished': 16, 'amidala': 16, 'blessed': 16, 'plate': 16, 'inherently': 16, 'refers': 16, 'coma': 16, 'sergeant': 16, 'offscreen': 16, 'primal': 16, 'depicting': 16, 'patron': 16, 'acceptance': 16, 'middleaged': 16, 'imagined': 16, 'establish': 16, 'unclear': 16, 'frankie': 16, 'ya': 16, 'farther': 16, 'zoom': 16, 'earl': 16, 'trainspotting': 16, 'kasdan': 16, 'der': 16, 'highprofile': 16, 'sibling': 16, 'ichabod': 16, 'enigmatic': 16, 'redneck': 16, 'dickens': 16, 'exclusive': 16, 'yarn': 16, 'mythical': 16, 'ruler': 16, 'gifted': 16, 'kevins': 16, 'smithee': 16, 'playboy': 16, 'deceased': 16, 'uptight': 16, 'elle': 16, 'january': 16, 'assortment': 16, 'sweetness': 16, 'retirement': 16, 'stream': 16, 'divided': 16, 'beam': 16, 'contribute': 16, 'modine': 16, 'lavish': 16, 'wayans': 16, 'pryce': 16, 'rear': 16, 'ghostbusters': 16, 'confront': 16, 'ounce': 16, 'passage': 16, 'foremost': 16, 'component': 16, 'aspiration': 16, 'grumpy': 16, 'vain': 16, 'barber': 16, 'hop': 16, 'hopeful': 16, 'perception': 16, 'radical': 16, 'playful': 16, 'exaggerated': 16, 'skilled': 16, 'identical': 16, 'fuck': 16, 'pollack': 16, 'selection': 16, 'larter': 16, 'refusing': 16, 'scored': 16, 'hush': 16, 'posing': 16, 'deception': 16, 'frantic': 16, 'recommendation': 16, 'sounded': 16, 'galore': 16, 'fleeing': 16, 'immigrant': 16, 'gilmore': 16, 'efficient': 16, 'farley': 16, 'intimate': 16, 'stanton': 16, 'absurdity': 16, 'reborn': 16, 'compensate': 16, 'bilko': 16, 'mastermind': 16, 'pupil': 16, 'motel': 16, 'outline': 16, 'eclectic': 16, 'santa': 16, 'mario': 16, 'lightly': 16, 'bonnie': 16, 'beatrice': 16, 'estranged': 16, 'recognizable': 16, 'inspires': 16, 'spirited': 16, 'grin': 16, 'madefortv': 16, 'eternal': 16, 'rant': 16, 'elegant': 16, 'skeptical': 16, 'advisor': 16, 'bargain': 16, 'gavin': 16, 'collector': 16, 'mandingo': 16, 'noting': 16, 'overused': 16, 'closure': 16, 'lovitz': 16, 'exploding': 16, 'access': 16, 'cleverly': 16, 'sooner': 16, 'facility': 16, 'jinni': 16, 'scum': 16, 'fanatic': 16, 'polley': 16, 'kermit': 16, 'sant': 16, 'suite': 16, 'ideology': 16, 'seamless': 16, 'foundation': 16, 'wilder': 16, 'presidential': 16, 'tibbs': 16, 'hen': 16, 'fantasia': 16, 'pollock': 16, 'reza': 16, 'humbert': 16, 'carlito': 16, 'scarlett': 16, 'stumbling': 15, 'thrilled': 15, 'unstable': 15, 'stable': 15, 'uniformly': 15, 'ensure': 15, 'moderately': 15, 'rrated': 15, 'beside': 15, 'accompany': 15, 'alright': 15, 'outlaw': 15, 'distributor': 15, 'bothered': 15, 'denis': 15, 'marginally': 15, 'saddled': 15, 'nest': 15, 'parking': 15, 'silverstone': 15, 'choosing': 15, 'whiny': 15, 'aged': 15, 'oconnell': 15, 'whining': 15, 'titular': 15, 'imposing': 15, 'limp': 15, 'overtone': 15, 'dammes': 15, 'inconsistent': 15, 'everyman': 15, 'crooked': 15, 'knocked': 15, 'rug': 15, 'murky': 15, 'simplicity': 15, 'gender': 15, 'miramax': 15, 'pen': 15, 'swearing': 15, 'dana': 15, 'niece': 15, 'firmly': 15, 'locate': 15, 'coupled': 15, 'commodity': 15, '1987': 15, 'coyote': 15, 'ignorant': 15, 'foulmouthed': 15, 'uneasy': 15, 'smoothly': 15, 'squeeze': 15, 'frantically': 15, 'cameraman': 15, 'platoon': 15, 'moreau': 15, 'inkpot': 15, 'horseman': 15, 'injured': 15, 'terrence': 15, 'valentine': 15, 'raunchy': 15, 'lowbudget': 15, 'attending': 15, 'endured': 15, 'swim': 15, 'aptly': 15, 'di': 15, 'incapable': 15, 'battling': 15, 'adopted': 15, 'confronted': 15, 'heartbreak': 15, '1979': 15, 'formed': 15, 'unrelated': 15, 'stole': 15, 'kiki': 15, 'archer': 15, 'malone': 15, 'overrated': 15, 'plummer': 15, 'jackies': 15, 'retread': 15, 'mcnaughton': 15, 'barrier': 15, 'corps': 15, 'defies': 15, 'rural': 15, 'manipulated': 15, 'seasoned': 15, 'slew': 15, 'cheat': 15, 'elusive': 15, '1978': 15, 'testing': 15, 'deserving': 15, 'verge': 15, 'assassination': 15, 'karla': 15, 'spunky': 15, 'capra': 15, '1986': 15, 'weakest': 15, 'unusually': 15, 'declares': 15, 'nut': 15, 'python': 15, 'belly': 15, 'lightweight': 15, 'quaint': 15, 'rational': 15, 'emerge': 15, 'rogers': 15, 'pray': 15, 'implausibility': 15, 'coverup': 15, 'rubin': 15, 'percent': 15, 'pursue': 15, 'gaze': 15, 'whimsical': 15, 'bout': 15, 'buster': 15, 'pouring': 15, '1971': 15, 'opts': 15, 'overboard': 15, 'structured': 15, 'lili': 15, 'helmed': 15, 'speechless': 15, 'curse': 15, 'atrocity': 15, 'seduce': 15, 'drivel': 15, 'flirting': 15, 'hiphop': 15, 'electric': 15, 'restore': 15, 'indy': 15, 'sleeper': 15, 'mentality': 15, 'deadon': 15, 'sailing': 15, 'capturing': 15, 'wink': 15, 'prefers': 15, 'contribution': 15, 'shadowy': 15, 'schreiber': 15, 'transforms': 15, 'stripped': 15, 'antagonist': 15, 'terminally': 15, 'croft': 15, 'cowriter': 15, 'contradiction': 15, 'hilarity': 15, 'borrowed': 15, 'timeless': 15, 'dish': 15, 'rally': 15, 'pointing': 15, 'gig': 15, 'advertising': 15, 'quarterback': 15, 'rubell': 15, 'experiencing': 15, 'windsor': 15, 'countryside': 15, 'sensation': 15, 'collective': 15, 'rewarding': 15, 'dive': 15, 'hippie': 15, 'classmate': 15, 'murdering': 15, 'denied': 15, 'trusted': 15, 'burt': 15, 'dizzy': 15, 'rosemary': 15, 'herman': 15, 'deranged': 15, 'villainous': 15, 'donofrio': 15, 'transcends': 15, 'grief': 15, 'reagan': 15, 'talked': 15, 'invested': 15, 'slows': 15, 'financially': 15, 'lang': 15, 'zahn': 15, 'fort': 15, 'fodder': 15, 'embodies': 15, 'wondrous': 15, 'lomax': 15, 'connie': 15, 'portal': 15, 'garry': 15, 'strained': 15, 'denying': 15, 'uncanny': 15, 'hawtrey': 15, 'chloe': 15, 'slaughter': 15, 'jealousy': 15, 'junior': 15, '22': 15, 'lunch': 15, 'electronic': 15, 'spider': 15, 'eliminate': 15, 'employed': 15, 'sewell': 15, 'claustrophobic': 15, 'twohour': 15, 'roper': 15, 'bush': 15, 'exquisite': 15, 'superstar': 15, 'predicament': 15, 'valek': 15, 'likewise': 15, 'atom': 15, 'alliance': 15, 'math': 15, 'doubtfire': 15, 'bread': 15, 'hinted': 15, 'dina': 15, 'nosferatu': 15, '1990': 15, 'prop': 15, 'cotton': 15, 'www': 15, 'mitch': 15, 'kaye': 15, 'groundhog': 15, 'awe': 15, 'dizzying': 15, 'biting': 15, 'brash': 15, 'distribution': 15, 'frost': 15, 'minister': 15, 'highlander': 15, 'mccoy': 15, 'keen': 15, 'gaining': 15, 'flanders': 15, 'osmosis': 15, 'geronimo': 15, 'jewison': 15, 'shyamalan': 15, 'argentos': 15, 'niccol': 15, 'stephane': 15, 'jo': 15, 'cal': 15, 'boone': 15, 'redundant': 14, 'assuming': 14, 'elm': 14, 'salvation': 14, 'giovanni': 14, 'sexist': 14, 'shtick': 14, 'sharing': 14, 'ditzy': 14, 'explodes': 14, 'q': 14, 'openly': 14, 'sabotage': 14, 'unspoken': 14, 'static': 14, 'sundance': 14, 'walt': 14, 'matchmaker': 14, 'annual': 14, 'assumed': 14, 'luxury': 14, 'pedestrian': 14, 'shakespearean': 14, 'marilyn': 14, 'barrel': 14, 'exterior': 14, 'priceless': 14, 'inclusion': 14, 'jill': 14, 'dismiss': 14, 'lure': 14, 'bowel': 14, 'allegedly': 14, 'burned': 14, 'advertised': 14, 'herring': 14, 'flees': 14, 'winona': 14, 'shaky': 14, 'frenzy': 14, 'admiration': 14, 'undeniably': 14, 'accessible': 14, 'defines': 14, 'engineer': 14, 'logo': 14, 'goo': 14, 'requirement': 14, 'bodyguard': 14, 'colin': 14, 'detract': 14, 'anime': 14, 'gruff': 14, 'overweight': 14, 'chart': 14, 'harvard': 14, 'arises': 14, 'mutant': 14, 'representative': 14, 'italy': 14, 'severely': 14, 'adept': 14, 'sheedy': 14, 'chore': 14, 'grainy': 14, 'delicious': 14, 'heartless': 14, 'slicker': 14, 'salvage': 14, 'victoria': 14, 'misfire': 14, 'thankless': 14, 'garage': 14, 'collaboration': 14, 'garcia': 14, 'stalking': 14, 'halt': 14, 'engagement': 14, 'civilian': 14, 'audrey': 14, 'hick': 14, 'phenomenal': 14, 'rented': 14, 'innuendo': 14, 'fairness': 14, 'berkley': 14, 'bigtime': 14, 'maclachlan': 14, 'fry': 14, 'overwrought': 14, 'lombardo': 14, 'scope': 14, 'rig': 14, 'liv': 14, 'begs': 14, 'awardwinning': 14, 'meyers': 14, 'amateurish': 14, 'damaged': 14, 'immense': 14, 'intelligently': 14, 'mortensen': 14, 'relentless': 14, '1989': 14, 'claudia': 14, 'resides': 14, 'reverse': 14, 'barrage': 14, 'mysteriously': 14, 'massacre': 14, 'generates': 14, 'hammy': 14, 'cheerful': 14, 'weaving': 14, 'reckless': 14, 'kitty': 14, 'relation': 14, 'brody': 14, 'approaching': 14, 'pistol': 14, 'elephant': 14, 'comprehend': 14, 'honey': 14, 'valerie': 14, 'derived': 14, 'sandy': 14, 'feast': 14, 'bury': 14, 'handed': 14, 'fooled': 14, 'worldwide': 14, 'allison': 14, 'ham': 14, 'stereo': 14, 'gillian': 14, 'aunt': 14, 'headless': 14, 'uttered': 14, 'hearted': 14, 'standup': 14, 'racial': 14, 'additionally': 14, 'beard': 14, 'governor': 14, 'compromise': 14, 'sunrise': 14, 'woodys': 14, 'icy': 14, 'excruciatingly': 14, 'justified': 14, 'poitier': 14, 'amoral': 14, 'facade': 14, 'attract': 14, 'judy': 14, 'narrowly': 14, 'dumping': 14, 'wretched': 14, 'farfetched': 14, 'untouchable': 14, 'entity': 14, 'deemed': 14, 'boost': 14, 'disorder': 14, 'sans': 14, 'delicate': 14, 'goodness': 14, 'ceremony': 14, 'publisher': 14, 'secondly': 14, 'spit': 14, 'cradle': 14, 'mccabe': 14, 'bounce': 14, 'cutout': 14, 'thru': 14, 'pill': 14, 'mocking': 14, 'katherine': 14, 'streak': 14, 'permanent': 14, 'policy': 14, 'decline': 14, 'beek': 14, 'treating': 14, 'recreate': 14, 'phase': 14, 'smiling': 14, 'julian': 14, 'visceral': 14, 'ambiguity': 14, 'passable': 14, 'selected': 14, 'stylized': 14, 'unwittingly': 14, 'bancroft': 14, 'afterthought': 14, 'lottery': 14, 'fetish': 14, 'rude': 14, 'judi': 14, 'highschool': 14, 'refused': 14, 'roughly': 14, 'hightech': 14, 'abortion': 14, 'pine': 14, 'accountant': 14, 'sunglass': 14, '500': 14, 'swinging': 14, 'ramis': 14, 'da': 14, 'thereof': 14, 'renowned': 14, 'macdowell': 14, 'smirk': 14, 'mctiernan': 14, 'casey': 14, 'tingle': 14, 'adrenaline': 14, 'shandling': 14, 'passive': 14, 'schrader': 14, 'robs': 14, 'patriot': 14, 'heterosexual': 14, 'interlude': 14, 'sebastian': 14, 'patric': 14, 'dysfunctional': 14, 'dame': 14, 'abby': 14, 'utilizing': 14, 'machination': 14, 'tibet': 14, 'pleasantly': 14, 'inspiring': 14, 'rufus': 14, 'supreme': 14, 'deft': 14, 'boarding': 14, 'varying': 14, 'polished': 14, 'stevens': 14, 'implication': 14, 'peril': 14, 'epilogue': 14, 'website': 14, 'deliverance': 14, 'indulge': 14, 'significantly': 14, 'foil': 14, 'corn': 14, 'laurie': 14, 'liberal': 14, 'downfall': 14, 'whitaker': 14, 'heavenly': 14, 'hoot': 14, 'dorn': 14, 'elise': 14, 'hyperactive': 14, 'hysteria': 14, 'remainder': 14, 'cronenberg': 14, 'exclusively': 14, 'online': 14, 'prepare': 14, 'ferris': 14, 'murdoch': 14, 'macleane': 14, 'nephew': 14, 'surrealistic': 14, 'homosexuality': 14, 'bookseller': 14, 'imperial': 14, 'grasshopper': 14, 'shalhoub': 14, 'apprentice': 14, 'pumping': 14, 'supervisor': 14, 'virgil': 14, 'atheist': 14, 'funding': 14, 'condor': 14, 'eachother': 14, 'pfeiffer': 14, 'tobey': 14, 'lithgow': 14, 'mot': 14, 'melancholy': 14, 'lovingly': 14, 'althea': 14, 'fa': 14, 'hilary': 14, 'kundun': 14, 'chocolat': 14, 'geared': 13, 'mindset': 13, 'counted': 13, 'featurelength': 13, 'subpar': 13, 'lineup': 13, 'brooke': 13, 'neatly': 13, 'onejoke': 13, 'rd': 13, 'focusing': 13, 'yuppie': 13, 'unimaginative': 13, 'complication': 13, 'useful': 13, 'mena': 13, 'foray': 13, 'smashing': 13, 'confines': 13, 'awkwardly': 13, 'minus': 13, 'exgirlfriend': 13, 'joint': 13, 'collins': 13, 'wasting': 13, 'weirdness': 13, 'establishes': 13, 'vivian': 13, 'sigh': 13, 'exaggeration': 13, 'carla': 13, 'accusation': 13, 'longs': 13, 'newfound': 13, 'breakup': 13, 'define': 13, 'anyones': 13, 'articulate': 13, 'sacrificing': 13, 'import': 13, 'frenzied': 13, 'prey': 13, 'frankenheimer': 13, 'brando': 13, 'abound': 13, 'rabid': 13, 'narrates': 13, 'prophecy': 13, 'unsuccessful': 13, 'rupert': 13, 'crop': 13, 'sumptuous': 13, 'crossed': 13, 'kwai': 13, 'explode': 13, 'legitimate': 13, 'fingernail': 13, 'literal': 13, 'hawthorne': 13, 'bitten': 13, 'tonight': 13, 'imaginable': 13, 'trapping': 13, 'fascist': 13, 'disposable': 13, 'un': 13, 'willem': 13, 'elmore': 13, 'bimbo': 13, 'flood': 13, 'relentlessly': 13, 'committing': 13, 'inspire': 13, 'praised': 13, 'pearl': 13, 'stinker': 13, 'ninja': 13, 'ginger': 13, 'tabloid': 13, 'conference': 13, 'spontaneous': 13, 'amateur': 13, 'jam': 13, 'lin': 13, 'cracked': 13, 'addicted': 13, 'nun': 13, 'swan': 13, 'mercy': 13, 'tricky': 13, 'located': 13, 'jamaican': 13, 'moron': 13, 'down': 13, 'pitiful': 13, '95': 13, 'renting': 13, 'request': 13, 'whore': 13, 'active': 13, 'dubbing': 13, 'knocking': 13, 'homicidal': 13, 'multiplex': 13, 'ostensibly': 13, 'tempted': 13, 'surgery': 13, 'engages': 13, 'elli': 13, 'epitome': 13, 'sorely': 13, 'shameless': 13, 'wilcock': 13, 'divorced': 13, 'alter': 13, 'insecure': 13, 'maul': 13, 'sandlers': 13, 'deleted': 13, 'canada': 13, 'translation': 13, 'skillful': 13, 'foreshadowing': 13, 'plague': 13, 'drab': 13, 'hampered': 13, 'clarity': 13, 'freddy': 13, 'collapse': 13, 'enforcement': 13, 'novelty': 13, 'chemical': 13, 'hacking': 13, 'eighteen': 13, 'spiral': 13, 'recorded': 13, 'spoke': 13, 'blew': 13, 'sail': 13, 'maneuver': 13, 'gallery': 13, 'cannon': 13, 'agreed': 13, 'prospect': 13, 'linked': 13, 'stride': 13, 'schtick': 13, 'palminteri': 13, 'ivan': 13, 'inhabit': 13, 'obscenity': 13, 'shorter': 13, 'zack': 13, 'lighter': 13, 'sober': 13, 'grossout': 13, 'tripe': 13, 'leto': 13, '1980': 13, 'salt': 13, 'reid': 13, 'batgirl': 13, 'seductive': 13, 'technician': 13, 'transvestite': 13, 'increasing': 13, 'deadbang': 13, 'outburst': 13, 'mcdonalds': 13, 'baddie': 13, 'furthermore': 13, 'academic': 13, 'jodie': 13, 'tyson': 13, 'objective': 13, 'summary': 13, 'bum': 13, 'manufactured': 13, 'tease': 13, 'pompous': 13, 'experimental': 13, 'corridor': 13, 'silliness': 13, 'altar': 13, 'breakthrough': 13, 'mcdonald': 13, 'spouse': 13, 'threedimensional': 13, 'afterward': 13, 'mid': 13, 'generous': 13, 'laser': 13, 'fateful': 13, 'degeneres': 13, 'ripe': 13, 'illfated': 13, 'intact': 13, 'desk': 13, 'unbeknownst': 13, 'soup': 13, 'radiant': 13, 'bleeding': 13, 'adequately': 13, 'glimmer': 13, 'lingering': 13, 'impulse': 13, 'slang': 13, 'wideeyed': 13, 'file': 13, 'seventy': 13, 'curtain': 13, 'devotion': 13, 'wiseguy': 13, 'fog': 13, 'limbo': 13, 'adopts': 13, 'railroad': 13, 'encourage': 13, 'jolies': 13, 'retire': 13, 'secondrate': 13, 'ironside': 13, 'lam': 13, 'liotta': 13, 'chop': 13, 'contributed': 13, 'assist': 13, 'offkilter': 13, 'pawn': 13, 'fluid': 13, 'tug': 13, 'feeble': 13, 'teri': 13, 'preparation': 13, 'dench': 13, 'jenna': 13, 'understatement': 13, 'combining': 13, 'townspeople': 13, 'troy': 13, 'midway': 13, 'necessity': 13, 'profitable': 13, 'marital': 13, 'idol': 13, 'donna': 13, 'bischoff': 13, 'garth': 13, 'terl': 13, 'oppressive': 13, 'coburn': 13, 'excursion': 13, 'trekkies': 13, 'idyllic': 13, 'utilize': 13, 'cowrote': 13, 'miserables': 13, 'lawsuit': 13, 'oconnor': 13, 'abruptly': 13, 'suspected': 13, 'optimistic': 13, 'snatch': 13, 'prepares': 13, 'observe': 13, 'subgenre': 13, 'aykroyd': 13, 'giddy': 13, 'mojo': 13, 'authenticity': 13, 'goldman': 13, 'hefty': 13, 'frears': 13, 'jerky': 13, 'unnecessarily': 13, 'hounsou': 13, 'briggs': 13, 'joshua': 13, 'youngest': 13, 'defining': 13, 'catastrophe': 13, 'clique': 13, 'disjointed': 13, 'engineered': 13, 'botched': 13, 'lens': 13, 'goodlooking': 13, 'housewife': 13, 'gleefully': 13, 'enchanting': 13, 'daphne': 13, 'gregory': 13, 'terri': 13, 'cane': 13, 'motherinlaw': 13, 'dos': 13, 'injustice': 13, 'barb': 13, 'resistance': 13, 'displaying': 13, 'june': 13, 'sugar': 13, 'akin': 13, 'maiden': 13, 'servant': 13, 'neal': 13, 'sevigny': 13, 'thatll': 13, 'intrigued': 13, 'boorman': 13, 'lad': 13, 'enlists': 13, 'endurance': 13, 'stoic': 13, 'finishing': 13, 'mythology': 13, 'acclaim': 13, 'inspirational': 13, 'hyde': 13, 'branch': 13, 'roxbury': 13, 'muppet': 13, 'brasco': 13, 'linger': 13, 'sophie': 13, 'adventurous': 13, 'genetic': 13, 'colour': 13, 'vigilante': 13, 'behaviour': 13, 'serendipity': 13, 'earp': 13, 'refreshingly': 13, 'enhance': 13, 'opposition': 13, 'schwimmer': 13, 'splash': 13, 'kersey': 13, 'chimp': 13, 'alain': 13, 'widescreen': 13, 'finchers': 13, 'lucinda': 13, 'ballad': 13, 'bomber': 13, 'bateman': 13, 'rimbaud': 13, 'zwick': 13, 'terrorism': 13, 'dereks': 13, 'hedaya': 13, 'yield': 13, 'alda': 13, 'collette': 13, 'streep': 13, 'yeoh': 13, 'mushu': 13, 'u571': 13, 'ordells': 13, 'merton': 13, 'motta': 13, 'bianca': 13, 'valjean': 13, 'horned': 13, 'jumbled': 12, 'melissa': 12, 'jaded': 12, 'omar': 12, 'stalker': 12, 'reprises': 12, 'behave': 12, 'scribe': 12, 'joaquin': 12, 'horrid': 12, 'screened': 12, 'needlessly': 12, 'longing': 12, 'medicine': 12, 'strives': 12, 'hostile': 12, 'propel': 12, 'kungfu': 12, 'shanghai': 12, 'schlock': 12, 'listens': 12, 'howie': 12, 'robbing': 12, 'tattoo': 12, 'alienation': 12, 'solved': 12, 'striving': 12, 'plod': 12, 'cunning': 12, 'hyams': 12, 'amused': 12, 'apply': 12, 'jamaica': 12, 'reversal': 12, 'sprawling': 12, 'slower': 12, 'stud': 12, 'wanda': 12, 'uh': 12, 'overacts': 12, 'macabre': 12, 'hohum': 12, 'intensely': 12, 'autopilot': 12, 'hormone': 12, 'fewer': 12, 'nauseating': 12, 'comrade': 12, 'slaughtered': 12, 'stopping': 12, 'darkest': 12, 'kruger': 12, 'nonsensical': 12, 'stunned': 12, 'mugging': 12, 'cohort': 12, 'trainer': 12, 'hal': 12, 'wagner': 12, 'bloated': 12, 'delroy': 12, 'semblance': 12, 'inserted': 12, 'rounding': 12, 'equation': 12, 'infinitely': 12, 'conductor': 12, 'multitude': 12, 'dangling': 12, 'tongueincheek': 12, 'auto': 12, 'awarded': 12, 'freely': 12, 'monstrous': 12, 'ditto': 12, 'conveying': 12, 'centered': 12, 'geeky': 12, 'leia': 12, 'sobieski': 12, 'ariel': 12, 'dwarf': 12, 'scheming': 12, 'informed': 12, 'smarmy': 12, 'smalltown': 12, 'rickman': 12, 'dug': 12, 'gershon': 12, 'aniston': 12, 'sayles': 12, 'nell': 12, 'sweaty': 12, 'shifting': 12, 'jfk': 12, 'solitary': 12, 'suspend': 12, 'achieving': 12, 'concludes': 12, 'guru': 12, 'mock': 12, 'placing': 12, 'whine': 12, 'bonham': 12, 'qualify': 12, 'problematic': 12, 'cycle': 12, 'collision': 12, '1994s': 12, 'insanely': 12, '24': 12, 'roland': 12, 'casualty': 12, 'proposition': 12, 'forsythe': 12, 'sherman': 12, 'grandma': 12, 'dazzle': 12, 'wielding': 12, 'hooked': 12, 'negotiate': 12, 'leisurely': 12, 'continuity': 12, 'enduring': 12, 'valid': 12, 'fearing': 12, 'staggering': 12, 'restored': 12, 'sheet': 12, 'subtitled': 12, 'stu': 12, 'gaping': 12, 'sluggish': 12, 'wore': 12, 'willie': 12, 'arrangement': 12, 'riff': 12, 'revive': 12, 'possessing': 12, 'unknowingly': 12, 'cliffhanger': 12, 'drifting': 12, 'lillard': 12, 'scholarship': 12, 'supermodel': 12, 'claimed': 12, 'participation': 12, 'rebellious': 12, 'disliked': 12, 'landau': 12, 'helgenberger': 12, 'supermarket': 12, 'maintained': 12, 'collar': 12, 'november': 12, 'horrified': 12, 'nope': 12, 'matinee': 12, 'lacrosse': 12, 'standpoint': 12, 'ruth': 12, 'fruit': 12, '97': 12, 'verhoevens': 12, 'cider': 12, 'scattered': 12, 'atmospheric': 12, 'steed': 12, 'foreman': 12, 'scent': 12, 'outlook': 12, 'courier': 12, 'obtain': 12, 'entrapment': 12, 'vintage': 12, 'ernest': 12, 'townsfolk': 12, 'arrogance': 12, 'matched': 12, 'gotham': 12, 'duration': 12, 'landed': 12, 'purchase': 12, 'advised': 12, 'explorer': 12, 'furniture': 12, 'minded': 12, 'merchandising': 12, 'maureen': 12, '1995s': 12, 'ensue': 12, 'deciding': 12, 'sprinkled': 12, 'noticeably': 12, 'bow': 12, 'crushed': 12, 'slug': 12, 'proclaims': 12, 'postal': 12, 'junkie': 12, 'elicit': 12, 'pact': 12, 'bikini': 12, 'dopey': 12, 'lily': 12, 'dern': 12, 'fever': 12, 'reservation': 12, 'inviting': 12, 'transform': 12, 'believer': 12, 'nyc': 12, 'coaster': 12, 'horrendous': 12, 'hogan': 12, 'hailed': 12, 'staging': 12, 'reverend': 12, 'swinton': 12, 'whip': 12, 'sentenced': 12, 'dough': 12, 'dominate': 12, 'casual': 12, 'investment': 12, 'liquor': 12, 'spill': 12, 'squabble': 12, 'hbo': 12, 'directorwriter': 12, 'buffoon': 12, 'tobacco': 12, 'stirring': 12, 'caper': 12, 'sonnenfeld': 12, 'distinguished': 12, 'loveless': 12, 'signature': 12, 'capt': 12, 'fuzzy': 12, 'kip': 12, 'satisfactory': 12, 'pissed': 12, '99': 12, 'pinkett': 12, 'unanswered': 12, 'williamsons': 12, 'fortyfive': 12, 'promotional': 12, 'insider': 12, 'unemployed': 12, 'psychologically': 12, 'trigger': 12, 'briefcase': 12, 'mira': 12, 'ernie': 12, 'buffy': 12, 'column': 12, 'locale': 12, 'ass': 12, 'charlton': 12, 'richer': 12, 'flimsy': 12, 'grammer': 12, 'sleeve': 12, 'toned': 12, 'hamill': 12, 'debacle': 12, 'protest': 12, 'autistic': 12, 'stormare': 12, 'depending': 12, 'illustrates': 12, 'superheroes': 12, 'twentieth': 12, 'disguised': 12, 'et': 12, 'edits': 12, 'defending': 12, 'extraneous': 12, 'follower': 12, 'substitute': 12, 'denial': 12, 'extravagant': 12, 'strand': 12, 'confirmed': 12, 'elwood': 12, 'deny': 12, '28': 12, '21': 12, 'hitler': 12, 'moss': 12, 'booth': 12, 'whoever': 12, 'impressively': 12, 'contemplating': 12, 'rowlands': 12, 'relating': 12, 'witnessing': 12, 'djimon': 12, 'modest': 12, 'locker': 12, 'fulfilling': 12, 'challenged': 12, 'fiery': 12, 'populated': 12, 'minnesota': 12, 'mutual': 12, 'payne': 12, 'fern': 12, 'darkly': 12, 'wander': 12, 'peck': 12, 'warn': 12, 'nicholsons': 12, 'pit': 12, 'argued': 12, 'drove': 12, 'kattan': 12, 'basinger': 12, 'shaking': 12, 'settled': 12, 'lucrative': 12, 'abundance': 12, 'copycat': 12, 'intend': 12, 'emergency': 12, 'zucker': 12, 'denouement': 12, 'altmans': 12, 'lowlife': 12, 'additional': 12, 'nathan': 12, 'doo': 12, 'raving': 12, 'tap': 12, 'exceedingly': 12, 'dallas': 12, 'infectious': 12, 'fence': 12, 'chewing': 12, 'favour': 12, 'peasant': 12, 'blackandwhite': 12, 'baggage': 12, 'benicio': 12, 'library': 12, 'alluring': 12, 'romy': 12, 'ambrose': 12, 'askew': 12, 'nominee': 12, 'bookend': 12, 'cohen': 12, 'tacked': 12, 'perverse': 12, 'regularly': 12, 'congregation': 12, 'yang': 12, 'beckinsale': 12, 'fortress': 12, 'freezing': 12, 'hansel': 12, 'thandie': 12, 'gonzo': 12, 'ronna': 12, 'shave': 12, 'corky': 12, 'communist': 12, 'lore': 12, 'artsy': 12, 'infantry': 12, 'scarier': 12, 'foreboding': 12, 'binks': 12, 'anton': 12, 'grain': 12, 'clyde': 12, 'foreigner': 12, 'deliberate': 12, 'balancing': 12, 'bulworths': 12, 'fiorentino': 12, 'r2d2': 12, 'hun': 12, 'pixar': 12, 'zemeckis': 12, 'bubby': 12, 'dirk': 12, 'gingerbread': 12, 'tibetan': 12, 'kat': 12, 'bulow': 12, 'memento': 11, '410': 11, 'tech': 11, 'stan': 11, 'indication': 11, 'camelot': 11, 'pocahontas': 11, 'hunky': 11, 'exwife': 11, 'stalk': 11, 'underwood': 11, 'lapse': 11, 'sucker': 11, 'newer': 11, 'panned': 11, 'wholesome': 11, 'sordid': 11, 'toll': 11, 'skarsg': 11, 'shoddy': 11, 'plentiful': 11, 'crouching': 11, 'noon': 11, 'slice': 11, 'projected': 11, 'dartagnan': 11, 'candle': 11, 'usage': 11, 'volume': 11, 'opus': 11, 'metropolis': 11, 'warfare': 11, 'agreement': 11, 'bath': 11, 'juice': 11, 'disgusted': 11, 'crappy': 11, 'activist': 11, 'jingle': 11, 'preceded': 11, 'gregg': 11, 'superhuman': 11, 'madman': 11, 'claires': 11, 'cd': 11, 'flooded': 11, 'greeted': 11, 'gambler': 11, 'arena': 11, 'dunn': 11, 'examined': 11, 'malevolent': 11, 'refuge': 11, 'rifle': 11, 'invest': 11, 'mason': 11, 'stall': 11, 'attributed': 11, 'orson': 11, 'remastered': 11, 'region': 11, 'yuen': 11, 'hung': 11, 'precision': 11, 'gusto': 11, 'clockwork': 11, 'calculated': 11, 'swamp': 11, 'shamelessly': 11, '98': 11, 'strangelove': 11, 'madly': 11, 'bo': 11, 'crocodile': 11, 'sniper': 11, 'enlist': 11, 'sickening': 11, 'grunt': 11, 'heinlein': 11, 'innocuous': 11, 'amnesia': 11, 'stature': 11, 'parrot': 11, 'washed': 11, 'vacuous': 11, 'lowest': 11, 'anthropologist': 11, 'caulder': 11, 'vomit': 11, 'lumet': 11, 'lumets': 11, 'clarence': 11, 'panache': 11, 'meander': 11, 'somber': 11, 'muresan': 11, 'littered': 11, 'nonfans': 11, 'participate': 11, 'curve': 11, 'spilled': 11, 'telephone': 11, 'opposing': 11, 'huston': 11, 'polite': 11, 'stepping': 11, 'association': 11, 'louie': 11, 'unarmed': 11, 'mexican': 11, 'rus': 11, 'gwen': 11, 'reviewing': 11, 'zinger': 11, 'lap': 11, 'interminable': 11, 'jessie': 11, 'respond': 11, 'angus': 11, 'busey': 11, 'accidental': 11, 'sane': 11, 'blueprint': 11, 'toe': 11, 'filler': 11, 'brandon': 11, 'befriended': 11, 'smack': 11, 'pregnancy': 11, 'invade': 11, 'lurid': 11, 'marisa': 11, 'whodunit': 11, 'textbook': 11, 'winkler': 11, 'electrical': 11, 'marketed': 11, 'rampage': 11, 'unexciting': 11, 'nightmarish': 11, 'hunted': 11, 'wry': 11, 'guinness': 11, 'cloth': 11, 'bigalow': 11, 'gigolo': 11, 'division': 11, 'intercut': 11, 'montreal': 11, 'somerset': 11, 'grating': 11, 'mack': 11, 'autobiographical': 11, 'institute': 11, 'ah': 11, 'isle': 11, 'officially': 11, 'marijuana': 11, 'breathe': 11, 'naughty': 11, 'aimlessly': 11, 'consciousness': 11, 'bee': 11, 'album': 11, '1967': 11, 'strawberry': 11, 'marvin': 11, 'unnamed': 11, 'unsatisfied': 11, 'peacemaker': 11, 'capability': 11, 'apologize': 11, 'sensible': 11, 'recipe': 11, 'consisting': 11, 'widely': 11, 'pressed': 11, 'assumption': 11, 'messy': 11, 'elder': 11, 'splendid': 11, 'marg': 11, 'reprising': 11, 'positively': 11, 'tossing': 11, 'gamble': 11, 'disgust': 11, 'loggia': 11, 'cleverness': 11, 'fierce': 11, 'digging': 11, 'chester': 11, 'soil': 11, 'lung': 11, 'waterworld': 11, 'ignores': 11, 'costners': 11, 'switchback': 11, 'dixon': 11, 'explicitly': 11, 'savior': 11, 'isabella': 11, 'eagerly': 11, 'vastly': 11, 'familiarity': 11, 'benny': 11, 'economy': 11, 'gough': 11, 'robotic': 11, 'fried': 11, 'siren': 11, 'chat': 11, 'asylum': 11, 'enormously': 11, 'costuming': 11, 'borrow': 11, 'weller': 11, 'caligula': 11, 'drowned': 11, 'gail': 11, 'definitive': 11, 'conflicted': 11, 'applied': 11, 'shawshank': 11, 'fragile': 11, 'bisexual': 11, 'bait': 11, 'confesses': 11, 'biblical': 11, 'tidy': 11, 'seagals': 11, 'overplayed': 11, 'perky': 11, 'impersonation': 11, 'overkill': 11, 'gordy': 11, 'devise': 11, 'ira': 11, 'reitman': 11, 'deceiver': 11, 'transplant': 11, 'decked': 11, 'burly': 11, 'amid': 11, '1993s': 11, 'fucking': 11, 'mobile': 11, 'cannes': 11, 'summed': 11, 'glove': 11, 'patton': 11, 'soulless': 11, 'september': 11, 'reception': 11, 'fountain': 11, 'zeta': 11, 'heightened': 11, 'beware': 11, 'escapist': 11, 'epiphany': 11, 'whiz': 11, 'dice': 11, 'gunton': 11, 'barn': 11, 'hattie': 11, 'aka': 11, 'lowbrow': 11, 'juicy': 11, 'grounded': 11, 'draft': 11, 'fang': 11, 'profoundly': 11, 'ably': 11, '1969': 11, 'surgeon': 11, 'surfer': 11, 'threaten': 11, 'astonishingly': 11, '90210': 11, 'observed': 11, 'matty': 11, 'pursues': 11, 'coffin': 11, 'backstory': 11, 'swept': 11, 'honeymoon': 11, 'tycoon': 11, 'employing': 11, 'audacity': 11, 'computeranimated': 11, 'fulllength': 11, 'operate': 11, 'collected': 11, 'unsympathetic': 11, 'undeniable': 11, 'misfit': 11, 'swell': 11, 'butterfly': 11, 'aiming': 11, 'committee': 11, 'beth': 11, 'wasteland': 11, 'comically': 11, 'healing': 11, 'forgiven': 11, 'expressing': 11, 'brunette': 11, 'tying': 11, 'childlike': 11, 'evita': 11, 'replete': 11, 'oftentimes': 11, 'cruz': 11, 'waiter': 11, 'figuring': 11, 'titus': 11, 'wreak': 11, 'preceding': 11, 'novelist': 11, 'disagree': 11, 'jeffries': 11, 'decency': 11, 'anguish': 11, 'prominently': 11, 'pinnacle': 11, 'idealistic': 11, 'banished': 11, 'supernova': 11, 'bassett': 11, 'steer': 11, '1972': 11, 'celebrating': 11, '1962': 11, 'gunplay': 11, 'skarsgard': 11, 'classy': 11, 'lofty': 11, 'wallet': 11, 'carrot': 11, 'texture': 11, 'kathryn': 11, 'lunatic': 11, 'eliminated': 11, 'caption': 11, 'dash': 11, 'rudolph': 11, 'satisfaction': 11, 'tremor': 11, 'sting': 11, 'stability': 11, 'undermines': 11, 'andrea': 11, 'claude': 11, 'awakening': 11, 'crippled': 11, 'grandson': 11, 'neglect': 11, 'freaky': 11, 'smitten': 11, 'unreal': 11, 'pointofview': 11, 'sometime': 11, 'expand': 11, 'taye': 11, 'diggs': 11, 'blazing': 11, 'stein': 11, 'detailing': 11, 'oddball': 11, 'timely': 11, 'allout': 11, 'fantastically': 11, 'awfulness': 11, 'successor': 11, 'condescending': 11, 'henriksen': 11, 'pilgrim': 11, 'yearning': 11, 'slogan': 11, 'reciting': 11, 'crony': 11, 'chairman': 11, 'tougher': 11, 'flynn': 11, 'nicknamed': 11, 'poseidon': 11, 'vacant': 11, 'conniving': 11, 'crusade': 11, 'affable': 11, 'plantation': 11, 'counter': 11, 'katt': 11, 'dismay': 11, 'orchestra': 11, 'ulrich': 11, 'collaborator': 11, 'hypnotic': 11, 'tormented': 11, 'mastery': 11, 'chum': 11, 'sleepless': 11, 'agreeable': 11, 'handheld': 11, 'whoopi': 11, 'mcquarrie': 11, 'labyrinth': 11, 'marvelously': 11, 'proyas': 11, 'diedre': 11, 'observes': 11, 'congo': 11, 'finch': 11, 'nichols': 11, 'plunkett': 11, 'socially': 11, 'benefactor': 11, 'resentment': 11, 'execute': 11, 'elia': 11, 'henson': 11, 'lefty': 11, 'scarface': 11, 'fasttalking': 11, 'dispute': 11, 'brick': 11, 'rugrats': 11, 'distraught': 11, 'rerelease': 11, 'brit': 11, 'glam': 11, 'evelyn': 11, 'pearce': 11, 'tulip': 11, 'scar': 11, 'escapade': 11, 'labeled': 11, 'dunst': 11, 'toback': 11, 'sorcerer': 11, 'retains': 11, 'falter': 11, 'discussed': 11, '45': 11, 'rec': 11, 'celebrate': 11, 'donny': 11, 'stimulating': 11, 'alessa': 11, 'grinch': 11, 'miranda': 11, 'spillane': 11, 'zoolander': 11, 'india': 11, 'hogarth': 11, 'benignis': 11, 'meryl': 11, 'seahaven': 11, 'henderson': 11, 'failsafe': 11, 'quilt': 11, 'joss': 11, 'gretchen': 11, 'mol': 11, 'mckellar': 11, 'lestat': 11, 'slade': 11, 'fanny': 11, 'millie': 11, 'beaumarchais': 11, 'hulot': 11, 'muriels': 11, 'hrundi': 11, 'caraboo': 11, 'lancelot': 11, 'applaud': 10, 'mightve': 10, 'carey': 10, 'celine': 10, 'technological': 10, 'rundown': 10, 'surveillance': 10, 'philadelphia': 10, 'culminating': 10, 'scriptwriter': 10, 'asshole': 10, 'aberdeen': 10, 'rampling': 10, 'tire': 10, 'brow': 10, 'sorrow': 10, 'canyon': 10, 'fella': 10, '310': 10, 'aide': 10, 'wrongfully': 10, 'kidding': 10, 'specialist': 10, 'emotionless': 10, 'greene': 10, 'schroeder': 10, 'punctuated': 10, 'chaotic': 10, 'manson': 10, 'cluttered': 10, 'graduated': 10, 'guitar': 10, 'soso': 10, 'frivolous': 10, 'thespian': 10, 'masked': 10, 'worrying': 10, 'burger': 10, 'miniseries': 10, 'benevolent': 10, 'funky': 10, 'don': 10, 'envelope': 10, 'massachusetts': 10, 'jolt': 10, 'disposal': 10, 'rochon': 10, 'slam': 10, 'koepp': 10, 'boiling': 10, 'equipped': 10, 'dashing': 10, 'incessant': 10, 'abstract': 10, 'reconciliation': 10, 'edgar': 10, 'thesis': 10, 'storyteller': 10, 'overuse': 10, 'illconceived': 10, 'dynamite': 10, 'narcotic': 10, 'rudys': 10, 'climbing': 10, '102': 10, 'largerthanlife': 10, 'singlehandedly': 10, 'flamboyant': 10, 'dreamed': 10, 'savvy': 10, 'gloom': 10, 'relates': 10, 'dolby': 10, 'understandably': 10, 'stoner': 10, 'yunfat': 10, 'hunk': 10, 'stereotyped': 10, 'sweat': 10, 'recruited': 10, 'troubling': 10, 'exploitative': 10, 'troupe': 10, 'mitchum': 10, 'cam': 10, 'annoyingly': 10, 'accomplishes': 10, 'commonplace': 10, 'shepard': 10, 'onset': 10, 'terrified': 10, 'leelee': 10, 'um': 10, 'noticing': 10, 'predicted': 10, 'vu': 10, 'preteen': 10, 'bard': 10, 'dam': 10, 'gunfire': 10, 'myriad': 10, 'utters': 10, 'firestorm': 10, 'gerald': 10, 'sydney': 10, 'perpetrator': 10, 'actuality': 10, 'prodigy': 10, 'trumpet': 10, 'stepped': 10, 'duel': 10, 'athletic': 10, 'loaf': 10, 'lawn': 10, 'ineptitude': 10, 'stoned': 10, 'vulgar': 10, 'cow': 10, 'sizemore': 10, 'sync': 10, 'stack': 10, 'pronounced': 10, '1000': 10, 'knee': 10, 'shiny': 10, 'doc': 10, 'convert': 10, 'wipe': 10, 'underdog': 10, 'forgiving': 10, 'junket': 10, 'cowritten': 10, 'supercop': 10, 'fee': 10, 'concentrating': 10, 'itd': 10, 'flee': 10, 'nary': 10, 'apocalyptic': 10, 'screwing': 10, 'dispatched': 10, 'compound': 10, 'shawn': 10, 'conscious': 10, 'historically': 10, 'cinematically': 10, 'taunt': 10, 'trusty': 10, 'clay': 10, 'helmer': 10, 'accustomed': 10, 'cuteness': 10, 'resourceful': 10, 'injokes': 10, 'skeleton': 10, 'raoul': 10, 'piper': 10, 'economic': 10, 'wary': 10, 'bishop': 10, 'juan': 10, 'readily': 10, 'percentage': 10, 'protector': 10, 'flashing': 10, 'ado': 10, 'ignorance': 10, 'jolly': 10, 'establishment': 10, 'brenda': 10, '300': 10, 'homeless': 10, 'frenchman': 10, 'budding': 10, 'farina': 10, 'astronomer': 10, 'lerner': 10, '48': 10, 'instructor': 10, 'backwards': 10, 'pursuing': 10, 'lobby': 10, 'quinlan': 10, 'heartstrings': 10, 'insignificant': 10, 'grossing': 10, 'latin': 10, 'branaghs': 10, 'steiger': 10, 'betrayed': 10, 'steadily': 10, 'pursuer': 10, 'founder': 10, 'selena': 10, 'announced': 10, 'consultant': 10, 'artifact': 10, 'cate': 10, 'testimony': 10, 'glorified': 10, 'medak': 10, 'lazard': 10, 'studied': 10, 'realistically': 10, 'skimpy': 10, 'tail': 10, 'prequel': 10, 'unwilling': 10, 'typecast': 10, 'rourke': 10, 'mediocrity': 10, 'visible': 10, 'wade': 10, 'witt': 10, 'beals': 10, 'gunman': 10, 'lo': 10, 'ermey': 10, 'coal': 10, 'utilizes': 10, 'sensual': 10, 'bloodthirsty': 10, 'bottomofthebarrel': 10, 'bernstein': 10, 'lest': 10, 'sarcasm': 10, 'avenge': 10, 'isaac': 10, 'exhausting': 10, 'plotlines': 10, 'incorporating': 10, 'paradox': 10, 'mercilessly': 10, 'intrusive': 10, 'imply': 10, 'fortunate': 10, 'marginal': 10, 'welldone': 10, 'quintessential': 10, 'robe': 10, 'motley': 10, 'goodhearted': 10, 'bodily': 10, 'unorthodox': 10, 'firstly': 10, 'helpful': 10, 'confined': 10, 'scheduled': 10, 'shagged': 10, 'blackmail': 10, 'skyscraper': 10, 'outright': 10, 'proclaiming': 10, 'vitti': 10, 'uncovers': 10, 'excop': 10, 'hardboiled': 10, 'uncaring': 10, 'spirituality': 10, 'pursued': 10, 'athlete': 10, 'diving': 10, 'guinea': 10, 'strive': 10, 'raucous': 10, 'feminist': 10, 'selfabsorbed': 10, 'tedium': 10, 'marries': 10, 'abrasive': 10, 'raid': 10, 'bucket': 10, 'invaded': 10, 'embarrassingly': 10, 'stunningly': 10, 'wayland': 10, 'unfaithful': 10, 'continuing': 10, 'elevated': 10, 'heated': 10, 'sophistication': 10, 'pond': 10, 'fichtner': 10, 'counterpoint': 10, '1974': 10, 'saccharine': 10, 'lacked': 10, 'render': 10, 'doogie': 10, 'hug': 10, 'muslim': 10, 'advertisement': 10, 'idiocy': 10, 'envisioned': 10, 'adopt': 10, 'graduation': 10, 'scratching': 10, 'secure': 10, 'tremendously': 10, 'impeccable': 10, 'anita': 10, 'intellect': 10, 'butterworth': 10, 'excels': 10, 'robbed': 10, 'examines': 10, 'wickedly': 10, 'screwball': 10, 'oral': 10, 'assisted': 10, 'giamatti': 10, 'buffalo': 10, 'mississippi': 10, 'insistence': 10, 'mount': 10, 'smalltime': 10, 'hutton': 10, 'kilmers': 10, 'veritable': 10, 'intergalactic': 10, 'chevy': 10, 'proxy': 10, 'terrorized': 10, 'anxiety': 10, 'launched': 10, 'parson': 10, 'depend': 10, 'mildmannered': 10, 'studi': 10, 'reek': 10, 'sore': 10, 'goth': 10, 'preferred': 10, 'laced': 10, 'accomplice': 10, 'burke': 10, 'downtoearth': 10, 'teammate': 10, 'crashed': 10, 'inclined': 10, 'clarke': 10, 'cutesy': 10, 'chauffeur': 10, 'tide': 10, 'rewarded': 10, 'meticulous': 10, 'cigar': 10, 'peet': 10, 'slayer': 10, 'upstairs': 10, 'bend': 10, 'freeing': 10, 'nitro': 10, 'feisty': 10, 'sporadically': 10, 'molina': 10, 'laundry': 10, 'disillusioned': 10, 'danielle': 10, 'updated': 10, 'goingson': 10, 'prowess': 10, 'shaped': 10, 'void': 10, 'mirren': 10, 'demonstration': 10, 'absorbed': 10, 'intends': 10, 'architect': 10, 'fabric': 10, 'protecting': 10, 'impossibly': 10, 'retreat': 10, 'antidote': 10, 'valmont': 10, 'juda': 10, 'louise': 10, 'hartman': 10, 'honour': 10, 'lurking': 10, 'rigid': 10, 'trivia': 10, 'jasmine': 10, 'conceit': 10, 'ferrell': 10, 'seann': 10, 'offend': 10, '007': 10, 'misplaced': 10, 'truthful': 10, 'drum': 10, 'filter': 10, 'rave': 10, 'courteney': 10, 'thanksgiving': 10, 'scariest': 10, 'kieslowski': 10, 'remembering': 10, 'yup': 10, 'blunt': 10, 'britain': 10, 'archetype': 10, 'backed': 10, 'eerily': 10, 'thematically': 10, 'ritchie': 10, 'novikov137': 10, 'quickie': 10, 'labutes': 10, 'rudd': 10, 'negotiation': 10, 'betting': 10, 'wincott': 10, 'implant': 10, 'mug': 10, 'stoltz': 10, 'antihero': 10, 'prescott': 10, 'posey': 10, 'someday': 10, 'milla': 10, 'caution': 10, 'devilish': 10, 'ensuing': 10, 'bowden': 10, 'retelling': 10, 'deedles': 10, 'snob': 10, 'programming': 10, 'bowie': 10, 'alleged': 10, 'effectiveness': 10, 'melt': 10, 'eruption': 10, 'sham': 10, 'quartet': 10, 'argues': 10, 'franciss': 10, 'deborah': 10, 'dismissed': 10, 'strapped': 10, 'be': 10, 'matheson': 10, 'randall': 10, 'melvins': 10, 'plea': 10, 'gangsta': 10, 'nikki': 10, 'condom': 10, 'optimism': 10, 'timid': 10, 'district': 10, 'pleads': 10, 'eldest': 10, 'subjective': 10, '31': 10, 'heritage': 10, 'cried': 10, 'layered': 10, 'browning': 10, 'actively': 10, 'alert': 10, 'bailey': 10, 'kaplan': 10, 'painter': 10, 'grosse': 10, 'http': 10, 'actionthriller': 10, 'infidelity': 10, 'connelly': 10, 'discomfort': 10, 'strikingly': 10, 'sheep': 10, 'sixteen': 10, 'kristen': 10, 'preaching': 10, 'non': 10, 'dedication': 10, 'billed': 10, 'intimacy': 10, 'overwhelmed': 10, 'outrage': 10, 'taiwan': 10, 'noodle': 10, 'gripe': 10, 'motor': 10, 'delve': 10, 'moulin': 10, 'trophy': 10, 'profile': 10, 'marred': 10, 'lair': 10, 'suzanne': 10, 'undercurrent': 10, 'eyecatching': 10, 'hysterically': 10, 'mo': 10, 'theatrics': 10, 'invading': 10, 'releasing': 10, 'illustrated': 10, 'aficionado': 10, 'colourful': 10, 'potato': 10, 'shoved': 10, 'sylvia': 10, 'chang': 10, 'snowman': 10, 'integrity': 10, 'observer': 10, 'porkys': 10, 'nancy': 10, 'evokes': 10, 'depravity': 10, 'butch': 10, 'kindhearted': 10, 'gia': 10, 'pesci': 10, 'laserdisc': 10, 'ferrara': 10, 'troi': 10, 'barren': 10, 'conveyed': 10, 'rene': 10, 'marceau': 10, 'cannibal': 10, 'doublecrosses': 10, 'protective': 10, 'unfairly': 10, 'recommending': 10, 'cooky': 10, 'trent': 10, 'hurlyburly': 10, 'verlaine': 10, 'ballroom': 10, 'democratic': 10, 'envy': 10, 'bogart': 10, 'noah': 10, 'kimble': 10, 'en': 10, 'matron': 10, 'jabba': 10, 'carly': 10, 'diesel': 10, 'roberto': 10, 'mozart': 10, 'uncut': 10, 'sarajevo': 10, 'wang': 10, 'funnest': 10, 'brean': 10, 'russia': 10, 'jackieo': 10, 'lesly': 10, 'linney': 10, 'masterfully': 10, 'morrow': 10, 'valentine_': 10, 'crimson': 10, 'jacqueline': 10, 'regime': 10, 'corleone': 10, 'lillian': 10, 'andromeda': 10, 'andreas': 10, 'javert': 10, 'downside': 10, 'bale': 10, 'gavins': 10, 'cyborsuit': 10, 'cy': 10, 'kikis': 10, 'sorta': 9, 'unravel': 9, 'runtime': 9, 'clout': 9, 'paired': 9, 'unsuccessfully': 9, 'directtovideo': 9, 'implied': 9, 'tacky': 9, 'automatic': 9, 'arnie': 9, 'plodding': 9, 'playwright': 9, 'paralyzed': 9, 'lena': 9, 'scotland': 9, 'rotten': 9, 'familial': 9, 'thwart': 9, 'diva': 9, 'mogul': 9, 'marketplace': 9, 'fluffy': 9, 'meaty': 9, 'robust': 9, 'transparent': 9, 'ashamed': 9, 'excruciating': 9, 'mantra': 9, 'piss': 9, 'milo': 9, 'tepid': 9, 'actionadventure': 9, 'khan': 9, 'kang': 9, 'mistakenly': 9, 'goro': 9, 'leaden': 9, 'neutral': 9, 'cheezy': 9, 'dreck': 9, 'accordingly': 9, 'poacher': 9, 'preserve': 9, 'gooey': 9, 'biological': 9, 'minion': 9, 'leak': 9, 'reliance': 9, 'punchline': 9, 'untimely': 9, 'delf': 9, 'hark': 9, 'lincoln': 9, 'gugino': 9, 'dandy': 9, 'forgetting': 9, 'fervor': 9, 'regain': 9, 'questioned': 9, 'announcement': 9, 'unremarkable': 9, 'revel': 9, 'diversion': 9, 'atop': 9, 'waltz': 9, 'shabby': 9, 'strung': 9, 'spotted': 9, 'cruella': 9, 'haircut': 9, 'shaken': 9, 'goer': 9, 'vcr': 9, 'bestselling': 9, '1976': 9, 'chariot': 9, 'menu': 9, 'connecting': 9, 'revolve': 9, 'listed': 9, 'stroll': 9, 'faux': 9, 'unfocused': 9, 'warehouse': 9, 'brawl': 9, 'ragtag': 9, 'pornographic': 9, 'crotch': 9, 'stormy': 9, 'cease': 9, 'examine': 9, 'merry': 9, 'sewer': 9, 'berenger': 9, 'repulsive': 9, 'permeated': 9, 'livein': 9, 'manipulate': 9, 'muted': 9, 'zest': 9, 'transferred': 9, 'moniker': 9, 'progressively': 9, 'drained': 9, 'applies': 9, 'recycles': 9, 'paperthin': 9, 'sheridan': 9, 'realises': 9, 'rambling': 9, 'endeavor': 9, 'ineffectual': 9, '37': 9, 'hodgepodge': 9, 'wherein': 9, 'backfire': 9, 'fatale': 9, 'vanish': 9, 'formidable': 9, 'deedle': 9, 'collecting': 9, 'mesh': 9, 'boom': 9, 'flock': 9, 'monday': 9, 'discount': 9, 'unforgivable': 9, 'promptly': 9, 'stargate': 9, 'circuit': 9, 'pr': 9, 'rehab': 9, 'se': 9, 'fictitious': 9, 'slut': 9, 'tramp': 9, 'thou': 9, 'hyped': 9, 'snail': 9, 'behalf': 9, 'jeep': 9, 'shuttle': 9, 'qualifies': 9, 'tidal': 9, 'towering': 9, 'comforting': 9, 'amusingly': 9, 'narrated': 9, 'dj': 9, 'aisle': 9, 'puzzling': 9, 'kinky': 9, 'leftover': 9, 'tomei': 9, 'monotone': 9, 'takeoff': 9, 'joanna': 9, 'terrorize': 9, 'tatopoulos': 9, 'biologist': 9, 'footprint': 9, 'aircraft': 9, 'unfolding': 9, 'sharply': 9, 'dial': 9, 'emerging': 9, 'pathetically': 9, 'dolittle': 9, 'unlikeable': 9, 'bogged': 9, 'phifer': 9, 'blockade': 9, 'hideously': 9, 'meandering': 9, 'sorority': 9, 'hacked': 9, 'madeleine': 9, 'recount': 9, 'swanson': 9, 'faint': 9, 'criminally': 9, 'bestseller': 9, 'brag': 9, 'abused': 9, 'gloriously': 9, 'backing': 9, 'grass': 9, 'linear': 9, 'vhs': 9, 'shear': 9, 'edison': 9, 'keith': 9, 'minority': 9, 'perkins': 9, 'attic': 9, 'simulated': 9, 'mercifully': 9, 'distorted': 9, 'bog': 9, 'mit': 9, 'phoebe': 9, 'kara': 9, 'bra': 9, 'graceful': 9, 'beattys': 9, 'goldsmith': 9, 'tidbit': 9, 'consist': 9, 'decapitated': 9, 'boo': 9, 'solving': 9, 'doubted': 9, 'infected': 9, 'unstoppable': 9, 'appreciation': 9, 'chaplin': 9, 'proposal': 9, 'persuade': 9, 'compassionate': 9, 'loan': 9, 'uncredited': 9, 'versatile': 9, 'hiring': 9, 'yea': 9, 'brat': 9, 'relic': 9, 'theft': 9, 'ski': 9, 'loner': 9, 'exboyfriend': 9, 'protection': 9, 'slept': 9, 'competitor': 9, 'kidnaps': 9, 'cartoony': 9, 'axe': 9, 'controlling': 9, 'weep': 9, 'houston': 9, 'begging': 9, 'hello': 9, 'earning': 9, 'formation': 9, 'stating': 9, 'clumsily': 9, 'stem': 9, 'penelope': 9, 'gel': 9, 'marrow': 9, 'ditch': 9, 'promoter': 9, 'crawling': 9, 'spontaneously': 9, 'frenetic': 9, 'confronting': 9, 'kentucky': 9, 'diverting': 9, 'otherworldly': 9, 'coin': 9, 'nipple': 9, 'technicolor': 9, 'dire': 9, 'cargo': 9, 'narrow': 9, 'embraced': 9, 'patently': 9, 'marcia': 9, 'artificially': 9, 'vapid': 9, 'lesbianism': 9, 'marcus': 9, 'stooge': 9, 'printed': 9, 'ample': 9, 'hitch': 9, 'thai': 9, 'inhabits': 9, 'cemetery': 9, 'overtime': 9, 'pole': 9, 'techno': 9, 'disregard': 9, 'severed': 9, 'chen': 9, 'bello': 9, 'conclude': 9, 'fizzle': 9, 'shrug': 9, 'flatout': 9, 'allusion': 9, 'botch': 9, 'gulf': 9, 'zorro': 9, 'holland': 9, 'brush': 9, 'organ': 9, 'analogy': 9, 'hamilton': 9, 'recreated': 9, 'exclaims': 9, 'howling': 9, 'byrnes': 9, 'visionary': 9, 'ceiling': 9, 'spared': 9, '666': 9, '1983': 9, 'consumer': 9, 'goofiness': 9, 'yahoo': 9, 'recreating': 9, 'sophomoric': 9, 'desmond': 9, 'aswell': 9, 'starlet': 9, 'dramatics': 9, 'whove': 9, 'adapting': 9, 'patrol': 9, 'dino': 9, 'schaech': 9, 'declaration': 9, 'rameses': 9, 'sap': 9, 'snappy': 9, 'hail': 9, 'roach': 9, 'avid': 9, 'mishap': 9, 'passport': 9, 'plunge': 9, 'benefited': 9, 'reuben': 9, 'burden': 9, 'reappears': 9, 'fondness': 9, 'bearing': 9, 'fireball': 9, 'berry': 9, 'collide': 9, 'overnight': 9, 'wellcrafted': 9, 'aki': 9, 'stretching': 9, 'eccleston': 9, 'foe': 9, 'flare': 9, 'calmly': 9, 'louisiana': 9, 'hatcher': 9, 'wreckage': 9, 'realise': 9, 'rooftop': 9, 'insulted': 9, 'brent': 9, 'levinson': 9, 'forgiveness': 9, 'dependent': 9, 'abrupt': 9, 'forman': 9, 'befuddled': 9, 'oblivion': 9, 'puerto': 9, 'carnival': 9, 'sickness': 9, 'charmed': 9, 'boggs': 9, 'atlanta': 9, 'powerless': 9, 'amish': 9, 'mating': 9, 'redeem': 9, 'bahamas': 9, 'subversive': 9, 'abysmal': 9, 'misleading': 9, 'crowded': 9, 'encountered': 9, 'toast': 9, 'unger': 9, 'creatively': 9, 'oldest': 9, 'slipped': 9, 'grape': 9, 'squeal': 9, 'relying': 9, 'jettisoned': 9, 'duplicate': 9, 'cinderella': 9, 'royalty': 9, 'caruso': 9, 'cellular': 9, 'lava': 9, 'drastically': 9, 'hardworking': 9, 'unconscious': 9, 'await': 9, 'vet': 9, 'ringwald': 9, 'visitor': 9, 'guise': 9, 'formerly': 9, 'weirdly': 9, 'sensational': 9, 'goldeneye': 9, 'vocabulary': 9, 'clad': 9, 'lowe': 9, 'sack': 9, 'reclaim': 9, 'badness': 9, 'pained': 9, 'crusader': 9, 'maverick': 9, 'ethical': 9, 'excerpt': 9, 'humiliated': 9, 'breezy': 9, 'hokum': 9, 'hunchback': 9, 'carroll': 9, 'mewes': 9, 'bearable': 9, 'twisting': 9, 'grieving': 9, 'malicious': 9, 'mutated': 9, 'highconcept': 9, 'comeuppance': 9, 'infinite': 9, 'poignancy': 9, 'descends': 9, 'headquarters': 9, 'detour': 9, 'cohesive': 9, 'allegory': 9, 'cherry': 9, 'sneaking': 9, 'morgue': 9, 'romantically': 9, 'platform': 9, 'proposes': 9, 'illustrate': 9, 'adrian': 9, 'kinetic': 9, 'bind': 9, 'absorb': 9, 'labute': 9, 'eckhart': 9, 'casually': 9, 'transcend': 9, 'moderate': 9, 'dumbest': 9, 'nononsense': 9, 'landmark': 9, 'flag': 9, 'mccormack': 9, 'dalton': 9, 'fundamentally': 9, 'judged': 9, 'marlowe': 9, 'exhausted': 9, 'laughoutloud': 9, 'riley': 9, 'prediction': 9, 'wrought': 9, 'ruby': 9, 'exudes': 9, 'millenium': 9, 'seduced': 9, 'assure': 9, 'coherence': 9, 'unexplained': 9, 'sunlight': 9, 'fullest': 9, 'enthusiast': 9, 'junky': 9, 'dale': 9, 'pitcher': 9, 'violet': 9, 'quantity': 9, 'getgo': 9, 'bujold': 9, 'groom': 9, 'evacuate': 9, 'dragging': 9, 'removing': 9, 'targeted': 9, 'softspoken': 9, 'grisly': 9, 'rhea': 9, 'conjure': 9, 'tieins': 9, 'fletcher': 9, 'attracts': 9, 'brackett': 9, 'scathing': 9, 'juggle': 9, 'operating': 9, 'carlos': 9, 'chazz': 9, 'anatomy': 9, 'ryans': 9, 'airline': 9, 'prejudice': 9, 'exposure': 9, 'magnetic': 9, '4th': 9, 'mini': 9, 'alexs': 9, 'langella': 9, 'featherstone': 9, 'rugged': 9, 'proclaim': 9, 'incorporates': 9, 'humiliation': 9, 'gently': 9, 'privilege': 9, 'ruining': 9, 'lampoon': 9, 'dangelo': 9, 'ridley': 9, 'progressed': 9, 'koteas': 9, 'unrecognizable': 9, 'panama': 9, 'harmon': 9, 'prevalent': 9, 'climate': 9, 'centerpiece': 9, 'rescuing': 9, 'wonderland': 9, 'fend': 9, 'siskel': 9, 'sendup': 9, 'stallones': 9, 'zach': 9, 'lynn': 9, 'colored': 9, '1930s': 9, 'cary': 9, 'thailand': 9, 'tristar': 9, 'borrowing': 9, 'ghastly': 9, 'flik': 9, 'speaker': 9, 'android': 9, 'expertly': 9, 'nyah': 9, 'gunfight': 9, 'conducted': 9, 'pantoliano': 9, 'danvers': 9, 'overlook': 9, 'comingofage': 9, 'regarded': 9, 'subconscious': 9, 'deadend': 9, 'hillbilly': 9, 'intervention': 9, 'pillow': 9, 'declared': 9, 'blessing': 9, 'moreover': 9, 'smug': 9, 'dreamy': 9, 'destructive': 9, 'suspended': 9, 'norris': 9, 'tread': 9, 'segal': 9, 'characterized': 9, 'borg': 9, 'cannibalism': 9, 'quibble': 9, 'existed': 9, 'weisz': 9, 'devon': 9, 'sawa': 9, 'virginity': 9, 'pi': 9, 'mst3k': 9, 'infatuated': 9, 'jasper': 9, 'lesra': 9, 'accolade': 9, 'divine': 9, 'mockery': 9, 'introspective': 9, 'oscarwinning': 9, 'luther': 9, 'sherry': 9, 'baz': 9, 'sparked': 9, 'zardoz': 9, 'contestant': 9, 'exhilarating': 9, 'criticized': 9, 'atlantis': 9, 'tate': 9, 'drawback': 9, 'hypocrisy': 9, 'uncompromising': 9, 'hutt': 9, 'burnham': 9, 'methodical': 9, 'grishams': 9, 'aladdin': 9, 'mustsee': 9, 'francie': 9, 'sullivan': 9, 'brisk': 9, 'tearjerker': 9, 'jing': 9, 'robby': 9, 'tenebrae': 9, 'seti': 9, 'notoriety': 9, 'arroway': 9, 'claiborne': 9, 'onegin': 9, 'romulus': 9, 'marcy': 9, 'curdled': 9, 'magruder': 9, 'rhys': 9, 'lebowskis': 9, 'chubby': 9, 'toni': 9, 'gerry': 9, 'flanagan': 9, 'fflewdurr': 9, 'cosette': 9, 'gurgi': 9, 'rosalba': 9, 'tswsm': 9, 'laserman': 9, 'disappearance': 8, 'sagemiller': 8, 'bentley': 8, 'unscathed': 8, 'remembers': 8, 'seymour': 8, 'precinct': 8, 'hoodlum': 8, 'rushing': 8, 'selfrighteous': 8, 'reminding': 8, 'snippet': 8, 'banality': 8, 'cookiecutter': 8, 'lunacy': 8, 'sunset': 8, 'oops': 8, 'thora': 8, 'shrewd': 8, 'promoted': 8, 'juggling': 8, 'hannibal': 8, 'courtship': 8, 'lingers': 8, 'ecstatic': 8, 'gould': 8, 'sander': 8, 'luggage': 8, 'county': 8, 'lukewarm': 8, 'mousy': 8, 'torch': 8, 'annihilation': 8, 'limitation': 8, 'incorrect': 8, 'nikita': 8, 'bmovies': 8, 'dormant': 8, 'awakened': 8, 'counsel': 8, 'singularly': 8, 'slowmoving': 8, 'cocktail': 8, 'faye': 8, 'tailor': 8, 'pizza': 8, 'cheaper': 8, 'heavyweight': 8, 'offender': 8, 'cautionary': 8, 'unnoticed': 8, 'converted': 8, 'encouraging': 8, 'posturing': 8, 'influential': 8, 'randomly': 8, 'cryptic': 8, 'streetwise': 8, 'armored': 8, 'vogue': 8, 'moviegoing': 8, 'aspire': 8, 'fur': 8, '33': 8, 'shelton': 8, 'mandatory': 8, 'sherri': 8, 'vera': 8, 'corey': 8, 'examining': 8, 'framing': 8, 'hound': 8, 'canal': 8, 'matteroffact': 8, 'knockoff': 8, 'min': 8, 'rider': 8, '1964': 8, 'maine': 8, 'gleeson': 8, 'unwelcome': 8, 'assessment': 8, 'pump': 8, 'orbit': 8, 'noisy': 8, 'hating': 8, 'fascism': 8, 'wartime': 8, 'churn': 8, 'reluctance': 8, 'stumbled': 8, 'tv2': 8, 'nonlinear': 8, 'residence': 8, 'confuse': 8, 'soderbergh': 8, 'mindnumbingly': 8, 'brace': 8, 'lastly': 8, 'stamped': 8, 'spelling': 8, 'nagging': 8, 'detmer': 8, 'pour': 8, 'repetition': 8, 'yoda': 8, 'harmony': 8, 'boss': 8, 'onboard': 8, 'gasp': 8, 'palatable': 8, 'omen': 8, 'maudlin': 8, 'posh': 8, 'mismatched': 8, 'assorted': 8, 'lyonne': 8, 'succession': 8, 'newt': 8, 'booming': 8, 'burdened': 8, 'inadvertently': 8, 'patterson': 8, 'recite': 8, 'savannah': 8, 'invents': 8, 'guerrilla': 8, 'relax': 8, 'sage': 8, 'hose': 8, 'overhead': 8, 'separation': 8, 'gosh': 8, 'vanished': 8, 'nevada': 8, 'sony': 8, 'scant': 8, 'wince': 8, 'spiteful': 8, 'dreadfully': 8, '94': 8, 'whisper': 8, 'pauly': 8, 'slutty': 8, 'sparkle': 8, 'gabrielle': 8, 'arbitrary': 8, 'immature': 8, 'dim': 8, 'philandering': 8, 'classified': 8, 'eroticism': 8, 'rollercoaster': 8, 'toller': 8, 'settlement': 8, 'concoction': 8, 'user': 8, 'suspiciously': 8, 'tearing': 8, 'repeating': 8, 'proclaimed': 8, 'startled': 8, 'fearful': 8, 'perez': 8, 'badass': 8, 'biker': 8, 'distinctly': 8, 'pope': 8, 'interviewed': 8, 'kris': 8, 'premiered': 8, 'fluke': 8, 'sophomore': 8, 'phillipe': 8, 'brodericks': 8, 'anyhow': 8, 'dosent': 8, 'womanizer': 8, 'indicate': 8, 'bin': 8, 'tropical': 8, 'conjures': 8, 'campiness': 8, 'unfinished': 8, 'volatile': 8, 'uncovered': 8, 'scoundrel': 8, 'affectionate': 8, 'cabinet': 8, 'wee': 8, 'heir': 8, '75': 8, 'trader': 8, 'interviewer': 8, 'easiest': 8, 'blaxploitation': 8, 'implies': 8, 'mud': 8, 'tribulation': 8, 'gardener': 8, 'karyo': 8, 'levity': 8, 'eleven': 8, 'maxwell': 8, 'channing': 8, 'deja': 8, 'disastrously': 8, 'harlin': 8, 'flaunt': 8, 'redgrave': 8, 'ilm': 8, 'shocker': 8, 'specializes': 8, 'choked': 8, 'icky': 8, 'morale': 8, 'artemus': 8, 'desperado': 8, 'harper': 8, 'supporter': 8, 'protects': 8, 'hairstyle': 8, 'inform': 8, 'devastated': 8, 'akiva': 8, 'forgivable': 8, 'bram': 8, 'stoker': 8, 'shelley': 8, 'donaldson': 8, 'toxic': 8, 'firearm': 8, 'dispatch': 8, 'veers': 8, 'nameless': 8, 'terence': 8, 'ripping': 8, 'bid': 8, 'alumnus': 8, 'disgruntled': 8, 'ploy': 8, 'hardearned': 8, 'everybodys': 8, 'nastiness': 8, 'respectability': 8, 'lent': 8, 'swears': 8, 'wrongly': 8, 'distrust': 8, 'traveler': 8, 'rockwell': 8, 'celebrated': 8, 'sil': 8, 'rerun': 8, 'tina': 8, 'polar': 8, 'tanker': 8, 'hinge': 8, 'devastation': 8, 'jared': 8, 'instructed': 8, 'lump': 8, 'reunite': 8, 'temperature': 8, 'pout': 8, 'tara': 8, 'virginia': 8, 'elude': 8, 'promoting': 8, 'inyourface': 8, 'restricted': 8, 'morally': 8, 'hayes': 8, 'messed': 8, 'prospective': 8, 'mocked': 8, 'relied': 8, 'macpherson': 8, 'balanced': 8, 'vicki': 8, 'ailing': 8, 'chi': 8, 'alot': 8, 'relevance': 8, 'pessimistic': 8, 'trickery': 8, 'contraption': 8, 'hosted': 8, 'starter': 8, 'tended': 8, 'obsessively': 8, 'edtv': 8, '1940s': 8, 'allure': 8, 'patriotic': 8, 'blasting': 8, 'acquired': 8, 'intricately': 8, 'vamp': 8, 'tolerate': 8, 'drown': 8, 'wellacted': 8, 'dummy': 8, 'operates': 8, 'repair': 8, 'cheering': 8, 'burstyn': 8, 'rosanna': 8, 'burroughs': 8, 'harden': 8, 'longterm': 8, 'license': 8, 'uniqueness': 8, 'mumbling': 8, 'reunited': 8, 'smuggling': 8, 'reiner': 8, 'ramble': 8, 'republican': 8, 'mulholland': 8, 'tiffany': 8, 'physic': 8, 'anothers': 8, 'yorkers': 8, 'presume': 8, 'adulthood': 8, 'bewilderment': 8, 'quoting': 8, 'identifying': 8, 'demographic': 8, 'mechanism': 8, 'clunky': 8, 'tomato': 8, 'lick': 8, 'disappointingly': 8, 'fingerprint': 8, 'lyrical': 8, 'guided': 8, 'typewriter': 8, 'efficiently': 8, 'cement': 8, 'undeveloped': 8, 'insomnia': 8, 'mariah': 8, 'effeminate': 8, 'absurdly': 8, 'suggesting': 8, 'impassioned': 8, 'dimwit': 8, 'hoggett': 8, 'pipe': 8, 'swift': 8, 'serling': 8, 'ari': 8, 'blanche': 8, 'tantrum': 8, 'bribe': 8, 'glenda': 8, 'miriam': 8, 'pathos': 8, 'verbally': 8, 'gunshot': 8, 'operator': 8, 'coolness': 8, 'detachment': 8, 'downtrodden': 8, 'colossal': 8, 'flores': 8, 'horde': 8, 'coverage': 8, 'vinny': 8, 'hudsucker': 8, 'blink': 8, 'oscarworthy': 8, 'deviate': 8, 'rand': 8, 'benjamin': 8, 'singular': 8, 'raja': 8, 'booze': 8, 'deficiency': 8, 'patriotism': 8, 'objection': 8, 'uncertainty': 8, 'schizophrenic': 8, 'comatose': 8, 'mingna': 8, 'organic': 8, 'wellmeaning': 8, 'whiskey': 8, 'waterboy': 8, 'spiner': 8, 'demi': 8, 'mathematician': 8, 'truer': 8, 'stoppard': 8, 'universally': 8, 'braindead': 8, 'cent': 8, 'loos': 8, 'circa': 8, 'cafe': 8, 'moscow': 8, 'weighty': 8, 'armin': 8, 'fumbling': 8, 'elena': 8, 'tenant': 8, 'rusty': 8, 'bursting': 8, 'yorker': 8, 'wigand': 8, 'income': 8, 'ingenuity': 8, 'vanishing': 8, 'sought': 8, 'acerbic': 8, 'outdoor': 8, 'cheered': 8, 'scientology': 8, 'sexton': 8, 'bryan': 8, 'adaption': 8, 'kelsey': 8, 'surf': 8, 'trey': 8, 'injected': 8, 'humorless': 8, 'chronic': 8, 'misogynistic': 8, 'handicapped': 8, 'sona': 8, 'freshness': 8, 'bewildered': 8, 'drastic': 8, 'richness': 8, 'aiello': 8, 'fleeting': 8, 'triple': 8, 'identification': 8, 'coup': 8, 'indifferent': 8, 'terrorizing': 8, 'pseudonym': 8, 'benson': 8, 'aura': 8, 'carefree': 8, 'guarded': 8, 'shirley': 8, 'torturous': 8, 'kinski': 8, 'journal': 8, 'spectacularly': 8, 'woke': 8, 'doublecrossing': 8, 'teaming': 8, 'hisher': 8, '00': 8, 'belushi': 8, 'felicity': 8, 'tent': 8, 'fischer': 8, 'caravan': 8, 'magically': 8, 'impromptu': 8, 'garish': 8, 'andre': 8, 'systematically': 8, 'calvin': 8, 'emptiness': 8, 'purposely': 8, '23': 8, 'seldom': 8, 'coolest': 8, 'pretense': 8, 'infuriating': 8, 'startlingly': 8, 'stabbed': 8, 'slum': 8, 'schoolteacher': 8, 'sacred': 8, 'fuss': 8, 'notre': 8, 'admitted': 8, 'switching': 8, 'loop': 8, 'sullen': 8, 'reflecting': 8, 'jjaks': 8, '_is_': 8, 'imax': 8, 'tub': 8, 'compete': 8, 'spree': 8, 'seated': 8, 'bolt': 8, 'versa': 8, 'feared': 8, 'muchneeded': 8, 'miniature': 8, 'effortless': 8, 'cranky': 8, 'illiterate': 8, 'whoa': 8, 'pledge': 8, 'pacinos': 8, 'pardon': 8, 'andys': 8, 'blob': 8, 'prophet': 8, 'ridden': 8, 'digress': 8, 'youthful': 8, 'alarm': 8, 'kahn': 8, 'purity': 8, 'excessively': 8, '1960': 8, 'rocker': 8, 'comparable': 8, 'bash': 8, 'labored': 8, 'booty': 8, 'improbable': 8, 'korda': 8, 'egyptian': 8, 'baron': 8, 'retrospect': 8, 'accuses': 8, 'talky': 8, 'mcconnell': 8, 'squid': 8, 'disconcerting': 8, 'terrifically': 8, 'buyer': 8, 'liberation': 8, 'unbreakable': 8, 'poverty': 8, 'undertone': 8, 'uk': 8, 'quits': 8, 'backbone': 8, 'goose': 8, 'hardnosed': 8, 'afford': 8, 'hairdo': 8, 'nba': 8, 'stavros': 8, 'schumachers': 8, 'brewing': 8, 'invincible': 8, 'liberated': 8, 'incest': 8, 'illustrating': 8, 'metaphysical': 8, 'aloof': 8, 'concrete': 8, 'taboo': 8, 'midget': 8, 'aggression': 8, 'bythenumbers': 8, 'inferno': 8, 'bluntly': 8, 'craftsmanship': 8, 'whirlwind': 8, 'wholeheartedly': 8, 'enigma': 8, 'sledgehammer': 8, 'separately': 8, 'jb': 8, 'interrupt': 8, 'wh': 8, 'masquerading': 8, 'nihilistic': 8, 'raptor': 8, 'orleans': 8, '1975': 8, 'grandiose': 8, 'experimenting': 8, 'rodney': 8, 'heyst': 8, 'skeet': 8, 'darlene': 8, 'unbearably': 8, 'odette': 8, 'gimmicky': 8, 'inconsequential': 8, 'bunz': 8, 'jittery': 8, 'credential': 8, 'undercut': 8, 'embedded': 8, 'brothel': 8, 'schwarzeneggers': 8, 'resent': 8, 'puzzled': 8, 'pesky': 8, 'tighter': 8, 'marco': 8, 'plimpton': 8, 'pickup': 8, 'reacting': 8, 'miraculous': 8, 'dwayne': 8, 'surrender': 8, 'momentous': 8, 'cynic': 8, 'pointe': 8, 'stowe': 8, 'boob': 8, 'pimple': 8, 'panther': 8, 'permanently': 8, 'utopia': 8, 'gym': 8, 'freeway': 8, 'supported': 8, 'palette': 8, 'wage': 8, 'foible': 8, 'composition': 8, 'fragment': 8, 'rarity': 8, 'fading': 8, 'trading': 8, 'fulfilled': 8, 'bicker': 8, 'bystander': 8, 'cowardly': 8, 'alcott': 8, 'shatner': 8, 'fearless': 8, 'suburb': 8, 'acquaintance': 8, 'complicating': 8, 'contrasting': 8, 'hartley': 8, 'humane': 8, 'evolve': 8, 'intertwined': 8, 'multidimensional': 8, 'childers': 8, 'cheech': 8, 'retain': 8, 'behindthescenes': 8, 'aweinspiring': 8, 'condemnation': 8, 'temporarily': 8, 'beetle': 8, 'columbus': 8, 'rumour': 8, 'escapism': 8, 'unheard': 8, 'stylishly': 8, 'bike': 8, 'liman': 8, 'alison': 8, 'hyper': 8, 'jovial': 8, 'wellpaced': 8, 'widespread': 8, 'beforehand': 8, 'brokedown': 8, 'franz': 8, 'rebellion': 8, 'salary': 8, 'mcdowall': 8, 'falk': 8, 'samantha': 8, 'posed': 8, 'snowball': 8, 'schmidt': 8, 'davy': 8, 'materialistic': 8, 'fulfillment': 8, 'slamming': 8, 'bloodshed': 8, 'cracking': 8, 'adviser': 8, 'actionpacked': 8, '180': 8, 'outgoing': 8, 'deprived': 8, 'applause': 8, 'broker': 8, 'captivated': 8, 'aristocrat': 8, 'rejection': 8, 'granddaughter': 8, '1947': 8, 'conquered': 8, 'culkin': 8, 'messiah': 8, 'berlin': 8, 'descent': 8, 'worf': 8, 'wilderness': 8, 'montoya': 8, 'schedule': 8, 'canvas': 8, 'nefarious': 8, 'revolving': 8, 'lori': 8, 'aquarium': 8, 'prentice': 8, 'midlife': 8, 'nervously': 8, 'pub': 8, 'standouts': 8, 'segue': 8, 'donovan': 8, 'suitor': 8, 'stubborn': 8, 'unnerving': 8, 'devereaux': 8, 'rightfully': 8, 'michele': 8, 'gospel': 8, 'ganz': 8, 'diatribe': 8, 'subtly': 8, 'pascal': 8, 'nortons': 8, 'legally': 8, 'scrutiny': 8, 'ness': 8, 'hesitation': 8, 'morpheus': 8, 'gridlockd': 8, 'mcdermott': 8, 'anecdote': 8, 'c3po': 8, 'grady': 8, 'unzipped': 8, 'rainmaker': 8, 'shanta': 8, 'tampopo': 8, 'freed': 8, 'ballet': 8, 'centre': 8, 'pei': 8, 'embeth': 8, 'kimbles': 8, 'suspiria': 8, 'fourstar': 8, 'groeteschele': 8, 'leeloo': 8, 'catalyst': 8, 'marquis': 8, 'debbie': 8, 'drumlin': 8, 'egoyans': 8, 'buren': 8, 'bala': 8, 'dewitt': 8, 'hockley': 8, 'wilkinson': 8, 'goldwyn': 8, 'abolitionist': 8, 'curry': 8, 'rereleased': 8, 'aloise': 8, 'furtwangler': 8, 'odin': 8, 'paradine': 8, 'doe': 8, 'castro': 8, 'wai': 8, 'elliott': 8, 'rohmers': 8, 'nookey': 8, 'alchemy': 8, 'chon': 8, 'uhf': 8, 'fantine': 8, 'barlow': 8, 'niagara': 8, 'bresson': 8, 'apparition': 7, 'mir': 7, 'h20': 7, 'thankful': 7, 'reformed': 7, 'checked': 7, 'rash': 7, 'fledgling': 7, 'latenight': 7, 'exhusband': 7, 'ponders': 7, 'ob': 7, 'increased': 7, 'unimpressive': 7, 'bubbling': 7, 'twothirds': 7, 'pa': 7, 'cusacks': 7, 'obscene': 7, 'costumed': 7, 'alienated': 7, 'coke': 7, 'bitchy': 7, 'rendering': 7, 'luminous': 7, 'catatonic': 7, 'annoy': 7, 'swashbuckling': 7, 'mcdormand': 7, 'morbid': 7, 'shenanigan': 7, 'wiseass': 7, 'reelection': 7, 'bliss': 7, 'oshea': 7, 'vengeful': 7, 'slain': 7, 'overthrow': 7, 'febre': 7, 'spiers': 7, 'coo': 7, 'weighs': 7, '17th': 7, 'tournament': 7, 'prevented': 7, 'stance': 7, 'sonya': 7, 'thunder': 7, 'mystic': 7, 'jade': 7, 'emporer': 7, 'weaponry': 7, 'stupidly': 7, 'concluded': 7, 'recapture': 7, 'brass': 7, 'ninth': 7, 'wynn': 7, 'sweeney': 7, 'guiding': 7, 'polish': 7, 'integral': 7, '_really_': 7, 'popped': 7, 'wimp': 7, 'erased': 7, 'steadicam': 7, 'pumped': 7, 'depalmas': 7, 'halfassed': 7, 'crucible': 7, 'glow': 7, 'overzealous': 7, 'conquer': 7, 'ck': 7, 'hardened': 7, 'captor': 7, 'oneliner': 7, 'incredulous': 7, 'alist': 7, 'annoyance': 7, 'amiable': 7, 'laborious': 7, 'depardieu': 7, 'pierre': 7, 'furry': 7, 'finesse': 7, 'solar': 7, '1982': 7, 'hesitate': 7, 'upstaged': 7, 'nutshell': 7, 'maddeningly': 7, 'ownership': 7, 'valiant': 7, 'aimless': 7, 'promiscuous': 7, 'miner': 7, 'predominantly': 7, '110': 7, 'precedes': 7, 'bgrade': 7, 'godawful': 7, 'croc': 7, 'mcbeal': 7, 'alternately': 7, 'humankind': 7, 'stupidest': 7, 'wwii': 7, 'tested': 7, 'earthling': 7, 'thewlis': 7, 'baffle': 7, 'stint': 7, 'abode': 7, 'nil': 7, 'induced': 7, 'dope': 7, 'downer': 7, 'psychopathic': 7, 'pushy': 7, 'nerdy': 7, 'whoop': 7, 'invigorating': 7, 'sneer': 7, 'defeated': 7, 'fixed': 7, 'purposefully': 7, 'pego': 7, 'verdict': 7, 'eden': 7, 'locating': 7, 'nypd': 7, 'educate': 7, 'wistful': 7, 'permission': 7, 'regulation': 7, 'meditation': 7, 'lib': 7, 'geri': 7, 'sporty': 7, 'parodying': 7, 'largest': 7, 'cod': 7, 'beacon': 7, 'oscarcaliber': 7, 'furlong': 7, 'graced': 7, 'threw': 7, 'hastily': 7, 'soccer': 7, 'cates': 7, 'ranch': 7, 'palm': 7, 'behaves': 7, 'ny': 7, 'immune': 7, 'austen': 7, 'hatch': 7, 'ethnic': 7, 'summarized': 7, 'uturn': 7, 'dahl': 7, 'tarantula': 7, 'endangered': 7, 'jonnie': 7, 'praying': 7, 'klingon': 7, 'dripping': 7, 'launching': 7, 'obligation': 7, 'embarassing': 7, 'suitcase': 7, 'scummy': 7, 'jawdropping': 7, 'hmmm': 7, 'afflicted': 7, 'americanized': 7, 'praising': 7, 'shelved': 7, 'dorian': 7, 'steroid': 7, 'scowl': 7, 'esque': 7, 'spreading': 7, 'missouri': 7, 'beguiling': 7, 'freshman': 7, 'coed': 7, 'surrealism': 7, 'wallow': 7, 'spray': 7, 'spartacus': 7, 'horners': 7, 'traumatic': 7, 'lapd': 7, 'darcy': 7, 'breakout': 7, '1989s': 7, 'radar': 7, 'wiped': 7, 'artistry': 7, 'snatcher': 7, 'recycling': 7, 'reptilian': 7, 'emerged': 7, 'tokyo': 7, 'pitillo': 7, 'futile': 7, 'contradictory': 7, 'incongruity': 7, 'undermined': 7, 'hallway': 7, 'viggo': 7, 'shifty': 7, 'norville': 7, 'bon': 7, 'extract': 7, 'weitz': 7, 'crass': 7, 'expertise': 7, 'faceless': 7, 'needing': 7, 'secluded': 7, 'tyrell': 7, 'karaoke': 7, 'bark': 7, 'droids': 7, 'tectonic': 7, 'docudrama': 7, 'historian': 7, 'hypocritical': 7, 'merchandise': 7, 'blanket': 7, 'perverted': 7, 'mania': 7, 'skateboarding': 7, 'confirm': 7, 'demeaning': 7, 'overdue': 7, 'evidently': 7, 'bankrupt': 7, 'stair': 7, 'beatles': 7, 'spelled': 7, 'announce': 7, 'schell': 7, 'continent': 7, 'firefighter': 7, 'gungho': 7, 'bothering': 7, 'engulfed': 7, 'monicas': 7, 'fling': 7, '29': 7, 'database': 7, 'truthfully': 7, 'jonny': 7, 'compulsive': 7, 'romania': 7, 'drip': 7, 'downward': 7, 'humble': 7, 'ling': 7, 'northwest': 7, 'bombing': 7, 'rapist': 7, 'commune': 7, 'dunaway': 7, 'domination': 7, 'lois': 7, 'sock': 7, 'reversed': 7, 'replacing': 7, 'goldsman': 7, 'scissorhands': 7, '18th': 7, 'backwoods': 7, 'feldman': 7, 'stitch': 7, 'mutter': 7, 'plotwise': 7, 'ustinov': 7, 'clause': 7, 'bullying': 7, 'gracefully': 7, 'goatee': 7, 'wellington': 7, 'elaine': 7, 'coolidge': 7, 'luxurious': 7, 'bass': 7, 'swore': 7, 'underway': 7, 'twodimensional': 7, 'lusty': 7, 'artwork': 7, 'audition': 7, 'dazed': 7, 'adore': 7, 'btw': 7, 'jumped': 7, 'slime': 7, 'venerable': 7, 'enola': 7, 'deacon': 7, 'abduction': 7, 'disk': 7, 'stepfather': 7, 'razzie': 7, 'posted': 7, 'wandered': 7, 'bigname': 7, 'seduces': 7, 'amuse': 7, 'collaborated': 7, 'dorky': 7, 'forbid': 7, 'leblanc': 7, 'ivory': 7, 'sidewalk': 7, 'virtuoso': 7, 'grossed': 7, 'lifeform': 7, 'sailor': 7, 'cruiser': 7, 'transmission': 7, 'eaten': 7, 'laden': 7, 'machinery': 7, 'antoine': 7, 'kates': 7, 'assures': 7, 'unscrupulous': 7, 'dared': 7, 'enticing': 7, '96': 7, 'tragically': 7, 'crumbling': 7, 'frighteners': 7, 'nearing': 7, 'sassy': 7, 'conversion': 7, 'flounder': 7, 'fathom': 7, 'ferociously': 7, 'nielson': 7, 'slowed': 7, 'glamour': 7, 'russo': 7, 'veneer': 7, 'esposito': 7, 'nsa': 7, 'charity': 7, 'sahara': 7, 'undermine': 7, 'maniacal': 7, 'sputtering': 7, 'untalented': 7, 'bogus': 7, 'tamara': 7, 'yearns': 7, 'arthouse': 7, 'hubby': 7, 'proudly': 7, 'butter': 7, 'selfproclaimed': 7, 'wrath': 7, 'detestable': 7, 'attach': 7, 'getaway': 7, 'taut': 7, 'brainard': 7, 'uncontrollably': 7, 'wreaking': 7, 'leer': 7, 'atypical': 7, 'exceeds': 7, 'revisited': 7, 'felixs': 7, 'designing': 7, 'violently': 7, 'flake': 7, 'selfcentered': 7, 'redeemed': 7, 'palmas': 7, 'voodoo': 7, 'embark': 7, 'cuddly': 7, 'eyeball': 7, 'recording': 7, 'blissfully': 7, 'slipping': 7, 'howser': 7, 'slinky': 7, 'fanatical': 7, 'instrumental': 7, 'thinly': 7, 'autobiography': 7, 'blaine': 7, 'blaring': 7, 'whipped': 7, 'sparkling': 7, 'voiceovers': 7, 'soda': 7, 'conducting': 7, 'kiddie': 7, 'culprit': 7, 'digitally': 7, 'plummet': 7, 'shunned': 7, 'shouldve': 7, 'nickname': 7, 'consistency': 7, 'shrieking': 7, 'glitter': 7, 'gruesomely': 7, 'billie': 7, 'rainbow': 7, 'balloon': 7, 'barbie': 7, 'rake': 7, 'physician': 7, 'straightlaced': 7, 'squirrel': 7, 'sherlock': 7, 'turpin': 7, 'bresslaw': 7, 'concocted': 7, 'glib': 7, 'yearold': 7, 'albino': 7, 'assertive': 7, 'resolutely': 7, 'partial': 7, 'interplay': 7, 'cerebral': 7, 'defying': 7, 'boris': 7, 'fatherson': 7, 'exiled': 7, 'manifestation': 7, 'bumped': 7, 'touted': 7, 'biopic': 7, 'indelible': 7, 'mammoth': 7, 'pre': 7, 'fastforward': 7, 'morton': 7, 'sworn': 7, 'sealed': 7, 'arch': 7, 'pee': 7, 'overtly': 7, 'seamlessly': 7, 'halle': 7, 'stargher': 7, 'hobby': 7, 'carls': 7, 'merciless': 7, 'devotes': 7, 'periodically': 7, 'mindnumbing': 7, 'identified': 7, 'cancel': 7, 'patsy': 7, 'anticipating': 7, 'haze': 7, 'pooch': 7, 'sway': 7, 'loading': 7, 'striptease': 7, 'sincerely': 7, 'occupies': 7, 'babysitting': 7, 'titillating': 7, 'willingness': 7, 'muellerstahl': 7, 'outrageously': 7, 'enjoyably': 7, 'penguin': 7, 'secrecy': 7, 'assassinate': 7, 'crammed': 7, 'fleshed': 7, 'dumbed': 7, 'dominant': 7, 'magnitude': 7, 'fleming': 7, 'derive': 7, 'spoiling': 7, 'archetypal': 7, 'ridicule': 7, 'grudge': 7, 'fullblown': 7, 'wrestle': 7, 'miko': 7, 'frontier': 7, 'mischievous': 7, 'identifiable': 7, 'muppets': 7, 'andie': 7, 'reshoots': 7, 'invitation': 7, 'supremely': 7, 'granny': 7, 'courageous': 7, 'eater': 7, 'facinelli': 7, 'howler': 7, 'brood': 7, 'exam': 7, 'encourages': 7, 'nanny': 7, 'falsely': 7, 'reassuring': 7, '1963': 7, 'decorated': 7, 'goldie': 7, 'hawn': 7, 'hartnett': 7, 'shandlings': 7, 'sleaze': 7, 'straw': 7, 'mcelhone': 7, 'noel': 7, 'momentarily': 7, 'offthewall': 7, 'loathe': 7, 'caretaker': 7, 'transforming': 7, 'godzillas': 7, 'earthy': 7, 'inventor': 7, 'churning': 7, 'perceptive': 7, 'wangs': 7, 'weaker': 7, 'mercedes': 7, 'setback': 7, 'champ': 7, 'verhoven': 7, 'scaring': 7, 'charmless': 7, 'riddled': 7, 'loveable': 7, 'demanded': 7, 'widower': 7, 'enthusiastically': 7, 'compelled': 7, 'folklore': 7, 'quicker': 7, 'woefully': 7, 'efficiency': 7, 'apology': 7, 'lured': 7, 'rivalry': 7, 'wolfgang': 7, 'allstar': 7, 'doubtful': 7, 'scotty': 7, 'orphaned': 7, 'commandment': 7, 'renaissance': 7, 'makeover': 7, 'thickens': 7, 'grandpa': 7, 'lizs': 7, 'delighted': 7, 'hellraiser': 7, 'resorting': 7, 'lipstick': 7, 'defends': 7, 'updating': 7, 'landis': 7, 'spunk': 7, 'injection': 7, 'zoe': 7, 'mustache': 7, 'borderline': 7, 'eraser': 7, 'sixyear': 7, 'riccis': 7, 'arresting': 7, 'professionalism': 7, 'troma': 7, 'afterlife': 7, 'mythic': 7, 'erratic': 7, 'telegraphed': 7, 'highlighted': 7, 'saddle': 7, 'addams': 7, 'levine': 7, 'wheelchair': 7, 'hellbent': 7, 'settler': 7, 'uttering': 7, '66': 7, 'discernible': 7, 'devout': 7, 'reacts': 7, 'pigeon': 7, 'occupation': 7, 'duquette': 7, 'captive': 7, 'haynes': 7, 'orgasm': 7, 'allan': 7, 'revisionist': 7, 'fiasco': 7, 'loudly': 7, 'triumphant': 7, 'misha': 7, 'existing': 7, 'ridiculed': 7, 'joans': 7, 'inhuman': 7, 'spine': 7, 'spontaneity': 7, 'amaze': 7, 'utilized': 7, 'authoritarian': 7, 'richly': 7, 'reduce': 7, 'broadly': 7, 'peckinpah': 7, 'leone': 7, 'wyoming': 7, 'muscular': 7, 'glee': 7, 'embry': 7, 'chockfull': 7, 'rappaport': 7, 'soar': 7, 'suckered': 7, 'kiefer': 7, 'log': 7, 'exuberant': 7, 'roro': 7, 'widowed': 7, 'shelmikedmu': 7, 'crafting': 7, 'ennio': 7, 'morricone': 7, 'hybrid': 7, 'oozing': 7, 'jacobi': 7, 'sterile': 7, 'punching': 7, 'disappoints': 7, 'smeared': 7, 'council': 7, 'neighboring': 7, 'drafted': 7, 'spaceys': 7, 'overt': 7, 'attracting': 7, '1939': 7, 'xavier': 7, 'skinny': 7, 'punished': 7, 'seventeen': 7, 'landlord': 7, 'sydow': 7, 'aftermath': 7, 'civilized': 7, 'solitude': 7, 'excused': 7, 'awakens': 7, 'ubiquitous': 7, 'ronald': 7, 'sidetracked': 7, 'bumpy': 7, 'addressed': 7, 'avery': 7, 'flopped': 7, 'regan': 7, 'attachment': 7, 'pander': 7, 'preference': 7, 'welltodo': 7, 'latex': 7, 'hesitant': 7, 'navigate': 7, 'provokes': 7, 'lauded': 7, 'alices': 7, 'connick': 7, 'instruction': 7, 'isabelle': 7, 'hampshire': 7, 'informative': 7, 'glossy': 7, 'rekindle': 7, 'maddy': 7, 'quip': 7, 'viciously': 7, 'uncovering': 7, '27': 7, 'pollak': 7, 'interactive': 7, 'peek': 7, 'dwelling': 7, 'ghostface': 7, 'villainy': 7, 'meatloaf': 7, 'fraud': 7, 'lament': 7, 'transpires': 7, 'strut': 7, 'sufficiently': 7, 'seventh': 7, 'acknowledge': 7, 'succeeding': 7, 'differs': 7, 'recipient': 7, 'concealed': 7, 'griswold': 7, 'bonding': 7, 'handgun': 7, 'christie': 7, 'plotted': 7, 'doyle': 7, 'lesbos': 7, 'impersonator': 7, 'prone': 7, 'welldeserved': 7, 'devlin': 7, 'sufficient': 7, 'tutor': 7, 'accompaniment': 7, 'counterfeit': 7, 'donner': 7, 'unresolved': 7, 'hawaii': 7, 'prelude': 7, 'tirade': 7, 'cabaret': 7, 'mathematical': 7, 'organism': 7, 'domain': 7, 'historic': 7, 'baffled': 7, 'sensitivity': 7, 'joking': 7, 'craving': 7, 'kramer': 7, 'glue': 7, 'global': 7, 'grateful': 7, 'imminent': 7, 'intrusion': 7, 'dissatisfaction': 7, 'occurring': 7, 'neglected': 7, 'enlightening': 7, 'cassandra': 7, 'gecko': 7, 'terrain': 7, 'unavoidable': 7, 'defect': 7, 'raining': 7, 'brock': 7, 'pixars': 7, 'misunderstanding': 7, 'madeline': 7, 'holden': 7, 'wendy': 7, 'shrew': 7, 'kilgore': 7, 'kirsten': 7, 'seam': 7, 'construct': 7, 'maxine': 7, 'improvised': 7, 'expanded': 7, 'trauma': 7, 'pep': 7, 'unflattering': 7, 'demonic': 7, 'external': 7, 'wednesday': 7, 'innate': 7, 'preach': 7, 'grodin': 7, 'penthouse': 7, 'surpass': 7, 'potency': 7, 'unrequited': 7, 'sweetest': 7, 'pip': 7, 'roddy': 7, 'dropout': 7, 'tatyana': 7, 'jiali': 7, 'faking': 7, 'comb': 7, 'dominic': 7, 'believably': 7, 'triedandtrue': 7, 'cough': 7, 'symphony': 7, 'dolly': 7, 'bigwig': 7, 'purple': 7, 'gena': 7, 'frederick': 7, 'alteration': 7, 'stillman': 7, 'plausibility': 7, 'roar': 7, 'psychosis': 7, 'denies': 7, 'commended': 7, 'formal': 7, 'oppression': 7, 'faction': 7, 'paulina': 7, 'lenny': 7, 'herbert': 7, 'salon': 7, 'succumbs': 7, 'jeter': 7, 'accompanies': 7, 'sung': 7, 'hav': 7, 'walltowall': 7, 'runofthemill': 7, 'jermaine': 7, 'bullshit': 7, 'karl': 7, 'southwest': 7, 'wrongdoing': 7, 'gradual': 7, 'empathize': 7, 'obrien': 7, 'overflowing': 7, 'brightest': 7, 'combo': 7, 'cutthroat': 7, 'boyd': 7, 'notwithstanding': 7, 'courtesan': 7, 'banker': 7, 'rhett': 7, 'tristen': 7, 'fastest': 7, 'duvalls': 7, 'brightly': 7, 'bravura': 7, 'looming': 7, 'katrina': 7, 'recovery': 7, 'obscurity': 7, 'comicbook': 7, 'sprite': 7, 'librarian': 7, 'outdoors': 7, 'ferocious': 7, 'deftly': 7, '_election_': 7, 'duane': 7, 'sobbing': 7, 'propelled': 7, 'shakur': 7, 'showy': 7, 'jarmusch': 7, 'droll': 7, 'biased': 7, 'giorgio': 7, 'schlesinger': 7, 'bitterness': 7, 'hindu': 7, 'kite': 7, 'shang': 7, 'forefront': 7, 'langs': 7, 'stendhal': 7, 'dario': 7, 'architecture': 7, 'caviezel': 7, 'vividly': 7, 'safely': 7, 'taxing': 7, 'ronnie': 7, 'hobbes': 7, 'davidtz': 7, 'stealer': 7, 'wellrounded': 7, 'antiwar': 7, 'larch': 7, 'exley': 7, 'sade': 7, 'connecticut': 7, 'topping': 7, 'perceived': 7, 'isaacman': 7, 'indistinguishable': 7, 'doren': 7, 'quincy': 7, 'margarets': 7, 'darby': 7, 'kindness': 7, 'unassuming': 7, 'osnard': 7, 'hortense': 7, 'hauer': 7, 'cappie': 7, 'redefines': 7, 'amarcord': 7, 'nihilist': 7, 'skylar': 7, 'yeager': 7, 'danish': 7, 'lovett': 7, '1912': 7, 'vincents': 7, 'protestant': 7, 'rumpo': 7, 'patlabor': 7, 'removal': 7, '_pollock_': 7, 'invader': 7, 'keyser': 7, 'bethlehem': 7, 'du': 7, 'shackleton': 7, 'trask': 7, 'ruafro': 7, 'tael': 7, 'tati': 7, 'borrower': 7, 'roberta': 7, 'eilonwy': 7, 'stempel': 7, 'tandy': 7, 'camembert': 7, '_shaft_': 7, 'strangeness': 6, 'bordering': 6, 'freespirited': 6, 'garrett': 6, 'elwes': 6, 'spout': 6, 'invariably': 6, 'chock': 6, 'desolation': 6, 'depraved': 6, 'condemn': 6, 'condone': 6, 'fistfight': 6, 'tomas': 6, 'indifference': 6, 'restrain': 6, 'mysticism': 6, 'fourteen': 6, 'beg': 6, 'rehashed': 6, 'carriage': 6, 'deneuve': 6, 'goodnight': 6, 'dogged': 6, 'empathetic': 6, 'middleclass': 6, 'suburbia': 6, '52': 6, 'withdrawn': 6, 'democrat': 6, 'smallest': 6, 'succumb': 6, 'asia': 6, 'richelieu': 6, 'prosaic': 6, 'revered': 6, 'selfawareness': 6, 'lamest': 6, 'remarked': 6, 'colonist': 6, 'incarcerated': 6, 'scarred': 6, 'scoring': 6, 'screeching': 6, 'drowns': 6, 'audible': 6, 'scifihorror': 6, 'cinemax': 6, 'nuff': 6, 'rade': 6, 'disgustingly': 6, 'mist': 6, 'squandered': 6, 'kidnaped': 6, 'aggravating': 6, 'fanfare': 6, 'deservedly': 6, 'payperview': 6, 'quieter': 6, 'cathartic': 6, 'jeanluc': 6, 'godard': 6, 'impeccably': 6, 'complement': 6, 'blur': 6, 'transportation': 6, 'multifaceted': 6, 'envision': 6, 'decipher': 6, 'artistically': 6, 'wiser': 6, 'lucked': 6, 'manchurian': 6, 'commonly': 6, 'growl': 6, 'joely': 6, 'niros': 6, 'wail': 6, 'critter': 6, 'heretofore': 6, '1961': 6, 'onesided': 6, 'mono': 6, 'repertoire': 6, 'durham': 6, 'cesar': 6, 'vile': 6, 'kerry': 6, 'carbon': 6, 'scripting': 6, 'kongs': 6, 'rapper': 6, 'nfl': 6, 'crushing': 6, 'orlando': 6, 'caroline': 6, 'schoolers': 6, 'kent': 6, 'figuratively': 6, 'educated': 6, 'wilde': 6, 'workingclass': 6, 'airy': 6, 'soaring': 6, 'seller': 6, 'sterling': 6, 'fahey': 6, 'distinguishes': 6, 'revived': 6, 'tooth': 6, 'hector': 6, 'worship': 6, 'alligator': 6, 'groaning': 6, 'cursing': 6, 'montgomery': 6, 'balk': 6, 'justification': 6, 'incorporate': 6, 'tempting': 6, 'limey': 6, 'professionally': 6, 'brennan': 6, 'astoundingly': 6, 'terminal': 6, 'forehead': 6, 'mandy': 6, 'dominates': 6, 'prerelease': 6, 'shifted': 6, 'protected': 6, 'ulterior': 6, 'brimming': 6, 'detracts': 6, 'varied': 6, 'serpico': 6, 'colliding': 6, 'rabbi': 6, 'dannys': 6, 'liven': 6, 'leering': 6, 'giuseppe': 6, 'propensity': 6, 'gheorghe': 6, 'putrid': 6, 'brainy': 6, 'maxim': 6, 'allaround': 6, 'whew': 6, 'hoskins': 6, 'clifford': 6, 'tenley': 6, 'invent': 6, 'snobbish': 6, 'catcher': 6, 'halfhearted': 6, 'rifkin': 6, 'punchlines': 6, 'newell': 6, 'alienate': 6, 'sturdy': 6, 'railway': 6, 'dunno': 6, 'mafioso': 6, 'rail': 6, 'wb': 6, 'ignoring': 6, 'drifter': 6, 'inbred': 6, 'exposing': 6, 'sniff': 6, 'dwell': 6, 'omega': 6, 'crumb': 6, 'scruffy': 6, 'ugliness': 6, 'drone': 6, '57': 6, 'mush': 6, 'iota': 6, 'ahem': 6, 'barred': 6, 'wrecking': 6, 'golly': 6, 'bothersome': 6, 'nears': 6, 'drawer': 6, 'onslaught': 6, 'noirish': 6, 'unpredictability': 6, 'tattooed': 6, 'astonished': 6, 'eschews': 6, 'stamper': 6, 'driller': 6, 'primate': 6, 'distinguish': 6, 'nicer': 6, 'irwin': 6, 'lowlevel': 6, 'broadcasting': 6, 'realtime': 6, 'watery': 6, 'aesthetic': 6, 'wax': 6, 'sm': 6, 'anemic': 6, 'multimillion': 6, 'darned': 6, 'zwicks': 6, 'liberating': 6, 'relocated': 6, 'spaders': 6, 'craze': 6, 'unattractive': 6, 'unmistakable': 6, 'whiff': 6, 'onebyone': 6, 'atomic': 6, 'fraught': 6, 'birdcage': 6, 'patiently': 6, 'jovi': 6, 'claudias': 6, 'blythe': 6, 'danner': 6, 'payroll': 6, 'enables': 6, 'vigor': 6, 'smartly': 6, 'deposit': 6, 'inadequate': 6, 'chalk': 6, 'obi': 6, 'faked': 6, 'incompetence': 6, 'cleaner': 6, 'providence': 6, 'yep': 6, 'distanced': 6, 'crossdressing': 6, 'raft': 6, 'brazilian': 6, 'worldly': 6, 'capitalism': 6, 'carved': 6, 'mounting': 6, 'slack': 6, 'dutton': 6, 'businessmen': 6, 'humiliating': 6, 'advises': 6, 'goddamn': 6, 'klutz': 6, 'awaits': 6, 'weed': 6, 'handyman': 6, 'bouncing': 6, 'unleashed': 6, 'leisure': 6, 'reissue': 6, 'telescope': 6, 'renny': 6, 'eldard': 6, '400': 6, 'graf': 6, 'sneaker': 6, 'parable': 6, 'bane': 6, 'mi': 6, 'spinoff': 6, 'refugee': 6, 'omegahedron': 6, 'tshirt': 6, 'otoole': 6, 'szwarc': 6, 'bosco': 6, 'extension': 6, 'stockard': 6, 'backyard': 6, 'reflected': 6, 'misfortune': 6, 'inducing': 6, 'yankee': 6, 'gamut': 6, 'bloodsoaked': 6, 'detriment': 6, 'mykelti': 6, 'trump': 6, 'nudge': 6, 'digger': 6, 'artie': 6, 'info': 6, 'dvdrom': 6, 'guntoting': 6, 'commando': 6, 'iv': 6, 'tenth': 6, 'interacting': 6, 'privy': 6, 'oneself': 6, 'brolin': 6, 'invisibility': 6, 'sweater': 6, 'relaxing': 6, 'compact': 6, 'flooding': 6, 'innovation': 6, 'englishman': 6, 'finer': 6, 'linklater': 6, 'skye': 6, 'lorre': 6, 'revolting': 6, 'cloned': 6, 'observing': 6, 'ruling': 6, 'tripplehorn': 6, 'ammunition': 6, 'tangent': 6, 'coldhearted': 6, 'splendor': 6, 'ricardo': 6, 'mouthing': 6, 'copied': 6, 'cassidy': 6, 'kumble': 6, 'shouted': 6, 'mathilda': 6, 'plastered': 6, 'elevate': 6, 'dullness': 6, 'unentertaining': 6, 'exchanging': 6, 'tanner': 6, 'fest': 6, 'crossgates': 6, 'teaser': 6, 'adheres': 6, 'prolonged': 6, 'broadbent': 6, 'conspirator': 6, 'freaking': 6, 'choses': 6, 'puberty': 6, 'skipping': 6, 'offense': 6, 'rainstorm': 6, 'mastered': 6, 'cram': 6, 'frighten': 6, 'numb': 6, 'gladly': 6, 'researcher': 6, 'uncomfortably': 6, 'hitchhiker': 6, 'quitting': 6, 'unspectacular': 6, 'chuckled': 6, 'unprecedented': 6, 'manufacturer': 6, 'ames': 6, 'bravado': 6, 'dicillo': 6, 'pretension': 6, 'psychedelic': 6, 'brim': 6, 'spitting': 6, 'emphasizes': 6, 'reprise': 6, 'promote': 6, 'ripoffs': 6, 'socialite': 6, 'wachowski': 6, 'exploited': 6, 'sendoff': 6, 'golf': 6, 'personified': 6, 'satirizing': 6, 'nobrainer': 6, 'listened': 6, 'console': 6, 'dans': 6, 'adultery': 6, 'substandard': 6, 'copying': 6, 'naomi': 6, 'dourif': 6, 'enable': 6, 'moaning': 6, 'sickly': 6, 'culmination': 6, 'warp': 6, 'patriarch': 6, 'urging': 6, 'evolved': 6, 'guffaw': 6, 'lovemaking': 6, 'devotee': 6, 'longhaired': 6, 'parlor': 6, 'postapocalyptic': 6, 'idealized': 6, 'stupor': 6, 'recovering': 6, 'frighteningly': 6, 'anytime': 6, 'canaan': 6, 'poe': 6, 'machismo': 6, 'pianist': 6, 'generating': 6, 'torment': 6, 'reap': 6, 'appetite': 6, 'olin': 6, 'handcuffed': 6, 'starmaking': 6, 'downtown': 6, 'stoop': 6, 'hardest': 6, 'mutation': 6, 'vatican': 6, 'aplomb': 6, 'evidenced': 6, 'imaginary': 6, 'eyebrow': 6, 'poorer': 6, 'vonnegut': 6, 'populate': 6, 'farcical': 6, 'creeper': 6, 'desolate': 6, 'unhappily': 6, 'moriarty': 6, 'gallagher': 6, 'sketchy': 6, 'dominating': 6, 'karloff': 6, 'injoke': 6, 'winslow': 6, 'pothead': 6, 'batch': 6, '3d': 6, 'jawdroppingly': 6, 'koufax': 6, 'supervision': 6, 'copious': 6, 'lugosi': 6, 'mushroom': 6, 'slated': 6, 'francois': 6, '61': 6, 'potboiler': 6, 'informant': 6, 'rife': 6, 'consecutive': 6, 'legacy': 6, 'buenos': 6, 'aire': 6, 'cosmic': 6, 'whack': 6, 'neighbourhood': 6, 'eyepopping': 6, 'fullfledged': 6, 'comprehension': 6, 'preserved': 6, 'metallic': 6, 'ingenue': 6, 'blending': 6, 'swordfish': 6, 'nonhuman': 6, '10yearold': 6, 'novak': 6, 'buxom': 6, 'emphasize': 6, 'shite': 6, 'rack': 6, 'calculating': 6, 'testosterone': 6, 'vinnie': 6, 'hue': 6, 'ramification': 6, 'ridiculousness': 6, 'robicheaux': 6, 'wager': 6, 'cooler': 6, 'den': 6, 'astute': 6, 'recognizing': 6, 'butchered': 6, 'participant': 6, 'drawnout': 6, 'misunderstood': 6, 'burrow': 6, 'chin': 6, 'coffey': 6, 'fantasizes': 6, 'salinger': 6, 'bayou': 6, 'proprietor': 6, 'mannered': 6, '_not_': 6, 'fanciful': 6, 'fraction': 6, 'recollection': 6, 'unhealthy': 6, 'aired': 6, 'illicit': 6, 'afar': 6, 'iguana': 6, 'unholy': 6, 'boiled': 6, 'rican': 6, 'hurry': 6, 'pedro': 6, 'earliest': 6, 'knox': 6, 'illegitimate': 6, '1966': 6, 'getup': 6, 'chainsmoking': 6, 'opted': 6, 'adrenalin': 6, 'slob': 6, 'curmudgeon': 6, 'taco': 6, 'stripe': 6, 'coscreenwriter': 6, 'caddyshack': 6, 'shoving': 6, 'becker': 6, 'villager': 6, 'awaited': 6, 'transpired': 6, 'mcfarlane': 6, 'halfbaked': 6, 'derives': 6, 'carving': 6, 'megalomaniac': 6, 'escalates': 6, 'exiting': 6, 'hearty': 6, '_54_': 6, 'breckin': 6, 'whit': 6, 'inexcusable': 6, 'hackford': 6, 'hottest': 6, 'larson': 6, 'underestimate': 6, 'signify': 6, 'pear': 6, 'enamored': 6, 'sitter': 6, 'foursome': 6, 'saturated': 6, 'vivica': 6, 'hasidic': 6, 'preventing': 6, 'cathrine': 6, 'hum': 6, 'morphing': 6, 'projection': 6, 'overrun': 6, 'kitten': 6, 'heald': 6, 'deaf': 6, 'natascha': 6, 'darnell': 6, 'brandi': 6, 'oversized': 6, 'intoxicated': 6, 'cryogenically': 6, 'shagwell': 6, 'laying': 6, 'quoted': 6, 'manifest': 6, 'oven': 6, 'enchanted': 6, 'investing': 6, 'demonstrating': 6, 'carrieanne': 6, 'duma': 6, 'pronounce': 6, 'digest': 6, 'construed': 6, 'loathsome': 6, 'claus': 6, 'afflecks': 6, 'likelihood': 6, 'marvellous': 6, '14yearold': 6, 'crosscountry': 6, 'dentist': 6, 'vitality': 6, 'tentacle': 6, 'volunteer': 6, 'schoolboy': 6, 'shues': 6, 'advancing': 6, 'transporting': 6, 'lela': 6, 'stuttering': 6, 'reeses': 6, 'sunshine': 6, 'showstopping': 6, 'silvio': 6, 'horta': 6, 'cuckoo': 6, 'perfected': 6, 'sociological': 6, 'violator': 6, 'grate': 6, 'abundant': 6, 'loopy': 6, 'petersen': 6, 'raping': 6, 'emphasizing': 6, 'chimpanzee': 6, 'timeline': 6, 'heed': 6, 'lapaglia': 6, 'fantastical': 6, 'benz': 6, 'mayo': 6, 'greer': 6, 'entrepreneur': 6, 'gloss': 6, 'emmanuelle': 6, 'amber': 6, 'eastwick': 6, 'splitting': 6, 'wine': 6, 'cursed': 6, 'imbues': 6, 'dodge': 6, '1958': 6, 'goop': 6, 'phelps': 6, 'showcasing': 6, 'magician': 6, 'conduct': 6, 'stylistically': 6, 'blackout': 6, 'hairdresser': 6, 'resounding': 6, 'persistence': 6, 'leaning': 6, 'dee': 6, 'frontal': 6, 'standby': 6, 'rubinvega': 6, 'prompt': 6, 'happygolucky': 6, 'trashed': 6, 'farrell': 6, 'trevor': 6, 'pitched': 6, 'hmm': 6, 'frown': 6, 'premonition': 6, 'delaney': 6, 'submerged': 6, 'ufo': 6, 'perpetual': 6, 'inanity': 6, 'countryman': 6, 'drugged': 6, 'chiseled': 6, 'molded': 6, 'tiring': 6, 'rainy': 6, 'bereft': 6, 'grunting': 6, 'flatulence': 6, 'woodsboro': 6, 'corman': 6, 'waving': 6, 'scripture': 6, 'dinos': 6, 'attenborough': 6, 'analyst': 6, 'duh': 6, 'kooky': 6, 'laptop': 6, 'solace': 6, 'wider': 6, 'mostow': 6, 'manual': 6, 'fold': 6, 'makeshift': 6, 'geres': 6, 'powered': 6, 'delayed': 6, 'fishoutofwater': 6, 'stepdaughter': 6, 'improves': 6, 'undead': 6, 'celibacy': 6, 'programmed': 6, 'dense': 6, 'disappearing': 6, 'yearn': 6, 'shelly': 6, 'sheryl': 6, 'workplace': 6, 'livingston': 6, 'limo': 6, 'milked': 6, 'latch': 6, 'erupts': 6, 'melting': 6, 'squirm': 6, 'undiscovered': 6, 'headstrong': 6, 'tomlin': 6, 'anxious': 6, 'breakin': 6, 'gleeful': 6, 'metaphorical': 6, 'licking': 6, 'rickys': 6, 'blather': 6, 'unreasonable': 6, 'testicle': 6, 'animatronic': 6, 'hc': 6, 'flaming': 6, 'immersed': 6, 'welldeveloped': 6, 'raf': 6, 'traditionally': 6, 'dilapidated': 6, 'mede': 6, 'remorse': 6, 'ladybug': 6, 'serra': 6, 'alma': 6, 'trinity': 6, 'delicately': 6, 'arlo': 6, 'serviceable': 6, 'sergio': 6, 'evocative': 6, 'graveyard': 6, 'longsuffering': 6, 'pratfall': 6, 'nesmith': 6, 'continuous': 6, 'sculptress': 6, 'attire': 6, 'pumpkin': 6, 'despise': 6, 'hospitality': 6, 'berg': 6, 'crib': 6, 'yakuza': 6, 'luscious': 6, 'hungarian': 6, 'sheila': 6, 'sailboat': 6, 'elementary': 6, 'beresford': 6, 'vancouver': 6, 'ti': 6, 'illeana': 6, 'tribune': 6, 'preferably': 6, 'caleb': 6, 'commercially': 6, 'fatherinlaw': 6, 'oprah': 6, 'gypsy': 6, 'conflicting': 6, '1600': 6, 'chiefly': 6, 'welltimed': 6, 'crescendo': 6, 'bundle': 6, 'dot': 6, 'letterman': 6, 'starbucks': 6, 'riotously': 6, 'elfont': 6, 'tuned': 6, 'gutsy': 6, 'dissimilar': 6, 'cornball': 6, 'improvise': 6, 'salute': 6, 'sunhill': 6, 'receipt': 6, 'worldweary': 6, 'replica': 6, 'deepest': 6, 'precocious': 6, 'stifler': 6, 'jims': 6, 'sarone': 6, 'waterfall': 6, 'stott': 6, 'betray': 6, 'confidently': 6, 'refusal': 6, 'picturesque': 6, 'oddity': 6, 'celestial': 6, 'rhetoric': 6, 'gum': 6, 'deconstructing': 6, 'application': 6, 'speculate': 6, 'earthly': 6, 'inflicted': 6, 'dorothy': 6, 'anarchic': 6, 'thirst': 6, 'chuckie': 6, 'affinity': 6, 'reserve': 6, 'mcdowell': 6, 'alcoholism': 6, 'abundantly': 6, 'inadequacy': 6, 'progression': 6, 'waist': 6, 'cheerfully': 6, 'nia': 6, '1991s': 6, 'midair': 6, 'advancement': 6, 'rhyme': 6, 'bierko': 6, 'simulation': 6, 'unwritten': 6, 'dushku': 6, 'recut': 6, 'hodges': 6, 'objectivity': 6, 'schwartz': 6, 'vulgarity': 6, 'transsexual': 6, 'existential': 6, 'labour': 6, 'weigh': 6, '2000s': 6, 'pondering': 6, 'partridge': 6, 'setpieces': 6, 'unwanted': 6, 'fled': 6, 'genetics': 6, 'dispenses': 6, 'ephrons': 6, 'baked': 6, 'charmingly': 6, 'obscured': 6, 'vista': 6, 'titanics': 6, 'dominated': 6, 'intimidating': 6, 'trivial': 6, 'backer': 6, 'jester': 6, 'surpassed': 6, 'bloodied': 6, 'reigning': 6, 'dignified': 6, 'can': 6, 'victorian': 6, 'collapsing': 6, 'arraki': 6, 'feather': 6, 'theatrically': 6, 'modeling': 6, 'vertigo': 6, 'mommie': 6, 'dearest': 6, 'meek': 6, 'loren': 6, 'loot': 6, 'katana': 6, 'resurrected': 6, 'ramirez': 6, 'humming': 6, 'relaxed': 6, 'frat': 6, 'dinsmoor': 6, 'disdain': 6, 'blucas': 6, 'jen': 6, 'refined': 6, 'indulges': 6, 'rightly': 6, 'damsel': 6, 'rafael': 6, 'sissy': 6, 'cringeinducing': 6, 'disarming': 6, 'callous': 6, 'biehn': 6, 'boatload': 6, 'ranting': 6, 'likened': 6, 'erase': 6, 'grandeur': 6, 'grandparent': 6, 'birdy': 6, 'payment': 6, 'storage': 6, 'attained': 6, 'defensive': 6, 'fernando': 6, 'inbetween': 6, 'cache': 6, 'shudder': 6, 'management': 6, 'domineering': 6, 'discipline': 6, 'foppish': 6, 'dragnet': 6, 'catharsis': 6, 'cackling': 6, 'stash': 6, 'raunch': 6, 'integrated': 6, 'tyrannical': 6, 'burma': 6, 'uninitiated': 6, 'silently': 6, 'chabat': 6, 'benign': 6, 'guffman': 6, 'stamen': 6, 'tumultuous': 6, 'revisit': 6, 'consume': 6, 'idiosyncratic': 6, 'strategically': 6, 'sidesplitting': 6, 'kickass': 6, 'hardship': 6, '_saving': 6, 'ryan_': 6, 'hellish': 6, 'omaha': 6, 'laforge': 6, 'frakes': 6, 'boldly': 6, 'tick': 6, 'snowy': 6, 'romanticcomedy': 6, 'censor': 6, 'translator': 6, 'supportive': 6, 'unite': 6, 'admittingly': 6, 'guccione': 6, 'fad': 6, 'translates': 6, 'protester': 6, 'plumber': 6, 'skewed': 6, 'tuning': 6, 'erbe': 6, 'disapproves': 6, 'turboman': 6, 'mirrored': 6, 'garnered': 6, 'technologically': 6, 'tan': 6, 'cheeky': 6, 'cattle': 6, 'embarks': 6, 'wherever': 6, 'representation': 6, 'cristoffer': 6, 'reiser': 6, 'northern': 6, 'jeunet': 6, 'dominique': 6, 'zoo': 6, 'matildas': 6, 'correctness': 6, 't2': 6, 'tic': 6, 'firepower': 6, 'eccentricity': 6, 'lorraine': 6, 'peach': 6, 'antisocial': 6, 'admitting': 6, 'nearest': 6, 'jewelry': 6, 'reporting': 6, 'oriental': 6, 'geena': 6, 'niche': 6, 'traveled': 6, 'extravaganza': 6, 'arsenal': 6, 'comfortably': 6, 'dimitri': 6, 'kgb': 6, 'visited': 6, 'talon': 6, '_vampires_': 6, 'lynching': 6, 'devised': 6, 'unfriendly': 6, 'johnston': 6, 'bashing': 6, 'impersonal': 6, 'deathbed': 6, 'malaysia': 6, 'lydia': 6, 'yesterday': 6, 'uniquely': 6, 'tonya': 6, 'harding': 6, 'reduces': 6, 'ripper': 6, 'vertical': 6, '_rushmore_': 6, 'adoption': 6, 'elegantly': 6, 'mortality': 6, 'mullen': 6, 'hoax': 6, 'conceive': 6, 'bethany': 6, 'disclaimer': 6, 'doctrine': 6, 'chewbacca': 6, 'maude': 6, 'hanson': 6, 'unrestrained': 6, 'cantarini': 6, 'senate': 6, 'jarjar': 6, 'carolyn': 6, 'fitts': 6, 'mathematics': 6, 'organizing': 6, 'forbids': 6, 'mcguire': 6, 'dil': 6, 'nobility': 6, 'farquaads': 6, 'swipe': 6, 'itami': 6, 'vin': 6, 'postmodern': 6, 'translate': 6, 'tenderness': 6, 'societal': 6, 'dillane': 6, 'permit': 6, 'coyle': 6, 'monroe': 6, 'audacious': 6, 'afterglow': 6, 'marianne': 6, 'phyllis': 6, 'conformity': 6, 'notoriously': 6, 'forceful': 6, 'codirector': 6, 'unwavering': 6, 'bittersweet': 6, 'korben': 6, 'lasse': 6, 'upsetting': 6, 'crowes': 6, 'unquestionably': 6, 'textured': 6, 'sagan': 6, 'leasure': 6, 'privacy': 6, 'malicks': 6, 'mazzello': 6, 'poise': 6, 'lars': 6, 'brett': 6, 'footing': 6, 'irvin': 6, 'welsh': 6, 'bubbys': 6, 'tilda': 6, 'ulee': 6, 'everpresent': 6, 'jonze': 6, 'louisa': 6, 'superficially': 6, 'diversity': 6, 'colqhoun': 6, 'hunger': 6, 'bukater': 6, 'luhrmanns': 6, 'gaz': 6, 'kala': 6, 'kerchak': 6, 'terk': 6, 'pornographer': 6, 'treehorn': 6, 'annies': 6, 'aristocracy': 6, 'lifeboat': 6, 'niccols': 6, 'massage': 6, 'hadden': 6, 'charmer': 6, 'winfrey': 6, 'sethes': 6, 'daylewis': 6, 'kerr': 6, 'cecil': 6, 'calendar': 6, 'rylance': 6, 'powerfully': 6, 'bava': 6, 'disciple': 6, 'trimmed': 6, 'banquet': 6, 'bannen': 6, 'soze': 6, 'herzog': 6, 'lauri': 6, 'fong': 6, 'ocp': 6, 'monetary': 6, 'floor_': 6, 'galactic': 6, 'regiment': 6, 'singleton': 6, 'robertas': 6, 'alvarado': 6, 'delmar': 6, 'maglietta': 6, 'hypnotized': 6, 'katarina': 6, 'worrall': 6, 'ffing': 6, 'dussander': 6, 'occupying': 5, 'cloying': 5, 'interspersed': 5, 'snapshot': 5, 'decapitation': 5, 'schraders': 5, 'winding': 5, 'projector': 5, 'dork': 5, 'entendres': 5, 'eyelash': 5, 'hideaway': 5, 'rotting': 5, 'muttering': 5, 'vindictive': 5, 'kristin': 5, 'roving': 5, 'ferocity': 5, 'overloaded': 5, 'sleepwalk': 5, 'kasdans': 5, 'keeper': 5, 'illadvised': 5, 'padding': 5, 'homoerotic': 5, 'faded': 5, 'masterson': 5, 'bandwagon': 5, 'moran': 5, 'gregor': 5, 'swordplay': 5, 'planner': 5, 'shao': 5, 'introductory': 5, 'miscasting': 5, 'remar': 5, 'shou': 5, 'jax': 5, 'conspire': 5, 'cereal': 5, 'imago': 5, 'lookalikes': 5, 'stateoftheart': 5, 'dingy': 5, 'highlighting': 5, 'breeding': 5, 'criticizing': 5, 'spying': 5, 'silk': 5, 'crux': 5, 'mumbojumbo': 5, 'sabrina': 5, 'adrien': 5, 'grungy': 5, 'blunder': 5, 'bellow': 5, 'wildlife': 5, 'strasser': 5, 'jills': 5, 'leatherclad': 5, 'scatological': 5, 'truckload': 5, 'jumbo': 5, 'jai': 5, 'korean': 5, 'afforded': 5, 'grey': 5, 'aidan': 5, 'facetoface': 5, 'supplying': 5, 'kirkland': 5, 'blocked': 5, 'outofcontrol': 5, 'passionately': 5, 'abigail': 5, 'seizes': 5, 'surge': 5, 'witchcraft': 5, 'haughty': 5, 'prick': 5, 'delicacy': 5, 'banged': 5, 'esteemed': 5, 'undecided': 5, 'photographic': 5, 'breathless': 5, 'squadron': 5, 'mishmash': 5, 'nuke': 5, 'ehren': 5, 'deems': 5, 'chestnut': 5, 'consciously': 5, 'paroled': 5, 'imitating': 5, 'stomping': 5, 'hooded': 5, 'unison': 5, 'recorder': 5, 'lindsey': 5, 'antichrist': 5, 'selfcongratulatory': 5, 'setpiece': 5, 'threequarters': 5, 'revenue': 5, 'escalate': 5, 'recovers': 5, 'abel': 5, 'bartkowiak': 5, 'workmanlike': 5, 'tempo': 5, 'seed': 5, 'insurmountable': 5, 'profane': 5, 'renfro': 5, 'martys': 5, 'zipper': 5, 'stripping': 5, 'imprisonment': 5, 'chapel': 5, 'finney': 5, 'outraged': 5, 'leland': 5, 'betrays': 5, '93': 5, 'lawnmower': 5, 'goddess': 5, 'compensation': 5, 'recruitment': 5, 'mattered': 5, 'marking': 5, 'marketable': 5, 'flew': 5, 'excon': 5, 'receptionist': 5, 'handinhand': 5, '36': 5, 'showering': 5, 'unjustly': 5, 'paraphrase': 5, 'masochistic': 5, 'monumentally': 5, 'mikael': 5, 'inexperienced': 5, 'evaluation': 5, 'theo': 5, 'futility': 5, 'jamey': 5, 'concluding': 5, '1900s': 5, 'extraordinaire': 5, 'visa': 5, 'eminently': 5, 'agreeing': 5, 'halfdozen': 5, 'vomiting': 5, 'turtle': 5, 'halliwell': 5, 'bunton': 5, 'elton': 5, 'spotting': 5, 'bluecollar': 5, 'biel': 5, 'reported': 5, 'disheartening': 5, 'dangerously': 5, 'shaye': 5, 'rotating': 5, 'distancing': 5, 'peppy': 5, 'bombastic': 5, 'downbeat': 5, 'basil': 5, 'maury': 5, 'chaykin': 5, 'remington': 5, 'pounding': 5, 'grind': 5, 'mortgage': 5, 'persuades': 5, 'sugary': 5, 'federico': 5, 'til': 5, 'checkout': 5, 'congratulation': 5, 'vulture': 5, 'greenlight': 5, 'guild': 5, 'rockies': 5, 'goodboy': 5, 'evolves': 5, 'tolan': 5, 'bedazzled': 5, 'unsubtle': 5, 'retro': 5, 'temptress': 5, 'stardust': 5, 'ware': 5, 'riotous': 5, 'diana': 5, 'camcorder': 5, 'negligible': 5, 'innumerable': 5, 'intolerable': 5, 'marla': 5, 'ing': 5, 'anguished': 5, 'interference': 5, 'curly': 5, 'opulent': 5, 'overacted': 5, 'soaked': 5, 'asinine': 5, 'iffy': 5, 'chrysler': 5, 'commissioned': 5, 'criticizes': 5, 'assembles': 5, 'buscemis': 5, 'mope': 5, 'aerosmith': 5, 'ketchup': 5, 'pyrotechnic': 5, 'twoandahalf': 5, 'greeting': 5, '30second': 5, 'msnbc': 5, 'topsecret': 5, 'narrating': 5, 'lovestruck': 5, 'sadist': 5, 'pier': 5, 'iggy': 5, 'drawl': 5, 'poured': 5, 'goat': 5, 'everytime': 5, 'oversexed': 5, 'filthy': 5, 'smashed': 5, 'bulb': 5, 'selfimportant': 5, 'ashton': 5, 'swat': 5, 'typhoon': 5, 'wornout': 5, 'gojira': 5, 'relocate': 5, 'weighed': 5, 'breathes': 5, 'loft': 5, 'rossi': 5, 'anybodys': 5, 'swoon': 5, 'washedup': 5, 'klumps': 5, 'negativity': 5, 'noone': 5, 'slaying': 5, 'strobe': 5, 'relaxation': 5, 'irritated': 5, 'libido': 5, 'racer': 5, 'discarded': 5, 'touchstone': 5, 'alaska': 5, 'prompted': 5, 'rethink': 5, 'pied': 5, 'meier': 5, 'yuks': 5, 'shaved': 5, 'zombielike': 5, 'egotistical': 5, 'manipulating': 5, 'subculture': 5, 'esteem': 5, 'owe': 5, 'treachery': 5, 'undemanding': 5, 'harvest': 5, 'proposed': 5, 'seaside': 5, 'doubly': 5, 'tcheky': 5, 'danza': 5, 'rejoice': 5, 'soprano': 5, 'varies': 5, 'maximilian': 5, 'majestic': 5, 'costing': 5, 'illustrious': 5, 'roaring': 5, 'suzy': 5, 'amis': 5, 'wargames': 5, 'goof': 5, 'dade': 5, '105': 5, 'conspicuously': 5, 'simpleton': 5, 'swiss': 5, 'evaluate': 5, 'anders': 5, 'manhunt': 5, 'argo': 5, 'exploded': 5, 'alias': 5, 'hijinks': 5, 'tapped': 5, '16x9': 5, 'thx': 5, 'indepth': 5, 'spat': 5, 'constable': 5, 'flipped': 5, 'mgm': 5, 'kingsleys': 5, 'brancato': 5, 'entail': 5, 'helpfully': 5, 'dzundza': 5, 'royce': 5, 'geocities': 5, 'propose': 5, 'leaping': 5, 'cobra': 5, 'ultracool': 5, 'multimillionaire': 5, 'cumming': 5, 'barton': 5, 'prematurely': 5, 'richest': 5, 'rehearsal': 5, 'turnaround': 5, 'whitney': 5, 'voyeuristic': 5, 'sociopath': 5, 'fetch': 5, 'git': 5, 'yank': 5, 'reappear': 5, 'paintbynumbers': 5, 'dramatized': 5, 'hiss': 5, 'motivational': 5, 'cleared': 5, 'charter': 5, 'mallrats': 5, 'alexandre': 5, 'ione': 5, 'mcqueen': 5, 'carrier': 5, 'badge': 5, 'swayze': 5, 'gasoline': 5, 'canned': 5, 'primetime': 5, 'dc': 5, 'sneering': 5, 'grinning': 5, 'jeb': 5, 'tucci': 5, 'cmon': 5, 'garofalos': 5, 'soontobe': 5, 'gunned': 5, 'fatherly': 5, 'maternal': 5, 'venora': 5, 'expressionless': 5, 'postproduction': 5, 'geez': 5, '1992s': 5, 'skg': 5, 'churned': 5, 'trendy': 5, 'wonderment': 5, 'managing': 5, '_scream_': 5, 'wynter': 5, 'joon': 5, 'cohesion': 5, 'catalog': 5, 'glaringly': 5, 'punctuate': 5, 'dosage': 5, 'liquid': 5, 'supplied': 5, 'initiation': 5, 'fiveminute': 5, 'catwoman': 5, 'dictionary': 5, 'drain': 5, 'sweden': 5, 'arranges': 5, 'imperfection': 5, 'screentime': 5, 'supremacy': 5, 'barf': 5, 'nether': 5, 'crummy': 5, 'substantially': 5, 'literate': 5, 'rube': 5, 'manor': 5, 'insufferable': 5, 'dour': 5, 'goblin': 5, 'ghoul': 5, 'negated': 5, 'wellchoreographed': 5, 'diverted': 5, 'ye': 5, 'kjv': 5, 'glancing': 5, 'blackmailer': 5, 'benton': 5, 'characterdriven': 5, 'outnumber': 5, 'barge': 5, 'firework': 5, 'trifle': 5, 'ceo': 5, 'cheesiness': 5, 'heightens': 5, 'publishing': 5, 'skeletal': 5, 'meteorite': 5, 'evolving': 5, 'lampooning': 5, 'deteriorates': 5, 'braxton': 5, 'kennesaw': 5, 'rooker': 5, 'crafty': 5, 'twisty': 5, 'jonas': 5, 'emulate': 5, 'legion': 5, 'originated': 5, 'raven': 5, 'waddington': 5, 'steamy': 5, 'summoning': 5, 'stricken': 5, 'cheaply': 5, 'strap': 5, 'forgetful': 5, 'hovering': 5, 'contributing': 5, 'venturing': 5, 'dolphin': 5, 'snoop': 5, 'goofball': 5, 'shortlived': 5, 'chabert': 5, 'happier': 5, 'baranski': 5, 'cybill': 5, 'irresponsible': 5, 'eyecandy': 5, 'earthworm': 5, 'pointer': 5, 'ritter': 5, 'vowed': 5, 'embarrass': 5, 'concede': 5, 'eagle': 5, 'completing': 5, 'torrid': 5, 'peripheral': 5, 'forged': 5, 'spewing': 5, 'malloy': 5, 'unabashedly': 5, 'selfdestructive': 5, 'babble': 5, 'temporary': 5, 'presumed': 5, 'thunderous': 5, 'confess': 5, 'rep': 5, 'mulroney': 5, 'bombshell': 5, 'underwear': 5, 'genx': 5, 'mtvs': 5, 'emphasized': 5, 'fray': 5, 'continuation': 5, 'psychology': 5, 'rapaport': 5, 'pup': 5, 'filing': 5, 'modeled': 5, 'tenuous': 5, 'colleen': 5, 'feeding': 5, 'rubble': 5, 'sciorra': 5, 'ordering': 5, 'circular': 5, 'electricity': 5, 'rubells': 5, 'shanes': 5, 'flailing': 5, 'drooling': 5, 'furiously': 5, 'dom': 5, 'skeptic': 5, 'weepy': 5, 'demo': 5, 'med': 5, 'forte': 5, 'hardy': 5, 'resonate': 5, 'housekeeper': 5, 'inundated': 5, 'tourdeforce': 5, 'dreaming': 5, 'chatter': 5, 'uneventful': 5, 'humorously': 5, 'casanova': 5, 'calibre': 5, 'wellintentioned': 5, 'dominance': 5, '2029': 5, 'chess': 5, 'elfmans': 5, 'johnathon': 5, 'snowcovered': 5, 'lastminute': 5, 'embittered': 5, 'laboratory': 5, 'deceptively': 5, 'morose': 5, 'lawman': 5, 'listing': 5, 'whiplash': 5, 'humiliate': 5, 'software': 5, 'employment': 5, 'pouty': 5, 'unrelenting': 5, 'customary': 5, 'fiddle': 5, 'lawernce': 5, 'acrobatics': 5, 'thrillride': 5, 'lasted': 5, 'turf': 5, 'amendment': 5, 'sleepwalking': 5, 'verify': 5, 'judds': 5, 'muck': 5, 'pressing': 5, 'heartbreaker': 5, 'bathing': 5, 'prance': 5, 'stagnant': 5, 'targeting': 5, 'selfrespect': 5, 'assurance': 5, 'arliss': 5, 'animosity': 5, 'catharine': 5, 'soak': 5, 'singh': 5, 'decadent': 5, 'ming': 5, 'eloi': 5, 'honcho': 5, 'requested': 5, 'switched': 5, 'imagining': 5, 'weatherman': 5, 'sleek': 5, 'iconic': 5, 'heft': 5, 'resents': 5, 'knowingly': 5, 'purr': 5, 'nosedive': 5, 'warranted': 5, 'nebbish': 5, 'pleaser': 5, 'copout': 5, 'filmgoers': 5, 'devolves': 5, 'fielding': 5, 'rendezvous': 5, 'penance': 5, 'travesty': 5, 'henslowe': 5, 'viola': 5, 'darabont': 5, 'crock': 5, 'silverstones': 5, 'jada': 5, 'onetime': 5, 'mosaic': 5, 'intersect': 5, 'unworthy': 5, 'babbling': 5, 'cbs': 5, 'obtained': 5, 'interpret': 5, 'hazy': 5, 'fax': 5, 'stephan': 5, 'voyeur': 5, 'beholder': 5, 'imported': 5, 'dank': 5, 'darrens': 5, 'quinns': 5, '_real_': 5, 'listless': 5, 'workshop': 5, 'sacrilegious': 5, 'inquisition': 5, 'bearded': 5, 'sensuous': 5, 'almod': 5, 'var': 5, 'chic': 5, 'bret': 5, 'inhabiting': 5, 'frasier': 5, 'assigns': 5, 'snl': 5, 'solves': 5, 'wunderkind': 5, 'vi': 5, 'koontz': 5, 'tagged': 5, 'trouser': 5, 'riffing': 5, 'variant': 5, 'scoop': 5, 'nineyearold': 5, 'programmer': 5, 'dicaprios': 5, 'menial': 5, 'grinding': 5, 'ticking': 5, 'subordinate': 5, 'disfigured': 5, 'juncture': 5, 'consumes': 5, 'wizardry': 5, 'perceptible': 5, 'anjelica': 5, 'compromised': 5, 'criticize': 5, 'busboy': 5, 'vh1': 5, 'pandering': 5, 'scarcely': 5, 'soggy': 5, 'darkman': 5, '1984s': 5, 'homecoming': 5, 'ibn': 5, 'fahdlan': 5, 'casted': 5, 'lamp': 5, 'mekhi': 5, 'giveaway': 5, 'chaja': 5, 'tricked': 5, 'bonts': 5, 'twentyfive': 5, 'chelsom': 5, 'cellist': 5, 'mishandled': 5, 'tart': 5, 'toting': 5, 'billionaire': 5, 'marian': 5, 'gandolfini': 5, 'bugged': 5, 'hushed': 5, 'obviousness': 5, 'natured': 5, 'ooh': 5, 'conceal': 5, 'hipster': 5, 'unsatisfactory': 5, 'cowriting': 5, 'orphanage': 5, 'inkling': 5, 'pleading': 5, 'intro': 5, 'minime': 5, 'foxx': 5, 'separating': 5, 'infuse': 5, 'lookout': 5, 'holdup': 5, 'ditched': 5, 'careless': 5, 'meticulously': 5, '1954': 5, 'fingertip': 5, 'paradigm': 5, 'reprehensible': 5, 'sexcrazed': 5, 'cockroach': 5, 'decoration': 5, 'oscarnominated': 5, 'slashed': 5, 'pours': 5, 'vic': 5, 'spanner': 5, 'input': 5, 'midwestern': 5, 'humdrum': 5, 'scratched': 5, 'admirer': 5, 'observant': 5, 'emptyheaded': 5, 'moustache': 5, 'adherence': 5, 'finnegan': 5, 'torpedo': 5, 'sommers': 5, 'knowledgeable': 5, 'ambush': 5, 'peeled': 5, 'warring': 5, 'treasured': 5, 'englund': 5, 'geller': 5, 'reliving': 5, 'painstaking': 5, 'fabled': 5, 'whistle': 5, 'facher': 5, 'hardpressed': 5, 'mcfarlanes': 5, 'fueled': 5, 'contrasted': 5, 'fused': 5, 'focal': 5, 'demmes': 5, 'hawkes': 5, 'peterson': 5, 'valeries': 5, 'derelict': 5, 'irrational': 5, 'raul': 5, 'julias': 5, 'comply': 5, 'miscue': 5, 'taplitz': 5, 'marcie': 5, 'finely': 5, 'honed': 5, 'leopard': 5, 'cocoon': 5, 'inheritance': 5, 'geoff': 5, 'clashing': 5, 'inc': 5, 'contend': 5, 'leatherface': 5, 'richie': 5, 'daredevil': 5, 'bungee': 5, 'delpy': 5, 'cord': 5, 'bowen': 5, 'thierry': 5, 'catholicism': 5, 'mangled': 5, 'sideline': 5, 'tod': 5, 'teresa': 5, 'opaque': 5, 'soppy': 5, 'dictator': 5, 'outworld': 5, 'rayden': 5, 'selfworth': 5, 'horn': 5, 'helming': 5, 'dichotomy': 5, 'obsolete': 5, 'unceremoniously': 5, 'rubbish': 5, 'prophetic': 5, 'darkened': 5, 'unrelentingly': 5, 'stashed': 5, 'fatally': 5, 'kinship': 5, 'diet': 5, 'flex': 5, 'zip': 5, 'parttime': 5, 'oneal': 5, 'drenched': 5, 'rodgers': 5, 'kicker': 5, 'tripping': 5, 'acknowledged': 5, 'engineering': 5, 'cafeteria': 5, 'underling': 5, 'chopping': 5, 'monolith': 5, 'ohlmyer': 5, 'detect': 5, 'hull': 5, 'batter': 5, 'divide': 5, 'perplexing': 5, 'reshoot': 5, '_knock_off_': 5, 'improbably': 5, 'blurred': 5, 'spoofing': 5, 'lag': 5, 'becky': 5, 'stirred': 5, 'atkinson': 5, 'flown': 5, 'hurting': 5, 'intrepid': 5, 'unbalanced': 5, 'rex': 5, 'beaming': 5, 'selleck': 5, 'bedridden': 5, 'strategic': 5, 'headtohead': 5, 'coliseum': 5, 'insure': 5, 'snicker': 5, 'punish': 5, 'vail': 5, 'embassy': 5, 'shen': 5, 'diminutive': 5, 'strutting': 5, 'sucking': 5, 'manmade': 5, 'voyeurism': 5, 'yellowstone': 5, 'overprotective': 5, 'celebrates': 5, 'simpler': 5, 'freewheeling': 5, 'resurrecting': 5, 'afloat': 5, 'kafka': 5, 'rosenberg': 5, 'nailing': 5, 'gathered': 5, 'outback': 5, 'sideshow': 5, '21st': 5, 'individuality': 5, 'lowly': 5, 'contracted': 5, 'prostitution': 5, 'arrange': 5, 'mcginley': 5, 'boorish': 5, 'unafraid': 5, 'rollicking': 5, 'flexibility': 5, 'strongwilled': 5, 'rebound': 5, 'coated': 5, 'razor': 5, 'indulgent': 5, 'indignity': 5, 'avantgarde': 5, 'threeminute': 5, 'spicy': 5, 'penultimate': 5, 'robertson': 5, 'newborn': 5, 'tumble': 5, 'huff': 5, 'arranged': 5, 'hitter': 5, 'survey': 5, 'anticipate': 5, 'ancestor': 5, 'overwritten': 5, 'seducing': 5, 'effectsladen': 5, 'militant': 5, 'araki': 5, 'masturbation': 5, 'angsty': 5, 'duval': 5, 'quaids': 5, 'romero': 5, 'semen': 5, 'madam': 5, 'dangerfield': 5, 'munson': 5, 'roys': 5, 'cryogenic': 5, 'annabella': 5, 'penalty': 5, 'peewee': 5, 'selfassured': 5, 'heysts': 5, 'paymer': 5, 'hamburger': 5, 'divulge': 5, 'retrospective': 5, 'fulci': 5, 'theology': 5, 'plush': 5, 'cavanaugh': 5, 'fairytale': 5, 'magda': 5, 'cart': 5, 'proficient': 5, 'signing': 5, 'morsel': 5, 'shallowness': 5, 'straighttovideo': 5, 'soliloquy': 5, 'bulging': 5, 'scrapbook': 5, 'ballistic': 5, 'goggles': 5, 'foolishness': 5, 'nishi': 5, 'traced': 5, 'forming': 5, 'partnership': 5, 'marthas': 5, 'expendable': 5, 'paternal': 5, 'conception': 5, 'rocking': 5, 'rushon': 5, 'nikkis': 5, 'inexperience': 5, 'indicating': 5, 'functioning': 5, 'slapped': 5, 'pretentiousness': 5, 'overcoat': 5, 'partygoer': 5, 'heckerlings': 5, 'sticky': 5, 'mnemonic': 5, 'onetwo': 5, 'coltrane': 5, 'alzheimers': 5, 'pin': 5, 'tinge': 5, 'secretive': 5, 'immerse': 5, 'mutilation': 5, 'deniros': 5, 'sants': 5, 'bigot': 5, 'kilrathi': 5, 'copper': 5, 'override': 5, 'maze': 5, 'neighbour': 5, 'cad': 5, 'gaudy': 5, 'sputter': 5, 'knicks': 5, 'announcer': 5, 'eddy': 5, 'woven': 5, 'neon': 5, 'risking': 5, 'interrogation': 5, '5th': 5, 'heals': 5, 'embodied': 5, 'emoting': 5, 'nuanced': 5, 'inflection': 5, 'agony': 5, 'willy': 5, 'robbies': 5, 'scout': 5, 'camping': 5, 'demille': 5, 'scenestealing': 5, 'splendidly': 5, 'anal': 5, 'whim': 5, 'tierney': 5, 'greystoke': 5, 'bravely': 5, 'neds': 5, 'intricacy': 5, 'keifer': 5, 'deadline': 5, 'pileup': 5, 'intrinsic': 5, 'cale': 5, 'creepiness': 5, 'ravage': 5, 'milano': 5, 'icet': 5, 'clunker': 5, 'griswolds': 5, 'chuckling': 5, 'ridgemont': 5, 'indulging': 5, 'inherited': 5, 'spaghetti': 5, 'marky': 5, 'keiko': 5, 'organisation': 5, 'landlady': 5, 'armand': 5, 'grabbed': 5, 'grieco': 5, 'concentrated': 5, 'underpinnings': 5, 'belle': 5, 'retiring': 5, 'avenue': 5, 'ringing': 5, 'videocassette': 5, 'sank': 5, 'tuna': 5, 'philippe': 5, 'hunch': 5, 'drugstore': 5, 'retaliation': 5, 'fuse': 5, 'completion': 5, 'blurry': 5, 'manipulator': 5, 'aphrodite': 5, 'organised': 5, 'pistone': 5, 'regrettably': 5, 'depps': 5, 'namesake': 5, 'bloodbath': 5, 'peanut': 5, 'executioner': 5, 'zhang': 5, 'interpreter': 5, 'attacker': 5, 'shortened': 5, 'protracted': 5, 'milieu': 5, 'blurts': 5, 'jokey': 5, 'gen': 5, 'revisiting': 5, 'inexorably': 5, 'numbered': 5, 'inhabited': 5, 'womanizing': 5, 'rooted': 5, 'dueling': 5, 'binge': 5, 'cooperation': 5, 'unintelligible': 5, 'nacho': 5, 'tammy': 5, 'tasty': 5, 'recap': 5, 'diego': 5, 'tipped': 5, 'fran': 5, 'repulsed': 5, 'provoke': 5, 'blindly': 5, '26': 5, 'scumball': 5, 'sector': 5, 'stationed': 5, 'reticent': 5, 'memorial': 5, 'victorious': 5, 'assemble': 5, 'roundtree': 5, 'blamed': 5, 'battered': 5, 'persuasion': 5, 'fistful': 5, 'oeuvre': 5, 'jeanpierre': 5, 'uncontrollable': 5, 'cassie': 5, 'ca': 5, 'purgatory': 5, 'easygoing': 5, 'kudrows': 5, 'marin': 5, 'resigned': 5, 'trucker': 5, 'tangled': 5, 'applauded': 5, 'kirby': 5, 'robards': 5, 'selfhelp': 5, 'longrunning': 5, 'distasteful': 5, 'thy': 5, 'transgression': 5, 'adversary': 5, 'boasting': 5, 'confirmation': 5, 'underscore': 5, 'onearmed': 5, 'batcave': 5, 'alternating': 5, '42': 5, 'theodore': 5, 'restoring': 5, 'certificate': 5, 'dwaynes': 5, 'penniless': 5, 'vortex': 5, 'cashing': 5, 'trajectory': 5, 'highstrung': 5, 'mi2': 5, 'looter': 5, 'overexposed': 5, 'sw': 5, 'speedy': 5, 'eraserhead': 5, 'sparse': 5, 'stampede': 5, 'firsthand': 5, 'att': 5, 'unleashes': 5, 'strangest': 5, 'encased': 5, 'distributed': 5, 'classroom': 5, 'coping': 5, 'olmstead': 5, 'utah': 5, 'taciturn': 5, 'arrakis': 5, 'commenting': 5, 'refrain': 5, 'quandary': 5, 'undress': 5, 'unengaging': 5, 'overlooking': 5, 'hierarchy': 5, 'daytime': 5, 'hairy': 5, 'asianamerican': 5, 'corp': 5, 'danson': 5, 'mels': 5, 'boormans': 5, 'swiftly': 5, 'caped': 5, 'jekyll': 5, 'fabulously': 5, 'piggy': 5, 'shipped': 5, 'veer': 5, 'hectic': 5, 'radiation': 5, 'zeist': 5, 'glued': 5, 'rapidfire': 5, 'raquel': 5, 'hestons': 5, 'unsinkable': 5, 'conaway': 5, 'decay': 5, 'seal': 5, 'tryst': 5, 'climatic': 5, 'fractured': 5, 'chappelle': 5, 'fleshing': 5, 'newsletter': 5, 'predilection': 5, 'declare': 5, 'resignation': 5, 'dearly': 5, 'worldclass': 5, 'champagne': 5, 'plucky': 5, 'ensuring': 5, 'tribal': 5, 'hygiene': 5, 'unborn': 5, 'insisting': 5, 'looney': 5, 'busted': 5, 'chaser': 5, 'newsweek': 5, 'granddaddy': 5, 'ghostly': 5, 'noname': 5, 'astray': 5, 'evade': 5, 'brew': 5, 'honorable': 5, 'overdose': 5, 'acknowledges': 5, 'coax': 5, 'breillat': 5, 'cottage': 5, 'hallie': 5, 'embody': 5, 'inoffensive': 5, 'dazzled': 5, 'aptitude': 5, 'nomis': 5, 'sensuality': 5, 'conceivable': 5, 'adage': 5, 'pertaining': 5, 'repercussion': 5, 'bankable': 5, 'skirt': 5, 'watergate': 5, 'tact': 5, 'enhances': 5, 'pastel': 5, 'smuggler': 5, 'productive': 5, 'overturned': 5, 'bluescreen': 5, 'paranormal': 5, 'theorist': 5, 'roswell': 5, 'impose': 5, 'saddened': 5, 'heady': 5, 'attends': 5, '16mm': 5, 'jadzia': 5, 'saucy': 5, 'reaper': 5, 'repartee': 5, 'encompasses': 5, 'instantaneously': 5, 'trim': 5, 'restoration': 5, 'censorship': 5, 'ww2': 5, 'imitate': 5, 'eberts': 5, 'whomever': 5, 'perversion': 5, 'solemn': 5, 'selfesteem': 5, 'sinful': 5, 'balthazar': 5, 'getty': 5, 'assaulting': 5, 'buffoonish': 5, 'dedicates': 5, 'dday': 5, 'shack': 5, 'mantegna': 5, 'diminished': 5, 'amadeus': 5, 'throwback': 5, 'feud': 5, 'melrose': 5, 'uproariously': 5, 'neonoir': 5, 'schlondorff': 5, 'headphone': 5, 'intersection': 5, 'upandcoming': 5, 'proft': 5, 'memorably': 5, 'lila': 5, 'denominator': 5, 'tee': 5, 'palance': 5, 'mourning': 5, 'competing': 5, 'plainly': 5, 'arabia': 5, 'facet': 5, 'meter': 5, 'inquires': 5, 'unmatched': 5, 'surpasses': 5, 'incriminating': 5, 'amazement': 5, 'condemned': 5, 'cheery': 5, 'saxon': 5, 'karate': 5, 'ode': 5, 'antithesis': 5, 'chant': 5, 'deer': 5, 'unsurprisingly': 5, 'dredd': 5, 'bubblegum': 5, 'bouncy': 5, 'selfreferential': 5, 'suffocating': 5, 'apprehension': 5, 'gilliams': 5, 'delectable': 5, 'knockout': 5, 'vary': 5, 'detractor': 5, 'anxiously': 5, 'overload': 5, 'angered': 5, 'published': 5, 'rightful': 5, 'connoisseur': 5, 'talkative': 5, 'cello': 5, 'thrax': 5, 'disturbingly': 5, 'discard': 5, 'hogget': 5, 'reside': 5, 'pyramid': 5, 'lem': 5, 'criterion': 5, 'schwartzenegger': 5, 'marina': 5, 'corruptor': 5, 'typed': 5, 'abducted': 5, 'kalvert': 5, 'qualified': 5, 'consumed': 5, 'parting': 5, 'halfheartedly': 5, 'inhibition': 5, 'freakish': 5, 'sisterinlaw': 5, 'exterminate': 5, 'rounded': 5, 'carvey': 5, 'dismayed': 5, 'departs': 5, 'obsessivecompulsive': 5, 'catastrophic': 5, 'glide': 5, 'threeway': 5, 'exemplified': 5, 'imf': 5, 'berkeley': 5, 'amys': 5, 'luciano': 5, 'xusia': 5, 'steeped': 5, 'highlevel': 5, 'advent': 5, 'woodward': 5, 'betsys': 5, 'preferring': 5, 'luhrmann': 5, 'underappreciated': 5, 'befriend': 5, 'baptist': 5, 'sublime': 5, 'achingly': 5, 'flirtation': 5, 'norma': 5, 'siam': 5, 'sponsor': 5, 'believeable': 5, 'melinda': 5, 'hendrix': 5, 'ayla': 5, 'wainwright': 5, 'arthurian': 5, 'grail': 5, 'memoir': 5, 'morocco': 5, 'belgian': 5, 'patrice': 5, 'ebouaney': 5, 'lien': 5, 'preachy': 5, 'cleese': 5, 'merrill': 5, 'yelchin': 5, 'boorem': 5, 'purposeful': 5, 'milestone': 5, 'echelon': 5, 'wiseguys': 5, 'dogmatic': 5, 'carlin': 5, 'lightsaber': 5, 'gradys': 5, 'savor': 5, 'therein': 5, 'drummer': 5, 'eliciting': 5, 'frothy': 5, 'wei': 5, 'lambeaus': 5, 'groove': 5, 'pioneer': 5, 'sputnik': 5, 'perceive': 5, 'melody': 5, 'disturbs': 5, 'pinocchio': 5, 'juzo': 5, 'trepidation': 5, 'aurelius': 5, 'proximo': 5, 'cautious': 5, 'orlock': 5, 'hutter': 5, 'savoring': 5, 'costly': 5, 'dorff': 5, 'interrogated': 5, '1957': 5, 'ethereal': 5, 'facehugger': 5, 'emira': 5, 'bombed': 5, 'televised': 5, 'intolerance': 5, 'adroitly': 5, 'immerses': 5, 'crazybeautiful': 5, 'affliction': 5, 'tow': 5, 'interracial': 5, 'azazel': 5, 'udall': 5, 'tolerance': 5, 'neednt': 5, 'harassed': 5, 'forge': 5, 'precarious': 5, 'hitchcockian': 5, 'attentive': 5, 'springsteen': 5, 'communism': 5, 'balcony': 5, 'patti': 5, 'affirmation': 5, 'schwartzman': 5, 'standoff': 5, 'tinted': 5, 'texan': 5, 'daytoday': 5, 'infant': 5, 'qualm': 5, 'pharaoh': 5, 'errol': 5, 'greenleaf': 5, 'threeyear': 5, 'presentday': 5, 'olyphant': 5, 'acutely': 5, 'ralphie': 5, 'bb': 5, 'giosue': 5, 'toughest': 5, 'jos': 5, 'phobia': 5, 'translating': 5, 'thorton': 5, 'strathairn': 5, 'fierstein': 5, 'likeability': 5, 'painstakingly': 5, 'soontek': 5, 'lea': 5, 'osmond': 5, 'alek': 5, 'visnjic': 5, 'truest': 5, 'cricket': 5, 'campion': 5, 'trench': 5, 'bondsman': 5, 'rum': 5, 'bedford': 5, 'malkovichs': 5, 'sect': 5, 'meir': 5, 'herlihy': 5, 'locking': 5, 'satine': 5, 'ohh': 5, 'ee': 5, 'rimini': 5, 'tappan': 5, 'huddleston': 5, 'deakins': 5, 'lightyear': 5, 'bullseye': 5, 'toucha': 5, 'bostwick': 5, 'nicolet': 5, 'stacy': 5, 'demme': 5, 'verona': 5, 'saddam': 5, 'snubbed': 5, 'iris': 5, 'pyle': 5, 'murnaus': 5, 'meatier': 5, 'marcellus': 5, 'flamingo': 5, 'hanako': 5, 'commoner': 5, 'laughton': 5, 'squeamish': 5, 'iowa': 5, 'fundamentalist': 5, 'necklace': 5, 'twohy': 5, 'starghers': 5, 'enclosed': 5, 'rewind': 5, 'perlman': 5, 'reddick': 5, 'elicited': 5, 'farrah': 5, 'zallian': 5, 'pauline': 5, 'alberta': 5, 'leuchter': 5, 'guinevere': 5, 'newtonjohn': 5, 'lindsay': 5, 'domingo': 5, 'drillers': 5, 'oddsandends': 5, 'vacances': 5, 'packer': 5, 'tran': 5, 'maggies': 5, 'hub': 5, 'zaire': 5, 'mongkut': 5, 'deathless': 5, 'kahuna': 5, 'ulysses': 5, 'hoke': 5, 'anney': 5, 'vianne': 5, 'bettany': 5, 'gallos': 5, 'greenfingers': 5, 'vig': 5, 'kerrigans': 5, 'angelas': 5, 'aboriginal': 5, 'mindfuck': 4, 'chopped': 4, 'craziness': 4, 'y2k': 4, 'sunken': 4, 'basing': 4, 'palate': 4, 'handsdown': 4, 'rickles': 4, 'computerized': 4, 'overdoes': 4, 'parked': 4, '2176': 4, 'unsavory': 4, 'deviant': 4, 'obstetrician': 4, 'hid': 4, 'boulevard': 4, 'kaisa': 4, 'gossip': 4, 'norway': 4, 'fabricate': 4, 'nosy': 4, 'mainstay': 4, 'twitch': 4, 'parental': 4, 'preening': 4, 'riddle': 4, 'hmmmm': 4, 'irrepressible': 4, 'hows': 4, 'blare': 4, 'accentuate': 4, 'regurgitated': 4, 'lecter': 4, '47': 4, '15year': 4, 'preoccupation': 4, 'songwriter': 4, 'molester': 4, 'evenly': 4, 'bach': 4, 'ambivalent': 4, 'extend': 4, 'irishman': 4, 'spew': 4, 'stateside': 4, 'coordinator': 4, 'athos': 4, 'frisky': 4, 'francesca': 4, 'regroup': 4, 'quintano': 4, 'marxist': 4, 'hess': 4, 'execrable': 4, 'bridgette': 4, 'choreographer': 4, 'lifelike': 4, 'backdraft': 4, 'parillaud': 4, 'ponytail': 4, 'minimalist': 4, 'madeforvideo': 4, 'compulsion': 4, 'underwhelming': 4, 'ditty': 4, 'devious': 4, 'twobit': 4, 'abc': 4, 'grenier': 4, 'pretext': 4, 'surfacing': 4, 'lurch': 4, 'undergoes': 4, 'alterego': 4, 'pest': 4, 'darius': 4, 'khondji': 4, 'rustic': 4, 'suspending': 4, 'santoro': 4, 'deux': 4, 'outdone': 4, 'coven': 4, 'summoned': 4, 'credulity': 4, 'nighttime': 4, 'immaculate': 4, 'accusing': 4, 'recurrent': 4, 'histrionics': 4, 'puffing': 4, 'pontificate': 4, 'gallows': 4, 'lending': 4, 'scanner': 4, 'dispensed': 4, 'heartily': 4, 'decapitating': 4, 'arlington': 4, 'congratulate': 4, 'grammar': 4, 'guttenberg': 4, 'sniveling': 4, 'thuggish': 4, 'flustered': 4, 'earnestness': 4, 'upstage': 4, 'aversion': 4, 'coaxing': 4, 'alluded': 4, 'kellogg': 4, 'deanna': 4, 'underutilized': 4, 'moneymaking': 4, 'kai': 4, 'po': 4, 'issac': 4, 'disciplined': 4, 'steadfast': 4, 'photogenic': 4, 'unsung': 4, 'issacs': 4, 'accordance': 4, 'andrzej': 4, 'xray': 4, 'interfere': 4, 'barroom': 4, 'poof': 4, 'fedora': 4, 'unity': 4, 'provoked': 4, 'humiliates': 4, 'gator': 4, 'homework': 4, '107': 4, 'gambon': 4, 'ginty': 4, 'skipper': 4, 'bauer': 4, 'behaving': 4, 'horrorcomedy': 4, 'hemisphere': 4, 'endangers': 4, 'berserk': 4, 'poked': 4, 'irritatingly': 4, 'cornered': 4, 'oversee': 4, 'treaty': 4, 'reputable': 4, 'laszlo': 4, 'aggressively': 4, 'ulees': 4, 'cornucopia': 4, 'pseudointellectual': 4, 'radha': 4, 'certified': 4, 'greta': 4, 'indecipherable': 4, 'mumble': 4, 'clarkson': 4, 'funded': 4, 'transcendental': 4, 'pervasive': 4, 'aw': 4, 'gaffe': 4, 'forlanis': 4, 'swill': 4, 'timetotime': 4, 'unacceptable': 4, 'hamper': 4, 'pruitt': 4, 'crewman': 4, 'onlooker': 4, 'pseudo': 4, 'complained': 4, 'wendt': 4, 'fetched': 4, 'boating': 4, 'reincarnation': 4, 'coaching': 4, 'selfloathing': 4, 'davison': 4, 'funloving': 4, 'jeremiah': 4, 'smother': 4, 'reteaming': 4, 'firth': 4, '1948': 4, 'stifle': 4, 'jazzy': 4, 'migrant': 4, 'investigated': 4, 'hardass': 4, 'mcglone': 4, 'humanitarian': 4, 'squalid': 4, 'violation': 4, 'cherokee': 4, 'bingo': 4, 'microwave': 4, 'stranding': 4, 'busty': 4, 'copping': 4, 'conquest': 4, 'terel': 4, 'lumbering': 4, 'coattail': 4, 'blaze': 4, 'gwens': 4, 'overcame': 4, 'spaniard': 4, 'disposition': 4, 'exacting': 4, 'giancarlo': 4, 'slomo': 4, 'insomniac': 4, 'enlighten': 4, 'redhead': 4, 'laboured': 4, 'upperclass': 4, 'infuses': 4, 'deceit': 4, 'tediously': 4, 'deepcore': 4, 'nincompoop': 4, 'rockhound': 4, 'unfit': 4, 'heroism': 4, 'bravery': 4, 'disliking': 4, 'synthetic': 4, 'extinction': 4, 'scenic': 4, 'righteous': 4, 'stubbornly': 4, 'subsidiary': 4, 'kirshner': 4, 'exquisitely': 4, 'commanded': 4, 'bondage': 4, 'prinzes': 4, 'hatosy': 4, 'selma': 4, 'reworking': 4, 'overheated': 4, 'houseboat': 4, 'confirms': 4, 'goody': 4, 'kink': 4, 'spliced': 4, 'abounds': 4, 'stacked': 4, 'pitted': 4, '12year': 4, 'radiate': 4, 'needy': 4, 'pacula': 4, 'remade': 4, 'warhead': 4, 'behemoth': 4, 'afterschool': 4, 'glitz': 4, 'wrinkle': 4, 'suchet': 4, 'coleman': 4, 'enlivened': 4, 'skipped': 4, 'pining': 4, 'expansive': 4, 'excel': 4, 'discerning': 4, 'lined': 4, 'concoct': 4, 'nic': 4, 'razzle': 4, 'altering': 4, 'besieged': 4, 'karlas': 4, 'scroll': 4, 'giggling': 4, 'anakins': 4, 'floppy': 4, 'manufacturing': 4, 'analyzed': 4, 'afoot': 4, 'storyboards': 4, 'talkshow': 4, 'unimportant': 4, 'onehundred': 4, 'sadie': 4, 'lionel': 4, 'urine': 4, 'shaping': 4, 'uninterested': 4, 'ripleys': 4, 'wrecked': 4, 'improvisational': 4, 'roaming': 4, 'megan': 4, 'multi': 4, 'offspring': 4, 'prompting': 4, 'fawning': 4, 'fingered': 4, 'promisingly': 4, 'splattered': 4, 'resonates': 4, 'pertinent': 4, 'congress': 4, 'distinguishing': 4, 'swoop': 4, 'whereby': 4, 'recovered': 4, 'transparently': 4, 'unhip': 4, 'ingrained': 4, 'fab': 4, 'dianne': 4, 'carradine': 4, 'defied': 4, 'ranking': 4, 'compensated': 4, '800': 4, 'orbiting': 4, 'meatiest': 4, 'leonis': 4, 'oscarwinner': 4, 'semler': 4, 'cowgirl': 4, 'windshield': 4, 'saddening': 4, 'involuntary': 4, 'lumber': 4, 'signifying': 4, 'elicits': 4, 'gist': 4, 'bubbly': 4, 'lebanese': 4, 'kahl': 4, 'extremist': 4, 'oklahoma': 4, 'query': 4, 'exile': 4, 'dip': 4, 'enrolls': 4, 'dorm': 4, 'dunaways': 4, 'wiest': 4, 'goran': 4, 'whimsy': 4, 'talentless': 4, 'spurt': 4, 'caged': 4, 'envisions': 4, 'raking': 4, 'competitive': 4, 'marquee': 4, 'dodging': 4, 'cruising': 4, 'halfhuman': 4, 'gamely': 4, 'telepathically': 4, 'hijinx': 4, 'lennox': 4, 'burgess': 4, 'commented': 4, 'escort': 4, 'jnr': 4, 'overwhelmingly': 4, 'zippy': 4, 'someplace': 4, 'mushy': 4, 'patented': 4, 'friedkin': 4, 'recourse': 4, 'regina': 4, 'addy': 4, 'steak': 4, 'inanimate': 4, 'frothing': 4, 'villa': 4, 'mcshane': 4, 'stout': 4, 'cockney': 4, 'highpowered': 4, 'leverage': 4, 'mouthed': 4, 'conman': 4, 'investigative': 4, 'singleminded': 4, 'embellish': 4, 'blackness': 4, 'individually': 4, 'fellatio': 4, 'bender': 4, 'payed': 4, 'rewatched': 4, 'immeadiately': 4, 'procreate': 4, 'subjecting': 4, 'fishy': 4, 'melted': 4, 'smoker': 4, 'dryland': 4, 'mariner': 4, 'deduction': 4, 'midpoint': 4, 'seethrough': 4, 'dexterity': 4, 'wavering': 4, 'automated': 4, 'greenlit': 4, 'scowling': 4, 'elimination': 4, 'thud': 4, 'forum': 4, 'cincinnati': 4, 'ohio': 4, 'monstrously': 4, 'deplorable': 4, 'stabbing': 4, 'somethings': 4, 'denmark': 4, 'declan': 4, 'mulqueen': 4, 'assasination': 4, 'pasted': 4, 'dole': 4, 'fullfrontal': 4, 'clothed': 4, 'slump': 4, 'delay': 4, 'astronomy': 4, 'winded': 4, '2d': 4, 'flipper': 4, 'seasonal': 4, 'decreasing': 4, 'colonization': 4, 'unemotional': 4, 'backseat': 4, 'anew': 4, 'coconspirator': 4, 'sloppily': 4, 'waning': 4, 'wane': 4, 'pieced': 4, 'bonfire': 4, 'cain': 4, 'refund': 4, 'declining': 4, 'edit': 4, 'pov': 4, 'verite': 4, 'justifiable': 4, 'encouraged': 4, 'culminates': 4, 'thirdrate': 4, 'contemplates': 4, 'heshe': 4, 'rigged': 4, 'beef': 4, 'cloaked': 4, 'caesar': 4, 'persuaded': 4, 'tangible': 4, 'unlimited': 4, 'macdougal': 4, 'loathed': 4, 'brussels': 4, 'elected': 4, 'blackmailed': 4, 'doorway': 4, 'elmer': 4, 'bratty': 4, 'epa': 4, 'incestuous': 4, 'porch': 4, 'caulfield': 4, 'selfdefense': 4, 'duality': 4, 'repellent': 4, 'skyline': 4, 'clooneys': 4, 'pudgy': 4, 'buttock': 4, 'appliance': 4, 'mae': 4, 'jinnie': 4, 'processing': 4, 'economics': 4, 'stratford': 4, 'spheeris': 4, 'goround': 4, 'vanni': 4, 'grasping': 4, 'insensitive': 4, 'beleaguered': 4, 'travail': 4, 'grenade': 4, 'morass': 4, 'deceptive': 4, 'bookie': 4, 'woeful': 4, 'naught': 4, 'pate': 4, 'masterwork': 4, 'advocating': 4, 'dastardly': 4, 'prettyboy': 4, 'motivated': 4, 'crusty': 4, 'bankruptcy': 4, 'weebo': 4, 'automaton': 4, 'tombstone': 4, 'sporadic': 4, 'midler': 4, 'oneman': 4, 'elliotts': 4, 'stowaway': 4, 'helium': 4, 'oriented': 4, 'debuted': 4, 'maneuvering': 4, 'concussion': 4, 'vivacious': 4, 'rhodes': 4, 'vibrancy': 4, 'heavier': 4, 'tilly': 4, 'cg': 4, 'momentary': 4, 'colorado': 4, 'shroff': 4, 'populace': 4, 'allegiance': 4, 'fracture': 4, 'brandishing': 4, 'meld': 4, 'smiled': 4, 'excellently': 4, 'hamhanded': 4, 'bungle': 4, 'umm': 4, 'reinventing': 4, 'veloz': 4, 'playground': 4, 'standin': 4, 'crumble': 4, 'duplicitous': 4, 'twentytwo': 4, 'unreliable': 4, 'backup': 4, 'unmemorable': 4, 'languid': 4, 'tickle': 4, '_last_': 4, 'perversely': 4, 'netherworld': 4, 'nightingale': 4, 'pea': 4, 'collectible': 4, 'ella': 4, 'agility': 4, 'voted': 4, 'scheider': 4, 'documentation': 4, 'discouraging': 4, 'dental': 4, 'functional': 4, 'quotable': 4, 'matarazzo': 4, 'unexplored': 4, 'petrified': 4, 'kinder': 4, 'toddler': 4, 'consult': 4, 'inaccurate': 4, 'countdown': 4, '999': 4, 'wool': 4, 'occult': 4, 'abandonment': 4, 'puff': 4, 'watered': 4, 'virginal': 4, 'founded': 4, 'shadyac': 4, 'insatiable': 4, 'owing': 4, 'madame': 4, 'desiree': 4, 'escorting': 4, 'billboard': 4, 'undermining': 4, 'publicist': 4, 'entanglement': 4, 'mutilated': 4, 'eileen': 4, 'pedophile': 4, 'dependable': 4, 'merchant': 4, 'klass': 4, 'complacency': 4, 'boulle': 4, 'surmise': 4, 'paw': 4, 'honoring': 4, 'drool': 4, 'visualization': 4, 'paltrows': 4, 'kristy': 4, 'tit': 4, 'bela': 4, 'omniscient': 4, 'crackle': 4, 'goofily': 4, 'newsgroup': 4, 'cristofer': 4, 'dissuade': 4, 'frumpy': 4, 'positioned': 4, 'blissful': 4, 'operatic': 4, 'downandout': 4, 'illegally': 4, 'withdrawal': 4, 'rev': 4, 'rudimentary': 4, 'unflinching': 4, 'joyless': 4, 'neverending': 4, 'interstellar': 4, 'jenkins': 4, 'phenomenally': 4, 'coating': 4, 'cityscape': 4, 'gleaming': 4, 'matte': 4, 'workman': 4, 'consisted': 4, 'mindblowing': 4, 'olympic': 4, 'whatnot': 4, 'jillian': 4, 'therons': 4, 'handy': 4, 'gish': 4, 'lehman': 4, 'watereddown': 4, 'wellworn': 4, 'tvmovie': 4, 'usher': 4, 'kel': 4, 'wildfire': 4, 'suggestive': 4, 'ogled': 4, 'schemer': 4, 'irs': 4, 'decrepit': 4, 'panning': 4, 'deliriously': 4, 'sustaining': 4, 'whackedout': 4, 'dividing': 4, 'repressed': 4, 'exploiting': 4, 'tights': 4, 'artfully': 4, 'humanoid': 4, 'contagion': 4, 'communicating': 4, 'aiding': 4, 'mannequin': 4, 'weinstein': 4, 'hiller': 4, 'finance': 4, 'groovy': 4, 'booby': 4, 'costarring': 4, 'hamming': 4, 'raines': 4, 'seeker': 4, 'sexpot': 4, 'trot': 4, 'codger': 4, 'zeal': 4, 'sabotaged': 4, 'erstwhile': 4, 'dea': 4, 'innocently': 4, 'octopus': 4, 'senile': 4, 'amalgamation': 4, 'cellar': 4, 'halperin': 4, 'ethel': 4, 'kindergarten': 4, 'healed': 4, 'threehour': 4, 'responded': 4, 'vanishes': 4, 'garp': 4, 'brewster': 4, 'latent': 4, 'selfconscious': 4, 'episodic': 4, 'insidious': 4, 'vicepresident': 4, 'enthralling': 4, 'stylist': 4, 'iran': 4, 'blindfolded': 4, 'lowell': 4, 'assaulted': 4, 'mcgregors': 4, 'elliots': 4, 'priscilla': 4, 'frau': 4, 'priestley': 4, 'maniacally': 4, 'guillermo': 4, 'incidental': 4, 'breasted': 4, 'dugan': 4, 'alessandro': 4, 'sadler': 4, 'bashed': 4, 'greasy': 4, 'remedy': 4, 'spiritualist': 4, 'toninho': 4, 'perrineau': 4, 'crossdresser': 4, 'documented': 4, 'hospitalized': 4, 'awoke': 4, 'entrusted': 4, 'begrudgingly': 4, 'periscope': 4, 'vendor': 4, 'tanning': 4, 'lid': 4, 'crank': 4, 'implanted': 4, 'koontzs': 4, 'filmgoing': 4, 'underachieving': 4, 'bureaucrat': 4, 'stacey': 4, 'accommodating': 4, '600': 4, 'timer': 4, 'alfre': 4, 'woodard': 4, 'cog': 4, 'mythological': 4, 'hoopla': 4, 'heinous': 4, 'compilation': 4, 'whichever': 4, 'odious': 4, 'unapologetically': 4, 'dougray': 4, 'actioncomedy': 4, 'burglar': 4, 'goofier': 4, 'charade': 4, 'headacheinducing': 4, 'bernhard': 4, 'glazed': 4, 'sela': 4, 'sanitized': 4, 'blandness': 4, 'selects': 4, 'dismissing': 4, 'ivey': 4, 'estevez': 4, 'tshirts': 4, 'harboring': 4, 'longlost': 4, 'skintight': 4, '12yearold': 4, 'banner': 4, 'trashing': 4, 'tinkering': 4, 'yerzy': 4, '90minute': 4, 'tropic': 4, 'nonchalantly': 4, 'coughlan': 4, 'silverware': 4, 'eviction': 4, 'shovel': 4, 'loom': 4, 'patriarchal': 4, 'rationality': 4, 'researching': 4, 'hichock': 4, 'linking': 4, 'stoddard': 4, 'fraker': 4, 'nastassja': 4, 'hustling': 4, 'coupling': 4, 'wasp': 4, 'shirtless': 4, 'rainforest': 4, 'nocturnal': 4, 'regaining': 4, 'initiate': 4, 'trusting': 4, 'burglary': 4, 'purse': 4, 'dierdre': 4, 'lining': 4, 'resists': 4, 'motherly': 4, 'melding': 4, 'sanitary': 4, 'bloodless': 4, 'disagrees': 4, 'lout': 4, 'turbulence': 4, 'gourmet': 4, 'bonifant': 4, 'selfserving': 4, 'verne': 4, 'troyer': 4, 'applicable': 4, 'poll': 4, 'flannery': 4, 'sorcery': 4, 'amateurishly': 4, 'distracts': 4, 'interval': 4, 'sensing': 4, 'canine': 4, 'chorus': 4, 'agile': 4, 'monastery': 4, 'sammys': 4, 'manned': 4, 'thwarted': 4, 'contemptuous': 4, 'powerhungry': 4, 'modernizing': 4, 'camaraderie': 4, 'condensed': 4, 'chastity': 4, 'vocally': 4, 'titillation': 4, 'alienates': 4, 'shipping': 4, 'stored': 4, 'hurl': 4, 'michel': 4, 'myra': 4, 'ludicrously': 4, 'bidet': 4, 'bernie': 4, 'wifetobe': 4, 'agatha': 4, 'predicting': 4, 'stuckup': 4, 'enliven': 4, 'straighten': 4, 'sharper': 4, 'zen': 4, 'corbin': 4, 'parenting': 4, 'planetary': 4, 'rasputin': 4, 'margin': 4, 'argonautica': 4, 'vent': 4, 'careening': 4, 'quart': 4, 'disembodied': 4, 'tissue': 4, 'pulsing': 4, 'spiffy': 4, 'debonair': 4, 'weirdo': 4, 'brotherinlaw': 4, '_and_': 4, 'unoriginality': 4, 'ie': 4, 'adolescence': 4, 'selfaware': 4, 'doorstep': 4, 'shapeless': 4, 'unofficial': 4, 'enhancing': 4, 'silliest': 4, 'dub': 4, 'prosperous': 4, 'leaking': 4, '115': 4, 'susceptible': 4, 'donning': 4, 'spiderman': 4, 'illustration': 4, 'fragmented': 4, 'unleash': 4, 'ordinarily': 4, 'peeling': 4, 'fichtners': 4, 'ooooh': 4, 'jolting': 4, 'atkins': 4, 'defendant': 4, 'vying': 4, 'plumbing': 4, 'nightly': 4, 'blossoming': 4, 'decadence': 4, 'foxy': 4, 'alltoo': 4, 'vita': 4, 'longwinded': 4, 'yum': 4, 'lark': 4, 'reappearance': 4, 'roldan': 4, 'decently': 4, 'kraft': 4, 'boyish': 4, '30th': 4, 'appointment': 4, 'invades': 4, 'linz': 4, 'dime': 4, 'farting': 4, 'lil': 4, 'neptune': 4, 'noticably': 4, 'acquit': 4, 'isolate': 4, 'selfconsciousness': 4, 'summarize': 4, 'daydream': 4, 'slop': 4, 'squeaky': 4, 'trimming': 4, 'vieluf': 4, 'krzysztof': 4, 'elf': 4, 'embracing': 4, 'reich': 4, 'necrophilia': 4, 'hiatus': 4, 'orchestrated': 4, 'inflicting': 4, 'awesomely': 4, 'infiltrate': 4, 'simulate': 4, 'flap': 4, 'integrate': 4, 'indoctrinated': 4, 'foresee': 4, 'campfire': 4, 'rambo': 4, 'disaffected': 4, 'twentysomethings': 4, 'dionna': 4, 'bargained': 4, 'brighter': 4, 'exited': 4, 'showtime': 4, 'soothing': 4, 'delusion': 4, 'africanamericans': 4, 'baywatch': 4, 'confessing': 4, 'detracted': 4, 'unkempt': 4, 'precursor': 4, 'overplay': 4, 'throe': 4, 'jagged': 4, 'culturally': 4, 'neanderthal': 4, 'continual': 4, 'smuggled': 4, 'yulin': 4, 'souza': 4, 'stump': 4, 'snowfall': 4, 'cribbing': 4, 'lollipop': 4, 'outlined': 4, 'pragmatic': 4, 'affectation': 4, 'hk': 4, 'bosom': 4, 'steele': 4, 'stomp': 4, 'inquisitive': 4, 'selfpity': 4, 'herzfeld': 4, '100m': 4, 'impregnate': 4, 'toughguy': 4, 'decrease': 4, 'haim': 4, 'frightens': 4, 'impostor': 4, 'stewardess': 4, 'glitzy': 4, 'jurrasic': 4, 'lowered': 4, 'dissapointing': 4, 'screamed': 4, 'hayman': 4, 'stressedout': 4, 'satirize': 4, 'brighten': 4, 'damning': 4, 'thoughtfully': 4, 'tong': 4, 'adapt': 4, 'umbrella': 4, 'yaz': 4, 'rub': 4, 'basket': 4, 'vr': 4, 'concocts': 4, 'haul': 4, 'scooby': 4, 'hanged': 4, 'businesswoman': 4, 'playmate': 4, 'bounty': 4, 'grabbing': 4, 'flipping': 4, 'stew': 4, 'disgraced': 4, 'dual': 4, 'grimy': 4, 'pike': 4, 'perfekt': 4, 'discernable': 4, 'wonderbra': 4, 'creepier': 4, 'starstudded': 4, 'dessert': 4, 'symbolically': 4, 'suprisingly': 4, 'marsden': 4, 'retarded': 4, 'disturb': 4, 'schmuck': 4, 'unfeeling': 4, 'nap': 4, 'lifethreatening': 4, 'conspicuous': 4, 'roam': 4, 'kari': 4, 'newhart': 4, 'documenting': 4, 'selfrespecting': 4, 'sherilyn': 4, 'fenn': 4, 'scantilyclad': 4, 'initech': 4, 'incorrectly': 4, 'schizophrenia': 4, 'roleshifting': 4, 'outsmarted': 4, 'attuned': 4, 'bless': 4, 'circumcision': 4, 'fabricated': 4, 'edmund': 4, 'micelli': 4, 'improvisation': 4, 'elegance': 4, 'jeez': 4, 'amiss': 4, 'sadomasochism': 4, 'illuminate': 4, 'mistaking': 4, 'doublecross': 4, 'kristofferson': 4, 'tellingly': 4, 'helgeland': 4, 'pitching': 4, 'nondescript': 4, 'commentator': 4, 'berardinelli': 4, 'bernsen': 4, 'cerrano': 4, 'tanaka': 4, 'overpaid': 4, 'quotient': 4, 'panicking': 4, 'geological': 4, 'cooked': 4, 'panoramic': 4, 'mcconaugheys': 4, 'index': 4, 'prosecution': 4, 'thigh': 4, 'outta': 4, 'writhing': 4, 'foreplay': 4, 'har': 4, 'kalifornia': 4, 'gielgud': 4, 'fallacy': 4, '87': 4, 'slumber': 4, 'haphazard': 4, 'mightily': 4, 'wreaks': 4, '1914': 4, 'dafoes': 4, 'hades': 4, 'deceitful': 4, 'wrapping': 4, 'radius': 4, 'partake': 4, 'mountainside': 4, 'retort': 4, 'seance': 4, 'malroux': 4, 'dinky': 4, 'notebook': 4, 'subscribe': 4, 'melancholic': 4, 'approve': 4, 'thermians': 4, 'sarris': 4, 'embarrasses': 4, 'renamed': 4, 'avenging': 4, 'peep': 4, 'publicly': 4, 'infuriated': 4, 'lull': 4, 'pampered': 4, 'gumption': 4, 'assert': 4, 'masculinity': 4, 'mommy': 4, 'kilronan': 4, 'spiked': 4, 'displeasure': 4, 'replied': 4, 'reenactment': 4, 'uninspiring': 4, 'fword': 4, 'excellence': 4, 'banned': 4, 'socket': 4, 'profundity': 4, 'tootsie': 4, 'bmw': 4, 'hardedged': 4, 'dragonheart': 4, '150': 4, 'puppeteer': 4, 'adjani': 4, 'chandler': 4, 'equates': 4, 'oncoming': 4, 'vernon': 4, 'romanticism': 4, 'osborne': 4, 'garret': 4, 'feminine': 4, 'delia': 4, 'slot': 4, 'priority': 4, 'queasy': 4, 'oneupmanship': 4, 'unlucky': 4, 'conspires': 4, 'favorable': 4, 'bruised': 4, 'bugger': 4, '700': 4, 'thee': 4, 'actioner': 4, 'opt': 4, 'ribisis': 4, 'overwhelm': 4, 'port': 4, 'poisoning': 4, 'auction': 4, 'columbine': 4, 'gaby': 4, 'poop': 4, 'referenced': 4, 'utmost': 4, 'writingdirecting': 4, 'spewed': 4, 'shattering': 4, 'adopting': 4, 'helluva': 4, 'backlash': 4, 'brazen': 4, 'semester': 4, 'disneyfied': 4, 'smattering': 4, 'sappiness': 4, 'grit': 4, 'godlike': 4, 'broader': 4, 'intermittent': 4, 'dollop': 4, 'owed': 4, 'frail': 4, 'entertains': 4, 'glave': 4, 'niceguy': 4, 'threesome': 4, 'unscary': 4, 'spook': 4, 'stefanson': 4, 'lied': 4, 'extracted': 4, 'flowed': 4, 'mangle': 4, 'maura': 4, 'irritates': 4, 'specialeffects': 4, 'simian': 4, 'jailed': 4, 'willingly': 4, 'forcefully': 4, 'omnipotent': 4, 'doozy': 4, 'parachute': 4, 'tucked': 4, 'predominant': 4, 'exasperation': 4, 'militia': 4, 'sampling': 4, 'latifah': 4, 'outdated': 4, 'aplenty': 4, 'alyssa': 4, 'marisol': 4, 'tack': 4, 'buellers': 4, 'excite': 4, 'essay': 4, 'newark': 4, 'dolph': 4, 'rollins': 4, 'rambunctious': 4, 'outrun': 4, 'cherish': 4, 'penetrate': 4, 'redheaded': 4, 'repulsion': 4, '137': 4, 'urged': 4, 'friction': 4, 'noltes': 4, 'rb': 4, 'inserting': 4, 'draco': 4, 'fringe': 4, 'telegram': 4, 'betsy': 4, 'longest': 4, 'playfully': 4, 'roache': 4, 'chernobyl': 4, 'incumbent': 4, 'hermit': 4, 'chronological': 4, 'horatio': 4, 'tawdry': 4, 'prestige': 4, 'resurrect': 4, 'politely': 4, 'slapping': 4, 'cipher': 4, 'geriatric': 4, 'gulp': 4, 'shearer': 4, 'moranis': 4, 'dairy': 4, '^': 4, 'choir': 4, 'trekker': 4, 'edginess': 4, 'steep': 4, 'zachs': 4, 'dudley': 4, 'professes': 4, 'boomer': 4, 'cheung': 4, 'macfadyen': 4, 'philosopher': 4, 'floorboard': 4, 'coveted': 4, 'fencing': 4, 'tsai': 4, 'hallucinatory': 4, 'repairman': 4, 'jogging': 4, 'amandas': 4, 'cripple': 4, 'sardonic': 4, 'hurried': 4, 'zoot': 4, 'nationwide': 4, 'occured': 4, 'gardner': 4, 'weirdest': 4, 'drunkard': 4, 'dome': 4, 'unbridled': 4, 'undeserved': 4, 'successive': 4, 'lamebrained': 4, 'eliza': 4, 'laziness': 4, 'vacuum': 4, 'pow': 4, 'friedkins': 4, 'teller': 4, 'titty': 4, 'hedwigs': 4, 'gnosis': 4, 'rouge': 4, '129': 4, 'aerial': 4, 'whereabouts': 4, 'overlapping': 4, 'blackman': 4, 'melora': 4, 'disclosed': 4, 'forgives': 4, 'isaiah': 4, 'storywise': 4, 'tore': 4, 'whipping': 4, 'imbecile': 4, 'caterpillar': 4, 'mole': 4, 'amazes': 4, 'canoe': 4, 'punishing': 4, 'vondie': 4, 'cringes': 4, 'leachman': 4, 'austrian': 4, 'hi': 4, 'prototype': 4, 'dillons': 4, 'starving': 4, 'emmannuelle': 4, 'lingerie': 4, 'rudolphs': 4, 'hershey': 4, 'organizer': 4, 'lisbon': 4, 'arty': 4, 'undistinguished': 4, 'enforcer': 4, 'blackmailing': 4, 'scumbag': 4, 'slo': 4, 'opener': 4, 'synchronized': 4, 'maestro': 4, 'excepting': 4, 'breather': 4, 'arouse': 4, 'biography': 4, 'sang': 4, 'tackled': 4, 'unadulterated': 4, 'ushered': 4, 'overlap': 4, 'littleknown': 4, 'shelter': 4, 'enslaved': 4, 'routinely': 4, 'scrappy': 4, 'enlightenment': 4, 'taunting': 4, 'crucified': 4, 'brill': 4, 'skirmish': 4, 'arquettes': 4, 'henrikson': 4, 'attains': 4, 'graynamore': 4, 'ville': 4, 'mullan': 4, 'gevedon': 4, 'ostensible': 4, 'lassez': 4, 'improving': 4, 'evangelist': 4, 'engrossed': 4, 'blandly': 4, 'intuition': 4, 'hone': 4, 'boardroom': 4, 'frightful': 4, 'perk': 4, 'maddening': 4, 'revamped': 4, 'thorough': 4, 'cringing': 4, 'grimacing': 4, 'lookalike': 4, 'sighting': 4, 'spur': 4, 'drilling': 4, 'hanger': 4, 'eloquent': 4, 'nonfiction': 4, 'verse': 4, 'stevenson': 4, 'newsreel': 4, 'wenders': 4, 'angelic': 4, 'rumination': 4, 'typecasting': 4, 'lounging': 4, 'lessthanstellar': 4, 'quota': 4, 'outlet': 4, 'undoing': 4, 'kissner': 4, 'gardening': 4, 'plaything': 4, 'kinnears': 4, 'imbue': 4, 'silhouette': 4, 'vegetable': 4, 'romano': 4, '7th': 4, 'courtneys': 4, 'swallowed': 4, 'mao': 4, 'redeems': 4, 'doyles': 4, 'earthshattering': 4, 'governmental': 4, 'hostility': 4, 'turbulent': 4, 'gabby': 4, '11yearold': 4, 'reappearing': 4, 'autopsy': 4, 'selecting': 4, 'screamer': 4, 'extracurricular': 4, 'longawaited': 4, 'yielded': 4, 'grinder': 4, 'gregson': 4, 'mikey': 4, 'reliant': 4, '_': 4, 'walmart': 4, 'mctiernans': 4, 'clinical': 4, 'beethoven': 4, 'heighten': 4, 'selfconsciously': 4, 'accumulated': 4, 'tripp': 4, 'cashier': 4, 'mcgowans': 4, 'spokesman': 4, '1800s': 4, 'transmit': 4, 'topbilled': 4, 'endangering': 4, 'sportscaster': 4, 'clearing': 4, 'barney': 4, 'knotts': 4, 'extramarital': 4, 'remaking': 4, 'pentagon': 4, 'marion': 4, 'kerseys': 4, 'bronsons': 4, 'pillsbury': 4, 'woodenly': 4, 'barcelona': 4, 'strangle': 4, 'compulsory': 4, 'ana': 4, 'smartmouthed': 4, 'impediment': 4, 'noholdsbarred': 4, 'clarify': 4, 'lagoon': 4, 'tyke': 4, 'flintstone': 4, 'daughterinlaw': 4, 'stella': 4, 'unprepared': 4, 'wobbly': 4, 'diplomat': 4, 'rosy': 4, 'courageously': 4, 'limousine': 4, 'vest': 4, 'gizmo': 4, 'arbogast': 4, 'defy': 4, 'ramseys': 4, 'irritation': 4, 'proverb': 4, 'saucer': 4, 'hulk': 4, 'dart': 4, 'wormhole': 4, 'amazon': 4, 'thade': 4, 'princeton': 4, 'wrist': 4, 'overstated': 4, 'triggered': 4, 'cheng': 4, 'harrelsons': 4, 'prolific': 4, 'semi': 4, 'spiceworld': 4, 'unjust': 4, 'rangoon': 4, 'practiced': 4, 'muddy': 4, 'distressed': 4, 'mulders': 4, 'outlining': 4, 'textual': 4, 'newfoundland': 4, 'damato': 4, 'answering': 4, 'apparatus': 4, 'exfootball': 4, 'hala': 4, 'hypocrite': 4, 'debilitating': 4, 'voyager': 4, 'hurdle': 4, 'echoing': 4, 'unimpressed': 4, 'macaulay': 4, 'errand': 4, 'workaday': 4, 'rigg': 4, 'bewildering': 4, 'clearer': 4, 'overseen': 4, 'harkonnen': 4, 'fremen': 4, 'homeworld': 4, 'vladimir': 4, 'stung': 4, 'ingrid': 4, 'sunderland': 4, 'debauchery': 4, 'savant': 4, 'opportunistic': 4, 'bidding': 4, 'scrutinize': 4, 'allamerican': 4, 'nonthreatening': 4, 'squint': 4, 'devote': 4, 'orton': 4, 'cr': 4, 'normandy': 4, 'cemetary': 4, 'flawlessly': 4, 'entrenched': 4, 'unshaven': 4, 'elitist': 4, 'bloodsucker': 4, 'picky': 4, 'membership': 4, 'financier': 4, 'occupy': 4, 'directive': 4, 'dispose': 4, 'nab': 4, 'announcing': 4, 'greatlooking': 4, 'apted': 4, 'heiress': 4, 'representing': 4, 'ingmar': 4, 'ringo': 4, 'realising': 4, 'complicate': 4, 'meany': 4, 'joyous': 4, 'bigshot': 4, 'loudmouth': 4, '_dirty_work_': 4, 'tiff': 4, 'brute': 4, 'prevail': 4, 'hardhitting': 4, 'teeter': 4, 'jaunt': 4, 'yen': 4, 'vincenzo': 4, 'squarely': 4, 'consumption': 4, 'molestation': 4, 'easter': 4, 'hooking': 4, 'icing': 4, 'powdered': 4, 'aroused': 4, 'flatly': 4, 'burying': 4, 'processor': 4, 'bolster': 4, 'paddle': 4, 'proficiency': 4, 'creed': 4, '125th': 4, 'jefferson': 4, 'filtered': 4, 'overhyped': 4, 'brake': 4, 'falwell': 4, 'ominously': 4, 'zooming': 4, 'delusional': 4, 'enraged': 4, 'justifies': 4, 'mathilde': 4, 'adventurer': 4, 'protege': 4, 'indecent': 4, 'paquin': 4, 'panorama': 4, 'postwar': 4, 'resentful': 4, 'gaerity': 4, 'captivity': 4, 'shadowed': 4, 'delicatessen': 4, 'shortage': 4, 'aristocratic': 4, 'drix': 4, 'obtuse': 4, 'overshadow': 4, 'burnt': 4, 'farleys': 4, 'ra': 4, 'premier': 4, 'sacrificed': 4, 'moresco': 4, 'intangible': 4, 'persecution': 4, 'apache': 4, 'oppressed': 4, 'mara': 4, 'turkish': 4, 'israeli': 4, 'siegel': 4, 'torturing': 4, 'perplexed': 4, 'rapport': 4, 'grated': 4, 'consuming': 4, 'glengarry': 4, 'byron': 4, 'incongruous': 4, 'waging': 4, 'inventiveness': 4, 'taped': 4, 'joyride': 4, 'welloff': 4, 'banking': 4, 'akira': 4, 'undefined': 4, 'radically': 4, 'assailant': 4, 'paraphernalia': 4, 'erica': 4, 'wiccan': 4, 'exchanged': 4, 'fitzgerald': 4, 'sonias': 4, 'outstandingly': 4, 'lobster': 4, 'duet': 4, 'nova': 4, 'carville': 4, 'sparring': 4, 'radiantly': 4, 'deem': 4, 'vartan': 4, 'toaster': 4, 'straightfaced': 4, 'enlisted': 4, 'flea': 4, 'metaphorically': 4, 'hardball': 4, 'cartman': 4, 'zed': 4, 'combatant': 4, 'buckle': 4, 'occupied': 4, 'sidious': 4, '_soldier_': 4, 'slowpaced': 4, 'schwimmers': 4, 'fresher': 4, 'settling': 4, 'composing': 4, 'developer': 4, 'welch': 4, 'nino': 4, 'stinky': 4, 'slaughtering': 4, 'yearbook': 4, 'oxymoron': 4, 'arlene': 4, 'presidency': 4, 'constitutes': 4, 'wheeler': 4, 'isla': 4, 'kirbys': 4, 'naming': 4, 'unforgiven': 4, 'exaggerate': 4, 'voter': 4, 'borgnine': 4, 'albertson': 4, 'affectionately': 4, 'frailty': 4, 'viable': 4, 'discrimination': 4, 'kidmans': 4, 'spanking': 4, 'dykstra': 4, 'novalee': 4, 'mideighties': 4, 'pharmaceutical': 4, 'promotes': 4, 'bellboy': 4, 'anarchy': 4, 'violinist': 4, 'fergus': 4, 'repugnant': 4, 'disgrace': 4, 'rosary': 4, 'exterminator': 4, 'darling': 4, 'hooper': 4, 'graffiti': 4, 'neonazi': 4, 'chopsocky': 4, 'lumumbas': 4, 'bustling': 4, 'colonial': 4, 'abroad': 4, 'complementing': 4, 'swastika': 4, 'aldas': 4, 'periphery': 4, 'chivalry': 4, 'paternalistic': 4, 'mobutu': 4, 'shaolin': 4, 'keiying': 4, 'ambulance': 4, 'preconception': 4, 'sling': 4, 'expectant': 4, 'scarce': 4, 'maroon': 4, 'renton': 4, 'riker': 4, 'unhinged': 4, 'cruelly': 4, 'enthralled': 4, 'vito': 4, 'schreber': 4, 'metatron': 4, 'loki': 4, 'bartleby': 4, 'ensures': 4, 'amidalas': 4, 'guiness': 4, 'eightyearold': 4, 'doting': 4, 'masseuse': 4, 'mizrahi': 4, 'incomplete': 4, 'cherished': 4, 'daleks': 4, 'janney': 4, 'furnishing': 4, 'cheerleading': 4, 'upbringing': 4, 'exclamation': 4, 'herbie': 4, 'blended': 4, 'fink': 4, 'hickam': 4, 'gyllenhaal': 4, 'delta': 4, 'navaz': 4, 'riggs': 4, 'bickle': 4, 'katzenberg': 4, 'issuing': 4, 'ramen': 4, 'c3p0': 4, 'mansley': 4, 'alexandra': 4, 'homophobe': 4, 'auteuil': 4, 'heartwrenching': 4, 'nicoletta': 4, 'braschi': 4, 'jerusalem': 4, 'symptom': 4, 'manni': 4, 'chillingly': 4, 'nugent': 4, 'menagerie': 4, 'paramedic': 4, 'toby': 4, 'braugher': 4, 'allpowerful': 4, 'christoff': 4, 'inseparable': 4, 'winterbottom': 4, 'boyce': 4, 'effected': 4, 'maxime': 4, 'preconceived': 4, 'executes': 4, 'footloose': 4, 'swaying': 4, 'burgeoning': 4, 'bostock': 4, 'enraptured': 4, 'crossover': 4, 'imhotep': 4, 'giallo': 4, 'franco': 4, 'coulda': 4, 'armpit': 4, 'interacts': 4, 'albanian': 4, 'democracy': 4, 'firstclass': 4, 'albania': 4, 'auschwitz': 4, '35mm': 4, 'sawalha': 4, 'rooster': 4, 'tweedy': 4, 'horrocks': 4, 'analyzing': 4, 'groetescheles': 4, 'webber': 4, 'hy': 4, 'reassures': 4, 'blume': 4, 'cunningham': 4, 'divorcing': 4, 'truce': 4, 'headon': 4, 'pipeline': 4, 'hawkins': 4, 'sprinkle': 4, 'outrageousness': 4, 'piven': 4, 'hallstrom': 4, 'larrys': 4, 'guilderland': 4, 'metcalf': 4, 'welldefined': 4, 'endearingly': 4, 'unpretentious': 4, 'hebrew': 4, 'chute': 4, 'sensory': 4, 'roulette': 4, 'saigon': 4, 'resulted': 4, 'quill': 4, 'biao': 4, 'flourishing': 4, 'beijing': 4, 'culled': 4, 'technicality': 4, 'mackey': 4, 'interpreted': 4, 'ellies': 4, 'skerritt': 4, 'bias': 4, 'unimaginable': 4, 'grudgingly': 4, 'paralysed': 4, 'hannon': 4, 'amphibian': 4, 'healy': 4, 'disabled': 4, 'ante': 4, 'immersing': 4, 'impoverished': 4, 'donut': 4, 'tretiak': 4, 'fusion': 4, 'bowman': 4, 'tipping': 4, 'skewer': 4, 'epstein': 4, 'mega': 4, 'aural': 4, 'narrowminded': 4, 'defiantly': 4, 'sugiyama': 4, 'allie': 4, 'treacherous': 4, 'carnegie': 4, 'morita': 4, 'salonga': 4, 'tahoe': 4, 'compromising': 4, 'mcgehee': 4, 'graciously': 4, 'neophyte': 4, 'tranquil': 4, 'nu': 4, 'righthand': 4, '14th': 4, 'succumbed': 4, 'befall': 4, 'helfgott': 4, 'tracked': 4, '3rd': 4, 'deliberation': 4, 'hinting': 4, 'suo': 4, 'soderberghs': 4, 'sisco': 4, 'forecast': 4, 'israel': 4, 'rivka': 4, 'glistening': 4, 'malka': 4, 'emissary': 4, 'schmaltzy': 4, 'acknowledging': 4, 'crowdpleasing': 4, 'classification': 4, 'diggler': 4, 'ons': 4, 'westerner': 4, 'glorify': 4, 'vine': 4, 'spiritually': 4, 'mallorys': 4, 'battleship': 4, 'layoff': 4, 'totalitarian': 4, 'fashionable': 4, 'joadson': 4, 'replaces': 4, 'kozmo': 4, 'roundup': 4, 'prospector': 4, 'wetmore': 4, 'stadium': 4, 'defended': 4, 'greets': 4, 'writerdirectorproducer': 4, 'steerage': 4, 'fingal': 4, 'clubber': 4, 'rockys': 4, 'patrasche': 4, 'deter': 4, 'pidgeon': 4, '_beloved_': 4, 'kimberly': 4, 'livelier': 4, 'terrance': 4, 'quo': 4, '1970': 4, 'tykwers': 4, 'tavington': 4, 'figurative': 4, 'selfconfident': 4, 'unhappiness': 4, 'symbolized': 4, '_ghost': 4, 'shell_': 4, 'czech': 4, 'crewmembers': 4, 'jiff': 4, 'uproarious': 4, 'marsellus': 4, 'admittance': 4, 'packaging': 4, 'dayton': 4, 'spacious': 4, 'kosteas': 4, 'prosecutor': 4, 'stillers': 4, 'invests': 4, 'ratner': 4, 'spall': 4, 'rockin': 4, 'forrester': 4, '1940': 4, 'firebird': 4, 'evoked': 4, 'mckellan': 4, 'arctic': 4, 'atheism': 4, 'middleweight': 4, 'ideological': 4, 'sommerset': 4, 'symbolizes': 4, 'sheik': 4, '1932': 4, 'plunged': 4, 'sabor': 4, 'nietzsche': 4, 'trance': 4, 'shortcut': 4, 'privileged': 4, '2nd': 4, 'manifested': 4, 'halloweentown': 4, 'kint': 4, 'hatami': 4, 'saito': 4, 'perseverance': 4, 'garlic': 4, 'oneil': 4, 'mottas': 4, 'decaying': 4, 'confection': 4, 'slades': 4, 'seperate': 4, 'antarctica': 4, 'ilona': 4, 'gerrys': 4, 'decisive': 4, 'sculptor': 4, 'tbwp': 4, 'herskovitz': 4, 'fawcett': 4, 'risque': 4, 'shackletons': 4, 'offbroadway': 4, 'shreks': 4, 'cyborg': 4, 'initiative': 4, 'blush': 4, 'stoppidge': 4, 'cloke': 4, 'franknfurter': 4, 'dar': 4, 'brigante': 4, 'kleinfeld': 4, 'respectful': 4, 'feihongs': 4, 'ginseng': 4, 'columbo': 4, 'irma': 4, 'bowed': 4, 'gabe': 4, 'mortician': 4, 'pentecostal': 4, 'escalating': 4, 'hamunaptra': 4, 'endora': 4, 'biancas': 4, 'odile': 4, 'sweetly': 4, 'lotte': 4, 'innercity': 4, 'pattis': 4, 'fugly': 4, 'louisas': 4, 'nurture': 4, 'lender': 4, 'anh': 4, 'pams': 4, 'dusty': 4, 'guaspari': 4, 'twentyone': 4, 'u2': 4, 'furrow': 4, 'beacham': 4, 'bea': 4, 'sufi': 4, 'bilal': 4, 'uneducated': 4, 'dershowitz': 4, 'gallo': 4, 'saunders': 4, 'sheldon': 4, 'muriel': 4, 'trunchbull': 4, '_daylight_': 4, 'elgin': 4, 'liveactiondisney': 4, 'dobson': 4, 'taymor': 4, 'anya': 4, 'archbishop': 4, 'snag': 3, 'packaged': 3, 'hourlong': 3, 'spoonfed': 3, 'kayley': 3, 'warlord': 3, 'excalibur': 3, 'twoheaded': 3, 'showmanship': 3, 'garretts': 3, 'grievous': 3, 'undergoing': 3, 'proliferation': 3, 'inexpensive': 3, 'exlover': 3, 'implicitly': 3, 'dabo': 3, 'unwind': 3, 'matteroffactly': 3, 'cleveland': 3, 'flutter': 3, 'pave': 3, 'simultaneous': 3, 'vodka': 3, 'unamusing': 3, 'unfulfilled': 3, 'smelly': 3, 'headey': 3, 'periodic': 3, 'puke': 3, 'sloshed': 3, 'snorting': 3, 'unveil': 3, 'insouciance': 3, 'ceremonial': 3, 'stifled': 3, 'delving': 3, 'pronounces': 3, 'uncharismatic': 3, 'dungeon': 3, 'pisspoor': 3, 'gunk': 3, 'strayed': 3, 'stuntwork': 3, 'cuesta': 3, 'dano': 3, 'citing': 3, 'whitecollar': 3, 'artful': 3, 'whitman': 3, 'newbie': 3, 'predestined': 3, 'everpopular': 3, 'reconcile': 3, 'highflying': 3, 'aramis': 3, 'kremp': 3, 'porthos': 3, '30minute': 3, 'filth': 3, 'subtext': 3, 'anyways': 3, 'greased': 3, 'sidetrack': 3, 'modicum': 3, 'barbet': 3, 'coproduced': 3, 'swirling': 3, 'meddling': 3, 'felon': 3, 'yelled': 3, 'alicias': 3, 'classify': 3, 'melange': 3, '2020': 3, 'aviator': 3, 'techie': 3, 'yawning': 3, 'cranking': 3, 'spear': 3, 'gargantuan': 3, 'clumsiness': 3, '1949': 3, 'formality': 3, 'zoologist': 3, 'maneating': 3, 'mumbo': 3, 'overtake': 3, 'randle': 3, 'manipulates': 3, 'phew': 3, 'foo': 3, 'trout': 3, '100minute': 3, 'headscratcher': 3, 'masterminded': 3, 'benings': 3, 'absurdist': 3, 'mumbled': 3, 'cranked': 3, 'halfbrother': 3, 'rashomon': 3, 'deconstruction': 3, 'proposterous': 3, 'machina': 3, 'idolizes': 3, 'unearthed': 3, 'infects': 3, 'proctor': 3, 'prim': 3, 'puritan': 3, 'alarming': 3, 'synchronicity': 3, 'distractingly': 3, 'huffing': 3, 'bantering': 3, 'imperfect': 3, 'muddle': 3, 'ceaselessly': 3, 'pillage': 3, 'immunity': 3, 'detonation': 3, 'keyboard': 3, 'miramaxs': 3, 'barbed': 3, 'frain': 3, 'cellmate': 3, 'interminably': 3, 'morneau': 3, 'mime': 3, 'growling': 3, 'lima': 3, 'foisted': 3, 'chlo': 3, 'pelt': 3, 'flail': 3, 'export': 3, 'letterboxed': 3, 'bios': 3, 'pictured': 3, 'sheltons': 3, 'davidovich': 3, 'interfering': 3, 'jivetalking': 3, 'imdb': 3, 'olsen': 3, 'squirming': 3, 'zaniness': 3, 'trachtenberg': 3, 'unexceptional': 3, 'cheri': 3, 'portland': 3, 'oregon': 3, 'hughley': 3, 'adlib': 3, 'mainland': 3, 'oday': 3, 'mac': 3, 'lethargic': 3, 'gambit': 3, 'facilitate': 3, '44': 3, 'astounded': 3, 'collage': 3, 'rein': 3, 'clap': 3, 'grumpier': 3, 'truelife': 3, 'disenchanted': 3, 'proclivity': 3, 'preoccupied': 3, 'underage': 3, 'unpleasantness': 3, 'hoop': 3, 'drawbridge': 3, 'bennett': 3, 'stuffy': 3, 'pork': 3, 'yacht': 3, 'dissatisfied': 3, 'paleontologist': 3, 'slippery': 3, 'unnatural': 3, 'radioactive': 3, 'counterattack': 3, 'germ': 3, 'mettle': 3, 'uhhuh': 3, 'bumper': 3, 'turgid': 3, 'winston': 3, 'geneticist': 3, 'moreaus': 3, 'beastpeople': 3, 'suppress': 3, 'binoche': 3, 'noun': 3, 'constricted': 3, 'timetravel': 3, 'conventionally': 3, 'pretentiously': 3, '24yearold': 3, 'dweeb': 3, 'aldys': 3, 'hyperdrive': 3, 'pygmalion': 3, 'reunites': 3, 'huntingburg': 3, 'overworked': 3, 'evacuated': 3, 'salomon': 3, 'speedboat': 3, 'rescuer': 3, 'worldrenowned': 3, 'furthering': 3, 'caulders': 3, 'discourage': 3, 'aloud': 3, 'novikov': 3, 'belonged': 3, 'hassidic': 3, 'orthodox': 3, 'lamely': 3, 'lehmann': 3, 'charitable': 3, 'fiendish': 3, 'clubhopping': 3, 'cub': 3, 'parrish': 3, 'welfare': 3, 'disorienting': 3, 'madeup': 3, 'whacked': 3, 'disinterested': 3, 'peacefully': 3, 'integration': 3, 'orchestral': 3, 'marx': 3, 'intern': 3, 'scenestealer': 3, 'adoptive': 3, 'loanshark': 3, 'mccarthy': 3, 'costarred': 3, 'dietl': 3, 'builder': 3, 'louies': 3, 'luppi': 3, 'antique': 3, 'cronos': 3, 'threeday': 3, 'tuesday': 3, 'jackpot': 3, 'pancake': 3, 'darrell': 3, 'elk': 3, 'lodge': 3, 'dang': 3, 'underhanded': 3, 'attain': 3, 'harrier': 3, 'airwolf': 3, 'incite': 3, 'revolt': 3, 'roast': 3, 'unequivocal': 3, 'duguay': 3, 'cheetah': 3, 'connors': 3, 'vindication': 3, 'mutates': 3, 'pleasurable': 3, 'durden': 3, 'smoked': 3, 'headset': 3, 'offputting': 3, 'adores': 3, 'hike': 3, 'lombardos': 3, 'lustful': 3, 'appetizer': 3, 'menageatrois': 3, 'propelling': 3, 'oildriller': 3, 'inspect': 3, 'guideline': 3, 'humourless': 3, 'helmet': 3, 'plotholes': 3, 'bollock': 3, 'draven': 3, 'wordofmouth': 3, 'shackled': 3, 'seductress': 3, 'insultingly': 3, 'zak': 3, 'orth': 3, 'addressing': 3, 'shrimp': 3, 'afoul': 3, 'welcomed': 3, 'tyranny': 3, 'catandmouse': 3, 'appallingly': 3, 'ahh': 3, 'boymeetsgirl': 3, 'nicest': 3, 'leviathan': 3, 'servicable': 3, 'nadia': 3, 'burr': 3, 'emmerichs': 3, 'timmonds': 3, 'amok': 3, 'topples': 3, 'underside': 3, 'dietz': 3, 'cracker': 3, 'depressive': 3, 'erotica': 3, 'dwells': 3, 'unchecked': 3, 'extraction': 3, 'overgrown': 3, 'hamster': 3, 'boyz': 3, 'hilt': 3, 'offshoot': 3, 'powerhouse': 3, 'blinking': 3, 'venue': 3, 'lurk': 3, 'slash': 3, 'confederation': 3, 'blocking': 3, 'googoo': 3, 'ketchum': 3, 'warlock': 3, 'infamy': 3, 'narcolepsy': 3, 'tourette': 3, 'diney': 3, 'featurette': 3, 'lapage': 3, 'nontraditional': 3, 'undeserving': 3, 'constance': 3, 'counterculture': 3, 'rio': 3, 'maugham': 3, 'stallion': 3, 'inadvertent': 3, 'telegraph': 3, 'deposited': 3, 'remnant': 3, 'selick': 3, 'desirable': 3, 'interviewee': 3, 'gord': 3, 'greek': 3, 'dissected': 3, 'escalated': 3, 'overcrowded': 3, 'nonviolent': 3, 'blethyn': 3, 'ferguson': 3, 'descended': 3, 'tolerated': 3, 'biederman': 3, 'rittenhouse': 3, 'recommends': 3, 'yada': 3, 'tolkin': 3, 'shriek': 3, 'leders': 3, 'crosby': 3, 'cosmopolitan': 3, 'locates': 3, 'secondincommand': 3, 'mawkish': 3, 'firefighting': 3, 'lilianna': 3, 'unmoved': 3, 'advise': 3, 'silverado': 3, 'rodriguezs': 3, 'despised': 3, 'issued': 3, 'fruitless': 3, 'costa': 3, 'rightwing': 3, 'pryor': 3, 'krypton': 3, 'toole': 3, 'bulldozer': 3, 'lovesick': 3, 'seize': 3, 'vaccaro': 3, 'otis': 3, 'approved': 3, 'reeve': 3, 'beetlejuice': 3, 'accumulation': 3, 'beater': 3, 'ultra': 3, 'barksdale': 3, 'squandering': 3, 'kernel': 3, 'splicing': 3, 'infests': 3, 'underline': 3, 'shredded': 3, 'empathic': 3, 'vixen': 3, 'acquits': 3, 'contributor': 3, 'brewsters': 3, 'infomercial': 3, 'knucklehead': 3, 'outgrown': 3, 'copland': 3, 'spousal': 3, '53': 3, 'reworked': 3, 'sykes': 3, 'conversing': 3, 'unsophisticated': 3, 'winstone': 3, 'boulder': 3, 'lovejoy': 3, 'logan': 3, 'exporn': 3, 'accounted': 3, 'widmark': 3, 'reputedly': 3, 'apparantly': 3, 'gratuity': 3, 'ratcliffe': 3, 'wizened': 3, 'cohn': 3, 'bellhop': 3, 'valeria': 3, 'golino': 3, 'sperm': 3, 'proval': 3, 'cleaver': 3, 'damnation': 3, 'piracy': 3, 'fastmoving': 3, 'coproducer': 3, 'denizen': 3, 'gill': 3, 'impossibility': 3, 'reflective': 3, 'amarillo': 3, 'goodall': 3, 'dorado': 3, 'hitchhiking': 3, 'dammit': 3, 'crud': 3, 'cassavetes': 3, 'confinement': 3, 'jeanluke': 3, 'glorias': 3, 'emotive': 3, 'plethora': 3, 'boozing': 3, 'matriarchal': 3, 'clea': 3, 'bonkers': 3, 'incomprehensibly': 3, 'installation': 3, 'seclusion': 3, 'cater': 3, 'capulet': 3, 'spurgeon': 3, 'uncommonly': 3, 'wessell': 3, 'gluttony': 3, 'arcade': 3, 'juxtaposition': 3, 'lite': 3, 'parka': 3, 'inclination': 3, 'diabolique': 3, 'clocking': 3, 'thrash': 3, 'hinged': 3, 'torso': 3, 'izzard': 3, 'chechik': 3, 'craftsman': 3, 'shooter': 3, 'brawn': 3, 'riddler': 3, 'hypothetically': 3, 'makeout': 3, 'coolio': 3, 'flatliners': 3, 'rocked': 3, 'springboard': 3, 'detraction': 3, 'zgrade': 3, 'schlockfest': 3, 'masculine': 3, 'tatooed': 3, 'oded': 3, 'fehr': 3, 'fooling': 3, 'arija': 3, 'bareikis': 3, 'looker': 3, 'shopkeeper': 3, 'supremacist': 3, 'atrociously': 3, 'bythebook': 3, 'overwhelms': 3, 'overpowered': 3, 'smiley': 3, 'grouchy': 3, 'obscenely': 3, 'befitting': 3, 'redemptive': 3, 'christianity': 3, 'incapacitated': 3, 'uncharacteristically': 3, 'corinthian': 3, 'tightfitting': 3, 'baseketball': 3, 'holder': 3, 'bounced': 3, 'whacking': 3, 'bailed': 3, 'magnate': 3, 'kristopherson': 3, 'dab': 3, 'narcissistic': 3, 'preserving': 3, 'marlo': 3, 'onagain': 3, 'offagain': 3, 'superficiality': 3, 'tangential': 3, 'faintest': 3, 'odonnells': 3, 'shapely': 3, 'pfieffer': 3, 'sesame': 3, 'wayanss': 3, 'upstart': 3, 'whimper': 3, 'cyril': 3, 'cavern': 3, 'connote': 3, 'awash': 3, 'infested': 3, 'misty': 3, 'parlay': 3, 'detector': 3, 'illtimed': 3, 'clamoring': 3, 'nuisance': 3, 'janes': 3, 'donor': 3, 'garcias': 3, 'wayside': 3, 'duct': 3, 'shortterm': 3, 'jello': 3, 'hoenicker': 3, 'badger': 3, 'cringed': 3, 'certifiable': 3, 'yugo': 3, 'personalized': 3, 'demoted': 3, 'dutiful': 3, 'coward': 3, 'fumble': 3, 'mammal': 3, 'mascot': 3, 'usurped': 3, 'existance': 3, 'jupiter': 3, 'overdo': 3, 'shove': 3, 'pizzazz': 3, 'ungar': 3, 'bette': 3, 'denton': 3, 'nucci': 3, 'newlywed': 3, 'newage': 3, 'valet': 3, 'aboveaverage': 3, 'rote': 3, 'upsidedown': 3, 'dullest': 3, 'harring': 3, 'watt': 3, 'awakes': 3, 'suspenseless': 3, 'syrup': 3, 'gagging': 3, 'joystick': 3, 'conduit': 3, 'ram': 3, 'lever': 3, 'graphically': 3, 's': 3, 'vulcan': 3, 'radiates': 3, '_armageddon_': 3, 'domino': 3, '_in': 3, 'paltry': 3, 'grander': 3, 'monument': 3, 'polyester': 3, 'sender': 3, 'masturbatory': 3, 'confounding': 3, 'veiled': 3, 'fastfood': 3, 'panty': 3, 'sacrificial': 3, 'manslaughter': 3, 'toughtalking': 3, 'poorlywritten': 3, 'numbing': 3, 'dermot': 3, 'jakes': 3, 'sizeable': 3, 'allnight': 3, 'tantalizing': 3, 'moxon': 3, 'bronze': 3, 'homily': 3, 'repetitiveness': 3, 'plucked': 3, 'responding': 3, 'creeped': 3, 'bedtime': 3, 'splitsecond': 3, 'gadgetry': 3, 'loeb': 3, '58': 3, 'undergo': 3, 'probation': 3, 'leash': 3, 'poodle': 3, 'unenthusiastic': 3, 'urinates': 3, 'yuck': 3, 'feebly': 3, 'oldmans': 3, 'demarkov': 3, 'falcone': 3, 'arminarm': 3, 'onehour': 3, 'lanky': 3, 'pallid': 3, 'disarmingly': 3, 'unlock': 3, 'supersmart': 3, 'cattrall': 3, 'wrench': 3, '210': 3, 'astrology': 3, 'prophesized': 3, 'scribbling': 3, 'careys': 3, 'blacker': 3, 'beesley': 3, 'codependency': 3, 'archenemy': 3, 'patchwork': 3, 'sprang': 3, 'surfing': 3, 'omnipresent': 3, 'bluer': 3, 'mox': 3, 'playbook': 3, 'eyeopening': 3, 'nickelodeon': 3, 'zetajoness': 3, 'jeepers': 3, 'tapestry': 3, 'winged': 3, 'satanic': 3, 'bio': 3, 'joanne': 3, 'menacingly': 3, 'fleder': 3, 'fictionesque': 3, 'wellstaged': 3, 'eachs': 3, 'miscalculation': 3, 'spotty': 3, 'charleton': 3, 'stupefying': 3, 'streetcar': 3, 'locket': 3, 'warmup': 3, 'dissatisfying': 3, 'competence': 3, 'lieu': 3, 'sprouse': 3, 'overseas': 3, 'apologizing': 3, 'screwy': 3, 'lurks': 3, 'gutted': 3, 'voting': 3, 'monotony': 3, 'divinity': 3, 'sprinkling': 3, 'instructs': 3, 'rubbing': 3, 'fullon': 3, 'amphetamine': 3, 'holliday': 3, 'tch': 3, 'ky': 3, 'angrily': 3, 'acupuncture': 3, 'xander': 3, 'squarejawed': 3, 'psychically': 3, 'ferret': 3, 'klendathu': 3, 'satiric': 3, 'squishing': 3, 'acrobatic': 3, 'leonetti': 3, 'preschooler': 3, 'snore': 3, 'tut': 3, 'toothpick': 3, 'unforgiveable': 3, 'annabeth': 3, 'weisberg': 3, 'shoveler': 3, 'scrambling': 3, 'revulsion': 3, 'canceled': 3, 'motherdaughter': 3, 'enact': 3, 'waxing': 3, 'alum': 3, 'ideally': 3, 'nonexistant': 3, 'tagteam': 3, 'cozy': 3, '80foot': 3, 'subconsciously': 3, 'align': 3, 'deane': 3, 'bleach': 3, 'stillliving': 3, 'offence': 3, 'umpteenth': 3, 'herkyjerky': 3, 'disarm': 3, 'zeus': 3, 'weena': 3, 'submit': 3, 'yipes': 3, 'lotto': 3, 'declined': 3, 'fiddling': 3, 'shadowing': 3, 'quell': 3, 'crest': 3, 'counterbalanced': 3, 'godless': 3, 'succumbing': 3, 'hirsch': 3, 'junkyard': 3, 'battery': 3, 'cadre': 3, 'timehonored': 3, 'astrophysicist': 3, 'descend': 3, 'quadruple': 3, 'preproduction': 3, 'disclosure': 3, 'disallows': 3, 'plow': 3, 'lesseps': 3, 'curing': 3, 'extracting': 3, 'ad2am': 3, 'heal': 3, 'tumor': 3, 'unruly': 3, 'rye': 3, 'infinitum': 3, 'freshest': 3, 'lobotomy': 3, 'pore': 3, '1944': 3, 'commandant': 3, 'specter': 3, 'lina': 3, 'relieved': 3, 'grittier': 3, 'hollywoodized': 3, 'beyer': 3, 'tile': 3, 'generalization': 3, 'serpentine': 3, 'eventful': 3, 'upandcomers': 3, 'karaszewski': 3, 'chapelle': 3, 'macdonalds': 3, 'upholding': 3, 'translated': 3, 'discredit': 3, 'newsman': 3, 'irate': 3, 'graeme': 3, 'revell': 3, 'farbissina': 3, 'philosophizing': 3, 'landfill': 3, 'steaming': 3, 'flushing': 3, 'coldblooded': 3, 'caustic': 3, 'perf': 3, 'nivola': 3, 'brunt': 3, 'obituary': 3, 'mornay': 3, '86': 3, 'careerminded': 3, 'despondent': 3, 'courting': 3, 'serenaded': 3, 'dawkins': 3, 'sasha': 3, 'jung': 3, 'organizes': 3, 'pristine': 3, 'hulking': 3, 'klingons': 3, 'ding': 3, 'evasion': 3, 'snobby': 3, 'filmography': 3, 'mchales': 3, 'blurt': 3, 'coastal': 3, 'yo': 3, 'retriever': 3, 'recieved': 3, 'dashed': 3, 'handtohand': 3, 'peeing': 3, 'magnificently': 3, 'honk': 3, 'respite': 3, 'upn': 3, 'sticker': 3, 'larroquette': 3, 'admonition': 3, 'prescribed': 3, 'autism': 3, 'oclock': 3, 'malice': 3, 'ineptly': 3, 'cheaplooking': 3, 'lowrent': 3, 'lowtech': 3, 'motorbike': 3, 'doubtlessly': 3, 'scrambled': 3, 'deterioration': 3, 'weakly': 3, 'blaming': 3, 'differentiate': 3, 'wasteful': 3, 'sixteenth': 3, 'mistreated': 3, 'stepmother': 3, 'vinci': 3, 'godfrey': 3, 'outofplace': 3, 'mcdowells': 3, 'symbolize': 3, 'thumping': 3, 'misspelled': 3, 'vip': 3, 'stillmans': 3, '54s': 3, 'tackedon': 3, 'euphoric': 3, 'chagrin': 3, 'emilio': 3, 'turgeon': 3, 'kitschy': 3, 'duplicity': 3, 'cleavagebusting': 3, 'cleopatra': 3, 'marley': 3, 'kaela': 3, 'danika': 3, 'shagging': 3, 'bumping': 3, 'rationale': 3, 'norwood': 3, 'nutcase': 3, 'distributing': 3, 'mckean': 3, 'unanimously': 3, 'anns': 3, 'tambor': 3, 'sneeze': 3, 'krabb': 3, 'antwerp': 3, 'dishwasher': 3, 'rossellini': 3, 'simcha': 3, 'brazenly': 3, 'rehashing': 3, 'primordial': 3, 'belch': 3, 'veiny': 3, 'fireplace': 3, 'baseless': 3, 'pedigree': 3, 'ishtar': 3, 'vessey': 3, 'overhearing': 3, 'snack': 3, 'discord': 3, 'bemused': 3, 'seldes': 3, 'wheelchairbound': 3, 'darnells': 3, 'della': 3, 'damaging': 3, 'stagy': 3, 'brashness': 3, 'scholarly': 3, 'inevitability': 3, 'littleseen': 3, 'bloom': 3, 'paraphrasing': 3, 'uninformed': 3, 'hormonal': 3, 'scantily': 3, 'vicarious': 3, 'penitentiary': 3, 'cabel': 3, 'evan': 3, 'intrude': 3, 'festivity': 3, 'aretha': 3, 'clapton': 3, 'kensington': 3, 'mirkine': 3, 'specialised': 3, 'plagiarism': 3, 'spectrum': 3, 'culinary': 3, 'telekinetic': 3, 'ambiguously': 3, 'piled': 3, 'buckley': 3, 'appetizing': 3, 'norse': 3, '103': 3, 'summation': 3, 'longed': 3, 'omit': 3, 'transit': 3, 'conjunction': 3, 'fourletter': 3, 'lackey': 3, 'swordsman': 3, 'inn': 3, 'oppressively': 3, 'fullyclothed': 3, 'wronged': 3, 'aesthetically': 3, 'impenetrable': 3, 'hypothesis': 3, 'shuns': 3, 'sacked': 3, 'desaster': 3, 'biz': 3, 'amazings': 3, 'craves': 3, 'fork': 3, 'manufacture': 3, 'budgie': 3, 'flush': 3, 'ocallaghan': 3, 'maynard': 3, 'greener': 3, 'wisconsin': 3, 'dreamer': 3, 'pumpedup': 3, 'alignment': 3, 'rocco': 3, 'extensively': 3, 'handdrawn': 3, 'romanov': 3, 'halfdigested': 3, 'oblige': 3, 'amistads': 3, 'superpower': 3, 'verhovens': 3, 'dehumanization': 3, 'blandest': 3, '1938': 3, 'greet': 3, 'mustve': 3, 'facetious': 3, 'selfparody': 3, 'anticlimatic': 3, 'leukemia': 3, 'harmful': 3, 'nothingness': 3, 'sleepwalks': 3, 'assasin': 3, 'wallpaper': 3, 'journeyed': 3, 'favored': 3, 'pomp': 3, 'violated': 3, 'baigelman': 3, 'arduous': 3, 'antagonizes': 3, 'paynes': 3, 'jailbreak': 3, 'bench': 3, 'strangled': 3, 'vandamme': 3, 'dolce': 3, 'brittany': 3, 'soften': 3, 'mired': 3, 'reflex': 3, 'derisive': 3, 'matching': 3, 'wading': 3, 'sludge': 3, 'festering': 3, 'progressing': 3, 'humanly': 3, 'inherit': 3, 'overpopulation': 3, 'outpost': 3, 'bestow': 3, 'stimulate': 3, 'minivan': 3, 'pintsized': 3, 'eisner': 3, 'feminism': 3, 'yanked': 3, 'navigator': 3, 'lifeforms': 3, 'sentient': 3, 'eiffel': 3, 'serafine': 3, 'intelligible': 3, 'fetching': 3, 'infrared': 3, 'waller': 3, 'howl': 3, 'archival': 3, 'bummer': 3, 'bakshi': 3, 'cursory': 3, 'sanitarium': 3, 'kattans': 3, 'revives': 3, 'jammed': 3, 'bonehead': 3, 'gobbledygook': 3, 'noggin': 3, 'beart': 3, 'towne': 3, 'pulsating': 3, 'outworlds': 3, 'fatality': 3, 'rhapsody': 3, 'nineteenth': 3, 'brainiac': 3, 'apprehend': 3, 'nigger': 3, 'humourous': 3, 'reactor': 3, 'exude': 3, 'bombast': 3, 'bai': 3, 'alltoobrief': 3, 'solomon': 3, 'grimly': 3, 'hazard': 3, 'marathon': 3, 'narratively': 3, 'prozac': 3, 'monumental': 3, 'alls': 3, 'potion': 3, 'bebe': 3, 'neuwirth': 3, 'exhibiting': 3, 'geezer': 3, 'loutish': 3, 'wallowing': 3, 'nonchalant': 3, 'selfishness': 3, 'amplified': 3, 'feral': 3, 'wideopen': 3, 'thirtyyearold': 3, 'bettys': 3, 'disparate': 3, 'deluded': 3, 'dupe': 3, 'risqu': 3, 'populating': 3, 'rasp': 3, 'litter': 3, 'injects': 3, 'painkiller': 3, 'nathaniel': 3, 'thaddeus': 3, 'insincerity': 3, 'noxious': 3, 'harbour': 3, 'debris': 3, 'marker': 3, 'strikeout': 3, 'lebrock': 3, 'choke': 3, 'habitat': 3, '_double_team_': 3, 'energetically': 3, 'detonating': 3, 'circuitry': 3, 'tigerland': 3, 'orginal': 3, 'orion': 3, 'marsha': 3, 'glenne': 3, 'cluelessness': 3, 'violencegore': 3, 'stieger': 3, 'terrace': 3, 'indicative': 3, 'oily': 3, 'sleuthing': 3, 'intimidation': 3, 'rowan': 3, 'driscoll': 3, 'vibration': 3, 'rarest': 3, 'irreverent': 3, 'heil': 3, 'smelling': 3, 'groaned': 3, 'moviestar': 3, 'schumaccer': 3, 'dauphin': 3, 'vii': 3, 'foreshadows': 3, 'godly': 3, 'proffessor': 3, 'twitching': 3, 'leery': 3, 'capshaw': 3, 'fireman': 3, 'insincere': 3, 'thoughtless': 3, 'cluelesss': 3, 'koster': 3, 'nickolas': 3, 'doubting': 3, 'tipsy': 3, 'kickboxing': 3, 'bleacher': 3, 'ab': 3, 'exemplifies': 3, 'fundraiser': 3, 'panicked': 3, 'hauled': 3, 'stressed': 3, 'youngers': 3, 'silicone': 3, 'axel': 3, 'cora': 3, 'sponge': 3, 'strapping': 3, 'geyser': 3, 'prairie': 3, 'outandout': 3, 'thirtysomething': 3, 'teary': 3, 'nubile': 3, 'cavernous': 3, 'vampirefilms': 3, 'preppie': 3, 'ribbon': 3, 'tarnish': 3, 'subvert': 3, 'cornfield': 3, '78': 3, 'pentup': 3, 'chime': 3, 'enhancer': 3, 'jalla': 3, 'yasmin': 3, 'josef': 3, 'doused': 3, 'soaking': 3, 'dilbert': 3, 'labeling': 3, 'enlightened': 3, 'rhode': 3, 'deepvoiced': 3, 'infused': 3, 'whitey': 3, 'zellwegers': 3, 'dissolved': 3, 'magma': 3, 'fakelooking': 3, 'carelessly': 3, 'barbecue': 3, 'scientifically': 3, 'claustrophobia': 3, 'muttered': 3, 'wideangle': 3, 'dyer': 3, 'sliced': 3, 'bizarrely': 3, 'confusingly': 3, 'helgelands': 3, 'inauspicious': 3, 'drugaddicted': 3, 'splat': 3, 'skyrocket': 3, 'pious': 3, 'pongo': 3, 'aww': 3, 'whispering': 3, 'ingenuous': 3, 'raccoon': 3, 'purchasing': 3, '8th': 3, 'perennial': 3, 'aaa': 3, 'bakula': 3, 'quantum': 3, 'daunting': 3, 'goggins': 3, 'terminology': 3, 'renewed': 3, 'volcanic': 3, 'wando': 3, 'busybody': 3, 'kkk': 3, 'injecting': 3, 'facile': 3, 'symptomatic': 3, 'onwards': 3, 'sneaky': 3, 'ponderous': 3, 'slog': 3, 'crotchety': 3, 'tainted': 3, 'coitus': 3, 'tatum': 3, 'guitarist': 3, 'masturbates': 3, 'dispondent': 3, 'harmed': 3, 'everythings': 3, 'heresy': 3, 'brandis': 3, 'ishmael': 3, 'helper': 3, 'traveller': 3, 'harland': 3, 'klutzy': 3, 'regretfully': 3, 'snot': 3, 'lacklustre': 3, 'stoicism': 3, 'grapple': 3, 'endowed': 3, 'ruffian': 3, 'loretta': 3, 'bidder': 3, 'gunpoint': 3, 'sh': 3, 'emblazoned': 3, 'rover': 3, 'disinterest': 3, 'invoke': 3, 'sprung': 3, 'whisked': 3, 'fabio': 3, 'mccoll': 3, 'unspeakable': 3, 'idiosyncrasy': 3, 'doublecrossed': 3, 'rolf': 3, 'extort': 3, 'horndog': 3, 'volker': 3, 'snazzy': 3, 'pulsepounding': 3, '_does_': 3, 'foreground': 3, 'unraveled': 3, '_babe_': 3, '_more_': 3, 'partition': 3, 'noticable': 3, 'szubanski': 3, '_do_': 3, 'rooney': 3, 'tutelage': 3, 'guillotine': 3, 'reissued': 3, 'dobie': 3, 'sylvie': 3, 'windswept': 3, 'jiro': 3, 'goddaughter': 3, 'clientele': 3, 'pb': 3, 'punched': 3, 'stag': 3, 'hounded': 3, 'underplays': 3, 'confessional': 3, 'lysterine': 3, 'cantonese': 3, 'skyrocketed': 3, 'dissipates': 3, 'takeshi': 3, 'kitano': 3, 'foreshadow': 3, 'retribution': 3, 'elbow': 3, 'intestine': 3, 'slicing': 3, 'superlative': 3, 'blot': 3, 'psychosexual': 3, 'baroque': 3, 'harford': 3, 'electronically': 3, 'annoys': 3, 'batting': 3, 'terrorizes': 3, 'eminent': 3, 'indoors': 3, 'instigated': 3, 'install': 3, 'tasted': 3, 'wrightpenn': 3, 'confrontational': 3, 'disconnect': 3, 'pestering': 3, 'crust': 3, 'flurry': 3, 'immersive': 3, 'videodrome': 3, 'inlaws': 3, 'viceversa': 3, 'gregs': 3, 'investigates': 3, '20year': 3, 'sanctuary': 3, 'baffling': 3, 'christines': 3, 'pondered': 3, 'brainchild': 3, 'cosmos': 3, 'hangout': 3, 'technobabble': 3, 'parisian': 3, 'preaches': 3, 'lolas': 3, 'reinforce': 3, 'lol': 3, 'lax': 3, 'michelles': 3, 'rodent': 3, 'schrieber': 3, 'attenuated': 3, 'ghostfaces': 3, 'conceptually': 3, 'afield': 3, 'authored': 3, 'synch': 3, 'cementing': 3, 'comedienne': 3, 'ovation': 3, 'simpering': 3, 'abhorrent': 3, 'recklessly': 3, 'wringing': 3, 'dwindling': 3, 'honorary': 3, 'bazooka': 3, 'wrapper': 3, '15th': 3, 'blip': 3, 'overextended': 3, 'interoffice': 3, 'slammed': 3, 'nursery': 3, 'dharma': 3, 'extinct': 3, 'lovehewitt': 3, 'torro': 3, 'hippo': 3, 'weariness': 3, 'faggot': 3, 'osmet': 3, 'uber': 3, 'bleached': 3, 'unforced': 3, 'postcold': 3, 'horrendously': 3, 'micheles': 3, 'reverts': 3, 'civilisation': 3, 'immersion': 3, 'flippant': 3, 'overact': 3, 'linc': 3, 'mindful': 3, 'glare': 3, 'watchful': 3, 'riproaring': 3, 'applauding': 3, 'cambell': 3, 'clancy': 3, 'tracker': 3, '17year': 3, 'jagger': 3, 'abe': 3, 'aussie': 3, '1871': 3, 'decoy': 3, 'filmic': 3, 'boarded': 3, 'ilsa': 3, 'breathy': 3, 'curl': 3, 'terminated': 3, 'illinois': 3, 'loquacious': 3, 'medley': 3, 'secondtier': 3, 'degradation': 3, 'heaped': 3, 'embroiled': 3, 'jackinthebox': 3, 'bathed': 3, 'oddest': 3, 'dysfunction': 3, 'embarked': 3, 'intentioned': 3, 'ole': 3, 'rowdy': 3, 'cummings': 3, 'genxers': 3, 'ditching': 3, 'gob': 3, 'grimace': 3, 'ethnicity': 3, 'lundgren': 3, 'stupefyingly': 3, 'crunch': 3, 'bokeem': 3, 'woodbine': 3, 'applegate': 3, 'airheaded': 3, 'haste': 3, 'mcmillan': 3, 'medal': 3, 'synonym': 3, 'skimp': 3, '88': 3, 'surrealist': 3, 'snapping': 3, 'iced': 3, 'commend': 3, 'barking': 3, 'logically': 3, 'covert': 3, 'feverish': 3, 'ambitiously': 3, 'pogue': 3, 'legitimacy': 3, 'brokendown': 3, 'thom': 3, 'judson': 3, 'mackenzie': 3, 'caricatured': 3, 'danica': 3, 'pfferpot': 3, 'dickson': 3, 'breech': 3, 'polynesian': 3, 'beta': 3, 'thinnest': 3, 'doppelganger': 3, 'excusable': 3, 'unwillingness': 3, 'delany': 3, 'eponymous': 3, 'intriguingly': 3, 'mimicking': 3, 'deluge': 3, 'foleys': 3, 'businesslike': 3, 'infantile': 3, 'talkin': 3, 'marching': 3, 'ying': 3, 'unwitting': 3, 'pebble': 3, 'pickle': 3, 'dill': 3, 'pretentions': 3, 'outbreak': 3, 'parted': 3, 'unctuous': 3, 'poisoned': 3, 'filmfreakcentral': 3, 'longlived': 3, 'spock': 3, 'nexus': 3, 'soran': 3, 'paramounts': 3, 'keenen': 3, 'takenoprisoners': 3, 'cartwright': 3, 'fortitude': 3, 'downpour': 3, 'rhino': 3, 'selfdiscovery': 3, 'undying': 3, 'marsh': 3, 'juxtaposing': 3, 'obliterated': 3, 'shuts': 3, 'piling': 3, 'houseman': 3, 'rivera': 3, 'oise': 3, 'sized': 3, 'twentyeight': 3, 'olympia': 3, 'dukakis': 3, 'jennifers': 3, 'videotaping': 3, 'amends': 3, 'cleanup': 3, 'regeneration': 3, 'ottman': 3, 'kangsheng': 3, 'kueimei': 3, 'huddle': 3, 'taiwanese': 3, 'wordy': 3, 'druggedout': 3, 'unmistakably': 3, 'unbiased': 3, 'lolly': 3, 'munching': 3, 'bared': 3, 'rafe': 3, 'awaken': 3, 'oneonone': 3, 'motorist': 3, 'truetolife': 3, 'shook': 3, 'humored': 3, 'quake': 3, 'multinational': 3, 'argonauticus': 3, 'oconnors': 3, 'comicrelief': 3, 'dartagnans': 3, 'skate': 3, 'heman': 3, 'dousing': 3, 'liable': 3, 'calming': 3, 'sexiness': 3, 'sizable': 3, 'replayed': 3, 'hay': 3, 'yemen': 3, 'racially': 3, 'pandemonium': 3, '108': 3, 'bfilms': 3, 'commandeer': 3, 'vacationing': 3, 'seafood': 3, 'glamrock': 3, 'formally': 3, 'lynns': 3, 'tudeski': 3, 'overjoyed': 3, 'deficient': 3, 'congenial': 3, 'eagerness': 3, 'obscures': 3, 'offending': 3, '43': 3, 'attatched': 3, 'dung': 3, 'ranft': 3, 'crate': 3, 'piercing': 3, 'smugly': 3, 'decree': 3, 'boisterous': 3, 'bestfriend': 3, 'scuzzy': 3, 'fatuous': 3, 'cloris': 3, 'thicker': 3, 'maurices': 3, 'emile': 3, 'lyon': 3, 'debating': 3, 'hoover': 3, 'midland': 3, 'pare': 3, 'sofia': 3, 'enquirer': 3, 'scan': 3, 'composite': 3, 'blawp': 3, 'impaired': 3, 'engulf': 3, 'trotted': 3, 'luster': 3, 'titillate': 3, 'juxtaposed': 3, 'slyly': 3, 'jawed': 3, 'repetitious': 3, 'pinup': 3, 'hurtling': 3, 'raison': 3, 'shyer': 3, 'affordable': 3, 'retail': 3, 'damnit': 3, 'weber': 3, 'argentina': 3, 'pm': 3, 'samoan': 3, 'lace': 3, 'folly': 3, 'assuredly': 3, 'scientologist': 3, 'amblyn': 3, 'unemployment': 3, 'screwup': 3, 'corresponds': 3, 'delegate': 3, 'platter': 3, 'booted': 3, 'diarrhea': 3, 'bolstered': 3, 'handcuff': 3, 'undisputed': 3, 'encouragement': 3, 'simpleminded': 3, 'unambitious': 3, 'intimidates': 3, 'jodi': 3, 'indien': 3, 'edie': 3, 'mcclurg': 3, 'visibly': 3, 'asbestos': 3, 'jurisdiction': 3, 'bureau': 3, 'intruder': 3, 'assassinated': 3, 'stahls': 3, 'rochelle': 3, 'polito': 3, 'tending': 3, 'eulogy': 3, 'obnoxiously': 3, 'participating': 3, 'unsuitable': 3, 'compose': 3, 'mournful': 3, 'opportunist': 3, 'whaley': 3, 'ri': 3, 'chronicling': 3, 'backtrack': 3, 'smut': 3, 'screwedup': 3, 'abolish': 3, 'cuff': 3, 'blasted': 3, 'appalled': 3, 'pepsi': 3, '1945': 3, 'crudeness': 3, 'regrettable': 3, 'skateboarder': 3, '130': 3, 'ouch': 3, 'craigs': 3, 'skating': 3, 'wim': 3, 'stephie': 3, 'recalling': 3, 'modernize': 3, 'limitless': 3, 'snooty': 3, 'estellas': 3, 'veterinarian': 3, 'scamper': 3, 'townie': 3, 'dennehy': 3, 'lodged': 3, 'acknowledgment': 3, 'sol': 3, 'hu': 3, 'westernized': 3, 'unfulfilling': 3, 'welei': 3, 'imparted': 3, 'rained': 3, 'reinvent': 3, 'unpopular': 3, 'frequents': 3, 'wendys': 3, 'sermon': 3, 'paolo': 3, 'clinging': 3, 'nurturing': 3, 'concealing': 3, 'digression': 3, 'tenminute': 3, 'wittiness': 3, 'commission': 3, 'cahoot': 3, 'entangled': 3, 'resisting': 3, 'telltale': 3, 'sutton': 3, 'mugger': 3, 'womb': 3, 'indulgence': 3, 'triad': 3, 'brotherhood': 3, 'splattering': 3, 'impaled': 3, 'shard': 3, 'magnified': 3, 'marshmallow': 3, '05': 3, 'starcrossed': 3, 'digestion': 3, 'aimee': 3, 'compass': 3, 'pendleton': 3, 'krueger': 3, 'misfired': 3, 'partaking': 3, 'soulful': 3, 'herald': 3, 'clutter': 3, 'personification': 3, 'girard': 3, 'unwarranted': 3, 'sloppiness': 3, 'twentysomething': 3, 'sal': 3, 'jobeth': 3, 'lefessier': 3, 'drivein': 3, 'calitri': 3, 'mcbride': 3, 'eluded': 3, 'huckster': 3, 'bilkos': 3, 'careen': 3, 'diverts': 3, 'druggie': 3, 'mesmerized': 3, 'generously': 3, 'pulitzer': 3, 'hazardous': 3, 'kotter': 3, 'schulman': 3, 'consensus': 3, 'pasadena': 3, 'oboe': 3, 'decorates': 3, 'humbled': 3, 'stagger': 3, 'shatter': 3, 'baxter': 3, 'loomis': 3, 'meager': 3, 'skinner': 3, 'telepathic': 3, 'assimilate': 3, 'noraruthaol': 3, 'jun': 3, 'cb': 3, '_that_': 3, 'traci': 3, 'malfunction': 3, 'metropolitan': 3, 'gullible': 3, 'contaminated': 3, 'goriest': 3, 'generalized': 3, 'baring': 3, 'unbroken': 3, 'unblinking': 3, 'evenhanded': 3, 'arid': 3, 'bedside': 3, 'railing': 3, 'recounting': 3, 'eisenberg': 3, 'reinforcing': 3, '32': 3, '1985s': 3, '1982s': 3, 'unto': 3, 'impulsively': 3, 'etienne': 3, 'francoise': 3, 'transpire': 3, 'assembly': 3, 'untamed': 3, 'thriving': 3, 'credibly': 3, 'wellpaid': 3, 'freds': 3, 'shiver': 3, 'simplified': 3, 'belinda': 3, 'disenfranchised': 3, 'determines': 3, 'freelance': 3, 'bandage': 3, 'doomsday': 3, 'comprehensive': 3, 'interviewing': 3, 'tanked': 3, 'purchased': 3, 'implodes': 3, 'everetts': 3, 'simmer': 3, 'gunslinger': 3, 'bulletproof': 3, 'softly': 3, 'hesse': 3, 'surefire': 3, 'spews': 3, 'miniscule': 3, 'catchphrase': 3, 'singapore': 3, 'blitz': 3, 'obtains': 3, 'duped': 3, 'reinterpretation': 3, 'shale': 3, 'homeboy': 3, 'upright': 3, 'deejay': 3, 'motormouth': 3, 'comedythriller': 3, 'russel': 3, 'runins': 3, 'stocked': 3, 'caller': 3, 'stereotypically': 3, 'adored': 3, 'blas': 3, 'gestate': 3, 'avoidance': 3, 'selfcontained': 3, 'implicit': 3, 'marijo': 3, 'threestar': 3, 'degraded': 3, 'tampering': 3, 'parochial': 3, 'vocation': 3, 'schmaltz': 3, 'remarking': 3, 'cackle': 3, 'shoestring': 3, 'vicky': 3, 'bitterly': 3, 'sinner': 3, '_polish_wedding_': 3, 'comedydrama': 3, 'bolek': 3, 'serbedzija': 3, 'experimentation': 3, 'lastditch': 3, 'skeletor': 3, 'gosnell': 3, 'rya': 3, 'kihlstedt': 3, 'snowstorm': 3, 'acme': 3, 'macnee': 3, 'underplayed': 3, 'mca': 3, 'undertaking': 3, 'extends': 3, 'expands': 3, 'spacing': 3, 'commerce': 3, 'longstanding': 3, 'atreides': 3, 'emergence': 3, 'oneeyed': 3, 'eno': 3, 'disown': 3, 'eg': 3, 'omission': 3, 'circulating': 3, 'nominal': 3, 'wallenberg': 3, 'savoy': 3, 'jilted': 3, 'snively': 3, 'cleanedup': 3, 'holloway': 3, 'restart': 3, 'bombarded': 3, 'underbelly': 3, 'bareknuckle': 3, 'douriff': 3, 'publish': 3, 'overplaying': 3, 'bamboo': 3, 'offset': 3, 'bureaucratic': 3, 'cleaned': 3, 'exacerbated': 3, 'loosing': 3, 'misuse': 3, '48th': 3, 'roleplaying': 3, 'descending': 3, 'allied': 3, 'pecker': 3, 'wrenching': 3, 'selfdeprecation': 3, 'bumble': 3, 'slashing': 3, 'karatechopping': 3, 'havilland': 3, 'starved': 3, 'debuting': 3, 'goldsmans': 3, 'permutation': 3, 'ruafo': 3, 'crusher': 3, 'ribald': 3, 'jackass': 3, 'augmented': 3, 'chatting': 3, 'cabbie': 3, 'cabby': 3, 'hypodermic': 3, 'intoxicating': 3, 'webster': 3, 'sweating': 3, 'shaggy': 3, 'rocksolid': 3, 'chopstick': 3, 'nonetoosubtle': 3, 'syllable': 3, 'patillo': 3, 'sprint': 3, 'spanned': 3, 'ragsdale': 3, 'controller': 3, 'monarch': 3, 'depressingly': 3, 'highpriced': 3, 'magoos': 3, 'acute': 3, 'choreographing': 3, 'planted': 3, 'sweetnatured': 3, 'subtitling': 3, 'feldmans': 3, 'loveinterest': 3, 'requesting': 3, 'westworld': 3, 'thoughtfulness': 3, 'washout': 3, 'trois': 3, 'freshly': 3, 'menage': 3, 'obligingly': 3, 'subservient': 3, 'pagan': 3, 'inspection': 3, 'packing': 3, 'mckenna': 3, 'groundwork': 3, 'impotent': 3, 'saget': 3, '_saturday_night_live_': 3, 'figurine': 3, 'yu': 3, 'selfreference': 3, 'grad': 3, 'longstreet': 3, 'opting': 3, 'fictionalized': 3, 'greyhound': 3, 'offing': 3, 'matured': 3, 'kims': 3, '40yearold': 3, 'confides': 3, 'agonizing': 3, 'groucho': 3, 'rv': 3, 'traumatised': 3, 'aspires': 3, 'vowing': 3, 'wristwatch': 3, 'sympathise': 3, 'freshfaced': 3, 'directoral': 3, 'encyclopedia': 3, 'ate': 3, 'lovell': 3, 'travers': 3, 'misunderstand': 3, 'impervious': 3, '84': 3, 'registered': 3, 'hairraising': 3, 'sinbad': 3, 'olympics': 3, 'bootleg': 3, '1988s': 3, 'buddhist': 3, 'cloning': 3, 'eighth': 3, 'workaholic': 3, 'wired': 3, 'unifying': 3, 'chisolm': 3, 'silky': 3, 'capped': 3, 'derringdo': 3, 'caffeine': 3, 'marveling': 3, 'branded': 3, 'puncture': 3, 'transfixed': 3, 'shawnee': 3, 'housed': 3, 'dellaplane': 3, 'nite': 3, 'ingesting': 3, 'worldview': 3, 'hispanic': 3, 'tequila': 3, 'chong': 3, 'manifesting': 3, 'jansen': 3, 'crosscutting': 3, 'cathy': 3, 'platitude': 3, 'carnal': 3, 'intercourse': 3, 'moralistic': 3, 'publication': 3, 'petulant': 3, 'fleetingly': 3, 'malcolms': 3, 'deficit': 3, 'stumped': 3, 'nbc': 3, '39': 3, 'risible': 3, '16yearold': 3, 'bourgeoisie': 3, 'everlasting': 3, 'antons': 3, 'garofolo': 3, 'wring': 3, 'madcap': 3, 'accuse': 3, 'skater': 3, 'columnist': 3, 'docked': 3, 'oaf': 3, 'neurosis': 3, 'paradoxically': 3, 'cindys': 3, 'charging': 3, 'pinon': 3, 'edith': 3, 'sketched': 3, 'tenement': 3, 'mischief': 3, 'plop': 3, 'wresting': 3, 'plotdriven': 3, 'slate': 3, 'zilch': 3, 'haddad': 3, 'earnestly': 3, 'groomed': 3, 'orser': 3, 'brightness': 3, 'dissapointment': 3, 'flocking': 3, 'donation': 3, 'oneill': 3, 'portmans': 3, 'hoary': 3, 'requiem': 3, 'smacking': 3, 'assante': 3, 'hugging': 3, 'gatewood': 3, 'uprising': 3, 'induces': 3, 'mortar': 3, 'smuggle': 3, 'splatter': 3, 'overcoming': 3, 'pulpy': 3, 'hodge': 3, 'adrift': 3, 'mias': 3, 'apprehended': 3, 'ax': 3, 'coldly': 3, 'contagious': 3, 'harasses': 3, 'downstairs': 3, 'referee': 3, 'sorted': 3, 'upandup': 3, 'superiority': 3, 'avital': 3, 'confederate': 3, 'mcgrath': 3, 'tearfully': 3, 'impulsive': 3, 'rubins': 3, 'bracco': 3, 'appreciable': 3, 'detox': 3, 'prohibitionera': 3, 'hammett': 3, 'backward': 3, 'velocity': 3, 'faithfulness': 3, 'nolan': 3, 'footnote': 3, 'maryland': 3, 'manuscript': 3, 'shorthand': 3, 'comedically': 3, 'tweed': 3, 'creeping': 3, 'sonia': 3, 'constraint': 3, 'upscale': 3, 'flirtatious': 3, 'titan': 3, 'blaster': 3, 'rosenthal': 3, 'undone': 3, 'atwood': 3, 'it92s': 3, 'don92t': 3, 'walkens': 3, 'ofallon': 3, 'disrespectful': 3, 'bladder': 3, 'durning': 3, 'unidentified': 3, 'busting': 3, 'scold': 3, 'whoville': 3, 'grinchs': 3, 'momsen': 3, 'laughlin': 3, 'gala': 3, 'uncompelling': 3, 'pratt': 3, 'thundering': 3, 'henstridges': 3, 'numbingly': 3, 'garlington': 3, 'mcdiarmid': 3, 'pernilla': 3, 'snobbery': 3, 'inuit': 3, 'arye': 3, 'sanctioned': 3, 'tray': 3, 'runner_': 3, 'blurb': 3, 'samurai_': 3, 'endo': 3, 'buddhism': 3, 'arabella': 3, 'guerilla': 3, 'conceivably': 3, 'connects': 3, 'seville': 3, 'chimera': 3, 'incentive': 3, 'hideout': 3, 'roxburgh': 3, 'colorless': 3, 'seans': 3, 'excluded': 3, 'ageing': 3, 'unisol': 3, 'fullyrealized': 3, 'scrooged': 3, 'goldthwait': 3, 'dimlylit': 3, 'thursday': 3, 'strengthens': 3, 'puzo': 3, 'erupting': 3, 'resurrects': 3, 'ehdan': 3, 'alana': 3, 'guiteau': 3, 'guinee': 3, '______': 3, '_____': 3, 'departed': 3, 'ivana': 3, 'bravest': 3, 'wigger': 3, 'declaring': 3, 'intensive': 3, 'willpower': 3, 'unnoticeable': 3, 'suggestively': 3, 'sorna': 3, 'sattler': 3, 'dining': 3, 'trex': 3, 'spilling': 3, 'incognito': 3, 'metamorphosis': 3, 'weirder': 3, 'descendent': 3, 'unaccomplished': 3, 'berlinger': 3, 'complacent': 3, 'upwards': 3, 'conscientious': 3, 'selfabsorption': 3, 'mendes': 3, 'irreverence': 3, 'boyum': 3, 'modestly': 3, 'negotiating': 3, 'bicentennial': 3, 'asimov': 3, 'superimposed': 3, 'babaloo': 3, 'mandel': 3, 'carrera': 3, '1953': 3, 'heffron': 3, 'exacts': 3, 'thurgood': 3, 'keel': 3, 'sampson': 3, 'plaza': 3, 'educating': 3, 'tennant': 3, 'spaceballs': 3, 'wellreceived': 3, 'levison': 3, 'deschanel': 3, 'caddy': 3, 'olive': 3, 'sociopathic': 3, 'machinist': 3, 'disintegrate': 3, 'jimi': 3, 'squealing': 3, 'viper': 3, 'malibu': 3, 'tormenting': 3, 'decapitate': 3, 'offed': 3, 'wierd': 3, 'roxanne': 3, 'prehistoric': 3, 'kiernan': 3, 'clubbing': 3, 'posessed': 3, 'connotation': 3, 'frayn': 3, 'patent': 3, 'lsd': 3, 'permeates': 3, 'yglesias': 3, 'quint': 3, 'orca': 3, 'grizzled': 3, 'armada': 3, 'meteoric': 3, 'prominence': 3, 'facto': 3, 'intervene': 3, 'gripped': 3, 'shrift': 3, 'outshine': 3, 'educational': 3, 'touchy': 3, 'ringwalds': 3, 'tasteful': 3, 'janssens': 3, 'ping': 3, 'concocting': 3, 'chapman': 3, 'pollini': 3, 'cody': 3, 'shaffer': 3, 'garfield': 3, 'brautigan': 3, 'unenviable': 3, 'preface': 3, 'hypochondriac': 3, '1959': 3, 'pillpopping': 3, 'writerdirectorstar': 3, 'billington': 3, 'mus': 3, 'hindrance': 3, 'venting': 3, 'hiv': 3, 'bastille': 3, 'safecracker': 3, 'papa': 3, 'chronicled': 3, 'conway': 3, 'tommys': 3, 'exasperated': 3, 'filmnoir': 3, 'masse': 3, 'editorial': 3, 'palpatine': 3, 'coruscant': 3, 'abuser': 3, 'naturalism': 3, 'selfimposed': 3, 'masking': 3, 'cort': 3, 'josu': 3, 'pennsylvania': 3, 'pertwee': 3, 'prototypical': 3, 'cybil': 3, 'normalcy': 3, 'disillusionment': 3, 'troublesome': 3, 'hackmans': 3, 'complementary': 3, 'mucho': 3, 'jug': 3, 'sheltered': 3, 'ting': 3, 'floyd': 3, 'hyperkinetic': 3, 'reggae': 3, 'littlest': 3, 'teased': 3, 'coda': 3, 'mant': 3, 'falcon': 3, '_october': 3, 'sky_': 3, 'breathlessly': 3, 'dent': 3, 'cleancut': 3, 'muff': 3, 'babs': 3, 'touchyfeely': 3, 'sikh': 3, 'soared': 3, 'zippel': 3, 'egan': 3, 'tampopos': 3, 'mayhew': 3, 'fleet': 3, 'scrap': 3, 'mahoney': 3, 'pignon': 3, 'anonymously': 3, 'germania': 3, 'lifeaffirming': 3, 'antisemitic': 3, 'deported': 3, 'slur': 3, 'joyful': 3, 'shooin': 3, 'lusting': 3, 'infatuation': 3, 'romanced': 3, 'unchanged': 3, 'poltergeist': 3, 'atmospherically': 3, 'orlocks': 3, 'hutters': 3, 'alfredo': 3, 'reas': 3, 'brogue': 3, 'welldrawn': 3, 'biographical': 3, 'hyena': 3, 'indeterminate': 3, 'hoblit': 3, 'francies': 3, 'osullivan': 3, 'freighter': 3, 'coalwood': 3, 'griers': 3, 'seminar': 3, 'sulaco': 3, 'jettison': 3, 'hypersleep': 3, '109': 3, 'wafflemovies': 3, 'delegation': 3, 'yugoslavia': 3, 'sensitively': 3, 'cottrell': 3, 'simplest': 3, 'coeur': 3, 'squash': 3, 'outwardly': 3, 'consummate': 3, 'ravel': 3, 'limelight': 3, 'distrustful': 3, 'boothe': 3, 'swimmer': 3, 'overcomes': 3, 'villian': 3, 'ang': 3, 'stockwell': 3, 'hernandez': 3, 'oakley': 3, 'shading': 3, 'recluse': 3, 'wily': 3, 'insular': 3, 'uninhibited': 3, 'outsmart': 3, 'disguising': 3, 'underestimated': 3, 'flesheating': 3, 'staining': 3, 'parasite': 3, 'untrue': 3, 'derail': 3, 'falsehood': 3, 'schumann': 3, 'hungary': 3, 'heartache': 3, 'conversely': 3, 'louiso': 3, 'harshly': 3, 'rumored': 3, 'pronouncement': 3, 'teetering': 3, 'aftereffect': 3, 'negotiates': 3, 'webbers': 3, 'ascend': 3, 'lupone': 3, 'gladys': 3, 'welltold': 3, 'monogamy': 3, 'mast': 3, 'dubey': 3, 'novice': 3, 'dissapointed': 3, 'treetop': 3, 'lipnicki': 3, 'tinseltown': 3, 'unwed': 3, 'factual': 3, 'runway': 3, 'befriending': 3, 'picker': 3, 'ritualistic': 3, 'foolishly': 3, 'damper': 3, 'coined': 3, 'gangland': 3, 'struggled': 3, 'hubert': 3, 'doowop': 3, 'serene': 3, 'captivate': 3, 'vincennes': 3, 'carve': 3, 'abbe': 3, 'termination': 3, 'harwich': 3, 'fatherless': 3, '41': 3, 'dynasty': 3, 'wah': 3, 'hungs': 3, 'uphold': 3, 'instigates': 3, 'surpassing': 3, 'imaginatively': 3, 'substantive': 3, 'menkens': 3, 'dazzlingly': 3, 'wallop': 3, 'billingsley': 3, 'indescribable': 3, 'fixture': 3, 'aloft': 3, 'independance': 3, 'bella': 3, 'cronenbergs': 3, 'airwave': 3, 'escapee': 3, 'aftertaste': 3, 'peppered': 3, 'sweetbacks': 3, 'ssbas': 3, 'allwhite': 3, 'franken': 3, 'smalley': 3, 'torus': 3, 'naivet': 3, 'briscoe': 3, '1937': 3, 'asskicking': 3, 'incarnate': 3, 'mirandas': 3, 'anonymity': 3, 'bioport': 3, 'hitching': 3, 'oldschool': 3, 'justly': 3, 'pf': 3, 'picasso': 3, 'norad': 3, 'modem': 3, 'interface': 3, 'bluntman': 3, 'obligated': 3, 'lightening': 3, 'ozon': 3, 'unneeded': 3, 'burial': 3, 'instills': 3, 'heer': 3, 'miseenscene': 3, 'humanist': 3, 'koji': 3, 'yakusho': 3, 'mai': 3, 'emission': 3, 'kindred': 3, 'disneyland': 3, 'monopoly': 3, 'miguel': 3, 'zhou': 3, 'chandelier': 3, 'conscripted': 3, 'gedde': 3, 'watanabe': 3, 'spera': 3, 'sanxay': 3, 'suture': 3, 'donat': 3, 'beset': 3, 'swintons': 3, 'canon': 3, 'scot': 3, 'alters': 3, 'nostromo': 3, 'lifting': 3, 'highstakes': 3, 'suprising': 3, 'slaver': 3, 'electrifying': 3, '_onegin_': 3, 'brushed': 3, 'remi': 3, 'undulating': 3, 'softens': 3, 'vittis': 3, 'aunjanue': 3, 'divergent': 3, 'expanding': 3, 'shyamalans': 3, 'errant': 3, 'delirious': 3, 'fritz': 3, 'homeland': 3, 'martyr': 3, 'wahlbergs': 3, 'boasted': 3, 'skywalkers': 3, 'bitching': 3, 'output': 3, 'atf': 3, 'dargus': 3, 'gara': 3, 'wordlessly': 3, '1st': 3, 'rennie': 3, 'hydepierce': 3, 'sear': 3, 'mcnaughtons': 3, 'turnoff': 3, 'awardcalibre': 3, 'rotterdam': 3, 'sonyloews': 3, 'reinvented': 3, 'upstate': 3, 'sugiyamas': 3, 'tentative': 3, 'verisimilitude': 3, 'aronofskys': 3, 'gullette': 3, 'flavour': 3, 'toiling': 3, 'individualism': 3, 'schreck': 3, 'kafkaesque': 3, 'oneofakind': 3, 'torah': 3, 'yossef': 3, 'prays': 3, 'nervousness': 3, 'closeknit': 3, 'ravenous': 3, 'gabriela': 3, 'gabrielas': 3, 'contemplative': 3, 'cutter': 3, 'magnifying': 3, 'snub': 3, 'seep': 3, 'anarchist': 3, 'condemning': 3, 'affirmative': 3, 'lobbyist': 3, 'indignant': 3, 'rebirth': 3, 'sctv': 3, 'alienating': 3, 'croatian': 3, 'farming': 3, 'monitor': 3, 'irreparable': 3, 'didactic': 3, 'differ': 3, 'admires': 3, 'bouajila': 3, 'marseille': 3, 'bohemian': 3, 'zidler': 3, 'speculation': 3, 'outdo': 3, 'halen': 3, 'potemkin': 3, 'odessa': 3, 'immeasurably': 3, 'trailing': 3, 'enterprising': 3, 'predatory': 3, 'tantor': 3, 'highenergy': 3, 'stapleton': 3, 'dialect': 3, 'naturalistic': 3, 'michells': 3, 'cmdr': 3, 'brannon': 3, 'columbian': 3, 'evergrowing': 3, 'dotcom': 3, 'kidnaper': 3, 'mindel': 3, 'smartest': 3, 'riffraff': 3, 'alien3': 3, 'whedon': 3, 'jeunets': 3, 'hamm': 3, 'ratzenberger': 3, 'varney': 3, 'eschewing': 3, 'edgecomb': 3, 'hutchinson': 3, 'percy': 3, 'vibe': 3, 'juni': 3, 'wonka': 3, 'clair': 3, 'mockumentary': 3, 'tastefully': 3, 'bunker': 3, 'yvette': 3, 'furst': 3, 'labelled': 3, 'werner': 3, 'underlined': 3, 'mortizen': 3, 'scoff': 3, 'eligible': 3, 'gable': 3, 'cals': 3, 'frolic': 3, 'rebhorn': 3, 'merged': 3, 'grifter': 3, 'vinyl': 3, 'portly': 3, 'obliterates': 3, 'invalid': 3, 'overpowering': 3, 'stressful': 3, 'sarossy': 3, 'bbc': 3, 'baboon': 3, 'selfdestructs': 3, 'fingals': 3, 'humphrey': 3, 'gravely': 3, 'oneroom': 3, 'nellos': 3, 'aloises': 3, 'mcgill': 3, 'voights': 3, 'hesitance': 3, 'satisfyingly': 3, 'measured': 3, 'cohagen': 3, 'variable': 3, 'suggs': 3, 'uncommon': 3, 'disquieting': 3, 'sliceanddice': 3, 'reintroduced': 3, 'subtler': 3, 'brier': 3, 'hummable': 3, 'ratchet': 3, '1943': 3, 'supercilious': 3, 'garafolo': 3, 'reminiscient': 3, 'smoothes': 3, 'wachowskis': 3, 'familar': 3, 'fiesty': 3, 'songcatcher': 3, 'emmy': 3, 'impish': 3, 'midlevel': 3, 'yakking': 3, 'stodge': 3, 'unattainable': 3, 'artifice': 3, 'oshii': 3, 'sv2': 3, 'shinohara': 3, '_patlabor': 3, 'movie_': 3, 'housing': 3, 'schindler': 3, 'laconic': 3, 'rite': 3, 'tiering': 3, 'horseback': 3, 'risen': 3, 'bowfingers': 3, 'nowfamous': 3, 'wether': 3, 'seing': 3, 'spotless': 3, 'transylvania': 3, 'haywire': 3, 'vaughan': 3, 'freaked': 3, 'bloomington': 3, 'capitalizes': 3, 'claudius': 3, 'twotiming': 3, 'steering': 3, 'hymn': 3, 'beaulieu': 3, 'monitoring': 3, 'servo': 3, 'minkoff': 3, 'supplement': 3, 'spaceport': 3, 'tolkien': 3, 'specified': 3, 'algar': 3, 'respighi': 3, 'gershwin': 3, 'saintsaens': 3, 'elgar': 3, 'igor': 3, 'stravinsky': 3, 'listener': 3, 'appointed': 3, 'tennessee': 3, 'clive': 3, 'adulterous': 3, '12th': 3, 'obtaining': 3, 'dreamlike': 3, 'voluntary': 3, 'unreality': 3, 'trainee': 3, 'ridding': 3, 'furthers': 3, 'faithfully': 3, 'palestinian': 3, 'karras': 3, 'wale': 3, 'breathtakingly': 3, 'uproar': 3, 'ramius': 3, 'porcelain': 3, 'actionsuspense': 3, 'krasner': 3, 'symbiosis': 3, 'madigan': 3, 'guggenheim': 3, 'revitalizing': 3, 'immoral': 3, 'unintended': 3, 'sustenance': 3, 'shrouded': 3, 'upfront': 3, 'geneva': 3, 'proposing': 3, 'undo': 3, 'hillarous': 3, 'sellars': 3, 'alanis': 3, 'morissette': 3, 'mansfield': 3, 'rozema': 3, 'squalor': 3, '91': 3, 'fenster': 3, 'onward': 3, 'gorefest': 3, 'corresponding': 3, 'spectator': 3, 'mychael': 3, 'shimmering': 3, 'recommendable': 3, 'wondrously': 3, 'humidity': 3, '2013': 3, 'lyne': 3, 'flagging': 3, 'collaborate': 3, 'cowriters': 3, 'goldmine': 3, 'severity': 3, 'shootemup': 3, 'appreciating': 3, 'kaurism': 3, 'ki': 3, 'winsome': 3, 'sheree': 3, 'emmanuel': 3, 'jeannes': 3, 'malcovich': 3, 'cassel': 3, 'resplendent': 3, 'sheppard': 3, 'llama': 3, 'kuzco': 3, 'poignance': 3, 'memorias': 3, 'adversarial': 3, 'bourgeois': 3, 'touchingly': 3, 'marcos': 3, 'gabriella': 3, 'probable': 3, 'brenneman': 3, 'urinate': 3, 'feudal': 3, 'neary': 3, 'antarctic': 3, 'frigid': 3, 'complemented': 3, 'coincides': 3, 'cecilia': 3, 'withstand': 3, 'shor': 3, 'wint': 3, 'hubley': 3, 'gi': 3, 'orientation': 3, 'heartpounding': 3, 'fionas': 3, 'distinctively': 3, 'zeffirelli': 3, 'naturalness': 3, 'satisfies': 3, 'screwer': 3, 'riddick': 3, 'donella': 3, 'lewton': 3, 'leuchters': 3, 'samaritan': 3, 'opposes': 3, 'lynched': 3, 'dementeds': 3, 'longevity': 3, 'moralizing': 3, 'economical': 3, 'expatriate': 3, 'guzman': 3, 'admiral': 3, 'hopelessness': 3, 'tobacks': 3, 'toneddown': 3, 'taming': 3, 'prep': 3, 'keegan': 3, 'zuko': 3, 'batemans': 3, 'huey': 3, 'requiring': 3, 'hoyts': 3, 'changeofpace': 3, 'disembowelment': 3, 'mcgoohan': 3, 'keating': 3, 'immorality': 3, 'awareness': 3, 'modernity': 3, 'llewelyn': 3, 'overarching': 3, 'feuding': 3, 'gutwrenching': 3, 'calvinist': 3, 'tagging': 3, '_gattaca_': 3, 'lasseter': 3, 'cramped': 3, 'hayashi': 3, 'flamm': 3, 'eisley': 3, 'lutz': 3, 'gordonlevitt': 3, 'larisa': 3, 'oleynik': 3, 'heath': 3, 'ledger': 3, 'bacri': 3, 'realestate': 3, 'timetraveling': 3, 'maclean': 3, 'shoeless': 3, 'highpitched': 3, 'flealands': 3, 'floom': 3, 'dey': 3, 'internationally': 3, 'rudner': 3, 'surveying': 3, 'caerthan': 3, 'burnell': 3, 'hughton': 3, 'gungan': 3, 'flamboyantly': 3, 'scottthomas': 3, 'topflight': 3, 'bille': 3, 'candyman': 3, 'carpet': 3, 'castor': 3, 'hackett': 3, 'ballerina': 3, 'mailer': 3, 'completly': 3, 'prydain': 3, 'dallben': 3, 'enright': 3, 'rickmans': 3, 'phylida': 3, 'kimmy': 3, 'wheezy': 3, 'hoyle': 3, 'copolla': 3, 'copollas': 3, 'marrakech': 3, 'freud': 3, 'cristal': 3, 'licia': 3, 'mimmo': 3, 'catania': 3, 'massironi': 3, 'soldini': 3, 'fernandos': 3, 'lilith': 3, 'imam': 3, 'boogieman': 3, 'hallstroms': 3, 'armande': 3, 'gutch': 3, 'insubstantial': 3, 'messinger': 3, 'seale': 3, 'refrigerator': 3, 'moretti': 3, 'genevi': 3, '_cliffhanger_': 3, 'soninlaw': 3, 'bart': 3, 'auditor': 3, 'hayley': 3, 'countess': 3, 'olenska': 3, 'mandala': 3, 'tamahori': 3, 'renault': 3, 'salieri': 3, 'mckellans': 3, 'legged': 3, 'beiderman': 3, 'watto': 3, 'podrace': 3, 'bressons': 3, 'longbaugh': 3, 'chidduck': 3, 'jiji': 3, 'kerrigan': 3, 'malachy': 3, 'rigormortis': 3, 'searles': 3, 'downshift': 2, 'password': 2, 'unraveling': 2, 'excites': 2, 'tugboat': 2, 'drunkenly': 2, 'challenger': 2, 'belated': 2, 'differentiates': 2, 'runin': 2, 'hydra': 2, 'tgif': 2, 'urkel': 2, 'pinchot': 2, 'psychotherapy': 2, 'restauranteur': 2, 'waver': 2, 'gleason': 2, 'toolbox': 2, 'validity': 2, '175': 2, 'brutalized': 2, 'specialized': 2, 'flickering': 2, 'sprocket': 2, 'harrisburg': 2, 'firstrun': 2, 'pussy': 2, 'obstetrics': 2, 'everreliable': 2, 'swedish': 2, 'strindberg': 2, 'dashboard': 2, 'schematic': 2, 'pastoral': 2, 'nossiters': 2, 'wedlock': 2, 'rds': 2, 'emote': 2, 'suvaris': 2, 'yikes': 2, 'hullo': 2, 'manhunter': 2, 'budge': 2, 'eventempered': 2, 'highwire': 2, 'pakula': 2, 'chapin': 2, 'howies': 2, 'dodger': 2, 'ennui': 2, 'concurrently': 2, 'bluster': 2, 'zwigoffs': 2, 'strategist': 2, 'contingent': 2, 'matchmaking': 2, 'microphone': 2, 'dumas': 2, 'xing': 2, 'xiong': 2, 'grime': 2, 'raiden': 2, 'utility': 2, 'animality': 2, 'sheeva': 2, 'siouxsie': 2, 'sioux': 2, 'seattlebased': 2, 'moping': 2, 'insist': 2, 'parillauds': 2, 'crybaby': 2, 'toughasnails': 2, 'agonizingly': 2, 'ballard': 2, 'returnee': 2, 'sillylooking': 2, 'reddish': 2, 'stillborn': 2, 'fin': 2, 'glacier': 2, 'pointlessly': 2, 'prepubescent': 2, 'jargon': 2, 'friggin': 2, 'salvageable': 2, 'uninterrupted': 2, 'resurgence': 2, 'volkswagen': 2, 'pensively': 2, 'sherbedgia': 2, 'fulfills': 2, 'digitized': 2, 'selfhealing': 2, 'detonate': 2, 'ebola': 2, 'razzledazzle': 2, 'kleenex': 2, 'maggot': 2, 'clairvoyant': 2, 'autumn': 2, 'knell': 2, 'zenith': 2, 'telekinesis': 2, 'endanger': 2, 'interupts': 2, 'adjacent': 2, 'adorned': 2, 'cheapened': 2, 'disasterous': 2, 'salem': 2, 'beckon': 2, 'smear': 2, 'errs': 2, 'veracity': 2, 'pandora': 2, 'abigails': 2, 'zealously': 2, 'inexorable': 2, 'deteriorate': 2, 'hytner': 2, 'pedestal': 2, 'reprieve': 2, 'bewitching': 2, 'founding': 2, 'exasperating': 2, 'dissect': 2, 'selfappointed': 2, 'fret': 2, 'nodded': 2, 'starkly': 2, 'purport': 2, '24hour': 2, 'atm': 2, 'pillpoppin': 2, 'demolition': 2, 'tnt': 2, 'lopped': 2, 'uppity': 2, 'tribunal': 2, 'shelling': 2, 'pecan': 2, 'insinuate': 2, 'groupie': 2, 'ashleys': 2, 'flanked': 2, 'flattering': 2, 'wiseacre': 2, 'lackadaisical': 2, 'evince': 2, 'snarling': 2, 'vitriol': 2, 'merrier': 2, 'welshman': 2, 'gruffudd': 2, 'brie': 2, 'nauseum': 2, 'offlimits': 2, 'mink': 2, 'gown': 2, 'kickoff': 2, 'vci': 2, 'themed': 2, 'petrie': 2, 'dabney': 2, 'quimby': 2, 'altercation': 2, 'potty': 2, 'poppins': 2, 'corrupter': 2, 'wooping': 2, 'handily': 2, 'dmx': 2, 'blistering': 2, 'trish': 2, 'puritanical': 2, 'reigned': 2, 'waterfront': 2, 'heartbeat': 2, 'staccato': 2, 'flabbergasted': 2, 'hoosier': 2, 'hasbeen': 2, 'sumo': 2, 'pathological': 2, 'eliminating': 2, 'cutaway': 2, 'imposed': 2, 'bludgeon': 2, 'glimcher': 2, 'mein': 2, 'midweek': 2, 'pitchblack': 2, 'ashby': 2, 'chomp': 2, 'unenjoyable': 2, 'cynically': 2, 'boneheaded': 2, 'echoed': 2, 'nauseam': 2, 'prodded': 2, 'skewered': 2, 'tactical': 2, 'neumeier': 2, 'selective': 2, 'ot': 2, 'gravy': 2, '1933': 2, 'incidently': 2, 'delved': 2, 'almasy': 2, 'wartorn': 2, 'heartbroken': 2, 'reclusive': 2, 'signified': 2, 'transcended': 2, 'drugaddled': 2, 'cholodenkos': 2, 'pigeonholed': 2, 'currency': 2, 'overdosing': 2, 'meatball': 2, 'chipmunk': 2, 'hots': 2, 'groaninducing': 2, 'flighty': 2, 'granite': 2, 'janey': 2, 'jojo': 2, 'toughness': 2, 'oldself': 2, 'nadir': 2, 'jumpstart': 2, 'rastafarian': 2, 'pounded': 2, 'aborted': 2, 'yost': 2, 'asner': 2, 'meanie': 2, 'turteltaub': 2, 'abovepar': 2, 'esophagus': 2, 'thal': 2, 'nunn': 2, 'seafaring': 2, 'fig': 2, 'paradiso': 2, 'goliath': 2, 'languidly': 2, 'lugubrious': 2, 'seltzer': 2, 'romanian': 2, 'amen': 2, 'prefabricated': 2, 'differentiated': 2, 'chisholm': 2, 'ernst': 2, 'header': 2, 'gatins': 2, 'lob': 2, 'selfdestruct': 2, 'remedial': 2, 'lillards': 2, 'stylings': 2, 'michigan': 2, 'lex': 2, 'acdc': 2, 'ramones': 2, 'overdrive': 2, 'halfstar': 2, 'zoomins': 2, 'seasick': 2, 'dupr': 2, 'plotless': 2, 'inordinate': 2, 'partnerincrime': 2, 'fastmotion': 2, 'belching': 2, 'bellowing': 2, 'frosted': 2, 'georgina': 2, 'liverpool': 2, 'tho': 2, 'mosleys': 2, 'swingin': 2, 'stiers': 2, 'incompetently': 2, 'wherewithal': 2, 'tattered': 2, 'hemingway': 2, 'ammo': 2, 'bregman': 2, 'mic': 2, 'lease': 2, 'schmoe': 2, 'anistons': 2, 'serina': 2, 'regional': 2, 'targetted': 2, 'ritz': 2, 'matewan': 2, '126': 2, 'delgado': 2, 'patinkin': 2, 'd': 2, 'sob': 2, 'ollie': 2, 'scrubbed': 2, 'rib': 2, 'stove': 2, 'circling': 2, 'shaving': 2, 'expire': 2, 'meanness': 2, 'arguable': 2, 'octane': 2, 'duguays': 2, 'assination': 2, 'irritate': 2, 'xrated': 2, 'streetsmart': 2, 'conned': 2, 'understudy': 2, 'payday': 2, 'softcore': 2, 'copulation': 2, 'onstage': 2, 'virtuous': 2, 'newswoman': 2, 'fitzpatrick': 2, 'englishspeaking': 2, 'minimize': 2, 'weaken': 2, 'gilligan': 2, 'gilligans': 2, 'stepson': 2, 'drivethru': 2, 'gawk': 2, 'lowerclass': 2, 'ambience': 2, 'pointlessness': 2, 'jells': 2, 'enabling': 2, 'molesting': 2, 'guaranteeing': 2, 'assigning': 2, 'inhibit': 2, 'wildest': 2, 'rocksactually': 2, 'twirl': 2, 'landonce': 2, 'sequencesthey': 2, 'constructedharry': 2, 'wrongperhaps': 2, 'minuteand': 2, 'futileattempt': 2, 'characterthe': 2, 'wiseassis': 2, 'almostwitty': 2, 'oilguycumastronaut': 2, 'soundmix': 2, 'titanicfever': 2, 'throughouterase': 2, 'sketching': 2, 'carsex': 2, 'mooncrawler': 2, 'independentminded': 2, 'wouldbeahabs': 2, 'malebonding': 2, 'acquaintancesid': 2, 'chestbeating': 2, 'birdhouse': 2, 'trailera': 2, 'bodybuilder': 2, 'authorsive': 2, 'prouder': 2, 'nosing': 2, 'draggedout': 2, 'uhaul': 2, 'ashe': 2, 'judah': 2, 'gaunt': 2, 'seminaked': 2, 'sexism': 2, 'fes': 2, 'warmed': 2, 'openheart': 2, 'prochnow': 2, 'logistics': 2, 'mailing': 2, 'windy': 2, 'ayers': 2, 'methodology': 2, 'catalogue': 2, 'giggly': 2, 'fonz': 2, 'impatiently': 2, 'flashcard': 2, 'toho': 2, 'niko': 2, 'radiationinduced': 2, 'reptile': 2, 'tatopouloss': 2, 'roche': 2, 'dinosaurlike': 2, 'brushing': 2, 'f18': 2, 'nitpicky': 2, 'stogie': 2, 'coinciding': 2, 'dietzs': 2, 'revisits': 2, 'klump': 2, 'beaker': 2, 'flabby': 2, 'buffet': 2, 'trough': 2, 'fiend': 2, 'sagging': 2, 'conversational': 2, '55': 2, 'enabled': 2, 'santaro': 2, 'realised': 2, 'sinises': 2, 'schoolwork': 2, 'misdeed': 2, 'chortling': 2, 'housekeeping': 2, 'raved': 2, 'urgent': 2, 'huggable': 2, 'stormtroopers': 2, 'catered': 2, 'betcha': 2, 'orville': 2, 'cheapo': 2, 'disrobe': 2, 'storyboard': 2, 'effaced': 2, 'mouthpiece': 2, 'deafmute': 2, 'bilingual': 2, '1928': 2, 'colton': 2, 'awkwardness': 2, 'reformer': 2, 'sanctimonious': 2, 'roberts': 2, 'czechoslovakia': 2, 'puppetry': 2, 'blech': 2, 'directorscreenwriter': 2, 'deference': 2, 'gentry': 2, 'mare': 2, 'missus': 2, 'diagnosis': 2, 'cambodia': 2, 'triggering': 2, 'ejection': 2, '161': 2, 'louse': 2, 'endemic': 2, 'amuck': 2, 'impregnated': 2, 'miley': 2, 'toad': 2, 'stunted': 2, 'verbose': 2, 'slims': 2, 'cnote': 2, 'rosebudd': 2, 'knockin': 2, 'persuasively': 2, 'wad': 2, 'telemarketer': 2, 'hagerty': 2, 'secures': 2, 'sandwich': 2, 'ramblings': 2, 'sausage': 2, 'internment': 2, 'branaugh': 2, 'wordplay': 2, 'cringeworthy': 2, 'bah': 2, 'tolerant': 2, 'vicar': 2, 'legalized': 2, 'collateral': 2, 'creditor': 2, 'hemp': 2, 'highquality': 2, 'scotsman': 2, 'greenhouse': 2, 'matronly': 2, 'destitute': 2, 'ummm': 2, 'danzas': 2, 'goodguy': 2, 'buddying': 2, 'retched': 2, 'correlate': 2, 'steinberg': 2, 'cometdisaster': 2, 'peering': 2, 'hotchner': 2, 'outdid': 2, 'lapsed': 2, 'forgiveable': 2, 'cheapest': 2, 'tasha': 2, 'yar': 2, 'auspicious': 2, 'smokejumpers': 2, 'smokejumper': 2, 'wynt': 2, 'dollhouse': 2, 'lifeordeath': 2, 'chopper': 2, 'ramp': 2, 'cheapens': 2, 'santiago': 2, 'swelling': 2, 'countered': 2, 'menendez': 2, 'cuteasabutton': 2, 'bazaar': 2, 'mademoiselle': 2, 'dakota': 2, 'antigovernment': 2, 'supervising': 2, 'gavras': 2, 'lowry': 2, 'frewer': 2, 'salkind': 2, 'frustrate': 2, 'zaltar': 2, 'minorleague': 2, 'stuffing': 2, 'bochner': 2, 'tylenol': 2, 'probe': 2, 'brevity': 2, 'lengthen': 2, 'claptrap': 2, 'visjnic': 2, 'exorcism': 2, 'spattering': 2, 'yagher': 2, 'diction': 2, 'photocopied': 2, 'tempt': 2, 'sire': 2, 'halfalien': 2, 'slinks': 2, 'module': 2, 'whitakers': 2, 'empath': 2, 'psychotically': 2, 'shopper': 2, 'empowerment': 2, 'grizzly': 2, 'roped': 2, 'baird': 2, '1925': 2, 'boosting': 2, 'frying': 2, 'informercial': 2, 'polo': 2, 'codirectors': 2, 'attributable': 2, 'biomolecular': 2, 'fatty': 2, 'flank': 2, 'reentry': 2, 'elect': 2, 'maddog': 2, 'sunning': 2, 'onetwopunch': 2, 'deedee': 2, 'melliss': 2, 'scintos': 2, 'skindiving': 2, 'glazer': 2, 'halfworld': 2, 'hatchett': 2, 'valiantly': 2, 'roomie': 2, 'bong': 2, 'markpaul': 2, 'gosselaar': 2, 'paula': 2, 'stooped': 2, 'sellout': 2, 'tomita': 2, 'lana': 2, 'navel': 2, 'writerdirectors': 2, 'exhilerating': 2, 'terra': 2, 'kinfolk': 2, 'cited': 2, 'institutionalized': 2, 'krays': 2, 'unchallenging': 2, '92': 2, 'postapocalypse': 2, 'nittygritty': 2, 'majorino': 2, 'outshines': 2, 'dearth': 2, 'bettered': 2, 'kathie': 2, 'snowbound': 2, 'seatbelt': 2, 'kewl': 2, 'bitchiness': 2, 'hardyharhar': 2, 'lameass': 2, 'amply': 2, 'rejecting': 2, 'figueroa': 2, 'northam': 2, 'nickys': 2, 'sternly': 2, 'discourse': 2, 'boggles': 2, 'blowjob': 2, 'termed': 2, '20something': 2, 'swoosie': 2, 'assasinate': 2, 'valentina': 2, 'koslova': 2, 'exira': 2, 'solvent': 2, 'exploitive': 2, 'slambang': 2, 'trejo': 2, 'disapproval': 2, 'interferes': 2, '_urban': 2, 'legend_': 2, 'moderation': 2, 'tautness': 2, 'swayed': 2, 'midaugust': 2, 'machineguns': 2, 'annihilate': 2, 'reassembled': 2, 'glamor': 2, 'matchup': 2, 'invective': 2, 'readmit': 2, 'exuberance': 2, 'splitscreen': 2, 'coupon': 2, 'consolation': 2, 'oxford': 2, 'patched': 2, 'tux': 2, 'badasses': 2, 'sonnenfelds': 2, 'hensleigh': 2, 'augustus': 2, 'julio': 2, 'mechoso': 2, 'hailing': 2, 'talkie': 2, 'crenna': 2, 'bondian': 2, 'karma': 2, 'embroidered': 2, 'productivity': 2, 'capping': 2, 'entrusting': 2, '6000': 2, 'ogrady': 2, 'poehler': 2, 'manwhoring': 2, 'massproduced': 2, 'flushed': 2, 'intermittently': 2, 'forsythes': 2, 'interrogates': 2, 'sears': 2, 'topsyturvy': 2, 'continuo': 2, 'corniness': 2, 'reminisce': 2, 'hauntings': 2, 'meritorious': 2, 'funhouse': 2, 'mopey': 2, 'breeze': 2, 'munsters': 2, 'stairwell': 2, 'eugenio': 2, 'zanetti': 2, 'recoup': 2, 'domestically': 2, 'welllit': 2, 'sexstarved': 2, 'pummel': 2, 'orchestrating': 2, 'amiel': 2, 'posterior': 2, 'patting': 2, 'paull': 2, 'wackiness': 2, 'makin': 2, 'cocacola': 2, 'mael': 2, 'emmet': 2, 'tvmovieoftheweek': 2, 'tempts': 2, 'hauntingly': 2, 'melodic': 2, 'notefornote': 2, 'taggert': 2, 'environmental': 2, 'banjopicking': 2, 'seige': 2, 'pulpit': 2, 'donate': 2, 'environmentally': 2, 'perfume': 2, 'overstuffed': 2, 'confetti': 2, 'builtin': 2, 'prescription': 2, 'fetishist': 2, 'nah': 2, '12997': 2, '61397': 2, 'strait': 2, 'recycle': 2, 'treading': 2, '6th': 2, 'janice': 2, 'oncepromising': 2, 'bouquet': 2, 'rebuff': 2, 'grouse': 2, 'selfmade': 2, 'overpriced': 2, 'oooh': 2, 'digestive': 2, 'witless': 2, 'arisen': 2, 'mook': 2, 'absinthe': 2, 'labyrinthine': 2, 'tweaking': 2, 'retell': 2, 'opar': 2, 'animatronics': 2, 'weismuller': 2, 'compatible': 2, 'reconsiders': 2, 'underdevelopment': 2, 'natch': 2, 'unsentimental': 2, 'camouflage': 2, 'roared': 2, 'industrialist': 2, 'wooed': 2, 'halfasleep': 2, 'tbird': 2, 'anthropomorphized': 2, 'smearing': 2, 'digit': 2, 'approximate': 2, 'modulation': 2, 'dullard': 2, 'porpoise': 2, '2058': 2, 'colonize': 2, 'lacey': 2, 'munchkin': 2, 'faltering': 2, 'reconsider': 2, 'grumpiest': 2, 'matthaus': 2, 'hackwork': 2, 'lilly': 2, 'lillys': 2, 'consoling': 2, 'unrepentantly': 2, 'fucked': 2, 'xerox': 2, 'buddha': 2, 'holographic': 2, 'planetarium': 2, 'blinding': 2, 'bungalow': 2, 'unlocked': 2, 'theroux': 2, 'satirist': 2, 'ubar': 2, 'heigl': 2, 'stabile': 2, 'chuckys': 2, 'subtract': 2, 'unharmed': 2, 'squeakyclean': 2, 'regressive': 2, 'silenced': 2, 'cheesiest': 2, 'overlaid': 2, 'jumpy': 2, 'shrasta': 2, 'attendance': 2, 'sonic': 2, 'trenchcoat': 2, 'substituted': 2, 'shogun': 2, 'sterotypes': 2, 'drek': 2, '_must_': 2, 'hiccup': 2, 'gurgle': 2, 'awwwww': 2, 'nearimpossible': 2, 'chompers': 2, 'alf': 2, 'schmooze': 2, 'lunkhead': 2, 'eyelid': 2, 'joff': 2, 'hairstylist': 2, 'racy': 2, 'wittier': 2, 'triplecrosses': 2, 'deepseated': 2, 'petite': 2, 'peggy': 2, 'platinum': 2, 'indicated': 2, 'guiltypleasure': 2, 'stripclub': 2, 'sliminess': 2, 'footballcrazy': 2, 'carousing': 2, 'herein': 2, 'missable': 2, 'buffedup': 2, 'parolee': 2, 'diabetic': 2, 'insulin': 2, 'gland': 2, 'creepiest': 2, 'garland': 2, 'characteristically': 2, 'tiniest': 2, 'characterize': 2, 'bode': 2, 'spooked': 2, 'waaaaay': 2, 'coscripted': 2, 'counseling': 2, 'unfurls': 2, '18wheeler': 2, 'caton': 2, 'implanting': 2, 'doofus': 2, 'satiate': 2, 'voracious': 2, 'torry': 2, 'lapping': 2, 'gravesite': 2, 'prosthesis': 2, 'depthless': 2, 'designated': 2, 'heep': 2, 'diaper': 2, 'sandstorm': 2, 'condolence': 2, 'alerted': 2, 'tomaso': 2, 'highbudget': 2, 'warmer': 2, 'superstardom': 2, 'russiansounding': 2, 'loudest': 2, 'deerintheheadlights': 2, 'pox': 2, 'necessitates': 2, 'genesis': 2, 'clowning': 2, 'walcott': 2, 'shavedheaded': 2, 'scarylooking': 2, 'oedekerk': 2, 'hmo': 2, 'tasmania': 2, 'terrorise': 2, 'fancey': 2, 'strapp': 2, 'daley': 2, 'flasher': 2, 'rector': 2, 'harriett': 2, 'housemaid': 2, 'talbot': 2, 'rothwell': 2, 'doubleentendres': 2, 'commemorating': 2, 'tweeder': 2, 'rrating': 2, 'aaliyah': 2, 'megabuck': 2, 'froth': 2, 'egodriven': 2, 'mgmua': 2, 'drainage': 2, 'fiendishly': 2, 'salva': 2, 'lonesome': 2, 'slobbering': 2, 'ashly': 2, 'whirl': 2, 'freebie': 2, 'gulliver': 2, 'justifying': 2, 'allimportant': 2, 'flexible': 2, 'posture': 2, 'lon': 2, 'chaney': 2, 'unmasked': 2, 'diaphragm': 2, 'amicable': 2, 'dubois': 2, 'sustained': 2, 'impersonates': 2, 'kindergartner': 2, 'advertise': 2, 'familyfriendly': 2, 'mistreatment': 2, 'transvestitism': 2, 'glenglenda': 2, 'voicedover': 2, 'alarmed': 2, 'cemented': 2, 'serialkiller': 2, 'voicework': 2, 'massmarket': 2, 'blasphemy': 2, 'entertainingly': 2, 'elitism': 2, 'cornell': 2, 'truffaut': 2, 'golddiggers': 2, 'erotically': 2, 'chirping': 2, 'mantle': 2, 'trashiness': 2, 'adjusting': 2, 'pouting': 2, 'proximity': 2, 'actioners': 2, 'touting': 2, 'rethought': 2, 'misbegotten': 2, 'silhouetted': 2, 'addled': 2, 'roams': 2, 'hurling': 2, 'ultraviolence': 2, 'antiseptic': 2, 'whizzing': 2, 'avalon': 2, 'avail': 2, 'pratically': 2, 'lawerence': 2, 'particulary': 2, 'lawerences': 2, 'xena': 2, 'mk': 2, 'bluescreening': 2, 'mindlessly': 2, 'nothin': 2, 'rabidly': 2, 'shlock': 2, 'impregnating': 2, 'noodleheaded': 2, 'spun': 2, 'humorfree': 2, 'tot': 2, 'doubled': 2, 'instigate': 2, 'phoniness': 2, 'yun': 2, 'repay': 2, 'out': 2, 'impunity': 2, 'collides': 2, 'beresfords': 2, 'liottas': 2, 'sec': 2, 'sulking': 2, 'lawford': 2, 'bead': 2, 'gogo': 2, 'hewitts': 2, 'withheld': 2, 'garnering': 2, 'steely': 2, 'weld': 2, 'coughing': 2, 'abomination': 2, 'summertime': 2, 'spindly': 2, 'thrashing': 2, 'pontificating': 2, 'jackman': 2, 'antiterrorist': 2, 'drinker': 2, 'grieve': 2, 'coerce': 2, 'download': 2, 'tarsem': 2, 'sharpedged': 2, 'pane': 2, 'bleed': 2, 'catharines': 2, 'supplier': 2, 'beenthere': 2, 'donethat': 2, 'pivot': 2, 'applicant': 2, 'taller': 2, 'hyperreal': 2, 'specimen': 2, 'confining': 2, 'hein': 2, 'cinergi': 2, 'cassette': 2, 'compiled': 2, 'ovitz': 2, 'whoopee': 2, 'backstabbing': 2, 'softporn': 2, 'roughneck': 2, 'je': 2, 'sexier': 2, 'materialize': 2, 'halfinteresting': 2, 'reconnect': 2, 'throttle': 2, 'ornery': 2, 'nitrous': 2, 'oxide': 2, 'hotcake': 2, 'dory': 2, 'outofshape': 2, 'womanabusing': 2, 'joanou': 2, 'hatchers': 2, 'cajun': 2, 'hr': 2, 'fairuza': 2, 'crater': 2, 'belligerent': 2, '51': 2, 'igniting': 2, 'crave': 2, 'deus': 2, 'biochemist': 2, 'doctorate': 2, 'awed': 2, 'latifa': 2, 'favorably': 2, 'absolution': 2, 'mcconaughay': 2, 'devestating': 2, 'overemotional': 2, 'reiners': 2, 'voila': 2, 'scribblings': 2, 'topped': 2, 'saxophone': 2, 'halfempty': 2, 'catatonically': 2, 'peeping': 2, 'inception': 2, '79': 2, 'exhale': 2, 'unpromising': 2, 'tripledigit': 2, 'participated': 2, 'predicts': 2, 'virgo': 2, 'swanky': 2, 'exuding': 2, 'heym': 2, 'punishable': 2, 'jakobs': 2, 'kassovitz': 2, 'balaban': 2, 'overextension': 2, 'ontario': 2, 'tortuous': 2, 'thirtysix': 2, 'benzali': 2, 'streetwalker': 2, 'addictive': 2, 'sideeffects': 2, 'wigands': 2, 'severance': 2, 'safer': 2, 'riflely': 2, 'foggiest': 2, 'hoo': 2, 'vagrant': 2, 'souvenir': 2, 'priestly': 2, 'definitly': 2, 'nelken': 2, 'depaul': 2, 'honing': 2, 'singlemindedly': 2, 'perfs': 2, 'crossroad': 2, 'chauvinistic': 2, 'copulate': 2, 'molasses': 2, 'illtempered': 2, 'copulating': 2, 'dished': 2, 'nauseous': 2, 'lope': 2, 'prayed': 2, 'oliveira': 2, 'irreversible': 2, 'tabasco': 2, 'lowcut': 2, 'reform': 2, 'aspired': 2, 'palitaliano': 2, 'rehired': 2, 'wcws': 2, 'mcmahons': 2, 'mcmahon': 2, 'rockystyle': 2, 'midteen': 2, 'reoccurring': 2, 'converging': 2, 'barbarian': 2, 'mananimal': 2, 'lachman': 2, 'spicers': 2, 'cutrate': 2, 'racked': 2, 'gortons': 2, 'protruding': 2, 'baio': 2, 'succinct': 2, 'superintelligent': 2, 'relay': 2, 'imitates': 2, '83': 2, 'bot': 2, 'bloodspattered': 2, 'gent': 2, 'urinal': 2, 'slappedtogether': 2, 'headlined': 2, 'rumpled': 2, 'punctuates': 2, 'phnah': 2, 'spatula': 2, 'genital': 2, 'supersecret': 2, 'compartment': 2, 'smallscale': 2, 'flatter': 2, 'hasten': 2, 'uplifted': 2, 'leguizamos': 2, 'rot': 2, 'evaporated': 2, 'pensive': 2, 'situated': 2, 'socialist': 2, 'godmother': 2, 'wickedness': 2, 'propels': 2, 'takeover': 2, 'discotheque': 2, 'heyday': 2, 'firsttimer': 2, '11thhour': 2, '_54_s': 2, 'lifelessness': 2, 'famously': 2, 'doorman': 2, 'dottie': 2, 'preppies': 2, 'dalliance': 2, 'dogooder': 2, 'acquitted': 2, 'acquittal': 2, 'toyed': 2, 'barzoon': 2, 'christabella': 2, 'homogeneity': 2, 'entourage': 2, 'romping': 2, 'wetsuits': 2, 'latterday': 2, 'crispin': 2, 'comprises': 2, 'ogle': 2, 'fluctuates': 2, 'norseman': 2, 'softy': 2, 'lund': 2, 'benj': 2, 'hankypanky': 2, 'littletono': 2, 'plump': 2, 'acquire': 2, 'decisively': 2, 'abominable': 2, 'overachiever': 2, 'gymnasium': 2, 'tussle': 2, 'jeroen': 2, 'nonreligious': 2, '20yearold': 2, 'gentile': 2, 'baking': 2, 'hasidics': 2, 'ultraorthodox': 2, 'adhere': 2, 'kalman': 2, 'antisemitism': 2, 'bradley': 2, 'friedman': 2, 'insulated': 2, 'flavoring': 2, 'effervescent': 2, 'quack': 2, 'unappetizing': 2, 'ope': 2, 'mabe': 2, 'overdecorated': 2, 'stainedglass': 2, 'gape': 2, 'filmy': 2, 'cherubic': 2, 'billowy': 2, 'spooketeria': 2, 'terrify': 2, 'hash': 2, 'effectsextravaganza': 2, 'subconscience': 2, 'paralells': 2, 'philanderer': 2, 'flaky': 2, 'idaho': 2, 'tricia': 2, 'editted': 2, 'machete': 2, 'unmotivated': 2, 'quirkily': 2, 'dowling': 2, 'jacksonville': 2, 'disprove': 2, 'urinating': 2, 'zeiks': 2, 'whitfield': 2, 'abusing': 2, 'harrassing': 2, 'chaired': 2, 'selfprofessed': 2, 'whittled': 2, 'harnessed': 2, 'sweepstakes': 2, 'coeds': 2, 'humbly': 2, 'comely': 2, 'rosenbaum': 2, 'wreaked': 2, 'calloway': 2, 'chamberlain': 2, 'mcteer': 2, 'vendetta': 2, '10year': 2, 'nauseatingly': 2, 'bombard': 2, 'hottotrot': 2, 'bigglesworth': 2, 'frenchcanadian': 2, 'treill': 2, 'chadz': 2, 'cineplex': 2, 'dabbling': 2, 'scrumptious': 2, 'livened': 2, 'gellars': 2, 'henri': 2, 'arouses': 2, 'eatery': 2, 'smallscreen': 2, 'overcooked': 2, 'residue': 2, 'ablaze': 2, 'springtime': 2, 'quantify': 2, 'serena': 2, 'ecological': 2, 'graft': 2, 'trashily': 2, 'goddamned': 2, 'whould': 2, 'bullcrap': 2, 'swashbuckler': 2, 'spiritless': 2, 'extricate': 2, 'timecop': 2, 'holler': 2, 'multiplied': 2, 'plagiarized': 2, 'kiddieporn': 2, 'vapor': 2, 'merteuil': 2, 'hargrove': 2, 'exceed': 2, 'yammering': 2, 'geiger': 2, 'frolicking': 2, 'practise': 2, 'dissembles': 2, 'vibrate': 2, 'hog': 2, 'endorsement': 2, 'spleen': 2, 'effete': 2, 'snuffed': 2, 'assuring': 2, 'actioncrime': 2, 'wowed': 2, 'implode': 2, 'tapping': 2, 'beattie': 2, 'vies': 2, 'withering': 2, 'waldo': 2, 'emerson': 2, 'alvin': 2, 'yawner': 2, 'pasture': 2, 'ucla': 2, 'eliot': 2, 'biceps': 2, 'buttkicking': 2, 'laras': 2, 'bluth': 2, 'hanover': 2, 'mohican': 2, 'teeshirt': 2, 'blackboard': 2, 'undetected': 2, 'modernization': 2, 'nooooo': 2, 'shatters': 2, 'outdoes': 2, 'ridiculing': 2, 'apologizes': 2, 'magnetism': 2, 'mined': 2, 'rueland': 2, 'oreilly': 2, 'quizzing': 2, 'angelo': 2, 'ideaa': 2, '34': 2, 'redoing': 2, 'deconstruct': 2, 'incrowd': 2, 'silverstein': 2, 'provocation': 2, 'airhead': 2, 'hotties': 2, 'smugness': 2, 'clitoris': 2, 'scaramangas': 2, 'fittingly': 2, 'clifton': 2, '360': 2, 'zaillian': 2, 'schlictmann': 2, 'drugaddict': 2, 'unbilled': 2, 'cogliostro': 2, 'flatulating': 2, 'blowout': 2, 'unwisely': 2, 'mucked': 2, 'mtvstyle': 2, 'freddies': 2, 'inferiority': 2, 'jungers': 2, 'maelstrom': 2, 'halfbuttoned': 2, 'unabomber': 2, 'exterminating': 2, 'exterminated': 2, 'robotics': 2, 'jumble': 2, 'bison': 2, 'guile': 2, 'liberate': 2, 'chun': 2, 'wakeup': 2, 'partying': 2, 'felatio': 2, 'cooperative': 2, 'espositos': 2, 'shoveling': 2, 'interrelated': 2, 'conglomeration': 2, 'countrywestern': 2, 'covenant': 2, 'shalt': 2, 'wildeyed': 2, 'vylette': 2, 'uncharted': 2, 'semilikable': 2, 'prolong': 2, '11story': 2, 'himalaya': 2, 'interim': 2, 'strangling': 2, 'terraforming': 2, 'hospitable': 2, 'familyoriented': 2, 'digimon': 2, 'keeble': 2, 'dubya': 2, 'pinpoint': 2, 'foiling': 2, 'robed': 2, 'nix': 2, 'tampon': 2, 'puking': 2, 'portable': 2, 'zerogravity': 2, 'airlock': 2, 'unreleased': 2, 'halfwitted': 2, 'fulltime': 2, 'fretful': 2, 'consciencestricken': 2, 'cher': 2, 'sarandons': 2, 'horne': 2, 'eradicated': 2, 'everton': 2, 'halfmachine': 2, 'buckman': 2, 'delpys': 2, 'linklaters': 2, 'disobedience': 2, 'dissection': 2, 'blackwolf': 2, 'luftwaffe': 2, 'submission': 2, 'gleaned': 2, 'vigilant': 2, 'lineage': 2, 'ghandi': 2, '18yearold': 2, 'jeanmarc': 2, 'barr': 2, 'smits': 2, 'horndogs': 2, 'ultimatum': 2, 'morphed': 2, 'hourandahalf': 2, 'eclipsed': 2, 'writerproducer': 2, 'teamwork': 2, 'disengaged': 2, 'highspeed': 2, 'chunnel': 2, 'mk2': 2, 'gateway': 2, 'sindel': 2, 'kitana': 2, 'pollutes': 2, 'unequivocally': 2, '1869': 2, 'legless': 2, 'stymied': 2, 'doa': 2, 'illogic': 2, 'whizbang': 2, 'superweapon': 2, 'nono': 2, 'jungian': 2, '607': 2, 'arcadia': 2, 'blouse': 2, 'lighted': 2, 'snidley': 2, 'whitlow': 2, 'highschoolers': 2, 'tooobvious': 2, 'pastiche': 2, 'soundbite': 2, 'lithium': 2, 'cassavettes': 2, 'housewarming': 2, 'degenerated': 2, 'searched': 2, 'bellamy': 2, 'def': 2, 'gottfrieds': 2, 'xmen': 2, 'merges': 2, 'birthed': 2, 'revelatory': 2, 'subtheme': 2, 'contemplation': 2, 'ironclad': 2, 'kyra': 2, 'sedgwick': 2, 'finelytuned': 2, 'widerelease': 2, 'throbbing': 2, 'divert': 2, 'maturing': 2, 'rawness': 2, 'presaged': 2, 'pothole': 2, 'nastier': 2, 'moxxon': 2, 'slaughterhouse': 2, 'moxxons': 2, 'similarlythemed': 2, 'macht': 2, 'reb': 2, 'pinkerton': 2, 'politicallycorrect': 2, 'roderick': 2, 'boyds': 2, 'galloping': 2, 'innerworkings': 2, 'lambasted': 2, 'ohso': 2, 'eyed': 2, 'thered': 2, 'sideswipe': 2, 'propeller': 2, 'brolins': 2, 'accidently': 2, 'cribbed': 2, 'jointly': 2, 'emits': 2, 'garbled': 2, 'breach': 2, 'mentallychallenged': 2, 'facilitated': 2, 'administration': 2, 'jellyfish': 2, 'personnel': 2, 'mishmosh': 2, 'minisub': 2, 'disorientation': 2, 'internally': 2, 'desouza': 2, 'schneiders': 2, 'microbombs': 2, 'tsuis': 2, 'rectangle': 2, 'amounted': 2, 'preposterously': 2, 'diminish': 2, 'wd40': 2, 'sag': 2, 'herzfelds': 2, 'grabbag': 2, 'altmanesque': 2, 'kidney': 2, 'headly': 2, 'jigsaw': 2, '132': 2, 'adjuster': 2, 'modus': 2, 'operandi': 2, 'hassle': 2, 'dispense': 2, 'wellplaced': 2, 'slab': 2, 'overcast': 2, 'dimly': 2, 'chap': 2, 'multiply': 2, 'curfew': 2, 'highranking': 2, '11year': 2, 'airliner': 2, '26th': 2, 'depended': 2, 'fluently': 2, 'chummy': 2, 'meeks': 2, 'overabundance': 2, 'maureens': 2, 'warburton': 2, 'beheaded': 2, 'ungodly': 2, 'systematic': 2, 'misled': 2, 'untouched': 2, 'characterisation': 2, 'stammering': 2, 'rooming': 2, 'gymnastics': 2, 'structurally': 2, 'elisabeths': 2, 'bulldog': 2, 'lorry': 2, 'summing': 2, 'antsy': 2, 'weirdlooking': 2, 'pau': 2, 'recreates': 2, 'credence': 2, 'cheeziness': 2, 'razorsharp': 2, 'locally': 2, 'fabrication': 2, '113': 2, 'pretzel': 2, 'bask': 2, 'faultless': 2, 'hangover': 2, 'yuelin': 2, 'hunka': 2, 'surplus': 2, 'cutest': 2, 'kindest': 2, 'moby': 2, '2017': 2, 'congressional': 2, 'kickboxer': 2, 'noseworthy': 2, 'wormer': 2, 'braeden': 2, 'hawaiian': 2, 'billionth': 2, 'hooter': 2, 'poorlystaged': 2, 'puffy': 2, 'ugliest': 2, 'migraine': 2, 'misspelling': 2, 'illuminati': 2, 'uppercrust': 2, 'orwell': 2, 'nutter': 2, 'sinfully': 2, 'punt': 2, 'retreating': 2, 'howled': 2, 'fluent': 2, 'ticker': 2, 'meddled': 2, 'ejogo': 2, 'limply': 2, 'defuse': 2, 'sulka': 2, '31yearold': 2, 'hamstrung': 2, 'southerner': 2, 'skyrocketing': 2, 'wwf': 2, 'filmthe': 2, 'lauras': 2, 'gratifying': 2, 'custodian': 2, 'knit': 2, 'roros': 2, 'flashdance': 2, 'perado': 2, 'scornful': 2, 'barkeep': 2, 'flaunting': 2, 'subdues': 2, 'jukebox': 2, 'confucius': 2, 'unfailingly': 2, 'skitlength': 2, 'theatergoer': 2, 'elaborately': 2, 'downsizing': 2, 'lumbergh': 2, 'levying': 2, 'misrepresenting': 2, 'baileygaites': 2, 'tooforgiving': 2, 'jumproping': 2, 'newsmagazine': 2, 'sleightofhand': 2, 'grossness': 2, 'curveballs': 2, 'softtossed': 2, 'mongo': 2, 'brownlee': 2, 'jerod': 2, 'mixon': 2, 'whitebread': 2, 'toopleasant': 2, 'schitck': 2, 'contort': 2, 'highcaliber': 2, 'genevieve': 2, 'stupendously': 2, 'gabys': 2, 'toppled': 2, 'carrol': 2, 'inanely': 2, 'anthropology': 2, 'neglecting': 2, 'petition': 2, 'voluptuous': 2, 'unappreciated': 2, 'stapled': 2, 'scarring': 2, 'lenient': 2, 'gettogether': 2, 'goddard': 2, 'measurement': 2, 'calculation': 2, 'timeframe': 2, 'landslide': 2, 'savagely': 2, 'liftoff': 2, 'giger': 2, 'hive': 2, 'faulted': 2, 'maybury': 2, 'amorality': 2, 'ecstasy': 2, 'contentedly': 2, '102minute': 2, 'herek': 2, 'laughometer': 2, 'bemusement': 2, 'buckwheat': 2, 'foiled': 2, 'exclaiming': 2, 'tightened': 2, 'sheesh': 2, 'gstring': 2, 'endearment': 2, 'stiletto': 2, 'itchy': 2, 'scratchy': 2, 'unforgivingly': 2, 'unprofessional': 2, 'approachable': 2, 'inning': 2, 'cantrell': 2, 'haysbert': 2, 'takaaki': 2, 'ishibashi': 2, 'bigleague': 2, 'exhibition': 2, 'abysmally': 2, 'conceited': 2, 'rearing': 2, 'volcanologist': 2, 'investor': 2, 'amorous': 2, 'deathdefying': 2, 'headlong': 2, 'erupt': 2, 'boozed': 2, 'porcine': 2, 'underscored': 2, 'schlocky': 2, 'tentacled': 2, 'canton': 2, 'expel': 2, 'finnegans': 2, 'groaner': 2, 'regurgitation': 2, 'maltin': 2, 'mandingos': 2, 'grandchild': 2, 'wench': 2, 'derogatory': 2, 'studly': 2, 'sexploitation': 2, 'wexlers': 2, 'glossing': 2, 'overshadows': 2, 'macgowan': 2, 'jordon': 2, 'dismemberment': 2, 'mower': 2, 'christened': 2, 'graff': 2, 'jonathon': 2, 'downplays': 2, 'mccracken': 2, 'milking': 2, 'aformentioned': 2, 'shagadellic': 2, 'hearttugging': 2, 'kamen': 2, 'eduardo': 2, 'dryer': 2, '30yearold': 2, 'rigorous': 2, 'overbeck': 2, 'laxative': 2, 'impressionist': 2, 'priced': 2, 'oneandahalf': 2, 'rumoured': 2, 'plunder': 2, 'transpose': 2, 'ascetic': 2, 'diluted': 2, 'actualizing': 2, 'renounce': 2, 'almas': 2, 'schomberg': 2, 'interwoven': 2, 'mcgruder': 2, 'miscalculated': 2, 'brynner': 2, 'waded': 2, 'darlenes': 2, 'morricones': 2, 'overdramatic': 2, 'popsicle': 2, 'proffered': 2, 'lucio': 2, 'frizzi': 2, 'dunwich': 2, 'cadaver': 2, 'fulcis': 2, 'patchy': 2, 'hoppe': 2, 'groping': 2, 'kennel': 2, 'schl': 2, 'ndorff': 2, 'outperform': 2, '_what': 2, 'come_': 2, '_brazil_': 2, 'irks': 2, 'sciorras': 2, 'hawking': 2, 'macys': 2, 'moneygrubbing': 2, 'applying': 2, 'travelled': 2, 'restraining': 2, 'dangles': 2, 'environs': 2, 'expletive': 2, 'softened': 2, 'splice': 2, 'demarco': 2, 'sachs': 2, 'chameleon': 2, 'banshee': 2, 'seductively': 2, 'ze': 2, 'dobies': 2, 'succinctly': 2, 'priesthood': 2, 'overflow': 2, 'moviemakers': 2, 'filmgoer': 2, 'ringleader': 2, 'tomfoolery': 2, 'selfindulgent': 2, 'condemns': 2, 'uninvolved': 2, 'nightspot': 2, 'sketchily': 2, 'streisand': 2, 'prissy': 2, 'overtaken': 2, 'weighted': 2, 'genteel': 2, 'behaved': 2, 'contraction': 2, 'hudlin': 2, 'tamala': 2, 'therell': 2, 'propulsion': 2, 'halfexpecting': 2, 'thanking': 2, 'dishonor': 2, 'yamamoto': 2, 'prude': 2, 'criticallyacclaimed': 2, 'faithless': 2, 'exorcise': 2, 'rococo': 2, 'passwordprotected': 2, 'cultish': 2, 'incense': 2, 'unerotic': 2, 'trailed': 2, 'combative': 2, 'confuses': 2, 'deftness': 2, 'chewed': 2, 'cock': 2, 'cooling': 2, 'feces': 2, 'ignites': 2, 'congresswoman': 2, 'rearrange': 2, 'maliciously': 2, 'moview': 2, 'notsobright': 2, 'premed': 2, 'screech': 2, 'berkshire': 2, 'publishes': 2, 'tearjerking': 2, 'yared': 2, 'mandokis': 2, 'sisterhood': 2, 'dramedy': 2, 'optimum': 2, 'hurriedly': 2, 'nursing': 2, 'tweaked': 2, 'neoreality': 2, 'bioports': 2, 'realist': 2, 'focker': 2, 'seminude': 2, 'shayne': 2, 'astound': 2, 'impersonating': 2, 'gwar': 2, 'gauntlet': 2, 'flaccid': 2, 'policewoman': 2, 'shackle': 2, 'pc': 2, 'saffron': 2, 'coordinate': 2, 'cheapie': 2, 'cineplexes': 2, 'contingency': 2, 'blanchetts': 2, 'sacha': 2, 'leech': 2, 'duffle': 2, 'wally': 2, 'mil': 2, 'crosscut': 2, 'fiber': 2, 'patrics': 2, 'longabandoned': 2, 'arse': 2, 'moviewithinamovie': 2, 'knifewielding': 2, 'hishertheir': 2, 'isare': 2, 'umpteen': 2, 'laughless': 2, 'pais': 2, 'demings': 2, 'prequels': 2, 'decor': 2, 'migrate': 2, 'louder': 2, 'inheriting': 2, 'cokehead': 2, 'pronouncing': 2, 'infamously': 2, 'nicotine': 2, 'bested': 2, 'revolted': 2, 'plaguing': 2, 'carin': 2, 'shaimans': 2, 'memorizing': 2, 'infuriates': 2, 'outfield': 2, 'olden': 2, 'koch': 2, 'mujibur': 2, 'sirajul': 2, 'islam': 2, 'broadcaster': 2, 'berman': 2, 'clicheridden': 2, 'thang': 2, 'ikea': 2, 'projectionist': 2, 'stakeout': 2, 'dotted': 2, 'garb': 2, 'implement': 2, 'perkiness': 2, '22minute': 2, 'dozing': 2, 'korsmo': 2, 'recognise': 2, 'phillippes': 2, 'faltered': 2, 'snatched': 2, 'rigeur': 2, 'overplotted': 2, 'quizzical': 2, 'swaggering': 2, 'nm': 2, 'migrating': 2, 'interchangeable': 2, 'wesson': 2, 'thusly': 2, 'forthcoming': 2, 'incorporated': 2, 'utopian': 2, 'waspy': 2, 'dickinson': 2, 'minstrel': 2, 'deglamed': 2, 'castigates': 2, 'cultured': 2, 'shielded': 2, 'scurry': 2, 'expressionist': 2, 'divisive': 2, 'swelled': 2, 'gutwrenchingly': 2, '59': 2, 'softening': 2, 'belting': 2, 'spoonful': 2, 'minutia': 2, 'gleam': 2, 'adlibbed': 2, 'loony': 2, 'niggling': 2, 'saluting': 2, 'transaction': 2, 'peculiarly': 2, 'jibe': 2, 'fowler': 2, 'submits': 2, 'unwillingly': 2, 'unmasking': 2, '50000': 2, 'distilled': 2, 'conciousness': 2, 'celebs': 2, 'warhol': 2, 'capote': 2, 'richmond': 2, 'turtletaub': 2, '1971s': 2, 'unashamedly': 2, 'gait': 2, 'stutter': 2, 'seeminglyendless': 2, 'overheard': 2, 'twas': 2, '1978s': 2, 'imbecilic': 2, 'landowner': 2, 'abetting': 2, 'rampaging': 2, 'heroically': 2, 'shrill': 2, '76': 2, 'rewatch': 2, 'suceeds': 2, 'expressionistic': 2, 'rotary': 2, 'cloak': 2, 'beleive': 2, 'eligibility': 2, 'ignite': 2, 'pounder': 2, 'quicktempered': 2, 'mancuso': 2, 'crowbar': 2, 'belushis': 2, 'neonazis': 2, 'duplication': 2, 'bluegrass': 2, 'cleophus': 2, 'pickett': 2, 'semiserious': 2, 'functionary': 2, 'firsttier': 2, 'degrading': 2, 'alyson': 2, 'hannigan': 2, 'presold': 2, 'minimally': 2, 'feline': 2, 'shirishama': 2, 'artificiality': 2, 'susanne': 2, 'matures': 2, 'unfunniest': 2, 'tampered': 2, 'imcomprehinsable': 2, 'html': 2, 'cremated': 2, 'reprised': 2, 'vickie': 2, 'shae': 2, 'doofy': 2, 'negatively': 2, 'pcu': 2, 'elisa': 2, 'kessler': 2, 'wham': 2, 'highwayman': 2, 'cranium': 2, 'skew': 2, 'tumbling': 2, 'launcher': 2, 'gio': 2, 'vela': 2, 'furnished': 2, 'impacted': 2, 'thornesmith': 2, 'septien': 2, 'leprechaun': 2, 'shameful': 2, 'mane': 2, 'commences': 2, 'heartthrob': 2, 'butabi': 2, 'bouncer': 2, '83minute': 2, 'culminate': 2, 'haddaways': 2, 'overreaching': 2, 'staros': 2, 'mid80s': 2, 'illsynched': 2, 'brilliancy': 2, 'stonefaced': 2, 'postlethwaite': 2, 'heavymetal': 2, 'overscored': 2, 'clicked': 2, 'boling': 2, 'dotson': 2, 'krajeski': 2, 'lu': 2, 'blatz': 2, 'bumfuck': 2, 'colon': 2, 'rewire': 2, 'ku': 2, 'klux': 2, 'klan': 2, 'padded': 2, 'wrinkled': 2, 'cleansing': 2, 'reestablish': 2, 'cavanaughs': 2, 'amputated': 2, 'disorganised': 2, 'misdemeanor': 2, 'decoding': 2, 'expelled': 2, 'fay': 2, 'hazel': 2, 'uncompleted': 2, 'grader': 2, 'beal': 2, 'reifsnyder': 2, 'differing': 2, 'passingly': 2, 'pistones': 2, 'gangsterflick': 2, 'blindingly': 2, 'brascos': 2, 'betterment': 2, 'gush': 2, 'starstruck': 2, 'wellearned': 2, 'breadwinner': 2, 'tiered': 2, 'poignantly': 2, 'wald': 2, 'rosewood': 2, 'ramboesque': 2, 'overexposure': 2, 'brest': 2, 'redeyed': 2, 'intensively': 2, 'macarena': 2, 'offensively': 2, 'qu': 2, 'blinded': 2, 'rationalize': 2, 'misinterpreted': 2, 'threeyearold': 2, 'cheryl': 2, 'debutante': 2, 'decorum': 2, 'jeopardize': 2, 'attired': 2, 'racoon': 2, 'shemp': 2, 'garfunkels': 2, 'parsley': 2, 'smooch': 2, 'disability': 2, 'existent': 2, 'woodman': 2, 'dragonlike': 2, 'nonetoopleased': 2, 'victimized': 2, 'koenig': 2, '24th': 2, 'burlesque': 2, 'coalesce': 2, 'gratuitously': 2, 'incantation': 2, 'oracle': 2, 'torrential': 2, 'preschool': 2, 'exwifes': 2, 'filmand': 2, 'sitcomish': 2, 'infrequent': 2, 'lash': 2, 'remarries': 2, 'actordirector': 2, 'satisfactorily': 2, 'disoriented': 2, 'md': 2, 'ostentatious': 2, 'overdirecting': 2, 'cnn': 2, 'slickest': 2, 'squaring': 2, 'mashed': 2, 'ruben': 2, 'smoother': 2, 'daffy': 2, 'mercer': 2, 'prerequisite': 2, 'caron': 2, 'scumballs': 2, 'nympho': 2, 'slowmo': 2, 'fondly': 2, 'meathooks': 2, 'cower': 2, 'horsing': 2, 'banishes': 2, 'penetrated': 2, 'constitute': 2, 'oneway': 2, 'allergy': 2, 'godforsaken': 2, 'mingliang': 2, 'quarantined': 2, 'nearfuture': 2, 'evacuation': 2, 'nonverbal': 2, 'dreariness': 2, 'astaire': 2, 'chalkboard': 2, 'flanery': 2, 'ritzy': 2, 'assisting': 2, 'aback': 2, 'gilliard': 2, 'dribble': 2, 'frightfully': 2, 'kamikaze': 2, 'criticise': 2, 'nonevent': 2, 'mors': 2, 'arkins': 2, '16yearolds': 2, 'dross': 2, 'erm': 2, 'ava': 2, 'genieveve': 2, 'stuntman': 2, 'highrise': 2, 'spiel': 2, 'squabbling': 2, 'cocreator': 2, 'quotation': 2, 'lillianna': 2, 'induce': 2, 'motivator': 2, 'xinxin': 2, 'ref': 2, 'boyishly': 2, 'doeeyed': 2, 'chambermaid': 2, 'tavern': 2, '106': 2, 'selfmocking': 2, 'devitos': 2, 'venomous': 2, 'protocol': 2, 'annabel': 2, 'mishandle': 2, 'smutty': 2, 'washing': 2, 'ticked': 2, 'rewound': 2, 'psychoanalyst': 2, 'lonergan': 2, 'topform': 2, 'clockwatchers': 2, 'rousingly': 2, 'onescene': 2, 'laughfree': 2, 'cowering': 2, 'yemeni': 2, 'friedklin': 2, 'navarro': 2, 'santanico': 2, 'regales': 2, 'wichita': 2, 'bikers': 2, 'incoherence': 2, 'presiding': 2, 'buchman': 2, 'quebec': 2, 'informing': 2, 'ozs': 2, 'preliminary': 2, 'drearily': 2, 'acre': 2, 'misogynist': 2, 'malefemale': 2, 'spector': 2, 'relinquish': 2, 'gingerly': 2, 'littering': 2, 'occurances': 2, 'repent': 2, 'favoring': 2, 'insectopia': 2, 'martialarts': 2, 'dresser': 2, 'straightest': 2, 'cowers': 2, 'outrunning': 2, 'shante': 2, 'smirking': 2, 'centuryfox': 2, 'fume': 2, 'glassy': 2, 'deteriorating': 2, 'vigil': 2, 'semiautobiographical': 2, 'layout': 2, 'selfeffacing': 2, 'scorn': 2, 'retake': 2, 'cadaverous': 2, 'melee': 2, 'hingle': 2, 'commissioner': 2, 'gordan': 2, 'vendela': 2, 'dumbfounded': 2, 'darting': 2, 'placard': 2, 'vaudeville': 2, 'dann': 2, 'leyland': 2, 'terrestrial': 2, '_breakfast_of_champions_': 2, 'excrutiatingly': 2, 'celia': 2, 'lukas': 2, 'haas': 2, 'apex': 2, 'similarlynamed': 2, 'francine': 2, 'unfilmable': 2, 'sprinkler': 2, 'tome': 2, 'emanates': 2, 'harebrained': 2, 'crusoe': 2, '1965': 2, 'sturm': 2, 'und': 2, 'drang': 2, 'monthly': 2, 'inperson': 2, 'spaced': 2, 'graininess': 2, 'invigorate': 2, 'dislikable': 2, 'shacking': 2, 'reenters': 2, 'britton': 2, 'vegasbased': 2, 'richies': 2, 'cdrom': 2, 'hypedup': 2, 'improv': 2, 'nordoffhall': 2, 'hither': 2, 'toppling': 2, 'scaffolding': 2, 'vigorous': 2, 'flamenco': 2, 'narcissistically': 2, 'angular': 2, 'devolve': 2, 'katharine': 2, 'morph': 2, 'patrolman': 2, 'drabby': 2, 'mananimals': 2, 'deformed': 2, 'curtolo': 2, 'duarte': 2, 'cheeze': 2, 'affluent': 2, 'journalism': 2, 'thomspon': 2, 'dialouge': 2, 'neonlit': 2, 'multitiered': 2, 'trafficking': 2, 'nightlife': 2, 'dock': 2, 'predicated': 2, 'oversees': 2, 'ore': 2, 'organize': 2, 'illogically': 2, 'pejorative': 2, 'subliminal': 2, 'undetectable': 2, 'zimmerly': 2, 'ramona': 2, 'midgett': 2, 'enlistee': 2, 'interstitial': 2, 'cretin': 2, 'dwight': 2, 'chides': 2, 'spurting': 2, 'makingof': 2, 'messily': 2, 'sewage': 2, 'pottymouth': 2, 'accommodates': 2, 'fanbase': 2, 'psyched': 2, 'auditorium': 2, 'rioting': 2, 'puerile': 2, 'scattershot': 2, 'diddly': 2, 'tally': 2, 'indulged': 2, 'bountiful': 2, 'emax': 2, 'mailman': 2, 'submediocrity': 2, 'mineral': 2, 'graynamores': 2, 'deduce': 2, 'hammerhead': 2, 'hardness': 2, 'absentmindedness': 2, 'rumba': 2, 'belloq': 2, 'asswhole': 2, 'hypothetical': 2, 'zellwegger': 2, 'hydraulic': 2, 'homemade': 2, 'edna': 2, 'surgical': 2, 'constipated': 2, 'gregarious': 2, 'plumb': 2, 'mobbed': 2, 'assimilating': 2, 'microchip': 2, 'machinelike': 2, 'zagged': 2, 'punisher': 2, 'rainsoaked': 2, 'banzai': 2, 'pungent': 2, 'pawnbroker': 2, '28yearold': 2, 'tube': 2, 'longingly': 2, 'garbed': 2, 'bloodline': 2, 'bathrobe': 2, 'indolent': 2, 'dismissive': 2, 'utilising': 2, 'prodigious': 2, 'foresight': 2, 'demornay': 2, 'edson': 2, 'serenely': 2, 'swindler': 2, 'infiltrates': 2, 'prized': 2, 'enrich': 2, 'unparalleled': 2, 'espoused': 2, 'cryin': 2, 'glimpsing': 2, 'supposes': 2, 'dicillos': 2, 'offcamera': 2, 'caterer': 2, 'graph': 2, 'exponential': 2, 'deepspace': 2, 'capitalise': 2, 'werewolfism': 2, 'loudmouthed': 2, 'licensed': 2, 'digestible': 2, 'distinguishable': 2, 'dansons': 2, 'pharmacist': 2, 'equalizer': 2, 'whitehaired': 2, 'imperative': 2, 'dispatching': 2, 'singlemindedness': 2, 'fatales': 2, 'talia': 2, 'oahu': 2, 'arching': 2, 'musclebound': 2, 'swooping': 2, 'daresay': 2, 'speculated': 2, 'blondhaired': 2, 'dictated': 2, 'bloomingdales': 2, 'trager': 2, 'cholera': 2, 'ohsocleverly': 2, 'purportedly': 2, 'snarky': 2, 'perch': 2, 'tightens': 2, 'idly': 2, 'unredeemable': 2, 'mccleod': 2, 'humid': 2, 'accosted': 2, 'immortality': 2, 'corrected': 2, 'forgetable': 2, 'candlelight': 2, 'fridge': 2, 'farewell': 2, 'townfolk': 2, 'slithers': 2, 'mule': 2, 'sickeningly': 2, 'horniness': 2, 'popculture': 2, 'betraying': 2, 'ailment': 2, 'abject': 2, 'inimitable': 2, 'mid70s': 2, 'blooming': 2, 'havisham': 2, 'beaudene': 2, 'vaguest': 2, 'alfonso': 2, 'francesco': 2, 'judicial': 2, 'abrams': 2, 'spastic': 2, 'precariously': 2, 'lughead': 2, 'resuscitation': 2, 'schoolchildren': 2, 'drippy': 2, 'gedrick': 2, 'nearconstant': 2, 'broom': 2, 'erickson': 2, 'rediscovered': 2, 'splashed': 2, 'hsu': 2, 'antonioni': 2, 'jialis': 2, 'dutifully': 2, 'luncheon': 2, 'vienna': 2, 'inward': 2, 'expressionism': 2, 'freakin': 2, 'wellexecuted': 2, 'reanimator': 2, 'reshooting': 2, 'bergl': 2, 'spacek': 2, 'flaus': 2, 'audiotape': 2, 'elmaloglou': 2, 'filmdom': 2, 'achilles': 2, 'melbourne': 2, 'slender': 2, 'unclothed': 2, 'harmonica': 2, 'barker': 2, 'shamble': 2, 'skulking': 2, 'deceive': 2, 'donners': 2, 'pausing': 2, 'infancy': 2, 'abdomen': 2, 'insideout': 2, 'ornament': 2, 'caryhiroyuki': 2, 'tagawa': 2, 'flashiness': 2, 'brokerage': 2, 'neurological': 2, 'darryls': 2, 'exgirlfriends': 2, 'buisness': 2, 'livelihood': 2, 'misgiving': 2, 'foregone': 2, 'cork': 2, 'warmnfuzzy': 2, 'hiroshi': 2, 'crams': 2, 'lifesaving': 2, 'murata': 2, 'drying': 2, 'forensic': 2, '_urban_legend_': 2, '_i_know': 2, 'backside': 2, 'unwise': 2, 'superstition': 2, 'cultureclash': 2, 'draped': 2, 'sharif': 2, 'menzies': 2, 'whimpering': 2, 'morritz': 2, 'converge': 2, 'delinquent': 2, 'zappa': 2, 'backstage': 2, 'saturn': 2, 'napkin': 2, 'hotter': 2, 'thirtyfive': 2, 'gertz': 2, 'cowriterdirector': 2, 'midsection': 2, 'oomph': 2, 'eleanor': 2, 'shelby': 2, 'sena': 2, 'outwitting': 2, 'plummeting': 2, 'empathizes': 2, 'ghostlike': 2, 'macnamara': 2, 'foothold': 2, 'lesbo': 2, 'budweiser': 2, 'johto': 2, 'unown': 2, 'entei': 2, 'biggerthanlife': 2, '64': 2, 'amc': 2, 'procession': 2, 'portuguese': 2, 'incredulously': 2, '_hope': 2, 'floats_': 2, 'woe': 2, 'transferring': 2, 'whittaker': 2, 'cuckolded': 2, 'akroyd': 2, 'enriched': 2, 'thorn': 2, 'fullforce': 2, 'tvseries': 2, 'polarized': 2, 'orangutan': 2, 'shotforshot': 2, 'twang': 2, 'eloquently': 2, 'naughton': 2, 'nowtired': 2, 'synergy': 2, 'byplay': 2, 'terrifyingly': 2, 'eclipse': 2, 'dickerson': 2, 'xphiles': 2, 'steenburgen': 2, 'whitefaced': 2, 'neverland': 2, 'spaceks': 2, 'superintelligence': 2, 'goldblums': 2, 'unplugging': 2, 'electrocution': 2, 'mon': 2, '03': 2, '3654': 2, 'nntphub': 2, 'newsgroups': 2, 'currentfilms': 2, 'eclmtcts1': 2, 'leeper': 2, 'originator': 2, 'cancellation': 2, 'swimsuit': 2, '150th': 2, 'larsen': 2, 'risa': 2, 'jonah': 2, 'wiping': 2, 'pencil': 2, 'bhorror': 2, 'laudable': 2, 'pritchett': 2, 'breillats': 2, 'rigor': 2, 'kneejerk': 2, 'oversimplification': 2, 'reboux': 2, 'morosely': 2, 'storybook': 2, 'transitory': 2, 'elenas': 2, 'tawdriness': 2, '5yearold': 2, 'tricking': 2, 'monahan': 2, 'balbricker': 2, 'honeywell': 2, 'outoftouch': 2, 'complicates': 2, 'plunging': 2, 'recharge': 2, 'fowl': 2, 'discarding': 2, 'fleabag': 2, 'rko': 2, 'guarding': 2, 'encore': 2, 'bejesus': 2, 'abovethetitle': 2, 'saddest': 2, 'fictious': 2, 'quarry': 2, 'scapegoat': 2, 'embezzlement': 2, 'wilma': 2, 'dampened': 2, 'flic': 2, 'croaker': 2, 'wittily': 2, 'irrationality': 2, 'mugshot': 2, 'mahurin': 2, 'knepper': 2, 'cloudy': 2, 'twoyear': 2, 'shelmickedmu': 2, 'windup': 2, 'fiercely': 2, 'cobble': 2, 'jackhammer': 2, 'affability': 2, 'anomaly': 2, 'infer': 2, 'chancellor': 2, 'selfindulgence': 2, 'skid': 2, 'fretting': 2, 'unabombers': 2, 'lemon': 2, 'lemonade': 2, 'restriction': 2, 'toothless': 2, 'kidfriendly': 2, 'abounding': 2, 'grossly': 2, 'clamp': 2, 'overplays': 2, 'brendas': 2, 'robo': 2, 'sundae': 2, 'flavorful': 2, 'approval': 2, 'latitude': 2, 'masquerade': 2, 'miscarriage': 2, 'bending': 2, 'cullen': 2, 'blackmarket': 2, 'stringy': 2, 'programme': 2, 'arnies': 2, 'electromagnetic': 2, 'outsmarts': 2, 'actionmovie': 2, 'joyce': 2, 'equality': 2, 'yale': 2, 'tenure': 2, 'kod': 2, 'villard': 2, 'auctioned': 2, 'spar': 2, 'liveliness': 2, 'scraping': 2, 'toenail': 2, 'shootem': 2, 'phonesex': 2, 'multibillion': 2, 'iranian': 2, 'inaccurately': 2, 'haliwell': 2, 'viruslike': 2, 'superintendent': 2, 'briefer': 2, 'ufoology': 2, 'writercreator': 2, '20thcentury': 2, 'cannibalize': 2, 'jungle2jungle': 2, 'abril': 2, 'josiane': 2, 'balasko': 2, 'humerous': 2, 'midsummer': 2, 'sprucing': 2, 'quickflash': 2, 'rut': 2, 'beaman': 2, 'sparking': 2, 'pummeling': 2, 'sic': 2, 'purge': 2, 'hangar': 2, 'tilt': 2, 'ripple': 2, 'enlivens': 2, '8yearold': 2, 'fathered': 2, 'uncouth': 2, 'weirdoes': 2, 'snowcapped': 2, 'spinal': 2, 'offends': 2, 'cardiac': 2, 'dohlen': 2, 'incapacitate': 2, 'appropriateness': 2, 'electrocuted': 2, 'tediousness': 2, 'disowned': 2, 'sandworms': 2, 'fulfilment': 2, 'bene': 2, 'prewar': 2, 'tinto': 2, 'schellenberg': 2, 'berger': 2, 'kellerman': 2, 'thulin': 2, 'margerithe': 2, 'scruple': 2, 'hedonistic': 2, 'womanhood': 2, 'exorcised': 2, 'haphazardly': 2, 'brenners': 2, 'misconduct': 2, 'oncourt': 2, 'rabies': 2, 'disrespect': 2, 'capitalizing': 2, 'frederic': 2, 'beep': 2, 'kitsch': 2, 'herd': 2, 'actionscifi': 2, 'unattended': 2, 'pointy': 2, 'primed': 2, 'glossed': 2, 'overlord': 2, 'foreseeable': 2, 'crackling': 2, 'loudness': 2, 'submerging': 2, 'reloading': 2, 'improbability': 2, 'unprintable': 2, 'henpecked': 2, 'barowner': 2, 'whirry': 2, 'homestead': 2, 'steakley': 2, 'crossbow': 2, 'substitution': 2, 'packet': 2, 'rationalization': 2, 'tailored': 2, 'endures': 2, 'comprehensible': 2, 'unsettled': 2, 'occupant': 2, 'admiring': 2, 'glowering': 2, 'coproducing': 2, 'crucifix': 2, 'cherot': 2, 'expartner': 2, 'affiliated': 2, 'disasterously': 2, 'epitomizes': 2, 'bevy': 2, 'chemicallyinduced': 2, 'helplessly': 2, 'degenerative': 2, 'upheaval': 2, 'moreso': 2, 'solemnly': 2, 'stifling': 2, 'thurmans': 2, 'villainess': 2, 'reassess': 2, 'utterance': 2, 'briar': 2, 'revers': 2, 'reconstructive': 2, 'picards': 2, 'anij': 2, 'regains': 2, 'levar': 2, 'disobey': 2, 'fc': 2, 'mcfadden': 2, 'physique': 2, 'casserole': 2, 'quadrangle': 2, 'ip': 2, 'nom': 2, 'container': 2, 'burwell': 2, 'hitchhike': 2, 'halfmillion': 2, 'vat': 2, '5000': 2, 'leezerd': 2, 'warbling': 2, 'singin': 2, 'knowitall': 2, 'radiated': 2, 'invaluable': 2, 'newsradio': 2, 'activated': 2, 'kodak': 2, 'icecream': 2, 'unfathomable': 2, 'discounted': 2, 'buddyaction': 2, 'mosquito': 2, 'squiggly': 2, 'mileaminute': 2, 'falzone': 2, 'hipper': 2, 'tempestuous': 2, 'solidly': 2, 'soupedup': 2, 'elektra': 2, 'physicist': 2, 'walther': 2, 'tobolowsky': 2, 'keeslar': 2, 'precipice': 2, 'blindness': 2, 'consigned': 2, 'snide': 2, 'resoundingly': 2, 'coarse': 2, 'tinam': 2, 'olivier': 2, 'northman': 2, 'summons': 2, 'bathe': 2, 'ligament': 2, 'typecasted': 2, 'iliff': 2, 'extemely': 2, 'overstay': 2, 'covetous': 2, 'jermaines': 2, 'sidestep': 2, 'perpetrated': 2, 'showcased': 2, 'spate': 2, 'putty': 2, 'minutelong': 2, 'greasedup': 2, 'whopping': 2, 'assasinated': 2, 'malcom': 2, 'tiberius': 2, 'vidal': 2, 'enriching': 2, 'licence': 2, 'greenaway': 2, 'patronized': 2, 'retained': 2, 'mapped': 2, 'artillery': 2, 'revengeforhire': 2, 'sodomy': 2, 'muchtalkedabout': 2, '81minute': 2, 'matrimony': 2, 'nuptial': 2, 'lovin': 2, 'heh': 2, 'ronny': 2, 'fixing': 2, 'alcatraz': 2, 'britt': 2, 'pammy': 2, 'ulcer': 2, 'ruggedly': 2, 'alans': 2, 'jose': 2, 'genitals': 2, 'genderbending': 2, 'maladjusted': 2, 'deadbeat': 2, 'wimpy': 2, 'wanker': 2, 'coastline': 2, 'bawls': 2, 'grouch': 2, 'unworkable': 2, 'pansy': 2, 'pissing': 2, 'rejuvenates': 2, 'charted': 2, 'persist': 2, 'copperfield': 2, 'yuri': 2, 'zeltser': 2, 'sheffer': 2, 'gladstone': 2, 'sully': 2, 'haired': 2, 'diametrically': 2, 'unconvincingly': 2, 'redux': 2, 'processed': 2, 'fiveyearold': 2, 'conceptual': 2, 'langenkamp': 2, 'boxed': 2, 'uplift': 2, 'genuis': 2, 'impregnates': 2, 'excelled': 2, 'unthinkable': 2, 'snuffing': 2, 'gutbusting': 2, 'contortion': 2, 'threshold': 2, 'dredge': 2, 'absentee': 2, 'elmo': 2, 'consumerism': 2, 'ringmaster': 2, 'careerdefining': 2, '1986s': 2, 'cyberpunk': 2, 'mufti': 2, 'bemoaning': 2, 'seague': 2, 'appendage': 2, 'arabian': 2, 'attaining': 2, 'dagger': 2, 'uninsightful': 2, 'reproduce': 2, 'eighteenth': 2, 'aa': 2, 'sexdriven': 2, 'slimeball': 2, 'cuz': 2, 'unfathomably': 2, 'fruition': 2, 'revitalized': 2, 'roadside': 2, 'smuggles': 2, 'croon': 2, 'mckinney': 2, 'humphries': 2, 'merriment': 2, 'truncated': 2, 'default': 2, 'hermitlike': 2, 'credo': 2, 'planting': 2, 'muchdiscussed': 2, 'steigers': 2, 'mcnamara': 2, 'scouting': 2, 'disagreement': 2, 'mutually': 2, 'mandrake': 2, 'handicap': 2, 'batologist': 2, 'glob': 2, 'absorbs': 2, 'doubtless': 2, 'dellaplanes': 2, 'glower': 2, 'chanteuse': 2, 'twominute': 2, 'cara': 2, 'warfield': 2, 'maher': 2, 'talker': 2, 'tyrone': 2, 'assemblage': 2, 'blotter': 2, 'knot': 2, 'clenched': 2, 'mescaline': 2, 'amyl': 2, 'multicolored': 2, 'hallucinates': 2, 'verbatim': 2, 'precedent': 2, 'fishtank': 2, 'nunez': 2, 'recieve': 2, 'progressive': 2, 'moralist': 2, 'registering': 2, 'pearly': 2, 'pseudodocumentary': 2, 'abandoning': 2, 'enlightens': 2, 'selfinvolved': 2, 'starpower': 2, 'callously': 2, 'stupefied': 2, 'brauva': 2, 'hampton': 2, 'weakwilled': 2, 'gunrunner': 2, 'skim': 2, 'brannagh': 2, 'aalyah': 2, 'coordinated': 2, 'vie': 2, 'prudent': 2, 'handstand': 2, 'thingie': 2, 'acrimonious': 2, 'estrangement': 2, 'advertiser': 2, 'parenthood': 2, 'balding': 2, 'prosthetic': 2, 'proponent': 2, 'straitlaced': 2, 'bumbles': 2, 'mascara': 2, 'ceaseless': 2, 'rollerblading': 2, 'jetpacks': 2, 'rollerblade': 2, 'crimefighters': 2, 'telegraphing': 2, 'pertain': 2, 'crudely': 2, 'compendium': 2, 'prodigal': 2, 'abuzz': 2, 'mysterians': 2, 'leno': 2, 'mysterty': 2, 'caitlyn': 2, 'reiterated': 2, 'inaccuracy': 2, 'actionfest': 2, 'paean': 2, 'fervently': 2, 'blueeyed': 2, 'prefab': 2, 'transcript': 2, 'birkin': 2, 'carojeanpierre': 2, 'gilles': 2, 'caro': 2, 'louison': 2, 'marielaure': 2, 'dougnac': 2, 'clapet': 2, 'karin': 2, 'viard': 2, 'holgado': 2, 'tapioca': 2, 'mathou': 2, 'kube': 2, 'boban': 2, 'janevski': 2, 'rascal': 2, 'todde': 2, 'ortega': 2, 'silvie': 2, 'laguna': 2, 'frasiers': 2, '12hour': 2, 'snitch': 2, 'brained': 2, 'renew': 2, 'snickered': 2, 'marcelo': 2, 'eyro': 2, 'welldesigned': 2, 'snort': 2, 'lectured': 2, 'agitated': 2, 'doer': 2, 'disruption': 2, 'encompassed': 2, 'hieroglyphic': 2, 'goddam': 2, 'jaye': 2, 'asthma': 2, 'twelveyearold': 2, 'stansfield': 2, 'cokeaddled': 2, 'vampiric': 2, 'breuer': 2, 'oppressor': 2, 'millius': 2, 'ahern': 2, 'panaro': 2, 'coolly': 2, 'battled': 2, 'burnout': 2, 'luger': 2, 'criticised': 2, 'toil': 2, 'barbaric': 2, 'egocentric': 2, 'affront': 2, 'vexing': 2, 'oherlihy': 2, 'defender': 2, 'ethnically': 2, 'sirtis': 2, 'counsellor': 2, 'initiated': 2, 'neverbeforeseen': 2, 'tirelessly': 2, 'goony': 2, 'venom': 2, 'loin': 2, 'outfitted': 2, 'exmodel': 2, 'janitorial': 2, 'claymation': 2, 'dolled': 2, 'cabot': 2, 'perched': 2, 'fuddyduddy': 2, 'hathaway': 2, 'duckling': 2, 'nonanimated': 2, 'lamentable': 2, 'derailed': 2, 'fukienese': 2, 'racerelated': 2, 'beginner': 2, 'switzerland': 2, 'camped': 2, 'ravaging': 2, 'callousness': 2, 'medfield': 2, 'goofybutloveable': 2, 'aaaaaaaaah': 2, 'harumph': 2, 'taint': 2, 'overlay': 2, 'sofa': 2, 'unkind': 2, 'rebuild': 2, 'promo': 2, 'plaudit': 2, 'vicellous': 2, 'reon': 2, 'hanna': 2, 'schreibers': 2, 'fullscale': 2, 'nofrills': 2, 'lesras': 2, 'thievery': 2, 'acumen': 2, 'yojimbo': 2, 'detained': 2, 'inscrutability': 2, 'plead': 2, 'swagger': 2, 'yall': 2, 'speedily': 2, 'unconnected': 2, 'dine': 2, 'memorabilia': 2, 'nauseated': 2, 'parr': 2, 'jeffreys': 2, 'natureloving': 2, 'compounded': 2, 'nword': 2, 'korman': 2, 'lamarr': 2, 'diffused': 2, 'watering': 2, 'motherf': 2, 'biology': 2, 'squintyeyed': 2, 'piloted': 2, 'overpopulated': 2, 'digested': 2, 'burping': 2, 'rebbe': 2, 'passionless': 2, 'julianna': 2, 'takenocrap': 2, 'longdead': 2, 'puny': 2, 'restrict': 2, 'kilometre': 2, 'pericles': 2, 'unauthorized': 2, 'konner': 2, 'thades': 2, 'attar': 2, 'denounce': 2, 'gnawing': 2, 'twosome': 2, 'antagonism': 2, 'won92t': 2, 'miniplot': 2, 'anecdotal': 2, 'meanest': 2, 'faring': 2, 'zellwegar': 2, 'holbrook': 2, 'anser': 2, 'thier': 2, 'circulation': 2, 'archrival': 2, 'intimidated': 2, 'guadalcanal': 2, 'nineyear': 2, 'bacteria': 2, 'pd': 2, 'piet': 2, 'kroon': 2, 'sito': 2, 'shutting': 2, 'phi': 2, 'debra': 2, 'audaciously': 2, 'canny': 2, 'lesley': 2, '_the_': 2, 'hardluck': 2, 'coyles': 2, 'downonhisluck': 2, 'seaman': 2, '105minute': 2, 'prettiest': 2, 'undisclosed': 2, 'brennick': 2, 'privately': 2, 'correctional': 2, 'equiped': 2, 'kurtwood': 2, 'supertechnology': 2, 'fusing': 2, 'loomed': 2, 'contentious': 2, 'salacious': 2, 'immortalized': 2, 'bigelow': 2, 'navigated': 2, 'restlessly': 2, 'alleviate': 2, 'spoton': 2, 'tandem': 2, 'combating': 2, 'sip': 2, 'contractual': 2, 'adeptly': 2, 'unremittingly': 2, 'kietal': 2, 'docile': 2, 'journeyman': 2, 'intercuts': 2, 'lucasfilms': 2, 'machinegun': 2, 'fleshedout': 2, 'deadening': 2, 'stinking': 2, 'indestructible': 2, 'mortally': 2, 'drilled': 2, 'petri': 2, 'reccomend': 2, 'ultraconservative': 2, '_blade': 2, 'hardware': 2, 'inscrutable': 2, 'i2': 2, 'zimmer': 2, 'muffled': 2, 'distorts': 2, 'owning': 2, 'biotech': 2, 'hinder': 2, 'criticproof': 2, 'probability': 2, 'persists': 2, 't1000': 2, 'goahead': 2, 'supercomputer': 2, 'belowaverage': 2, 'allencompassing': 2, 'wellrealized': 2, 'agape': 2, 'unapologetic': 2, 'foultempered': 2, 'detection': 2, 'inopportune': 2, 'alternatively': 2, 'bobcat': 2, 'appaling': 2, 'virulent': 2, 'heavilyarmed': 2, 'flashlight': 2, 'lovetriangle': 2, 'stewing': 2, 'wuhrer': 2, 'polly': 2, 'cicely': 2, 'ellsworth': 2, 'sorceror': 2, 'alanas': 2, 'grilling': 2, 'suppression': 2, 'cuttingedge': 2, '_john': 2, 'vampires_': 2, 'reeled': 2, '_blade_': 2, 'offthecuff': 2, 'raspy': 2, 'versatility': 2, 'daft': 2, 'loni': 2, 'stench': 2, '1600s': 2, 'straightarrow': 2, 'crapper': 2, 'timed': 2, 'inconspicuously': 2, 'serpent': 2, 'satirized': 2, 'dominion': 2, 'lowdown': 2, 'grafitti': 2, 'keg': 2, 'ingenius': 2, 'coverups': 2, 'marooned': 2, 'ultrasecret': 2, 'homey': 2, 'manchu': 2, 'liddy': 2, 'mccullochs': 2, 'smorgasbord': 2, 'olympian': 2, 'aberration': 2, 'begining': 2, 'flyover': 2, 'disdainful': 2, 'jumanji': 2, 'friendliness': 2, 'hors': 2, 'uptodate': 2, 'twoway': 2, 'incompleteness': 2, 'typing': 2, 'callwaiting': 2, 'salwens': 2, 'glitch': 2, 'cordless': 2, 'handphone': 2, 'barbaras': 2, 'whocares': 2, 'indisputable': 2, 'visitation': 2, 'predicable': 2, 'commotion': 2, 'scion': 2, '25year': 2, 'quicksand': 2, 'imprint': 2, 'innately': 2, 'instinctively': 2, 'tuition': 2, 'inconsiderate': 2, 'doras': 2, 'emcee': 2, 'scarborough': 2, 'bandaged': 2, 'yanking': 2, 'gratingly': 2, 'parasail': 2, 'waikiki': 2, 'laidback': 2, 'skateboard': 2, 'petey': 2, 'hennings': 2, 'phils': 2, 'ingested': 2, 'meditating': 2, 'julius': 2, 'unromantic': 2, 'paperwork': 2, 'guitarplaying': 2, 'cosmo': 2, 'oprahs': 2, 'laurene': 2, 'landon': 2, 'velda': 2, 'kalecki': 2, 'conti': 2, 'antagonistic': 2, 'pointblank': 2, 'shuffle': 2, 'firstperson': 2, 'doggy': 2, 'dogg': 2, 'actorsactresses': 2, 'instruct': 2, 'flora': 2, 'hammerstein': 2, 'unused': 2, 'archery': 2, 'ledge': 2, 'sillier': 2, 'rang': 2, 'memo': 2, 'zenlike': 2, 'oneness': 2, 'slipups': 2, '_dead_man_on_campus_': 2, 'loophole': 2, '_dead_man_': 2, 'kasalivich': 2, 'hydrogen': 2, 'mcgraw': 2, 'windbag': 2, '99cent': 2, 'rydains': 2, 'gobbling': 2, 'hardheaded': 2, 'zhivago': 2, 'dissappointed': 2, 'saim': 2, 'vidnovic': 2, 'cromagnon': 2, 'patriarchy': 2, 'prehistory': 2, 'tearful': 2, 'sixyearold': 2, 'breakaway': 2, 'pittsburgh': 2, 'doubleexposure': 2, 'wrapup': 2, 'misrepresentation': 2, 'outlands': 2, 'outlander': 2, 'roritor': 2, 'gayness': 2, '1987s': 2, '_a_night_at_the_roxbury_': 2, '_roxbury_': 2, 'brotherly': 2, 'koren': 2, 'messiness': 2, 'whitechapel': 2, '1888': 2, 'abberline': 2, 'opium': 2, 'slay': 2, 'rables': 2, 'finalized': 2, '_election': 2, 'tighten': 2, 'quagmire': 2, 'gnarled': 2, 'indianapolis': 2, 'unprotected': 2, 'sympathizer': 2, 'moroccan': 2, 'eriq': 2, 'bonitzer': 2, 'congolese': 2, 'mnc': 2, 'clerical': 2, 'kasa': 2, 'vubu': 2, 'maka': 2, 'kotto': 2, 'mutiny': 2, 'katanga': 2, 'province': 2, 'moise': 2, 'nzonzi': 2, 'yeoman': 2, 'lamenting': 2, 'kayes': 2, 'vinyard': 2, 'lapaglias': 2, 'ringer': 2, 'prophesies': 2, 'exemplary': 2, 'strategize': 2, 'wirefu': 2, 'wo': 2, 'profoundness': 2, 'transmitter': 2, 'lanai': 2, 'templeton': 2, 'busload': 2, 'squirminducing': 2, 'carping': 2, 'rehearsed': 2, 'iridescent': 2, 'adoration': 2, 'impacting': 2, 'devastatingly': 2, 'boarder': 2, 'deepens': 2, 'strident': 2, 'sierra': 2, 'clearcut': 2, 'niebaum': 2, 'compressed': 2, 'sabian': 2, 'itching': 2, 'carryon': 2, 'goode': 2, 'prohibition': 2, 'ingeniously': 2, 'toontown': 2, 'toon': 2, 'overseeing': 2, '000aweek': 2, 'maintenance': 2, 'contacted': 2, 'thickened': 2, 'gleiberman': 2, 'lashing': 2, 'blindsided': 2, '911': 2, 'tupac': 2, 'bureaucracy': 2, 'dfens': 2, 'dreper': 2, 'selfdestructiveness': 2, 'selffulfillment': 2, 'getout': 2, 'wellville': 2, 'bespectacled': 2, 'abstinence': 2, 'doodoo': 2, 'solider': 2, '34th': 2, 'monterey': 2, 'hippy': 2, 'redding': 2, 'janis': 2, 'joplin': 2, 'jampacked': 2, 'backstreet': 2, 'solidarity': 2, 'moviemaker': 2, 'cowrite': 2, 'prosperity': 2, 'adlibs': 2, 'bullhorn': 2, 'theorizing': 2, 'bumstead': 2, 'pasty': 2, 'heralded': 2, 'bethanys': 2, 'himherself': 2, 'sharpest': 2, 'guiltily': 2, 'malnourished': 2, 'ballyhoo': 2, 'nikos': 2, 'kazantzakis': 2, 'rallying': 2, 'digitalized': 2, 'preexisting': 2, 'vaders': 2, 'yodas': 2, 'clouded': 2, 'sith': 2, 'doublesided': 2, 'quigons': 2, 'padawan': 2, 'vergil': 2, 'pedantic': 2, 'projecting': 2, 'intellectualized': 2, 'portentous': 2, 'dyed': 2, 'downy': 2, 'academia': 2, 'introverted': 2, 'crooning': 2, 'novelistic': 2, 'impressionable': 2, 'syndicate': 2, 'zeroing': 2, 'zoolanders': 2, 'merman': 2, 'dodo': 2, 'premium': 2, 'keeve': 2, 'mizrahis': 2, 'ouija': 2, 'fernanda': 2, 'montenegro': 2, 'trustworthy': 2, 'postage': 2, 'relishing': 2, 'trivialized': 2, '_life': 2, 'beautiful_': 2, 'surrendered': 2, 'qui': 2, 'paralyzingly': 2, 'hanks': 2, 'milquetoast': 2, 'erie': 2, 'expressly': 2, 'thingthe': 2, 'motto': 2, 'outsmarting': 2, 'mcgann': 2, 'ashbrook': 2, 'yee': 2, 'imho': 2, 'insisted': 2, 'rewriting': 2, 'jinks': 2, 'sedated': 2, 'apathy': 2, 'coexecutive': 2, 'charnel': 2, 'fission': 2, 'debated': 2, 'zapped': 2, 'posthumous': 2, 'grubby': 2, 'fantasizing': 2, 'magnum': 2, 'geographical': 2, 'gong': 2, 'shorten': 2, 'wonie': 2, 'bradshaw': 2, 'ratty': 2, 'browne': 2, 'mcalisters': 2, 'starve': 2, 'disrupts': 2, 'furnace': 2, 'snowshovel': 2, 'disadvantage': 2, 'wellthought': 2, 'constellation': 2, 'coalmining': 2, 'gazillion': 2, 'premarital': 2, 'otter': 2, 'boon': 2, 'bluto': 2, 'baylor': 2, 'standoffish': 2, 'envious': 2, 'pakistani': 2, 'parsee': 2, 'hasan': 2, 'deepa': 2, 'mehtas': 2, 'jokingly': 2, 'tenor': 2, 'undergone': 2, 'tenderly': 2, 'navazs': 2, 'confers': 2, 'walts': 2, 'gaga': 2, 'chihuahua': 2, 'matador': 2, 'cavalry': 2, 'infirm': 2, 'highspirited': 2, 'emo': 2, 'gallon': 2, 'depart': 2, 'yucky': 2, 'rotund': 2, 'nobleman': 2, 'unveils': 2, 'grump': 2, 'nobuko': 2, 'miyamoto': 2, 'adjoining': 2, 'worsened': 2, 'oozed': 2, 'unspecified': 2, 'jabbas': 2, 'ewoks': 2, 'hindering': 2, 'eli': 2, 'marienthal': 2, 'antenna': 2, 'sculpture': 2, 'outlast': 2, 'belone': 2, 'intimidate': 2, 'pignons': 2, 'dissects': 2, 'veering': 2, 'pedophilia': 2, 'aux': 2, 'folles': 2, 'colisseum': 2, 'virtuosity': 2, 'aryan': 2, 'fiveyear': 2, 'soothe': 2, 'guidos': 2, 'modernized': 2, 'expatient': 2, 'florence': 2, 'kretschmann': 2, 'disintegration': 2, 'hallucinogenic': 2, 'wordless': 2, 'gaelic': 2, 'pint': 2, 'singsong': 2, 'eamonn': 2, 'complexion': 2, 'psychiatric': 2, 'fertile': 2, 'mccabes': 2, 'ethically': 2, 'netted': 2, 'prose': 2, 'treehouse': 2, 'middling': 2, 'bestknown': 2, 'foggy': 2, 'beheading': 2, 'stringing': 2, 'regimen': 2, 'drunkenstyle': 2, 'strengthening': 2, 'availability': 2, 'panandscanned': 2, 'synchronous': 2, 'serum': 2, 'tuxedo': 2, 'reinforced': 2, 'murtaugh': 2, 'inquisitiveness': 2, 'mano': 2, 'yesteryear': 2, 'rocketeer': 2, 'spam': 2, 'harp': 2, 'dainty': 2, 'assembling': 2, 'infestation': 2, 'goldenthal': 2, 'yugoslavian': 2, 'dramatization': 2, 'vilified': 2, 'espousing': 2, 'selfassuredness': 2, 'channings': 2, 'armwrestling': 2, 'whod': 2, 'muchprized': 2, 'amnesiac': 2, '160': 2, 'halffull': 2, 'gunrunning': 2, 'squashed': 2, 'bruin': 2, 'wrestled': 2, 'tempered': 2, 'wagnerian': 2, 'ziyi': 2, 'persuasive': 2, 'heebiejeebies': 2, 'congressman': 2, 'nicoles': 2, 'warmhearted': 2, 'hotpants': 2, 'scour': 2, 'ronnies': 2, 'loewi': 2, 'alwaysreliable': 2, 'thorny': 2, 'hoblits': 2, 'noblest': 2, 'overexplain': 2, 'homophobic': 2, 'conelly': 2, 'polarizing': 2, 'equinox': 2, 'closeness': 2, 'suitandtie': 2, 'reassure': 2, 'formulated': 2, 'roebuck': 2, 'exfianc': 2, 'scarab': 2, 'amon': 2, 'swordwielding': 2, 'rewatching': 2, 'franciosa': 2, 'showbiz': 2, 'multilayered': 2, 'chilly': 2, 'alibi': 2, 'tovoli': 2, 'instill': 2, 'raimis': 2, 'tiptoe': 2, 'offhand': 2, 'grouptherapy': 2, 'savagery': 2, 'molding': 2, 'misconstrued': 2, 'extrapolation': 2, 'crackin': 2, 'oval': 2, 'contradict': 2, 'chronologically': 2, 'moll': 2, 'glut': 2, 'wellchosen': 2, 'firestone': 2, 'conjugated': 2, 'funner': 2, 'tweedys': 2, 'camplike': 2, 'eggselling': 2, 'pieselling': 2, 'piemaking': 2, 'aardman': 2, 'gromit': 2, 'ballbouncing': 2, 'spielberginspired': 2, 'prisonersofwar': 2, 'stalag': 2, 'ribbing': 2, 'nationality': 2, 'karey': 2, 'kirkpatrick': 2, 'opinionated': 2, 'haygarth': 2, 'crocheting': 2, 'supplytrading': 2, 'swingdancing': 2, 'theologian': 2, 'wearisome': 2, 'conan': 2, 'jp2': 2, 'jp3': 2, 'nutrition': 2, 'voluminous': 2, 'neccessary': 2, 'hesitating': 2, 'naysayer': 2, 'abetted': 2, 'suzannes': 2, 'winningly': 2, 'embodiment': 2, 'bleakly': 2, 'mindlessness': 2, 'allinall': 2, 'perpetuate': 2, 'groomtobe': 2, 'doomandgloom': 2, 'acidic': 2, 'overdirected': 2, 'burdick': 2, 'polemic': 2, 'advising': 2, 'wryly': 2, 'hagman': 2, 'arming': 2, 'onenight': 2, 'stopper': 2, 'hater': 2, 'ch': 2, 'bugsy': 2, 'entertaning': 2, 'comanding': 2, 'sophia': 2, 'nelligan': 2, 'emmas': 2, 'maya': 2, 'angelou': 2, 'selfdoubt': 2, 'ingratiating': 2, 'hurled': 2, 'complimentary': 2, 'verma': 2, 'multiday': 2, 'nair': 2, 'bombay': 2, 'emphatically': 2, 'orefice': 2, 'imprison': 2, 'beekeeper': 2, 'phillotson': 2, 'connerys': 2, 'verve': 2, 'badlands': 2, 'timon': 2, 'tang': 2, 'samo': 2, 'mixer': 2, 'pageant': 2, 'nashville': 2, 'satirizes': 2, 'nay': 2, 'connives': 2, 'mellow': 2, 'brighteyed': 2, 'in': 2, 'haggard': 2, 'beret': 2, 'overmedicated': 2, 'sidebar': 2, 'joblos': 2, 'retrospection': 2, 'sommer': 2, 'scrubbing': 2, 'minah': 2, 'lavender': 2, 'bragg': 2, 'sherrie': 2, 'hewson': 2, 'dismayingly': 2, 'zorg': 2, 'weil': 2, 'penetrating': 2, 'jeanpaul': 2, 'rhod': 2, 'aria': 2, 'aurally': 2, 'wilbur': 2, 'orchard': 2, 'thine': 2, 'highestgrossing': 2, 'wordly': 2, 'giacomo': 2, 'tish': 2, 'mitchs': 2, 'err': 2, 'viceroy': 2, 'devastate': 2, 'stepmom': 2, 'pfeiffers': 2, 'collapsed': 2, 'rapping': 2, 'expulsion': 2, 'schiff': 2, 'clancys': 2, '_six_days': 2, '_seven_nights_': 2, 'capably': 2, 'pina': 2, 'bestlooking': 2, 'spatial': 2, 'exodus': 2, 'nile': 2, 'selby': 2, 'runyan': 2, 'ellens': 2, 'unified': 2, '63': 2, 'snip': 2, 'interrotron': 2, 'payload': 2, 'schmeer': 2, 'shondra': 2, 'musing': 2, 'ciminos': 2, 'vietnamese': 2, 'viet': 2, 'cong': 2, 'ellroy': 2, 'convergence': 2, 'pearces': 2, 'temperamental': 2, 'royercollard': 2, 'oath': 2, 'hubbub': 2, 'drake': 2, 'brimley': 2, 'rudnicks': 2, 'cedar': 2, 'rothhaar': 2, 'mika': 2, 'cheapskate': 2, 'formative': 2, 'tam': 2, 'hester': 2, 'yeung': 2, 'seung': 2, 'repayment': 2, 'sided': 2, 'kaneshiro': 2, 'monthlong': 2, 'chao': 2, 'renown': 2, 'font': 2, 'filmwithinafilm': 2, 'randys': 2, 'cici': 2, 'portia': 2, 'misdirection': 2, 'straining': 2, 'juggernaut': 2, 'diminishing': 2, 'xmas': 2, 'dusting': 2, 'chaperone': 2, 'disobeys': 2, 'irrevocably': 2, 'esmerelda': 2, 'ursula': 2, 'triton': 2, 'songwriting': 2, 'ashman': 2, 'ashmans': 2, 'bensons': 2, 'cumulative': 2, '17day': 2, 'evoking': 2, 'humorist': 2, 'persistent': 2, 'kurring': 2, 'updraft': 2, 'geographic': 2, 'portent': 2, 'seminary': 2, 'scoffed': 2, 'clamor': 2, 'ardently': 2, 'persues': 2, 'extinguished': 2, 'circulate': 2, 'peculiarity': 2, 'dreamworld': 2, 'virile': 2, 'harald': 2, 'immediacy': 2, 'wbn': 2, 'benben': 2, 'blemish': 2, 'signaling': 2, 'frizzy': 2, 'javier': 2, 'sancho': 2, 'intertwine': 2, 'substituting': 2, 'getz': 2, '2050': 2, 'reachable': 2, 'reappeared': 2, 'dreadfactor': 2, 'massentertainment': 2, 'fainthearted': 2, 'goodhorror': 2, 'baad': 2, 'salo': 2, 'hassled': 2, 'cattily': 2, 'whimsically': 2, 'merge': 2, 'consent': 2, 'testify': 2, 'hivpositive': 2, 'templar': 2, 'rosalind': 2, 'gangbusters': 2, 'readymade': 2, 'euphegenia': 2, 'doubtfires': 2, 'saintly': 2, 'tackling': 2, 'presides': 2, 'fiji': 2, 'zycie': 2, 'glamorized': 2, 'deviance': 2, 'quivering': 2, 'allegra': 2, 'pikul': 2, 'installed': 2, 'distortion': 2, 'thorne': 2, 'trier': 2, 'fated': 2, 'quirkiness': 2, 'caf': 2, 'gravestown': 2, 'disrupting': 2, 'liberally': 2, 'spiced': 2, '2400': 2, 'impressing': 2, 'backdoor': 2, 'fullcircle': 2, 'zeik': 2, 'missy': 2, 'lapoirie': 2, 'nolot': 2, 'ozons': 2, 'astor': 2, 'breakneck': 2, 'risktaking': 2, 'spud': 2, 'begbie': 2, 'grooving': 2, 'permeating': 2, 'northwestern': 2, 'scooped': 2, 'ensued': 2, 'franzoni': 2, 'poisonous': 2, 'benito': 2, 'oedipal': 2, 'tworoom': 2, 'stratum': 2, 'ambient': 2, 'manifold': 2, 'tamiyo': 2, 'kusakari': 2, 'aoki': 2, 'naoto': 2, 'takenaka': 2, 'treacly': 2, 'euphoria': 2, 'avidly': 2, 'hamradio': 2, 'pressured': 2, 'pilgrimage': 2, 'shanyu': 2, 'ferrer': 2, 'botching': 2, 'vibrance': 2, 'computerenhanced': 2, 'yao': 2, 'vocalist': 2, 'takei': 2, 'boathouse': 2, 'shoreline': 2, 'ferry': 2, 'nuttgens': 2, 'palefaced': 2, 'fervent': 2, 'mucus': 2, 'encompassing': 2, 'nugget': 2, 'unlawful': 2, 'handing': 2, 'feasible': 2, 'vasquez': 2, 'jenette': 2, 'goldstein': 2, 'corporal': 2, 'henn': 2, 'multiplies': 2, 'suing': 2, 'oppose': 2, 'solaris': 2, 'bitingly': 2, 'relieve': 2, 'pushkin': 2, 'petersburg': 2, 'neighbouring': 2, 'olgas': 2, 'inky': 2, 'torrent': 2, 'irresistable': 2, 'wanton': 2, 'lucid': 2, 'tiredness': 2, 'generosity': 2, 'dumbeddown': 2, 'viterelli': 2, 'jelly': 2, 'tunie': 2, 'dawes': 2, 'kasi': 2, '_film': 2, 'central_': 2, 'colm': 2, 'caste': 2, 'slapdash': 2, 'carrion': 2, '_unbreakable_': 2, 'seminal': 2, 'redefined': 2, 'maxx': 2, 'supersedes': 2, 'civility': 2, 'augment': 2, 'uneasiness': 2, 'recklessness': 2, 'sci': 2, 'cleeses': 2, 'touring': 2, 'braun': 2, 'curlys': 2, 'tromping': 2, 'teenagedavid': 2, 'wiper': 2, 'rhythmic': 2, 'ww': 2, 'posession': 2, 'intermission': 2, 'arranging': 2, 'ambiance': 2, 'harkens': 2, 'funk': 2, 'emblematic': 2, 'pigeonholing': 2, 'bonafide': 2, 'buzzing': 2, '155': 2, 'callum': 2, 'companionship': 2, 'manny': 2, 'curb': 2, 'masterpeice': 2, 'poolside': 2, 'allegation': 2, 'stunner': 2, 'coufax': 2, 'tollbooth': 2, 'heches': 2, 'tagalong': 2, 'inconvenience': 2, 'esquire': 2, 'hitandmiss': 2, 'presently': 2, 'pokerplaying': 2, 'enthused': 2, 'hopping': 2, 'affiliate': 2, 'floodwaters': 2, 'stained': 2, 'propriety': 2, 'pinter': 2, 'freezeframe': 2, 'maximillian': 2, 'rebuffed': 2, 'ambivalence': 2, 'lensing': 2, 'dispassionate': 2, 'entices': 2, 'caveat': 2, 'tsk': 2, 'amos': 2, 'gitai': 2, 'leftist': 2, 'subjugate': 2, 'hasid': 2, 'observance': 2, 'phobic': 2, 'talmud': 2, 'yaakov': 2, 'malkas': 2, 'harshest': 2, 'forlorn': 2, 'transitioning': 2, 'wagon': 2, 'extending': 2, 'cowardice': 2, 'peyote': 2, 'unchangeable': 2, 'workmate': 2, 'braddock': 2, 'garbageman': 2, 'exconvict': 2, 'mandible': 2, 'walkin': 2, 'barbatus': 2, 'guterman': 2, 'advisable': 2, 'lightheartedness': 2, 'seagull': 2, 'jarvis': 2, 'probing': 2, 'grievance': 2, 'repression': 2, 'waterlogged': 2, 'transistion': 2, 'flicker': 2, 'animate': 2, 'malt': 2, 'weeping': 2, 'characterizing': 2, 'overtakes': 2, 'pikser': 2, 'kev': 2, 'rollergirl': 2, 'pertains': 2, 'jeanhugues': 2, 'anglade': 2, 'croatia': 2, 'kimba': 2, 'blakely': 2, 'forsyth': 2, 'irvins': 2, 'multiplicity': 2, 'suppressing': 2, 'pesticide': 2, 'watchdog': 2, 'eschewed': 2, 'disintegrated': 2, 'tennis': 2, 'locust': 2, 'asexual': 2, 'sami': 2, 'contented': 2, 'dieppe': 2, 'writersdirectors': 2, 'chaste': 2, 'patachou': 2, 'ariane': 2, 'ascaride': 2, 'shag': 2, 'postcard': 2, 'toulouselautrec': 2, 'cavorting': 2, 'lagravenese': 2, 'occuring': 2, 'humanistic': 2, 'humpalot': 2, 'wellconstructed': 2, '73': 2, 'davidzt': 2, 'syrupy': 2, 'pitfall': 2, 'slope': 2, 'navigating': 2, 'predominately': 2, 'prosper': 2, 'dismisses': 2, 'mikhail': 2, 'overeager': 2, 'sauna': 2, 'carcass': 2, 'konghollywood': 2, 'sheffield': 2, 'jobless': 2, 'bloke': 2, 'stripact': 2, 'implying': 2, 'cattaneo': 2, 'genie': 2, 'manly': 2, 'computerassisted': 2, 'purist': 2, 'correspondence': 2, 'driedup': 2, 'heretical': 2, '14year': 2, 'mussolini': 2, 'rota': 2, 'recognisable': 2, 'awestruck': 2, 'uncreative': 2, 'thacker': 2, 'ifans': 2, 'mckee': 2, 'thrives': 2, 'dequina': 2, '21stcentury': 2, 'braga': 2, 'cochran': 2, 'mythos': 2, 'calhoun': 2, 'reproach': 2, 'naughtiness': 2, 'allisons': 2, 'banjo': 2, 'fozzie': 2, 'mound': 2, 'dweller': 2, 'ceased': 2, 'shoulderlength': 2, 'teeshirts': 2, 'gazzara': 2, 'busby': 2, 'quintana': 2, 'overtheedge': 2, 'twofold': 2, 'fiorina': 2, 'constrained': 2, 'comer': 2, 'wharton': 2, 'lennie': 2, '1935': 2, 'eduard': 2, 'delacroix': 2, 'adjust': 2, 'whorehouse': 2, 'suspender': 2, 'krets': 2, 'shaun': 2, 'begets': 2, 'summon': 2, 'murdermystery': 2, 'swank': 2, 'enveloping': 2, 'thickly': 2, 'clack': 2, 'alexa': 2, 'sabara': 2, 'gregorio': 2, 'cortez': 2, 'walled': 2, 'orderly': 2, 'weitzman': 2, 'fursts': 2, 'improper': 2, 'labelling': 2, 'modesty': 2, 'gordo': 2, 'lyndon': 2, 'ussr': 2, 'adjustment': 2, 'farscial': 2, 'simplistically': 2, 'thomsen': 2, 'bizarro': 2, 'buehler': 2, 'dictatorship': 2, 'envied': 2, 'furter': 2, 'gwtw': 2, 'meaney': 2, 'winslets': 2, 'doesn92t': 2, 'gibson92s': 2, 'you92re': 2, 'visage': 2, 'tragicomic': 2, 'ardent': 2, 'fro': 2, 'tinier': 2, 'spinechilling': 2, 'gattacas': 2, 'vincentjerome': 2, 'roelfs': 2, 'realitybased': 2, 'oneupping': 2, 'bennet': 2, 'calder': 2, 'sarossys': 2, 'overdrawn': 2, 'novicorp': 2, 'meredith': 2, 'jehan': 2, 'flemish': 2, 'rollickingly': 2, 'yeller': 2, 'sooooo': 2, 'horrifyingly': 2, 'moor': 2, 'pinky': 2, 'roddenberrys': 2, 'intensifies': 2, 'mcgillis': 2, 'puppydog': 2, 'massaging': 2, 'practitioner': 2, 'temp': 2, 'flattered': 2, 'rekall': 2, 'reconstruction': 2, 'farmhouse': 2, 'flinging': 2, 'rattling': 2, '_beloved_s': 2, 'blackclad': 2, 'christlike': 2, 'authoritatively': 2, 'departing': 2, 'accessibility': 2, 'scarlet': 2, 'darbys': 2, 'decaprio': 2, 'montague': 2, 'symbolizing': 2, 'margoyles': 2, 'juliets': 2, 'capulets': 2, 'montagues': 2, 'cuss': 2, 'infrequently': 2, 'weakling': 2, 'juba': 2, 'lucilla': 2, 'detre': 2, 'wino': 2, 'abomb': 2, 'petaluma': 2, 'disingenuous': 2, 'psych': 2, 'sepiatoned': 2, 'roadblock': 2, 'checkpoint': 2, 'noras': 2, 'hatched': 2, 'refinery': 2, 'cremation': 2, 'molten': 2, 'swiftness': 2, 'equaling': 2, 'tapert': 2, 'gmen': 2, 'oblique': 2, 'lesters': 2, 'scramble': 2, 'nonformula': 2, 'adefarasin': 2, '16th': 2, 'bottin': 2, 'jog': 2, '81': 2, 'redcoat': 2, 'lansbury': 2, 'rosaleen': 2, 'straying': 2, 'belfast': 2, 'ike': 2, 'ciaran': 2, 'dotty': 2, 'radek': 2, 'hijack': 2, 'elna': 2, 'phonograph': 2, 'cylinder': 2, 'mahal': 2, 'prot': 2, 'transcendent': 2, 'keenly': 2, 'despises': 2, 'doted': 2, 'molecule': 2, 'soundstage': 2, 'progenitor': 2, 'lessen': 2, 'inquired': 2, 'handbook': 2, 'candid': 2, 'mpaas': 2, 'manga': 2, 'oavs': 2, 'destructiveness': 2, 'patlabors': 2, 'superblyrealized': 2, 'oskar': 2, 'summarizing': 2, 'prescence': 2, 'boyhood': 2, 'hammered': 2, 'rag': 2, 'goofups': 2, 'entrancing': 2, 'tassel': 2, 'accentuates': 2, 'playfulness': 2, 'unknowing': 2, 'squeezed': 2, 'ap2': 2, 'winnfield': 2, 'interweaves': 2, 'toying': 2, 'cite': 2, 'userfriendly': 2, 'altough': 2, 'hummm': 2, 'plank': 2, 'apperance': 2, 'louuuudd': 2, 'affraid': 2, 'babyzilla': 2, 'undies': 2, 'chiouaoua': 2, 'whoah': 2, 'compensates': 2, 'wilhelm': 2, 'szabos': 2, 'maj': 2, 'reproduction': 2, 'eliminates': 2, 'idziak': 2, 'uncannily': 2, 'brosnans': 2, 'goateed': 2, 'preservation': 2, 'pornstar': 2, 'awardworthy': 2, 'hypnotism': 2, 'poon': 2, 'macneill': 2, 'unnerved': 2, 'scumsucking': 2, 'shakespearian': 2, 'infallible': 2, '250': 2, 'rh2': 2, 'enlisting': 2, 'gertrude': 2, 'ophelia': 2, 'guildenstern': 2, 'unearths': 2, 'countenance': 2, 'walkon': 2, 'educator': 2, 'alabama': 2, 'rancher': 2, 'locane': 2, 'foam': 2, 'sewing': 2, 'stagner': 2, 'hiroshima': 2, 'jackrose': 2, 'haney': 2, 'contractor': 2, 'salad': 2, 'strode': 2, 'awol': 2, 'tm': 2, 'circulated': 2, 'unerringly': 2, 'glum': 2, 'corrupting': 2, 'scraped': 2, 'etched': 2, 'snowbell': 2, 'dystopic': 2, 'intercepted': 2, 'prowse': 2, 'anti': 2, 'unease': 2, 'cushing': 2, 'alida': 2, 'valli': 2, 'ghoulishness': 2, 'competently': 2, 'bassan': 2, 'cabo': 2, 'relocating': 2, 'stun': 2, 'clipped': 2, 'ottorino': 2, 'dmitri': 2, 'shostakovich': 2, 'dukas': 2, 'caricaturist': 2, 'hirschfeld': 2, 'yoyo': 2, 'biblically': 2, 'holdover': 2, 'attainable': 2, 'caucasian': 2, 'moonshiner': 2, 'forcibly': 2, 'decreed': 2, 'snugly': 2, 'hyperbolic': 2, 'floored': 2, 'persay': 2, 'ibanez': 2, 'shauny': 2, 'macivor': 2, 'presided': 2, 'solidifies': 2, 'stirling': 2, 'sortof': 2, 'catch22': 2, 'garment': 2, 'barrister': 2, 'paradines': 2, 'horfield': 2, 'recess': 2, 'cum': 2, 'kennesaws': 2, 'underlining': 2, 'rookers': 2, 'shipwreck': 2, 'winslett': 2, 'playtone': 2, 'bloodletting': 2, 'halfvampire': 2, 'warmandfuzzy': 2, 'antitheft': 2, 'noncgi': 2, 'replaying': 2, 'livestock': 2, 'recon': 2, 'implemented': 2, 'giardello': 2, 'starling': 2, 'skepticism': 2, 'gaming': 2, 'darrow': 2, 'equate': 2, 'magdelene': 2, 'swastikawearing': 2, 'dogtags': 2, 'fleshandblood': 2, 'talal': 2, 'islamic': 2, 'arabamerican': 2, 'cleary': 2, 'holt': 2, 'menges': 2, 'fidel': 2, 'participates': 2, 'goodspirited': 2, 'oed': 2, 'posit': 2, 'laugher': 2, 'avocation': 2, 'drank': 2, 'flitting': 2, 'permitted': 2, 'ph': 2, 'thirdclass': 2, 'romanticized': 2, 'encapsulates': 2, 'scorching': 2, 'namuth': 2, 'partakes': 2, 'manhood': 2, 'yim': 2, 'fandom': 2, 'backpedal': 2, 'hur': 2, 'gungans': 2, 'sate': 2, 'dressmaker': 2, 'hardford': 2, 'schoolchild': 2, 'redistribution': 2, 'montero': 2, 'alejandro': 2, 'letscher': 2, 'plato': 2, 'discern': 2, 'adverse': 2, 'catatonia': 2, 'dreamworkss': 2, 'tzipporah': 2, 'ramses': 2, '1773': 2, 'boham': 2, 'ingolstadt': 2, 'charecter': 2, 'nero': 2, 'blanchette': 2, 'millionplus': 2, 'azrael': 2, 'capitalist': 2, 'mimieux': 2, 'morlocs': 2, 'bertram': 2, 'revision': 2, 'inventing': 2, 'indecisive': 2, 'purest': 2, 'rectify': 2, 'us100': 2, 'deploying': 2, 'reminiscence': 2, 'artisan': 2, 'hypnotize': 2, 'tullymore': 2, 'scrawny': 2, 'mastrantonio': 2, 'whiteknuckle': 2, 'budgeted': 2, 'kujan': 2, 'mcmanus': 2, 'shortest': 2, 'hotblooded': 2, 'devane': 2, 'mehrjui': 2, 'mehrjuis': 2, 'mosaffa': 2, 'jamileh': 2, 'sheikhi': 2, 'polygamy': 2, 'hesitantly': 2, 'motherinlaws': 2, 'leilas': 2, 'mclachlan': 2, 'toughly': 2, 'sessue': 2, 'hayakawa': 2, 'assiduously': 2, 'bypass': 2, 'rackwitz': 2, 'subgenres': 2, 'demonstrably': 2, 'adultoriented': 2, 'evars': 2, 'beckwith': 2, 'plaintive': 2, 'danna': 2, 'averagejoe': 2, 'cutback': 2, 'uncooperative': 2, 'panicky': 2, 'fickle': 2, 'prosky': 2, 'kirshners': 2, 'enjoyability': 2, 'zealot': 2, 'lodging': 2, 'larenz': 2, 'holnists': 2, 'topple': 2, '1941': 2, 'parodied': 2, 'romanticizes': 2, 'recites': 2, 'brandos': 2, 'weeps': 2, 'overlydramatic': 2, 'swain': 2, 'quilty': 2, 'microcosm': 2, 'playes': 2, 'anand': 2, 'flutist': 2, 'specification': 2, 'ny152': 2, 'bluntness': 2, 'idealism': 2, 'poseur': 2, 'unhurried': 2, 'coolashell': 2, 'deepened': 2, 'balderdash': 2, 'goldfinger': 2, 'johner': 2, 'ziggy': 2, 'rebelliousness': 2, 'camel': 2, 'thrived': 2, 'unearth': 2, 'regretful': 2, 'ruse': 2, 'townes': 2, 'lighten': 2, 'scifiaction': 2, 'paddock': 2, 'debatable': 2, 'interpol': 2, 'oharra': 2, 'lovably': 2, 'outpouring': 2, 'rediscover': 2, 'herzogs': 2, 'rereleases': 2, 'harker': 2, 'harkers': 2, 'divining': 2, 'kinskis': 2, 'popul': 2, 'vuh': 2, 'tantric': 2, 'centuryold': 2, 'junction': 2, 'supermasochist': 2, 'cystic': 2, 'fibrosis': 2, 'flanagans': 2, 'stimulation': 2, '19thcentury': 2, 'resurfaces': 2, 'throaty': 2, 'perreault': 2, 'jena': 2, 'warship': 2, 'brosnon': 2, 'ministry': 2, 'eloquence': 2, 'darc': 2, 'harrington': 2, 'nook': 2, 'cheapjack': 2, 'grodins': 2, 'costanza': 2, 'rethinking': 2, 'songanddance': 2, 'yzma': 2, 'eartha': 2, 'kitt': 2, 'kronk': 2, 'nbcs': 2, 'discoverer': 2, 'wellcast': 2, 'knuckle': 2, 'avi': 2, 'ade': 2, 'nonactors': 2, 'mum': 2, 'gutierrez': 2, 'alea': 2, 'oasis': 2, 'correcting': 2, 'aguilar': 2, 'acrobat': 2, 'unflashy': 2, 'kleiser': 2, 'sauce': 2, 'kross': 2, 'retells': 2, 'eastwest': 2, 'welleducated': 2, 'paola': 2, 'bisset': 2, 'turk': 2, 'bazelli': 2, 'pescucci': 2, 'absorption': 2, 'disconcerted': 2, 'harming': 2, 'outspoken': 2, 'teenaged': 2, 'humanlike': 2, 'broodwarrior': 2, 'triumphantly': 2, 'rothchild': 2, 'markedly': 2, 'unites': 2, 'finelycrafted': 2, 'seamy': 2, 'coercion': 2, 'honourable': 2, 'nonjudgemental': 2, 'hangeron': 2, 'hounding': 2, 'brittle': 2, 'heigh': 2, 'sulu': 2, 'unbeaten': 2, 'picket': 2, 'postwatergate': 2, 'scatterbrained': 2, 'laziest': 2, 'dropoff': 2, 'uninhabited': 2, '1919': 2, 'bunyan': 2, 'enforce': 2, 'zuehlke': 2, 'schlictman': 2, 'strife': 2, 'sinuous': 2, 'hoof': 2, 'degeneration': 2, 'virility': 2, 'defiled': 2, 'stain': 2, 'emasculation': 2, 'ratzo': 2, 'clara': 2, 'pang': 2, 'bing': 2, 'shun': 2, 'gar': 2, 'bestowed': 2, 'rohmer': 2, 'decimated': 2, 'mayergoodman': 2, 'defiance': 2, 'composerlyricist': 2, 'harsher': 2, 'invincibility': 2, 'openended': 2, 'hovers': 2, 'scandalous': 2, 'notguilty': 2, 'disneyesque': 2, 'withholds': 2, 'conquers': 2, 'selfacceptance': 2, 'rossio': 2, 'hustle': 2, 'unidentifiable': 2, 'jemmons': 2, 'agnostic': 2, 'bizaare': 2, 'uncharacteristic': 2, 'harfords': 2, 'peddling': 2, 'levelheaded': 2, 'unduly': 2, 'brassy': 2, 'zeffirellis': 2, 'mourn': 2, 'babboons': 2, 'slimming': 2, 'outofcharacter': 2, 'leeanne': 2, 'unsparing': 2, 'lucidity': 2, 'zundel': 2, 'antisemite': 2, 'vance': 2, 'reexamine': 2, 'fassbinder': 2, 'preminger': 2, 'melaine': 2, 'unveiled': 2, 'duloc': 2, 'transylvanians': 2, 'tint': 2, '2disc': 2, 'singalong': 2, 'pollster': 2, 'deceiving': 2, 'idolizing': 2, 'validation': 2, 'recur': 2, 'silva': 2, 'gorman': 2, 'tormey': 2, 'bankole': 2, 'winbush': 2, 'belies': 2, 'hagakure': 2, 'tenet': 2, 'boop': 2, 'clutching': 2, 'intuitively': 2, 'reserving': 2, 'persuading': 2, 'culpability': 2, 'viscera': 2, 'greaser': 2, 'vaginal': 2, 'firmer': 2, 'centering': 2, 'tranquility': 2, 'bleeds': 2, 'paled': 2, 'objectionable': 2, 'harbinger': 2, 'contemplate': 2, 'schiffer': 2, 'maple': 2, 'vernacular': 2, 'tai': 2, 'nebulous': 2, 'armour': 2, 'practicing': 2, 'mui': 2, 'macguffin': 2, 'archie': 2, 'looting': 2, 'humvee': 2, 'energized': 2, 'josephine': 2, 'osgood': 2, 'desis': 2, 'machiavellian': 2, 'counterbalance': 2, 'ahmad': 2, 'cancelled': 2, 'frustrates': 2, 'maxines': 2, 'tillman': 2, 'feingold': 2, 'rydell': 2, 'bandstand': 2, 'harron': 2, 'scathingly': 2, 'offbalance': 2, 'staking': 2, 'cardshark': 2, 'folding': 2, 'turturros': 2, 'triumvirate': 2, 'oddness': 2, 'euliss': 2, 'orator': 2, 'remodeled': 2, 'holiness': 2, 'troublemaker': 2, 'diver': 2, 'triggerhappy': 2, 'xvi': 2, 'flute': 2, 'batfans': 2, 'mindreading': 2, 'muldoon': 2, 'arachnid': 2, 'smallish': 2, 'brutish': 2, 'longshank': 2, 'hee': 2, 'vincentjeromes': 2, 'pessimism': 2, 'gynecologist': 2, 'tia': 2, 'carrere': 2, 'wields': 2, 'brahma': 2, 'siva': 2, 'destroyer': 2, 'allah': 2, 'repressive': 2, 'sickened': 2, 'fuckin': 2, 'expansiveness': 2, 'pluck': 2, 'feelin': 2, 'otto': 2, 'majesty': 2, 'northeast': 2, 'dami': 2, 'padre': 2, 'portillo': 2, 'revolver': 2, 'refinement': 2, 'danilov': 2, 'vassili': 2, 'coexist': 2, 'intimately': 2, 'dostoevsky': 2, 'realworld': 2, 'counterfeiter': 2, 'druginduced': 2, 'glorifying': 2, 'unabated': 2, 'misconception': 2, 'shoplifting': 2, 'sammo': 2, 'mabel': 2, 'unannounced': 2, 'chineseamerican': 2, 'vosloo': 2, 'hulots': 2, 'matrix_': 2, 'deepening': 2, 'blankness': 2, 'germane': 2, 'filial': 2, 'threeweek': 2, 'duran': 2, 'kiyoshi': 2, 'taguchi': 2, 'disturbance': 2, 'mancina': 2, 'taxation': 2, 'naboos': 2, 'tantamount': 2, 'paralleling': 2, 'junger': 2, 'mccullah': 2, 'padua': 2, 'wellused': 2, 'cartoonlike': 2, 'scotch': 2, 'resnais': 2, 'lipsynched': 2, 'agnes': 2, 'jaoui': 2, 'consequential': 2, 'howitt': 2, 'mcferran': 2, 'imperious': 2, 'turnpike': 2, 'characterdefining': 2, 'subterfuge': 2, 'childfriendly': 2, 'gangbangers': 2, 'nailed': 2, 'ottis': 2, 'coldness': 2, 'mileage': 2, 'trumping': 2, 'baadasssss': 2, 'epigraph': 2, 'financed': 2, 'rebelled': 2, 'ghoulish': 2, 'unperturbed': 2, 'astonishment': 2, 'mckay': 2, 'synonymous': 2, 'caters': 2, 'travelogue': 2, 'johansson': 2, 'herding': 2, 'ferdinand': 2, 'westlake': 2, 'broach': 2, 'hoggetts': 2, 'fullydeveloped': 2, 'healer': 2, 'lude': 2, 'operated': 2, 'renard': 2, 'meekness': 2, 'relatable': 2, 'gershons': 2, 'spyglass': 2, 'birnbaum': 2, 'daly': 2, 'millar': 2, 'carson': 2, 'obannon': 2, 'slattery': 2, 'selflessly': 2, 'dulloc': 2, 'voicing': 2, 'figgis': 2, 'immediatly': 2, 'potente': 2, 'bleibtreu': 2, 'irregular': 2, 'mend': 2, 'ansell': 2, 'mccamus': 2, 'condescend': 2, 'hanoi': 2, 'hai': 2, 'suongs': 2, 'highoctane': 2, 'jedis': 2, 'limon': 2, 'intertwining': 2, 'mutilating': 2, 'exslave': 2, 'reminiscing': 2, 'daugher': 2, 'materialized': 2, 'soiled': 2, 'sensationalism': 2, 'funnel': 2, '62': 2, 'incomparable': 2, 'aguirresarobe': 2, 'johanssen': 2, 'squarish': 2, 'lindas': 2, 'obscura': 2, 'wessex': 2, 'harmonizing': 2, 'madden': 2, '70mm': 2, 'putdowns': 2, 'strove': 2, 'flung': 2, 'bereaved': 2, 'wendell': 2, 'misirables': 2, 'unforgiving': 2, 'marius': 2, 'thelma': 2, 'mindy': 2, 'dicing': 2, 'unforeseen': 2, '1839': 2, 'provision': 2, 'rizzo': 2, 'showpiece': 2, 'clutterbuck': 2, 'disneyized': 2, 'specialeffect': 2, 'cokeaddicted': 2, 'neckdeep': 2, 'leguiziamo': 2, 'remorseful': 2, 'residential': 2, 'incisive': 2, 'gasts': 2, 'muhammad': 2, 'gast': 2, 'sverak': 2, 'mawkishness': 2, 'kieran': 2, 'soughtafter': 2, 'strewn': 2, 'beckoning': 2, 'inhaling': 2, 'janusz': 2, 'oversimplified': 2, 'slowest': 2, 'sociology': 2, 'pigkeeper': 2, 'gwythants': 2, 'fairfolk': 2, 'doli': 2, 'ntsc': 2, 'recruiting': 2, 'armstrong': 2, 'equip': 2, 'lucindas': 2, 'finelyrealized': 2, 'delineated': 2, 'lemay': 2, 'boutte': 2, 'nonprofessional': 2, 'elspeth': 2, 'cockburn': 2, 'voe': 2, 'attendee': 2, 'snotty': 2, 'kimmys': 2, 'copkillers': 2, 'robocops': 2, 'consul': 2, 'bluish': 2, 'mcpherson': 2, 'paulies': 2, 'lassie': 2, 'trini': 2, 'headbopping': 2, 'artimitateslife': 2, 'keach': 2, 'thenunknown': 2, 'stokely': 2, 'delilah': 2, 'jordanna': 2, 'marybeth': 2, 'arsinee': 2, 'meditative': 2, 'unconditional': 2, 'reared': 2, 'ev': 2, 'vigo': 2, 'asp': 2, 'poledouris': 2, 'sightless': 2, 'gassner': 2, 'outweigh': 2, 'zemeckiss': 2, 'tentatively': 2, 'nobrainers': 2, 'corleones': 2, 'fallible': 2, 'uncomplicated': 2, 'cornelius': 2, 'hashish': 2, 'broached': 2, 'esther': 2, 'cornerstone': 2, 'freudian': 2, 'uhry': 2, 'boolie': 2, 'smidgen': 2, 'moviereviews': 2, 'org': 2, 'ronnas': 2, 'grabthars': 2, 'impetus': 2, 'plummers': 2, 'palme': 2, 'dor': 2, 'vantage': 2, 'neice': 2, 'ravera': 2, 'gazarra': 2, 'florist': 2, 'accordion': 2, 'unconsciously': 2, 'lughnasa': 2, 'mundy': 2, 'droid': 2, 'kanoby': 2, 'discouraged': 2, 'bolton': 2, 'recieves': 2, 'surehanded': 2, 'subscribed': 2, 'donnies': 2, 'eblock': 2, 'diagnosed': 2, 'coffeys': 2, 'adversity': 2, 'realisation': 2, 'resultant': 2, 'chocolats': 2, 'anouk': 2, 'victoire': 2, 'thivisol': 2, 'viannes': 2, 'voizin': 2, 'battering': 2, 'competed': 2, 'middleman': 2, 'jensen': 2, 'cword': 2, 'chablis': 2, 'hypnosis': 2, 'zachary': 2, 'hershmans': 2, 'edgefield': 2, 'reprimand': 2, 'primrose': 2, 'keri': 2, 'wayward': 2, 'dilutes': 2, 'hobbling': 2, 'wilkes': 2, 'unobtrusive': 2, 'heslop': 2, 'abba': 2, 'gentlewoman': 2, 'worralls': 2, 'robespierre': 2, 'silberling': 2, 'horrordrama': 2, 'tautly': 2, 'nyahs': 2, 'hobbs': 2, 'renewal': 2, 'existentialist': 2, 'roald': 2, 'wormwood': 2, 'persia': 2, 'coney': 2, 'cyrus': 2, 'swann': 2, 'nanni': 2, 'butte': 2, 'skeksis': 2, 'gelfling': 2, 'kira': 2, 'frasers': 2, 'ihmoetep': 2, 'encino': 2, 'meditate': 2, 'brigette': 2, 'ghallager': 2, 'worrisome': 2, 'prophesied': 2, 'loath': 2, 'guginos': 2, 'wiez': 2, 'iraqi': 2, 'pvt': 2, 'sigels': 2, 'cuckor': 2, 'mckellen': 2, 'excitable': 2, 'onemanwoman': 2, 'gratification': 2, 'lohan': 2, 'cutedom': 2, 'garafalo': 2, 'splein': 2, 'sagebrush': 2, 'mooney': 2, 'astin': 2, 'postino': 2, 'mugatu': 2, 'mugatus': 2, 'fop': 2, 'royalist': 2, 'duc': 2, 'pommfrit': 2, 'calais': 2, 'farright': 2, 'henreid': 2, 'hulce': 2, 'batlike': 2, 'calf': 2, 'outofwork': 2, 'andersen': 2, 'lts': 2, 'tamora': 2, 'tamoras': 2, 'lennix': 2, 'raindrop': 2, 'bagpipe': 2, 'jousting': 2, 'valjeans': 2, 'thenardiers': 2, 'gordos': 2, 'oilrig': 2, 'cremet': 2, 'ghibli': 2, 'seaport': 2, 'trapper': 2, 'ute': 2, 'drunker': 2, 'gangstar': 2, 'sherbet': 2, 'conglomerate': 2, 'sitch': 2, 'renfros': 2, 'noncolored': 2, 'mccourts': 2, 'breen': 2, 'breens': 2, 'performence': 2, 'amadala': 2, 'cholodenko': 2, 'sheedys': 2, 'motivate': 2, 'deserting': 2, 'looooot': 1, 'winstons': 1, 'schnazzy': 1, 'timex': 1, 'indiglo': 1, 'teenflicks': 1, 'fullyanimated': 1, 'thatd': 1, 'jessalyn': 1, 'gilsig': 1, 'earlyteen': 1, 'kayleys': 1, 'ruber': 1, 'exround': 1, 'membergonebad': 1, 'boobytrapped': 1, 'timberlanddweller': 1, 'poorlyintegrated': 1, 'hercs': 1, 'outbland': 1, 'early90s': 1, 'jaleel': 1, 'balki': 1, 'dion': 1, 'spurnedpsychosgettingtheirrevenge': 1, 'serioussounding': 1, 'statistic': 1, 'guesswork': 1, 'psychoinlove': 1, 'stalkeds': 1, 'maryam': 1, 'businessowner': 1, 'lowpowered': 1, 'terraformed': 1, 'earthnormal': 1, 'stagnated': 1, 'napolean': 1, 'millimeter': 1, 'enmeshed': 1, 'bigtown': 1, 'americana': 1, 'whir': 1, 'splitlevel': 1, 'flunky': 1, 'oralsexprostitution': 1, 'sandlerannoying': 1, 'carreyannoying': 1, 'lapa': 1, 'ithinkiactuallyhave': 1, '_huge_': 1, 'fluttered': 1, 'pregnancychild': 1, 'cacophonous': 1, 'veterinary': 1, 'foreignguywhomispronouncesenglish': 1, 'yakov': 1, 'smirnov': 1, 'volvo': 1, 'caughtwithhispantsdown': 1, 'unauthentic': 1, 'zombified': 1, 'boozedout': 1, 'kaisas': 1, 'blitzed': 1, 'nosebleed': 1, 'repetitively': 1, 'amundsen': 1, 'petter': 1, 'moland': 1, 'hooligan': 1, 'trivialize': 1, 'fatherdaughter': 1, 'headeys': 1, 'furrowed': 1, 'frisson': 1, 'americanization': 1, 'greece': 1, 'deflect': 1, 'arrgh': 1, 'swishswishzzzzzzz': 1, 'semisaving': 1, 'actorwise': 1, 'cakewalk': 1, 'scampering': 1, 'mouseketeers': 1, 'championing': 1, 'raisondetre': 1, 'forensics': 1, 'loach': 1, 'harrigan': 1, 'sexforpay': 1, 'expressway': 1, 'terrio': 1, 'bluff': 1, 'observational': 1, 'royally': 1, 'sparing': 1, 'bythebooks': 1, 'massacusetts': 1, 'trashiest': 1, 'snyder': 1, 'undoes': 1, 'actorstunt': 1, 'sez': 1, 'maninblack': 1, 'disbanded': 1, 'treville': 1, 'interestchambermaid': 1, 'footsy': 1, 'menancing': 1, 'dartangnan': 1, 'mouseketeer': 1, 'wellnoted': 1, 'randian': 1, 'pervades': 1, 'occasionaly': 1, 'selfdepreciating': 1, 'overachieve': 1, 'intersperesed': 1, 'nonintrusive': 1, 'lister': 1, 'nightwolf': 1, 'litefoot': 1, 'irina': 1, 'pantaeva': 1, 'mimicing': 1, 'mudwrestling': 1, 'motaro': 1, 'sliver': 1, 'hooey': 1, 'stallonestone': 1, 'honeymooning': 1, 'interchange': 1, 'someonesouttogetme': 1, 'chromium': 1, 'aptlytitled': 1, 'prefixed': 1, 'possessive': 1, 'unashamed': 1, 'testy': 1, 'poohbah': 1, 'appropriatelynamed': 1, 'oddlywho': 1, 'birdseyeview': 1, 'crazedlooking': 1, 'warningspontaneously': 1, 'hissing': 1, 'plissken': 1, 'infertile': 1, 'perth': 1, 'amboys': 1, 'emailed': 1, 'crazymadinlove': 1, 'regretthe': 1, 'trods': 1, 'mostlysilent': 1, 'keyhole': 1, 'fanatasies': 1, 'pgrated': 1, 'cherrycolored': 1, 'nerdies': 1, 'shrugoftheshoulders': 1, 'crappiness': 1, 'sandtwister': 1, '12minute': 1, 'britney': 1, '13yearold': 1, 'assassinoperative': 1, 'cyan': 1, 'sydni': 1, 'beaudoin': 1, 'disproportioned': 1, 'doubledealing': 1, 'heavyonfx': 1, 'shortonsubstance': 1, 'poortaste': 1, 'munch': 1, 'miniskirt': 1, 'newmar': 1, 'sleeplessness': 1, 'khondjis': 1, 'opulence': 1, 'illustrator': 1, 'soontobecommitted': 1, 'hohummer': 1, 'retching': 1, 'applesauce': 1, 'brauvara': 1, 'complexly': 1, 'halfassedness': 1, 'eighthassedness': 1, 'fabiani': 1, 'casinohotel': 1, 'intereference': 1, 'soundman': 1, 'disection': 1, 'machinas': 1, 'fevered': 1, '1692': 1, 'chickenbashing': 1, 'spotlighted': 1, 'invoked': 1, 'lustfully': 1, 'hormonallyadvantaged': 1, 'narrowwaisted': 1, 'overearnestness': 1, 'foamingmouth': 1, 'fervour': 1, 'mounted': 1, 'hytners': 1, 'ryders': 1, 'haughtiness': 1, 'scofield': 1, 'danforth': 1, 'piousness': 1, 'beckoned': 1, 'quarrel': 1, 'putzulu': 1, 'angrier': 1, 'hypercolor': 1, 'bastardizing': 1, 'couplehood': 1, 'headchopping': 1, 'alienpossessed': 1, 'flashessideways': 1, 'kwikemart': 1, 'slushee': 1, 'reminisces': 1, 'zombiestomping': 1, 'ritually': 1, 'welltrained': 1, 'cker': 1, 'parallax': 1, 'incriminates': 1, 'themself': 1, 'pronoun': 1, 'grindhouse': 1, 'coddling': 1, 'assness': 1, 'preciously': 1, 'manslaughterer': 1, 'cheesecake': 1, 'nearriot': 1, 'talkfest': 1, 'moomoo': 1, 'millisecond': 1, 'brainzapped': 1, 'edged': 1, 'italicize': 1, 'dully': 1, 'gyration': 1, '53yearold': 1, 'collosal': 1, 'macaw': 1, 'plotlessness': 1, 'ioan': 1, 'blanderthanbland': 1, 'rard': 1, 'furrier': 1, 'worthle': 1, 'poopies': 1, 'dodie': 1, 'slammer': 1, 'tolling': 1, 'sable': 1, 'dahlings': 1, 'cutetry': 1, 'otherwisebut': 1, 'videocasette': 1, 'foretold': 1, 'kissinger': 1, 'athleticism': 1, 'effectsfilled': 1, 'probgram': 1, 'ig': 1, 'ehrin': 1, 'mfm': 1, 'micromanaged': 1, 'prominant': 1, 'colemans': 1, 'oteri': 1, 'gidget': 1, 'oteris': 1, 'katz': 1, 'maniacle': 1, 'shuckinandjivin': 1, 'vehicular': 1, 'emancipation': 1, 'hughleys': 1, 'harriet': 1, 'pintsize': 1, 'premere': 1, 'laded': 1, 'reverting': 1, 'necking': 1, 'kais': 1, 'implores': 1, 'issiah': 1, 'aaliyahs': 1, 'ferreras': 1, 'showiest': 1, 'allayah': 1, 'delro': 1, 'woodside': 1, 'undirected': 1, 'bartkiwiak': 1, 'bernt': 1, 'jarrell': 1, 'allayahs': 1, 'chibas': 1, 'streetfighter': 1, 'adroit': 1, 'heightening': 1, 'rmd': 1, 'personable': 1, 'armani': 1, 'manicured': 1, 'sentinel': 1, 'falco': 1, 'landry': 1, '7up': 1, 'pitchman': 1, 'playoff': 1, 'dennys': 1, 'deutch': 1, 'gallant': 1, 'eminem': 1, 'schutzes': 1, 'novelization': 1, 'premeditated': 1, 'lotbored': 1, 'harries': 1, 'remorsethe': 1, 'stillsheather': 1, 'examplebut': 1, 'everglades': 1, 'coerced': 1, 'issuethere': 1, 'arne': 1, 'raleigh': 1, 'sumptuouslooking': 1, 'suri': 1, 'krishnammas': 1, 'dublin': 1, 'salome': 1, 'stuffan': 1, 'administrator': 1, 'pointsjust': 1, 'doubledecker': 1, 'senseand': 1, 'finneys': 1, 'characterbut': 1, 'incredulity': 1, 'fuhrer': 1, 'hayden': 1, 'pickens': 1, 'antipathetic': 1, 'crochunting': 1, 'keough': 1, 'cyr': 1, 'crocs': 1, 'delores': 1, 'bickerman': 1, 'selfdefeating': 1, 'waysill': 1, 'thirtyfoot': 1, 'semimystical': 1, 'leni': 1, 'rienfenstal': 1, 'calculatedly': 1, 'revulsed': 1, 'baser': 1, 'climact': 1, 'downed': 1, 'vc': 1, 'nearpornographic': 1, 'incited': 1, 'm16': 1, 'filimg': 1, 'hurricaine': 1, 'appelation': 1, 'typist': 1, 'talentimpaired': 1, 'quasifascist': 1, 'quasi': 1, 'eroticize': 1, 'oafish': 1, 'arsenic': 1, 'centennial': 1, '1896': 1, 'nobel': 1, 'shocktherapy': 1, 'civilised': 1, 'animalmen': 1, 'prioritized': 1, 'perishes': 1, 'ungloriously': 1, 'aissa': 1, 'beastmen': 1, 'hana': 1, 'basquiat': 1, 'kirstin': 1, 'sorderbergh': 1, 'mey': 1, 'linearity': 1, 'flashforwards': 1, 'comprehendably': 1, 'uninviting': 1, 'dostoevski': 1, 'restroom': 1, 'mcarthur': 1, 'gofer': 1, 'berliner': 1, 'wile': 1, 'procures': 1, 'artistspeak': 1, 'throghout': 1, 'graver': 1, 'rancid': 1, 'singer_': 1, 'gulia': 1, '_never': 1, 'kissed_': 1, 'grossie': 1, 'db': 1, 'extravertedness': 1, 'sobieskiwatch': 1, 'sluttish': 1, 'newself': 1, 'gap_': 1, 'reenlists': 1, '_heathers_': 1, 'backwords': 1, 'yous': 1, 'reelviews': 1, 'epinions': 1, 'iscove': 1, 'mooreesque': 1, 'underperforming': 1, 'byway': 1, 'cloudchoked': 1, 'longestseeming': 1, '95minute': 1, 'cinematographerturneddirector': 1, 'huntingburgs': 1, 'dysart': 1, 'easilycorrupted': 1, 'helpfulness': 1, 'guysbad': 1, 'threateningly': 1, 'appalls': 1, 'gorillaslive': 1, 'jeweller': 1, 'traditionalist': 1, 'cabalistic': 1, 'unispiring': 1, 'avrech': 1, '111900': 1, '30ish': 1, 'barfing': 1, 'roused': 1, 'compel': 1, 'tornatore': 1, 'narrowsighted': 1, 'reusing': 1, 'smurfs': 1, 'snorks': 1, 'identically': 1, 'interchangable': 1, 'pringles': 1, 'fashionconscious': 1, 'pierced': 1, 'costello': 1, 'lobbying': 1, 'stavro': 1, 'blofeld': 1, 'girlpoor': 1, 'seasoning': 1, 'manicure': 1, 'classconscious': 1, 'brubaker': 1, 'slider': 1, 'umpire': 1, 'caseys': 1, 'debello': 1, 'huntington': 1, 'ultrareligious': 1, 'lizzy': 1, 'acdcs': 1, 'coughed': 1, 'quickcuts': 1, 'splitscreens': 1, 'zoomouts': 1, 'marijuanalaced': 1, 'clocked': 1, 'receiver': 1, 'cormans': 1, 'lateseventies': 1, 'coached': 1, 'nineteen': 1, 'corralled': 1, 'cocoaching': 1, 'lass': 1, 'outercity': 1, 'lawnmowers': 1, 'doze': 1, 'overscore': 1, 'bizet': 1, 'habanera': 1, 'frosting': 1, 'lightsome': 1, 'postw': 1, 'prunella': 1, 'accomplishedbutstiff': 1, 'beales': 1, 'underweight': 1, 'kinney': 1, 'mayoral': 1, '000acre': 1, 'togetherfeuding': 1, 'reconciling': 1, 'hitmenthat': 1, 'thatdespite': 1, 'odgen': 1, 'pantolinao': 1, 'hemingwayesque': 1, '3000level': 1, 'zephyr': 1, 'tsavo': 1, 'uganda': 1, 'reknown': 1, 'siegfried': 1, 'nighinvulnerable': 1, 'solmenly': 1, 'remingtons': 1, 'scaffoldlike': 1, 'macomber': 1, '1898': 1, 'renound': 1, 'tvstar': 1, 'runthrough': 1, 'jobtitle': 1, 'sportscar': 1, 'pnly': 1, 'defenceless': 1, '_wayyyyy_': 1, 'trumpeter': 1, 'hammerbottom': 1, 'burnett': 1, 'beantown': 1, 'gypsylike': 1, 'carlton': 1, 'musically': 1, 'serinas': 1, 'syncing': 1, 'roan': 1, 'inish': 1, 'usmexico': 1, 'indios': 1, 'pharmacy': 1, 'barbarity': 1, 'damian': 1, 'deserter': 1, 'pickmeup': 1, 'fergusons': 1, 'lancing': 1, 'fourday': 1, 'funnery': 1, 'hinky': 1, 'stoli': 1, 'mustang': 1, 'ragtop': 1, 'radiator': 1, 'turtleneck': 1, 'drapehanging': 1, 'arizonian': 1, 'kewpie': 1, 'shoplift': 1, 'mudhole': 1, 'stomped': 1, 'keister': 1, 'fivefinger': 1, 'ollies': 1, 'toestub': 1, 'blanketyblank': 1, 'xeroxed': 1, 'tiltowhirl': 1, 'weekold': 1, 'snook': 1, 'barbarino': 1, 'maximumsecurity': 1, 'cirque': 1, 'soleil': 1, 'stripmining': 1, 'miningslave': 1, 'johnnie': 1, 'terels': 1, 'circumventing': 1, 'trigonometry': 1, 'gunandplane': 1, 'beastmaster': 1, 'megastar': 1, 'fricking': 1, 'alsoran': 1, 'hornrimmed': 1, 'megamovie': 1, 'scamp': 1, 'subscription': 1, 'headlining': 1, 'outpaced': 1, '90tooth': 1, 'lisping': 1, 'direcing': 1, 'mouthbreathing': 1, 'matiko': 1, '117': 1, 'semiremake': 1, 'bondish': 1, '010': 1, 'mankiewicz': 1, 'sexfilm': 1, 'streaking': 1, 'slackjawed': 1, 'yokel': 1, 'pleasureseeking': 1, 'injures': 1, 'hospitalizes': 1, 'backstabber': 1, 'nothingleast': 1, 'fornicator': 1, 'dipped': 1, 'dishonourable': 1, 'contemptable': 1, 'triviaironically': 1, 'holier': 1, 'teenybopper': 1, 'covertly': 1, 'overdubbed': 1, 'looping': 1, 'foodstuff': 1, 'sixmillion': 1, 'slowing': 1, 'moodier': 1, 'advil': 1, 'arbitrarilytitled': 1, 'rosetinted': 1, 'flyboys': 1, 'lowflying': 1, 'burgerflipper': 1, 'mothertobe': 1, 'twinkling': 1, 'applecheek': 1, 'hipness': 1, 'quasiincestuous': 1, 'collate': 1, 'incalculable': 1, 'hunkish': 1, 'spruced': 1, 'accuser': 1, 'boozedrinkin': 1, '5million': 1, 'libel': 1, 'deforce': 1, 'sexless': 1, 'flabbergastingly': 1, '000foot': 1, 'prevention': 1, 'discloses': 1, 'productplacement': 1, 'exsecretary': 1, 'resigning': 1, 'roughed': 1, 'sixastronaut': 1, 'obarrs': 1, 'backtracks': 1, 'exacted': 1, 'worthiness': 1, 'frenchaccented': 1, 'retrieved': 1, 'shivery': 1, 'secondhand': 1, 'baldly': 1, 'goyers': 1, 'unquestionable': 1, 'outdoing': 1, 'psychoanalyze': 1, 'lucie': 1, 'arnez': 1, 'shampoo': 1, 'picnic': 1, 'rosario': 1, 'isacsson': 1, 'filmschoolgrad': 1, 'eszterhasish': 1, 'edification': 1, 'unturned': 1, 'candlewax': 1, 'ninthhand': 1, 'nasal': 1, 'juergen': 1, 'surly': 1, 'uli': 1, 'edel': 1, 'elegiac': 1, 'christiane': 1, 'producerdirector': 1, 'portait': 1, 'sacking': 1, 'performaces': 1, 'tickingclock': 1, 'burntout': 1, 'charbanic': 1, 'dogstar': 1, 'discordant': 1, 'imitator': 1, 'studdly': 1, 'imogen': 1, 'boylosesgirl': 1, 'boydrinksentirebottleofshampooandmayormaynotgetgirlback': 1, 'kutcher': 1, 'goofyembarrassing': 1, 'fullyarmed': 1, 'recylcled': 1, 'midjanuary': 1, 'santi': 1, 'topbillers': 1, 'shipocean': 1, 'linerhaunted': 1, 'tohos': 1, 'livingrooms': 1, 'ashore': 1, 'palotti': 1, 'audreys': 1, 'sidewinder': 1, 'fighterbombers': 1, 'azarias': 1, 'addins': 1, 'tortoise': 1, 'arthritis': 1, 'demoralised': 1, 'signy': 1, 'egomaniacal': 1, 'cinemaor': 1, 'conglomerateshave': 1, 'handydandy': 1, 'regenerated': 1, 'anally': 1, 'situational': 1, 'tinged': 1, 'indecency': 1, '2002': 1, 'cruncher': 1, 'sequal': 1, 'desparate': 1, 'elated': 1, 'mehki': 1, 'outage': 1, 'slashfest': 1, 'knockknock': 1, 'diminuitive': 1, 'ranted': 1, 'filleted': 1, 'vadar': 1, 'ani': 1, 'gangly': 1, 'characterless': 1, 'humanness': 1, 'inventory': 1, 'accidentlly': 1, 'nightie': 1, '1521': 1, 'robyn': 1, 'detonated': 1, 'undid': 1, 'squared': 1, 'manwhore': 1, 'storyboardtoscene': 1, 'storyboarded': 1, 'stagebound': 1, 'allbutscreaming': 1, 'mettler': 1, 'gignac': 1, 'bonnier': 1, 'chopin': 1, 'soporific': 1, 'supposedlyintellectual': 1, 'prattle': 1, 'rootless': 1, 'truethree': 1, '19421986': 1, 'onefourth': 1, '1942': 1, 'workload': 1, 'newlyrestored': 1, 'seenlittle': 1, 'sadies': 1, 'bawdy': 1, 'falwells': 1, 'bakkers': 1, 'barta': 1, 'kamil': 1, 'piza': 1, 'wordit': 1, 'stopanimation': 1, 'walnutsexcept': 1, 'caligari': 1, 'timm': 1, 'rainier': 1, 'grenkowitz': 1, 'nadja': 1, 'engelbrecht': 1, 'hauff': 1, 'besvater': 1, 'germanwest': 1, 'wallpaperer': 1, 'roundtheworld': 1, 'bulgaria': 1, 'workwhile': 1, 'wrongand': 1, 'hodgman': 1, 'dignam': 1, 'mcclements': 1, 'siff': 1, 'poutylips': 1, 'whazoo': 1, 'impossiblewitness': 1, 'ladyship': 1, 'amputation': 1, 'tasting': 1, 'rainingyoud': 1, 'bweverything': 1, 'sepiacolored': 1, 'superscript': 1, 'spacetruckerturnedimpromptusurvivalist': 1, 'elegaic': 1, 'firorina': 1, 'incurably': 1, 'steelworks': 1, 'technogothic': 1, 'backlit': 1, 'newlygestated': 1, 'troweled': 1, 'hiave': 1, 'stus': 1, 'mullally': 1, 'crossbreed': 1, 'mongrel': 1, 'unreceptive': 1, 'featherhatted': 1, 'furcoated': 1, 'ringwearing': 1, 'cadillaccruising': 1, 'movieslike': 1, 'fillmore': 1, 'kred': 1, 'dre': 1, 'yap': 1, 'entrepenaur': 1, 'snakegaiter': 1, 'hardsell': 1, 'pimping': 1, '15minutes': 1, 'cowrites': 1, 'harvie': 1, 'flummoxing': 1, 'paraplegic': 1, 'caned': 1, 'kneecap': 1, 'coagulate': 1, 'freddys': 1, 'numbness': 1, 'cobbler': 1, 'arbiter': 1, 'branaughs': 1, 'banish': 1, 'elizabethan': 1, 'unschooled': 1, 'humbug': 1, 'decriminalization': 1, 'colombia': 1, 'curtailing': 1, 'allocated': 1, 'colombian': 1, 'cornish': 1, 'conferring': 1, 'refrained': 1, 'horticulturist': 1, 'undisturbed': 1, 'clunes': 1, 'portobello': 1, 'cornwall': 1, 'collegue': 1, 'mahem': 1, 'hanky': 1, 'gibbs': 1, 'frampton': 1, 'uuuuuuggggggglllllllyyyyy': 1, 'makebelieve': 1, 'mustard': 1, 'howerd': 1, 'outofkey': 1, 'heartland': 1, 'unanswerable': 1, 'bellybutton': 1, 'lint': 1, 'secondchance': 1, 'mccartney': 1, 'exhilirating': 1, 'incohesive': 1, 'oppposed': 1, 'wazoo': 1, 'ele': 1, 'longerapproximately': 1, 'absoltuely': 1, 'realtimeits': 1, 'ellicit': 1, 'acknowledgeable': 1, 'huddled': 1, 'gasolinefilled': 1, 'christianne': 1, 'hirt': 1, 'soontoexplode': 1, 'windon': 1, 'laconically': 1, 'fireretardant': 1, 'soths': 1, 'palookaville': 1, 'groundpounders': 1, 'bused': 1, 'ornithologist': 1, 'hofstra': 1, 'illinformed': 1, 'nikon': 1, 'phreak': 1, 'renoly': 1, 'uncute': 1, 'detest': 1, 'cayman': 1, 'underengaging': 1, 'avarice': 1, 'greedier': 1, 'greediest': 1, 'indirectly': 1, 'partcomedy': 1, 'unenergetic': 1, 'eet': 1, 'naaaaaaah': 1, 'scenerymunching': 1, 'entertainmentbuck': 1, 'grammywinning': 1, 'juilliard': 1, 'simone': 1, 'vida': 1, 'loca': 1, 'rickie': 1, 'southeast': 1, 'dutchborn': 1, 'frederique': 1, 'wal': 1, 'mayberly': 1, 'extremism': 1, 'rightwingers': 1, 'sensationalist': 1, 'potraying': 1, 'supergirls': 1, 'ilya': 1, 'buglike': 1, 'dooming': 1, 'argonians': 1, 'interdimensional': 1, 'allgirls': 1, 'karas': 1, 'landscaper': 1, 'ballettype': 1, 'driversrapists': 1, 'popeyes': 1, 'unmercifully': 1, 'jeannot': 1, '50minute': 1, 'supergirlthe': 1, 'workout': 1, 'golanglobus': 1, 'salkinds': 1, 'cutsy': 1, 'twodisc': 1, '138': 1, 'otooles': 1, 'slunk': 1, 'spanning': 1, 'birdbrained': 1, 'gillians': 1, 'sidebyside': 1, '70minute': 1, 'frankenweenie': 1, 'confound': 1, 'pickering': 1, 'crypt': 1, 'optical': 1, 'happenning': 1, 'loathable': 1, 'ridicously': 1, 'ingnorant': 1, 'goober': 1, 'sensationaliztion': 1, 'bootlegged': 1, 'unmitigatedly': 1, 'loitering': 1, 'overriding': 1, 'hokeylooking': 1, 'skimped': 1, 'brancatos': 1, 'hootworthy': 1, 'accosts': 1, 'woefullypaced': 1, 'alienhumanhybrid': 1, 'alienhunting': 1, 'supermarketrelated': 1, 'effectsladened': 1, 'alltoofamiliar': 1, 'brashmouthed': 1, 'neglectful': 1, 'shiftyeyed': 1, 'parading': 1, 'empowered': 1, 'holbrooks': 1, 'unjustified': 1, 'mysticalish': 1, 'fairchild': 1, 'megabucks': 1, 'fairchilds': 1, 'laught': 1, 'tearyeyed': 1, 'uberthespian': 1, 'izod': 1, 'heflin': 1, 'rusted': 1, 'bruiser': 1, 'doreen': 1, 'mcqueenesque': 1, 'homoeroticism': 1, 'keyes': 1, 'suntee': 1, 'maywarren': 1, 'crouther': 1, 'leroi': 1, 'synched': 1, 'confusedly': 1, 'faison': 1, 'chaz': 1, 'germann': 1, 'grope': 1, 'roughup': 1, 'noncriminal': 1, 'sleazepin': 1, 'opencrotch': 1, 'clist': 1, 'gradez': 1, 'glisten': 1, 'thermal': 1, 'bobbing': 1, 'otherit': 1, 'muchness': 1, 'looselybuttoned': 1, 'conceptwhat': 1, 'verhoevenand': 1, 'muchand': 1, 'scalper': 1, 'prisonerpacked': 1, 'nonrelevant': 1, 'involvment': 1, 'frivilous': 1, 'publicparticularly': 1, 'wantor': 1, 'tomost': 1, 'missionary': 1, 'modified': 1, 'firmest': 1, 'endsee': 1, 'respecting': 1, 'lessthan': 1, 'mispronounced': 1, 'overal': 1, 'sammi': 1, 'decadenet': 1, 'godess': 1, 'pitifully': 1, 'misbehavers': 1, 'banderes': 1, 'tamlyn': 1, 'mckissack': 1, 'verduzco': 1, 'calderon': 1, 'quentins': 1, 'reak': 1, 'firma': 1, 'hazzard': 1, 'biorhythms': 1, 'confinesand': 1, 'brafor': 1, 'piffle': 1, 'oncetalented': 1, 'towel': 1, 'virginian': 1, 'inundate': 1, 'outboard': 1, 'selflampooning': 1, 'rugchewing': 1, 'gilled': 1, 'waterbreathing': 1, 'webbed': 1, 'ineffectuality': 1, 'oxygen': 1, 'metabolism': 1, 'majorinos': 1, 'tripplehorns': 1, 'eightytwo': 1, '125': 1, 'fourdollar': 1, 'gifford': 1, 'kidnapperkiller': 1, 'pinupplastered': 1, 'burdensome': 1, 'yeehawing': 1, 'setonatrain': 1, 'puttering': 1, 'unfetching': 1, 'aaaaaah': 1, 'senor': 1, 'wences': 1, 'idioplot': 1, 'ballsniffing': 1, 'tuccis': 1, 'quixotic': 1, 'antin': 1, 'demandingly': 1, 'implausibilites': 1, '7yearold': 1, 'ecofable': 1, 'sulkis': 1, 'marauding': 1, '640': 1, 'statham': 1, 'chryse': 1, 'bodysnatching': 1, 'longdormant': 1, 'lopping': 1, 'flygirl': 1, 'undevoted': 1, 'yawnfest': 1, 'esterhas': 1, 'audited': 1, 'kumbles': 1, 'marci': 1, 'greenbaum': 1, 'audit': 1, 'espionnage': 1, 'semipromising': 1, 'untraceable': 1, 'zimmerman': 1, 'degaule': 1, 'northen': 1, 'helsinki': 1, 'eluding': 1, 'untrusting': 1, 'unplayable': 1, 'venoras': 1, 'kicky': 1, 'catonjones': 1, 'unintriguing': 1, 'retroclancy': 1, 'bigstudio': 1, 'politicans': 1, 'chastised': 1, 'valuesbad': 1, 'shockvalue': 1, 'trucked': 1, 'attractionan': 1, 'arousing': 1, 'ezsterhas': 1, 'jeanclaudes': 1, 'natashas': 1, 'allrookie': 1, 'megahype': 1, 'everworsening': 1, 'muders': 1, 'youthoughtitwasthekillerbutwasjust': 1, 'someoneelse': 1, 'eviscerated': 1, 'commitits': 1, '_scream': 1, '2_': 1, 'satistfy': 1, 'exceeded': 1, 'plugging': 1, 'equallytalented': 1, 'colder': 1, 'weathercontrolling': 1, 'wynters': 1, 'kamens': 1, 'exxon': 1, 'valdez': 1, 'astrosbraves': 1, 'johnsongreg': 1, 'maddux': 1, 'rentacar': 1, 'revoke': 1, 'offdays': 1, 'filmschool': 1, 'degreeofdifficulty': 1, 'imaginitively': 1, 'portentuous': 1, 'thunderclap': 1, 'ubergod': 1, 'almostasstunning': 1, 'overproduced': 1, 'ahnold': 1, 'exscientist': 1, 'twistet': 1, 'uberman': 1, 'aphrodiasiatic': 1, 'lovlier': 1, 'villainbatman': 1, 'renovate': 1, 'brainscomedy': 1, 'hatable': 1, 'mentalphysical': 1, 'hamminess': 1, 'seductiveness': 1, 'batpeople': 1, 'tomotoes': 1, 'hypotheitically': 1, 'mushymouth': 1, 'catfight': 1, 'nexttonothing': 1, 'riddlers': 1, 'droogs': 1, 'longline': 1, 'initative': 1, 'grapevine': 1, 'aciton': 1, 'artiste': 1, 'pfarrer': 1, 'deciple': 1, 'particuarly': 1, 'actionhorrorparanoia': 1, 'mortallythreatening': 1, 'redeveloped': 1, 'quasilandmark': 1, 'similarlyfated': 1, 'clunkish': 1, 'elizando': 1, 'meshed': 1, 'misquote': 1, 'chintzy': 1, 'chracters': 1, 'potentialromanticinterest': 1, 'aborigine': 1, 'plusside': 1, 'performanceofwhichheshouldbeashamed': 1, 'scrooooooo': 1, 'membrance': 1, 'oscarnominees': 1, 'shelled': 1, 'bouillabaisse': 1, 'oceanextremeties': 1, 'horriblydirected': 1, 'egad': 1, 'leconte': 1, 'antoines': 1, 'fierytempered': 1, 'manwhores': 1, 'rue': 1, 'torsten': 1, 'voges': 1, 'coining': 1, 'hebitch': 1, 'manslap': 1, 'farside': 1, 'overthought': 1, 'candidateas': 1, 'deadbangs': 1, 'stillactive': 1, 'kressler': 1, 'wkrp': 1, 'throwingup': 1, '_should_': 1, 'greediness': 1, 'newish': 1, '_can_': 1, 'ooky': 1, 'submissionthe': 1, 'ancestral': 1, 'unloving': 1, 'supernaturally': 1, 'wiggy': 1, 'theos': 1, 'nottinghamshires': 1, 'harlaxton': 1, 'theredone': 1, 'plagiarist': 1, 'punchdrunk': 1, 'boudreau': 1, 'dominguez': 1, 'vinces': 1, 'undercard': 1, 'grassy': 1, 'noncharismatic': 1, 'masur': 1, 'welledited': 1, 'wellperformed': 1, 'receiveth': 1, 'persevere': 1, 'adamantly': 1, 'superfamous': 1, 'bigbudgethollywoodaction': 1, 'semantic': 1, 'edgeofyour': 1, 'laserbeams': 1, 'obstructed': 1, 'ninjalike': 1, 'introspection': 1, 'thirtytoo': 1, 'fansand': 1, 'dammedennis': 1, 'rickshaw': 1, 'fourfoot': 1, 'eel': 1, 'enthusing': 1, 'flourishesinventive': 1, 'silencer': 1, 'cutin': 1, 'framebut': 1, 'bluejeans': 1, 'nanobombs': 1, 'cabbage': 1, 'synth': 1, 'kimono': 1, 'pumma': 1, 'exalcoholic': 1, 'exprivateeye': 1, 'laureate': 1, 'ladd': 1, 'trope': 1, 'confounds': 1, 'dogging': 1, 'coauthor': 1, 'hardnone': 1, 'carefullymaintained': 1, 'squanders': 1, 'margo': 1, 'martindale': 1, 'aikidoversed': 1, 'dumbasnails': 1, 'discreetly': 1, 'longlength': 1, 'outmaneuver': 1, 'outgun': 1, 'bullyness': 1, 'beseeches': 1, 'moralistically': 1, 'gallantly': 1, 'righteousness': 1, 'vanguard': 1, 'filmplace': 1, 'envirothriller': 1, 'illusive': 1, 'keeners': 1, 'capades': 1, 'windowdresser': 1, 'decorating': 1, 'codpiece': 1, 'laboring': 1, 'ecopsychotic': 1, '90minutelong': 1, 'piglet': 1, 'garms': 1, 'macallister': 1, 'roescher': 1, 'inflatable': 1, 'donadio': 1, 'sipes': 1, '42196': 1, 'fantasycomedy': 1, 'senseful': 1, 'himyessenseless': 1, 'erb': 1, 'mazin': 1, 'senselessness': 1, 'cashstrapped': 1, 'fizzlesdarryls': 1, 'comebackon': 1, 'floorwalking': 1, 'corso': 1, 'outgrows': 1, 'sagged': 1, 'publishedwhich': 1, 'mamma': 1, 'revitalize': 1, 'soontobecomebeleaguered': 1, 'skelton': 1, 'connolly': 1, 'optional': 1, 'insipidness': 1, 'militarystyle': 1, 'pt': 1, 'flippancy': 1, 'toughlooking': 1, 'scarefests': 1, 'speed2': 1, 'femke': 1, 'jannsen': 1, 'hankering': 1, 'crashlands': 1, 'terminate': 1, 'twentyfirstcentury': 1, 'overcrafted': 1, 'substories': 1, 'gogh': 1, 'propagated': 1, 'graystoke': 1, 'landowning': 1, 'shaman': 1, 'unearthing': 1, 'opal': 1, 'pecs': 1, 'schenkel': 1, 'annauds': 1, 'careerkilling': 1, 'defiency': 1, 'essayed': 1, 'unthankfully': 1, 'oncecool': 1, 'notcool': 1, 'remission': 1, 'ballistics': 1, 'hootinducing': 1, 'lipsmacking': 1, 'lechter': 1, 'dullsville': 1, 'garicias': 1, 'chug': 1, 'genus': 1, 'straitjacket': 1, 'tardiness': 1, 'magnify': 1, 'slighted': 1, 'flubberenhanced': 1, 'macmurrays': 1, 'gloop': 1, 'gloopettes': 1, 'verplanck': 1, 'differentiating': 1, 'sublimeness': 1, 'skittering': 1, 'flatness': 1, 'lynchpin': 1, 'jeckle': 1, 'hydes': 1, 'shirking': 1, 'letch': 1, 'elles': 1, 'betrothed': 1, 'steinfelds': 1, 'ambitionless': 1, 'skitshow': 1, 'selfstyled': 1, 'superbowl': 1, 'craning': 1, 'titlejim': 1, 'highpoints': 1, 'slink': 1, 'buttjokes': 1, 'doubletakes': 1, 'cojones': 1, 'hurtle': 1, 'reprogrammed': 1, 'horrifically': 1, 'tablet': 1, 'rogerswouldbeproud': 1, 'smithereens': 1, 'playmovie': 1, 'roommateasspouse': 1, 'lemmonmatthau': 1, '1966s': 1, 'yonkers': 1, 'paparazzo': 1, 'rowena': 1, 'quayle': 1, 'careerconscious': 1, 'characteractor': 1, 'souldead': 1, 'astronautgonerasta': 1, 'sandworm': 1, 'kesher': 1, 'cammie': 1, 'multithread': 1, 'selfcontradictory': 1, 'poiuyt': 1, 'tri': 1, 'pronged': 1, 'estimation': 1, 'tripronged': 1, 'stow': 1, 'eloped': 1, 'harping': 1, 'tillys': 1, 'manna': 1, 'thingamajig': 1, 'lowliest': 1, 'ensign': 1, 'reprograms': 1, '2056': 1, 'ergonomics': 1, 'sampled': 1, 'halffaces': 1, 'deepti': 1, 'bhatnagars': 1, 'jagdish': 1, 'aatish': 1, 'sanjay': 1, 'dutt': 1, 'aditya': 1, 'panscholi': 1, 'loosened': 1, 'naziesque': 1, 'pledging': 1, 'sargeant': 1, 'milky': 1, 'phasers': 1, 'photon': 1, 'genocide': 1, 'nonexistence': 1, 'pronazi': 1, 'jandt': 1, 'braindamaged': 1, 'xenophobic': 1, 'computerparts': 1, 'lifespan': 1, 'pseudosafety': 1, 'yoshio': 1, 'harada': 1, 'yoko': 1, 'shimada': 1, 'toda': 1, 'buntaro': 1, 'zerodimensional': 1, 'badguy': 1, 'cabdriver': 1, 'pachinko': 1, 'unsalveageably': 1, 'kodo': 1, 'recouple': 1, 'wield': 1, '_everybody_': 1, '_survives_': 1, 'charcoal': 1, 'snorkle': 1, '_genius_': 1, 'kneeslap': 1, '_original_': 1, 'thrillerwe': 1, 'prostrate': 1, 'upin': 1, 'fashionto': 1, 'indiefilms': 1, 'hundredmillion': 1, 'multipicture': 1, 'terseness': 1, 'men_': 1, '_itcom_': 1, 'selflove': 1, 'nukedout': 1, 'hippydippy': 1, 'jingoistic': 1, 'trustnoone': 1, 'clawing': 1, 'braggart': 1, 'chainsmokes': 1, 'mystified': 1, '5000week': 1, 'torres': 1, 'attractiveworse': 1, 'posttheres': 1, 'punkjunkies': 1, 'smackfueled': 1, 'bellos': 1, 'hollywoodtypes': 1, 'triumphed': 1, 'collaborating': 1, 'emanate': 1, 'thrillshots': 1, 'letterwriter': 1, 'doubleindemnity': 1, 'wigas': 1, 'beor': 1, 'jogger': 1, 'pompano': 1, 'sexpotreal': 1, 'dunmore': 1, 'suaveasever': 1, 'marylouise': 1, 'gumcracking': 1, 'gumshoe': 1, 'stilettoheeled': 1, 'motorbiking': 1, 'snare': 1, 'cultivating': 1, 'twentythree': 1, 'manually': 1, 'winkandaconcussivenudge': 1, 'bombastorama': 1, 'mcdonnough': 1, 'hijacked': 1, 'sweargruntblast': 1, 'dissuaded': 1, 'schwabs': 1, 'adrenalinetestosterone': 1, 'endocrinology': 1, 'planeload': 1, 'teteatete': 1, 'huggies': 1, 'recidivist': 1, 'mustachesee': 1, 'morice': 1, 'creak': 1, 'moan': 1, 'prerecorded': 1, 'pleaded': 1, 'aggravated': 1, 'harassment': 1, 'gatekeeper': 1, 'dutchman': 1, 'hideousness': 1, 'walmarts': 1, 'vil': 1, 'pavlov': 1, 'rejoins': 1, 'envying': 1, 'minutely': 1, 'rottweiler': 1, 'stalling': 1, 'accelerate': 1, 'loseritis': 1, 'yankovic': 1, 'subdue': 1, 'animalistic': 1, 'ostrich': 1, 'recurrence': 1, 'owl': 1, 'haskell': 1, '13week': 1, 'marvins': 1, 'grimaldi': 1, 'tangledup': 1, 'mobsterette': 1, 'schwarznegger': 1, 'olins': 1, 'anabella': 1, 'logistical': 1, 'scopeout': 1, 'proceeded': 1, 'goodfitting': 1, 'arangements': 1, 'shimmer': 1, 'plagiarize': 1, 'perceptiveness': 1, 'goingnowhere': 1, 'brecklin': 1, 'envelop': 1, 'whalbergs': 1, 'wadingpool': 1, 'revolved': 1, 'desktop': 1, 'macnicol': 1, 'sylvesters': 1, 'deluise': 1, 'hahaha': 1, 'snorkeling': 1, 'sharkinfested': 1, 'halfcrazed': 1, 'rippoffs': 1, '254': 1, 'religioustype': 1, 'pyrotechnical': 1, 'rom': 1, 'turd': 1, 'renograde': 1, 'aquinas': 1, 'numeral': 1, 'febrile': 1, 'vapidly': 1, 'unicorn': 1, 'mariahs': 1, 'playset': 1, 'patching': 1, 'prevailing': 1, 'devoting': 1, 'gesundheit': 1, 'fulloflife': 1, 'stodgy': 1, 'inxs': 1, 'barby': 1, 'deriving': 1, 'relativity': 1, 'unrefined': 1, 'hicka': 1, 'emc2': 1, '1812': 1, 'overture': 1, 'swansong': 1, 'harriettharry': 1, 'scholl': 1, 'confided': 1, 'dithering': 1, 'milder': 1, 'bresslaws': 1, 'repititive': 1, 'cannan': 1, 'eliel': 1, 'columbiasony': 1, 'orchestrate': 1, 'oncemarriedbutnowestranged': 1, 'criticdavid': 1, 'manning': 1, 'assistantsister': 1, 'farbetween': 1, 'flack': 1, 'depak': 1, 'chopralike': 1, 'muchmacho': 1, 'telegraphic': 1, 'wrappedup': 1, 'jaggedstitched': 1, 'incision': 1, 'stitched': 1, 'breck': 1, 'belcher': 1, 'jezelle': 1, 'videotaped': 1, 'bross': 1, 'videocam': 1, 'luckless': 1, 'loyality': 1, 'bloomfield': 1, 'sr': 1, 'homerepair': 1, 'sybil': 1, 'newman10b': 1, 'freehold': 1, 'raceway': 1, 'undependable': 1, 'girlfriendwho': 1, 'butchie': 1, 'gillan': 1, 'lovehate': 1, 'willed': 1, 'imprisoning': 1, 'harem': 1, 'nobullshit': 1, 'readaptation': 1, 'houyhnhnm': 1, 'serlingish': 1, 'nonapespeaking': 1, 'usefulness': 1, 'wizardofozfashion': 1, 'humananimal': 1, 'masterslave': 1, 'sudan': 1, 'hilari': 1, 'jawdropper': 1, 'apetrader': 1, 'overemotes': 1, 'delaurentiis': 1, 'schaechs': 1, 'poorlydeveloped': 1, 'oedipus': 1, 'hardtoswallow': 1, 'unpardonable': 1, 'wormeaten': 1, 'consenting': 1, 'palpitation': 1, 'unsupervised': 1, 'raucously': 1, 'terribleoccasionally': 1, 'nonsequiturs': 1, 'frankensteinstyle': 1, 'quasiominously': 1, 'horrormovie': 1, 'treein': 1, 'sceneand': 1, 'completelyis': 1, 'someonesinthehouse': 1, 'emery': 1, 'hiker': 1, 'writerfirsttime': 1, 'hairpin': 1, 'pharoahs': 1, 'manethnicity': 1, 'mangod': 1, 'brotherbrother': 1, 'overseer': 1, 'iwannapleasedada': 1, 'newimproved': 1, 'everantsy': 1, 'commercialize': 1, 'homogenize': 1, 'chopchopped': 1, 'patronize': 1, 'woolrich': 1, 'turnofthecentury': 1, 'vargas': 1, 'corresponded': 1, 'vamping': 1, 'cagey': 1, 'accelerates': 1, 'snidely': 1, 'ply': 1, 'tubing': 1, 'cutlery': 1, 'womanfriend': 1, 'disproves': 1, 'massees': 1, 'twogunned': 1, 'kwouk': 1, 'nahon': 1, 'martialartsstar': 1, 'fightscenes': 1, 'perfuctory': 1, 'redirecting': 1, 'bloodflow': 1, 'humanize': 1, 'tinkling': 1, 'bogy': 1, 'bicycle': 1, 'houser': 1, 'ibenez': 1, 'barcalow': 1, 'anglo': 1, 'dew': 1, 'alpha': 1, 'centuri': 1, 'lovesmitten': 1, 'lecturing': 1, 'civic': 1, 'housers': 1, 'swap': 1, 'spore': 1, 'plasma': 1, 'origami': 1, 'mottled': 1, 'fauxjingoistic': 1, 'kegger': 1, 'dixie': 1, 'plexiglas': 1, 'doogies': 1, 'retrofuture': 1, '50searly': 1, 'jetsonslike': 1, 'funicello': 1, 'midly': 1, 'enojyed': 1, 'himselfs': 1, 'infurating': 1, 'odereick': 1, 'gymnast': 1, 'occaisional': 1, 'sfx': 1, 'pixiehairdo': 1, 'screendom': 1, 'resonating': 1, 'ravich': 1, 'daviau': 1, 'bodes': 1, 'hypererratic': 1, 'eagerlyawaited': 1, 'threatned': 1, 'forger': 1, 'affay': 1, 'arqua': 1, 'capabilties': 1, 'nailbiters': 1, 'chained': 1, 'doublejeopardy': 1, 'everywoman': 1, 'breaker': 1, 'morant': 1, 'kinka': 1, 'heavilysponsored': 1, 'cutleryflinging': 1, 'rhetoricspouting': 1, 'cowled': 1, 'overbaked': 1, 'predated': 1, 'outofbody': 1, 'wayback': 1, 'mid1960s': 1, 'leered': 1, 'nehru': 1, 'purred': 1, 'vahvahvoom': 1, 'sexobsessed': 1, 'sniggering': 1, 'conteam': 1, 'feigns': 1, 'unpaid': 1, 'replay': 1, 'tensy': 1, 'repelled': 1, '123': 1, 'rhapsodic': 1, 'coupleness': 1, 'heroinchic': 1, 'hickboy': 1, 'fishoutwater': 1, 'meetcute': 1, 'raver': 1, 'commericials': 1, 'unanimous': 1, 'selfassurance': 1, 'contentment': 1, 'superweapons': 1, 'outterrorize': 1, 'jobson': 1, 'nearcrazy': 1, 'decorative': 1, 'upmost': 1, 'suspends': 1, 'subkoff': 1, 'ornate': 1, 'rem': 1, 'governed': 1, 'merging': 1, 'leeringly': 1, 'computeranimation': 1, 'indistinct': 1, 'burlier': 1, 'snaggleteeth': 1, 'puppetstyle': 1, 'expressionchallenged': 1, 'hardasnails': 1, 'peri': 1, 'gilpin': 1, 'savetheearth': 1, 'shootemups': 1, 'brunet': 1, 'futurama': 1, 'oj': 1, 'leadfaced': 1, 'dgas': 1, 'producerwriter': 1, 'unsigned': 1, 'mailorder': 1, 'beeyatch': 1, 'bedpost': 1, 'antonios': 1, 'hairless': 1, 'ick': 1, 'everversatile': 1, 'uhhhm': 1, 'ballpicking': 1, 'sluttier': 1, 'ne': 1, 'sais': 1, 'quoi': 1, 'fetishistic': 1, 'titillatingly': 1, 'hugger': 1, 'orgasmic': 1, 'maleness': 1, 'thickheaded': 1, 'bossman': 1, 'casket': 1, 'shortsighted': 1, 'gocarts': 1, 'gussies': 1, 'pleasingly': 1, 'semisubplot': 1, 'enervation': 1, 'semirobed': 1, 'snipped': 1, 'exalchoholic': 1, 'ontop': 1, 'pixiefaced': 1, 'salvadoran': 1, 'unlovable': 1, 'svelte': 1, 'segallike': 1, 'bubba': 1, 'rocque': 1, 'wellpublicised': 1, 'rocques': 1, 'au': 1, 'beckons': 1, 'boucher': 1, 'loftier': 1, 'sayinig': 1, 'barked': 1, 'unitentionally': 1, 'sodium': 1, 'pentathol': 1, 'impeachment': 1, 'boyfriendsoontobe': 1, 'execept': 1, 'intaking': 1, 'optioned': 1, 'topline': 1, 'levinsondustin': 1, 'inexcusably': 1, 'welcoming': 1, 'manmeetsalien': 1, 'whatevers': 1, 'wellformed': 1, 'occasionallywitty': 1, 'inflate': 1, 'levinsondirected': 1, 'ninthconsecutive': 1, 'revere': 1, 'damed': 1, 'recital': 1, 'becomming': 1, 'perkuny': 1, 'overexaggerant': 1, 'closetodeath': 1, 'eggheaded': 1, 'sevenfoot': 1, 'doublechin': 1, 'ferland': 1, 'iagolike': 1, 'bingedrinking': 1, 'frontline': 1, 'mayer': 1, 'davidsons': 1, 'testosteroneoverdosed': 1, 'drugdealer': 1, 'beeper': 1, 'transvestitemedium': 1, 'celestrial': 1, 'girlina': 1, 'neatness': 1, 'corvette': 1, 'poland': 1, 'scavenge': 1, 'withdrawing': 1, 'excising': 1, 'turnedon': 1, 'improvises': 1, 'churchill': 1, 'jurek': 1, 'beckers': 1, 'oncerevered': 1, 'romanctic': 1, 'prizefighter': 1, 'incongrous': 1, 'fumbled': 1, 'randi': 1, 'ingerman': 1, 'paget': 1, 'unledup': 1, 'ajax': 1, 'beachwalkers': 1, 'bistro': 1, 'unobserved': 1, '30sstyle': 1, 'dewy': 1, 'poolman': 1, 'pellegrino': 1, 'coco': 1, 'polti': 1, 'asserted': 1, 'restatement': 1, 'ecclesiastes': 1, 'measureable': 1, 'daystyle': 1, 'parasitic': 1, 'cravendirected': 1, 'recognizeable': 1, 'clarification': 1, 'filmore': 1, 'stritch': 1, 'overhears': 1, 'nearsequel': 1, 'extentions': 1, 'mockingly': 1, 'clichespewing': 1, 'mckenney': 1, 'envoke': 1, 'pretended': 1, 'unproven': 1, 'squelch': 1, 'incongruously': 1, 'dejectedly': 1, 'profitably': 1, 'liane': 1, 'sandefur': 1, '157': 1, 'pieter': 1, 'bourke': 1, 'gerrard': 1, 'codename': 1, 'businessoriented': 1, 'electrogreen': 1, 'throughthesight': 1, 'lowquality': 1, 'riflecamera': 1, 'ke': 1, 'frigginnobi': 1, 'teleconferencing': 1, 'halfformed': 1, 'whoo': 1, 'sixthgrade': 1, 'prisonmatron': 1, 'copwhoseesashleyfleeinganaccidentsceneand': 1, 'thenwantstopayforsex': 1, 'butisshot': 1, 'bewilderingly': 1, 'cognac': 1, 'deafened': 1, 'whispered': 1, 'cellphoneguy': 1, 'seizure': 1, 'sluizer': 1, 'mariachi': 1, 'amigo': 1, 'bribery': 1, 'perkus': 1, 'cupid': 1, 'bigguy': 1, 'tunemeister': 1, 'noninvolving': 1, '_reach_the_rock_': 1, 'sawat': 1, 'directionless': 1, '21yearold': 1, 'storefront': 1, 'sneakouts': 1, 'sneakins': 1, 'clandestine': 1, 'sillas': 1, '_home_alone_': 1, 'lise': 1, 'langton': 1, 'skillthus': 1, 'readied': 1, 'spilt': 1, 'psychobabble': 1, 'mpd': 1, 'writeup': 1, 'mornays': 1, 'aroma': 1, 'sensually': 1, 'waft': 1, 'bahia': 1, 'murilo': 1, 'cio': 1, 'loafer': 1, 'feurerstein': 1, 'vanna': 1, 'bigshots': 1, 'interferred': 1, 'neandrathal': 1, 'spygirlforthebadguy': 1, 'gassed': 1, '_looks_': 1, 'apelike': 1, 'mandells': 1, 'sewed': 1, 'ewwwww': 1, 'kirstie': 1, '114': 1, 'jana': 1, 'howington': 1, 'lukanic': 1, 'chuckleoutloud': 1, 'regurgitating': 1, 'curtailed': 1, 'emsemble': 1, 'delapidated': 1, 'mop': 1, 'electrician': 1, 'pantry': 1, 'expired': 1, 'holley': 1, 'prevue': 1, 'sillysounding': 1, 'mouthful': 1, 'oversight': 1, '_before_': 1, '_this_': 1, '_still_': 1, 'preferable': 1, '_long_': 1, 'stillalive': 1, 'hookhand': 1, 'evaporating': 1, 'callaways': 1, 'twistties': 1, 'uv': 1, 'neato': 1, 'cabana': 1, 'hedgetrimmers': 1, 'roasting': 1, 'superadorable': 1, 'bigfootsized': 1, 'apecreature': 1, 'rogainenightmare': 1, 'sequelcrazy': 1, 'detonator': 1, 'rawls': 1, 'whateverthef': 1, 'kshessupposedtobe': 1, 'halfconvincing': 1, 'outacts': 1, 'exclaimed': 1, 'fastened': 1, 'rejoin': 1, 'wheezing': 1, 'borschtbelt': 1, 'branson': 1, 'lessened': 1, 'pastier': 1, 'allergic': 1, 'lathered': 1, 'openmike': 1, 'pollo': 1, 'loco': 1, 'renta': 1, 'goddamns': 1, 'shithead': 1, 'freeassociating': 1, 'youngwhippersnapper': 1, 'biloxi': 1, 'headshaving': 1, 'marchingsinging': 1, 'barelyfunny': 1, 'venkman': 1, 'iknowwhatyoulike': 1, 'jemima': 1, 'carted': 1, 'wiretap': 1, 'meanlooking': 1, 'crewcut': 1, 'hardtobelieve': 1, 'staceys': 1, 'forgo': 1, 'sixhundredyearsold': 1, '103minute': 1, 'piller': 1, 'bewilder': 1, 'cessation': 1, 'disburse': 1, 'indigestible': 1, 'agentassassin': 1, 'commencing': 1, 'nicol': 1, 'injurious': 1, 'pitying': 1, 'ogling': 1, 'dippe': 1, 'fatigued': 1, 'pennydreadful': 1, 'engrossment': 1, 'captivation': 1, 'rodmilla': 1, 'firelight': 1, 'danielles': 1, 'lehmanns': 1, 'plottwist': 1, 'skittery': 1, 'cardflipping': 1, 'kitkat': 1, 'crotchbiting': 1, 'taboosmashing': 1, 'downanddirty': 1, 'studioimposed': 1, 'myerss': 1, 'typo': 1, 'reasonsomehow': 1, 'hedonism': 1, 'tightknit': 1, 'girlaspiring': 1, 'freshfromjersey': 1, 'alwayswoozy': 1, 'wellmodulated': 1, 'dows': 1, 'drugcrazed': 1, '_dancing_': 1, 'filmespecially': 1, 'movementwithout': 1, '_the_last_days_of_disco_': 1, 'hiptoonlythemselves': 1, '_54_so': 1, 'pansexual': 1, 'defanged': 1, 'straightened': 1, 'abbreviated': 1, 'bedhopping': 1, 'theretwo': 1, 'factbut': 1, 'winless': 1, 'institutionalize': 1, 'mid1970s': 1, 'superagents': 1, 'ohsofabulous': 1, 'buzzword': 1, 'gps': 1, 'mainframe': 1, 'roundrobin': 1, 'slicedoff': 1, 'bosley': 1, 'manservant': 1, 'carboncopy': 1, 'rourkes': 1, 'burrito': 1, 'copier': 1, 'mcg': 1, 'eomann': 1, 'sinead': 1, 'deadeningly': 1, 'uninvolivng': 1, 'tarveling': 1, 'choosen': 1, 'arguement': 1, 'shay': 1, 'bunkyoure': 1, 'vanzant': 1, 'evers': 1, 'penalosa': 1, 'sotomejor': 1, 'kissyfaces': 1, 'limping': 1, 'constipation': 1, 'foreheadslapper': 1, 'mumps': 1, 'cashmilking': 1, 'neoslasher': 1, 'fallingout': 1, 'stationgiveaway': 1, 'peachy': 1, 'regularity': 1, 'thrillerism': 1, 'stringbased': 1, 'belittled': 1, 'lessening': 1, 'hurryupandwait': 1, 'draggy': 1, 'perfecting': 1, 'mirrens': 1, 'distressingly': 1, 'hag': 1, 'disposes': 1, 'belabored': 1, 'gebrecht': 1, 'busying': 1, 'apfelschnitt': 1, 'topol': 1, '4yearold': 1, 'concierge': 1, 'inconvenient': 1, 'hamfisted': 1, 'jewess': 1, 'ponderously': 1, 'topols': 1, 'jabbering': 1, 'passover': 1, 'seder': 1, 'unnecessarilythe': 1, 'racking': 1, 'prepped': 1, 'unstructured': 1, 'bedded': 1, 'overeacting': 1, 'manse': 1, 'dallied': 1, 'bedmates': 1, 'outofnowhere': 1, 'adulterer': 1, 'towner': 1, 'salesgirl': 1, 'nominatored': 1, 'blackly': 1, 'canister': 1, 'gandolfinis': 1, 'genuises': 1, 'countrywide': 1, 'tippi': 1, 'hendren': 1, 'rudiment': 1, 'ofa': 1, 'masterless': 1, 'gunfighter': 1, 'montmartre': 1, 'tightlipped': 1, 'professionalleon': 1, 'spence': 1, 'sharpe': 1, 'skipp': 1, 'suddeth': 1, 'lonsdale': 1, 'moonraker': 1, 'nonspoiler': 1, 'chushingura': 1, 'mallet': 1, 'childdhood': 1, 'mba': 1, 'initally': 1, 'lazily': 1, 'whitfeld': 1, 'reverential': 1, 'spontenaity': 1, 'dmv': 1, 'womenonly': 1, 'microscopic': 1, 'beatadeadhorseintoglue': 1, 'sockful': 1, 'reflectively': 1, 'unwatchably': 1, 'lianna': 1, 'frightfree': 1, 'superhyped': 1, 'desensitized': 1, 'estimate': 1, 'mics': 1, 'percolating': 1, 'runninglikethewindprey': 1, 'reverberates': 1, 'loudnoisejumpscare': 1, 'infiltrated': 1, 'gerbil': 1, 'resilient': 1, 'vexatiousness': 1, 'noxima': 1, 'commerical': 1, 'passangers': 1, 'attendent': 1, 'bluesman': 1, 'pseudofather': 1, 'minielwood': 1, 'obstructing': 1, 'nexttonextofkin': 1, 'bluesrock': 1, 'aykroyds': 1, 'threepiece': 1, 'usedup': 1, 'ravine': 1, 'overestimated': 1, 'hurleys': 1, 'troyers': 1, 'nibble': 1, 'minimr': 1, 'videoshelves': 1, 'coproduction': 1, 'bloc': 1, 'anabelle': 1, 'pathologically': 1, 'pseudoerotic': 1, 'treills': 1, 'sogenericandpredictableitsbeyondridiculous': 1, 'criticising': 1, 'unthrilling': 1, 'uhh': 1, 'plausability': 1, 'supplots': 1, 'renovation': 1, 'guestbook': 1, 'neverceasing': 1, 'downonherluck': 1, 'harried': 1, 'bendel': 1, 'mystically': 1, 'tribeca': 1, 'easybake': 1, 'vanilla': 1, 'salty': 1, 'madefordisney': 1, 'resistibility': 1, 'eclair': 1, '_somewhere_': 1, 'souffle': 1, 'oldhamdesigned': 1, 'vilmos': 1, 'zsigmond': 1, 'boofest': 1, 'hamonwry': 1, 'cottonmouthed': 1, 'glutton': 1, 'algae': 1, 'cyberdog': 1, 'antony': 1, '_offscreen_': 1, 'weslely': 1, 'possum': 1, 'chainsnatchers': 1, 'headful': 1, 'blam': 1, 'flunked': 1, 'freezedried': 1, 'offtherack': 1, 'screenwriterese': 1, 'analect': 1, 'weasted': 1, 'oftenadapted': 1, 'reimagines': 1, 'unforgivably': 1, 'oldastime': 1, 'embroils': 1, 'swashbuckers': 1, 'porto': 1, 'figurehead': 1, 'tonguelashing': 1, 'hyamss': 1, 'unreasonably': 1, 'expunged': 1, 'joylessness': 1, 'severalhundred': 1, 'pitillos': 1, 'choderlos': 1, 'laclos': 1, 'dangereuses': 1, 'sextalk': 1, 'handjobs': 1, 'sanguine': 1, 'stepsister': 1, 'bitchqueen': 1, 'devirginize': 1, 'cecile': 1, 'caldwell': 1, 'dorkchick': 1, 'invulnerable': 1, 'defeating': 1, 'handjob': 1, 'embarrsingly': 1, 'disoreitating': 1, 'peformances': 1, '70ies': 1, 'defusing': 1, 'defusal': 1, 'seasickness': 1, 'untidy': 1, 'phantastic': 1, 'numero': 1, 'uno': 1, 'slugfest': 1, 'sphinx': 1, 'fugees': 1, 'prakazrel': 1, 'discothemed': 1, 'lasser': 1, 'actormagician': 1, 'cantmiss': 1, 'toff': 1, 'sicker': 1, 'christmasthemed': 1, 'niceguyswhodontdeservetobeinprison': 1, 'viability': 1, 'pottymouthed': 1, 'notsostunning': 1, 'wc': 1, 'coote': 1, 'hulke': 1, 'myrtle': 1, 'jacki': 1, 'wcs': 1, 'cootes': 1, 'minorregulars': 1, 'sargent': 1, 'claustral': 1, 'adele': 1, 'burg': 1, 'daqughter': 1, 'lala': 1, 'adeles': 1, 'ticketed': 1, 'milhoan': 1, 'allred': 1, 'dreamboat': 1, 'uberbuff': 1, 'packin': 1, '45minute': 1, 'unintelligently': 1, 'neorealism': 1, 'defendersvideo': 1, 'inflated': 1, 'encompass': 1, 'thinlooking': 1, 'corpserotting': 1, 'disconcertingly': 1, 'rivalling': 1, 'saturdaymorning': 1, '1916': 1, 'candleshoe': 1, 'cheesylooking': 1, 'spraypaints': 1, 'liquefied': 1, 'grafted': 1, 'alienstitanic': 1, 'illegallyacquired': 1, 'titaniclike': 1, 'celeste': 1, 'hasbeens': 1, 'probablyneverwillbes': 1, 'xenia': 1, 'onatopp': 1, 'wellincorporated': 1, 'slithering': 1, 'sideeffect': 1, 'megalomania': 1, 'immolation': 1, 'thrower': 1, 'nitroglycerine': 1, 'alienripoff': 1, 'spooking': 1, 'voyeuristically': 1, 'inflating': 1, 'newlypumped': 1, 'redd': 1, 'demeans': 1, 'aiellos': 1, 'zesty': 1, 'arsenio': 1, 'necktie': 1, 'spectacularalmost': 1, 'siblinglike': 1, 'hotandbothered': 1, 'megans': 1, 'legendsis': 1, 'acerbity': 1, 'deconstructed': 1, 'selfreflexivity': 1, 'noxzeema': 1, 'killertauntinghisvictimonthephone': 1, 'waaaayyyyyy': 1, 'doityourselfer': 1, 'gutenberg': 1, 'printing': 1, 'suntimes': 1, 'kohn': 1, 'capriciously': 1, 'blubbering': 1, 'womanchild': 1, 'schooler': 1, 'foundering': 1, 'subroad': 1, 'ohsoironic': 1, 'animalrights': 1, 'angelsstyle': 1, 'undiscerning': 1, 'mindbogglingly': 1, 'trampoline': 1, 'populist': 1, 'precredits': 1, 'ruletheworld': 1, 'mismash': 1, 'scaramanga': 1, 'ekland': 1, 'maud': 1, 'octopussy': 1, 'niknak': 1, 'emotionallycharged': 1, 'poorlydone': 1, 'woburn': 1, '20million': 1, 'uncommercial': 1, 'holms': 1, 'thing__not': 1, 'thing__about': 1, 'onedimensionally': 1, 'malebolgia': 1, 'necroplasmic': 1, 'vy': 1, 'penciller': 1, 'newlyformed': 1, 'creatorowned': 1, 'topheavy': 1, 'numbed': 1, 'supervirus': 1, 'heat16': 1, 'enslave': 1, 'hammiest': 1, 'clubbed': 1, 'bookkeeper': 1, 'competitiveness': 1, 'baigelmans': 1, 'violates': 1, 'petersens': 1, 'pineapple': 1, 'crewmate': 1, 'thunderously': 1, 'negate': 1, 'hooky': 1, 'frann': 1, 'perfomances': 1, 'belabors': 1, 'newsreporter': 1, 'subsist': 1, 'videogame': 1, 'enviromentally': 1, 'unsafe': 1, 'luigis': 1, 'runneresque': 1, 'koopa': 1, 'megacity': 1, 'yoshi': 1, 'shadowloo': 1, 'ryu': 1, 'manero': 1, 'coprotagonist': 1, 'cept': 1, 'randanzo': 1, 'auster': 1, 'strongpoint': 1, 'necesary': 1, 'personage': 1, 'gazed': 1, 'pureed': 1, 'uppedity': 1, 'traumatized': 1, 'spoonfeeding': 1, 'soulsearching': 1, 'vitarelli': 1, 'woodwind': 1, 'onceinalifetime': 1, 'deadweight': 1, 'poised': 1, 'murderandcoverup': 1, 'menghua': 1, 'evelyne': 1, 'chichi': 1, 'mysore': 1, 'matted': 1, 'sinyor': 1, 'thoughtlessly': 1, 'sinyors': 1, 'homing': 1, 'oversleeps': 1, 'prue': 1, 'guileless': 1, 'cormack': 1, 'superglued': 1, 'bypassed': 1, 'starman': 1, 'gussied': 1, 'keebles': 1, 'kayla': 1, 'ment': 1, 'gassing': 1, 'beckham': 1, 'chriqui': 1, 'boner': 1, 'clarinetplaying': 1, 'cutie': 1, 'zena': 1, 'redhot': 1, 'valletta': 1, 'polaropposite': 1, 'kleboldharris': 1, 'stylewise': 1, 'traversing': 1, 'glanced': 1, 'dgrade': 1, 'filmwriting': 1, 'sicken': 1, 'fishburnes': 1, 'revving': 1, 'lomaxs': 1, 'unblemished': 1, 'newlycreated': 1, 'grishamlike': 1, 'tinker': 1, 'elasped': 1, 'bigcity': 1, 'handsomelooking': 1, 'mural': 1, 'fleshy': 1, 'selfvanity': 1, 'elucidate': 1, 'apace': 1, 'mysticalperhaps': 1, 'demonicpower': 1, 'merest': 1, 'mistreats': 1, 'spurning': 1, 'themselvesthey': 1, 'goodbut': 1, 'dopy': 1, 'nicholsonblowndownthestreet': 1, 'stuntsspecial': 1, 'fgawds': 1, 'demonically': 1, 'comparitive': 1, 'regurgitate': 1, 'logjam': 1, 'biomechanical': 1, 'immobile': 1, 'inappropriately': 1, 'classless': 1, 'lhermitte': 1, 'grunge': 1, 'antionio': 1, 'swindle': 1, 'whorechasing': 1, 'virginwhore': 1, 'reforming': 1, 'congirl': 1, 'sacrilege': 1, 'precedence': 1, 'goofylooking': 1, 'boing': 1, 'dispirited': 1, 'adolf': 1, 'wehrmacht': 1, 'avatar': 1, 'nazicharged': 1, 'detracting': 1, 'nationalist': 1, 'academyaward': 1, 'secondrun': 1, 'liebes': 1, 'imparts': 1, 'elodie': 1, 'bouchez': 1, 'worshipper': 1, 'bobo': 1, 'sheltersatanist': 1, 'uuuhmm': 1, 'inscribe': 1, 'validating': 1, 'mostel': 1, 'layla': 1, 'brattish': 1, 'crotchety20': 1, 'protoplasmic': 1, 'rocketman': 1, 'absentminded': 1, 'macmurray': 1, 'sprightly': 1, 'newlyfounded': 1, 'conked': 1, 'counfound': 1, 'kubrickesque': 1, 'disbelieved': 1, 'emannuelle': 1, 'embarrased': 1, 'heenan': 1, 'bafflingly': 1, 'terrrible': 1, 'redblue': 1, 'ulimate': 1, 'victoriously': 1, 'mintoro': 1, 'centaur': 1, 'fourarmed': 1, 'conceptualization': 1, 'dragits': 1, 'rustler': 1, 'quickdraw': 1, 'divvy': 1, 'bosomy': 1, 'escobar': 1, 'gadgetfilled': 1, 'dressup': 1, 'bashfully': 1, 'bumcheeks': 1, 'peekaboo': 1, 'pyjama': 1, 'belair': 1, 'blackhe': 1, 'poorlypaced': 1, 'gramophone': 1, 'lambshes': 1, 'amateurishforegrounds': 1, 'proportionate': 1, 'glider': 1, 'dierdres': 1, 'traitor': 1, 'lasso': 1, 'westernscifi': 1, 'steamcontrolled': 1, 'smidgeon': 1, 'peephole': 1, 'magnet': 1, 'neckbraces': 1, 'polarity': 1, '3465': 1, '234': 1, 'shipwrecked': 1, 'peaceloving': 1, 'ultraright': 1, '2036': 1, 'conquering': 1, 'tote': 1, 'connies': 1, 'mekum': 1, 'pencilthin': 1, 'sharpeyed': 1, 'sidequel': 1, 'replicants': 1, 'cupcake': 1, 'sluglike': 1, 'unfreeze': 1, 'titshot': 1, 'hap': 1, 'heisting': 1, 'veruca': 1, 'altrock': 1, 'woulda': 1, 'thunk': 1, 'pithy': 1, 'pronto': 1, 'kava': 1, 'ritalin': 1, 'farrow': 1, 'notsoinnocent': 1, 'mousse': 1, 'vitamin': 1, 'goodluck': 1, 'cranberry': 1, 'rispoli': 1, 'berkowitz': 1, 'citywide': 1, 'adultrous': 1, 'truetoheart': 1, 'ebonics': 1, 'repackaging': 1, 'cropduster': 1, 'supermushy': 1, 'amrriage': 1, 'gester': 1, 'cinephiles': 1, 'commencement': 1, 'batterycharging': 1, 'moseys': 1, 'overpraised': 1, 'ravell': 1, 'schlubby': 1, 'zelllweger': 1, 'widest': 1, 'softboiled': 1, 'tarantinoesque': 1, 'concurrence': 1, 'dontcha': 1, 'kennif': 1, '00s': 1, 'belittling': 1, 'swiped': 1, 'spatter': 1, 'curvaceous': 1, 'shyster': 1, 'onepiece': 1, 'kimballs': 1, 'lipreading': 1, 'bookskimming': 1, 'abraded': 1, 'jillion': 1, 'authoress': 1, 'tramell': 1, 'stopwatch': 1, 'mattress': 1, 'shill': 1, 'ironon': 1, 'hefnerism': 1, '50sish': 1, 'bubblegumblond': 1, 'fanatically': 1, 'obssessed': 1, 'mtvland': 1, 'ankh': 1, 'obssessive': 1, 'dawnt': 1, 'mah': 1, 'iliffs': 1, 'miffed': 1, '1903': 1, '1923': 1, 'charasmatic': 1, 'comanche': 1, 'arcand': 1, 'avaricious': 1, 'ty': 1, 'jamesyounger': 1, 'sabotaging': 1, 'mimms': 1, 'mayfield': 1, 'reichles': 1, 'rabins': 1, 'excusing': 1, 'namebrand': 1, 'irrefutable': 1, 'ut': 1, 'sandras': 1, 'scantly': 1, 'eyepopper': 1, 'disable': 1, 'lackofspeed': 1, 'scriptiing': 1, 'dogindanger': 1, 'orignal': 1, 'backtoback': 1, 'scrawled': 1, 'skiing': 1, 'larsons': 1, 'geralds': 1, 'pulseemitting': 1, 'dangermore': 1, 'dangerattempted': 1, 'fourthgraders': 1, 'stolenfromnolessthanthreemovies': 1, 'slowgoing': 1, 'onecharacterdecidesnottoreturn': 1, 'alternated': 1, 'blowoff': 1, 'thencolleagues': 1, 'undersea': 1, 'stilloperational': 1, 'speedreading': 1, 'halperins': 1, 'truism': 1, 'muddies': 1, 'clarified': 1, '1709': 1, 'timekiller': 1, 'desouzas': 1, 'outre': 1, '_double_team_s': 1, 'tankprison': 1, 'kongbased': 1, 'microchipsized': 1, 'isand': 1, 'notgraphics': 1, 'hatwearing': 1, '_the_quest_': 1, 'entrepreneurship': 1, 'babycakes': 1, '_knock_off_s': 1, '_require_': 1, 'marcuss': 1, 'stillheavilyaccented': 1, 'haplessly': 1, 'snarl': 1, 'rochons': 1, 'juicing': 1, 'roundish': 1, 'friedberg': 1, 'closetoawful': 1, 'moneywise': 1, 'sometimesfunny': 1, '89': 1, 'ridulous': 1, 'unncessary': 1, 'donofrios': 1, 'dosmo': 1, 'pricked': 1, 'understandeably': 1, 'prostitues': 1, 'mazursky': 1, 'cruttwell': 1, 'chcaracters': 1, 'tieup': 1, 'linkage': 1, 'schwarzeneggar': 1, 'whala': 1, 'schwarzneggar': 1, '30m': 1, '70m': 1, 'selfdescribed': 1, 'weathered': 1, 'dweebish': 1, 'cycling': 1, 'starves': 1, 'downcast': 1, 'americanizing': 1, 'whistler': 1, 'murmur': 1, 'gaul': 1, 'rework': 1, 'suffuse': 1, 'generically': 1, 'abreast': 1, 'stragely': 1, 'cockpit': 1, 'fewest': 1, 'evildoer': 1, 'congratulates': 1, 'overexcited': 1, 'postulated': 1, 'dempsey': 1, 'mortimer': 1, 'momentformoment': 1, 'referencing': 1, 'puddy': 1, 'scream3': 1, 'galeweathers': 1, 'sunrisesucks': 1, 'hopehorror': 1, 'h2k': 1, 'waynebatman': 1, 'nobodyll': 1, 'macphersons': 1, '1400s': 1, 'dismally': 1, 'astride': 1, 'stridently': 1, 'dunois': 1, 'spake': 1, 'imgen': 1, 'reccover': 1, 'diago': 1, 'quiclky': 1, 'nomadic': 1, 'homeshopping': 1, 'enraging': 1, 'mcbainbridge': 1, 'allbusiness': 1, 'unsound': 1, 'unaddressed': 1, 'cushion': 1, 'capshaws': 1, 'hosun': 1, 'mccole': 1, 'bartusiak': 1, 'aggie': 1, 'fleders': 1, 'crutch': 1, 'nathans': 1, 'excons': 1, 'woolworth': 1, 'genuineness': 1, 'noncartoon': 1, 'squinting': 1, 'linn': 1, 'enviable': 1, 'independece': 1, 'dogwalking': 1, 'improvized': 1, 'rehearsel': 1, 'mkay': 1, 'cinemtography': 1, 'harks': 1, 'moviebedpost': 1, 'neithers': 1, 'exuberantly': 1, 'excia': 1, 'counterterrorist': 1, 'beefy': 1, 'natacha': 1, 'lindinger': 1, 'rodmans': 1, 'brite': 1, 'exhilarated': 1, 'netsurfing': 1, 'killathon': 1, 'cheaplymade': 1, 'unenergetically': 1, 'genzel': 1, 'ami': 1, 'dolenz': 1, 'meschach': 1, 'highclass': 1, 'opportune': 1, 'precaution': 1, 'unsubstantial': 1, 'lowclass': 1, 'pitting': 1, 'eyefulls': 1, 'scrumptiously': 1, 'lessthansubtle': 1, 'invulnerability': 1, 'barracking': 1, 'butyouknewalong': 1, 'shrewdly': 1, 'innovate': 1, 'shielding': 1, 'vailwhere': 1, 'militiaman': 1, 'rollin': 1, 'oquinn': 1, 'duster': 1, 'bonanza': 1, 'homogenized': 1, '5cent': 1, 'doubleds': 1, 'jeweler': 1, 'trapeze': 1, 'sprayed': 1, 'haha': 1, 'wearer': 1, 'directorate': 1, 'retina': 1, 'transformer': 1, 'bigbusted': 1, 'tamuera': 1, 'rowell': 1, 'armful': 1, 'semiautomatic': 1, 'hbos': 1, 'nontitillating': 1, 'wazzoo': 1, 'wookie': 1, 'automaticpilot': 1, 'slinking': 1, 'langer': 1, 'runshriekingfromthetheater': 1, 'inundates': 1, 'ohsocarefully': 1, 'bazooms': 1, 'beefcake': 1, 'smoggy': 1, 'multiarmed': 1, 'shiva': 1, 'longmissing': 1, 'poppa': 1, 'perusing': 1, 'quirkyness': 1, 'excitment': 1, 'imbedded': 1, 'onceever5000years': 1, 'fightin': 1, 'directtocable': 1, 'archeologist': 1, 'largescale': 1, 'savory': 1, 'rimmer': 1, 'barrie': 1, 'messias': 1, 'possesion': 1, 'selfirony': 1, 'alba': 1, 'rool': 1, 'sundown': 1, 'kibbe': 1, 'stepford': 1, 'suckups': 1, 'penman': 1, 'plumets': 1, 'kissups': 1, 'hangups': 1, 'angstdom': 1, 'superrich': 1, 'palatial': 1, 'beauteous': 1, 'squished': 1, 'drawingroom': 1, 'dundee': 1, 'inconsistently': 1, 'halting': 1, 'patois': 1, 'edmonds': 1, '_dead_': 1, 'francisco_': 1, 'mccall': 1, 'fasttalker': 1, 'doctored': 1, '_twice_': 1, 'gatlin': 1, 'nebraska': 1, 'vicinity': 1, 'skogland': 1, 'reckoned': 1, 'leatherwearing': 1, 'bikerchick': 1, 'ranked': 1, 'insistance': 1, 'serieswas': 1, 'lavatory': 1, 'isaak': 1, 'washingtonone': 1, 'badalamentis': 1, 'othersmostly': 1, 'ontkean': 1, 'beymer': 1, 'moira': 1, 'reconstructed': 1, 'superlight': 1, 'decrementlifeby90minutes': 1, 'torkel': 1, 'petersson': 1, 'swede': 1, 'laleh': 1, 'pourkarim': 1, 'tuva': 1, 'novotny': 1, 'impotence': 1, 'lebaneseborn': 1, 'tyra': 1, 'lynskey': 1, 'izabella': 1, 'absolut': 1, 'jiggling': 1, 'perrier': 1, 'gyrating': 1, 'shimmying': 1, 'amboy': 1, 'welder': 1, 'fobbed': 1, 'babealicious': 1, 'thumbing': 1, 'uglys': 1, 'flambeeing': 1, 'spritethis': 1, 'blondies': 1, 'cured': 1, 'foodeating': 1, 'laundryimpaired': 1, 'governing': 1, 'iffiness': 1, 'deflated': 1, 'onkey': 1, 'cubicled': 1, 'gibbon': 1, 'willson': 1, 'anistonasloveinterest': 1, 'semiintriguing': 1, 'errupts': 1, 'denzels': 1, 'eruting': 1, 'schweppervescent': 1, 'yettobereleased': 1, 'menstruation': 1, 'immaturity': 1, 'lindner': 1, 'mostlymisfired': 1, 'broughton': 1, 'moldy': 1, 'cheddar': 1, 'cheesefest': 1, 'leapfrog': 1, '10foot': 1, 'vomitinducing': 1, 'awardwinner': 1, 'suction': 1, 'm2m': 1, 'optimist': 1, 'disastermovie': 1, 'funnyman': 1, 'crevasse': 1, 'abort': 1, 'speciesa': 1, 'alienhuman': 1, 'silis': 1, 'iiithough': 1, 'threeperson': 1, 'cbss': 1, 'westcpw': 1, 'uninfected': 1, 'shipmate': 1, 'inheat': 1, 'goddammit': 1, 'dilate': 1, 'xfiless': 1, 'douse': 1, 'flamethrower': 1, 'xfx': 1, 'holed': 1, 'innocentatheart': 1, 'oncelinked': 1, 'atunaccountably': 1, 'helgenbergers': 1, 'madsens': 1, 'mayburys': 1, 'brushstrokes': 1, 'coloredglass': 1, 'counterargument': 1, 'aperitif': 1, 'orgasmically': 1, 'villainsand': 1, 'villainhero': 1, '140': 1, 'howevernot': 1, 'shotas': 1, 'rehabilitates': 1, 'prositute': 1, 'alexis': 1, 'dominatrix': 1, 'brightens': 1, 'purproses': 1, 'goodbuy': 1, 'gbn': 1, 'marino': 1, 'medicalert': 1, 'siberian': 1, 'steppe': 1, 'continental': 1, 'nonhorror': 1, '82minutes': 1, 'fing': 1, 'chopjob': 1, 'pooh': 1, 'allotting': 1, 'skanky': 1, 'chompin': 1, 'perdy': 1, 'perdys': 1, 'dognapping': 1, 'draping': 1, 'thrillseeker': 1, 'twotone': 1, 'highfiving': 1, 'lobotomizing': 1, 'playby': 1, 'canary': 1, 'hashbrown': 1, 'earmark': 1, 'sadsacks': 1, 'playbyplay': 1, 'leaguers': 1, 'bruskotter': 1, 'isuro': 1, 'enmity': 1, 'overachieving': 1, 'lastplace': 1, 'mockups': 1, 'fastball': 1, 'ueckers': 1, 'oncesharp': 1, 'looooooong': 1, 'bestever': 1, 'playerturnedowner': 1, 'berengers': 1, 'threepitch': 1, 'oddlytimed': 1, 'waster': 1, 'fouled': 1, 'deflecting': 1, 'sulfuric': 1, 'seismic': 1, 'detected': 1, 'pledged': 1, 'skinnydip': 1, 'fissure': 1, 'doff': 1, 'hallahan': 1, 'likens': 1, 'roughyetdebonair': 1, 'eruptionfireearthquakeexplosiontsunamitornadometeorite': 1, 'councilmembers': 1, 'positing': 1, 'pompeii': 1, 'pyroclastic': 1, 'overunderwritten': 1, 'rancorously': 1, 'tangling': 1, 'deadset': 1, 'stacking': 1, 'courtoom': 1, 'deploy': 1, 'artifically': 1, 'crossburners': 1, 'tidied': 1, 'attentiongetter': 1, 'immolates': 1, 'selfadmittedly': 1, 'arraigned': 1, 'coutroom': 1, 'slipup': 1, 'screenwriterly': 1, 'geareddown': 1, 'handwaving': 1, 'squidlike': 1, 'stinkiest': 1, 'uhoh': 1, 'trilian': 1, 'screechy': 1, 'honsou': 1, 'onship': 1, 'saboteur': 1, 'foodfate': 1, 'niger': 1, 'pleasured': 1, 'halfblack': 1, 'miscegenation': 1, 'revise': 1, 'quicklymade': 1, 'studiofinanced': 1, 'laurentiis': 1, 'fleischer': 1, '1952': 1, 'ostott': 1, 'wexler': 1, 'slavetalk': 1, 'yessuh': 1, 'massuh': 1, 'fer': 1, 'whutre': 1, 'gittin': 1, 'fleischers': 1, 'reassessed': 1, 'unexploitive': 1, 'jazzed': 1, 'imhavingamidlifecrisis': 1, 'fiftieth': 1, 'humping': 1, 'remix': 1, 'quicke': 1, 'mart': 1, 'fryer': 1, 'controled': 1, 'camoes': 1, 'farrel': 1, 'heidi': 1, 'fleiss': 1, 'mcknight': 1, 'bearse': 1, 'cho': 1, 'gim': 1, 'nirvana': 1, 'deadand': 1, 'caresif': 1, 'hellill': 1, '91minute': 1, 'volunteering': 1, 'jackee': 1, 'falsie': 1, 'tornup': 1, 'uglyass': 1, 'horseshoe': 1, 'grater': 1, 'wackier': 1, 'irked': 1, 'adorn': 1, 'tabbed': 1, 'frill': 1, 'agentpop': 1, 'yuor': 1, 'unmet': 1, 'sciora': 1, 'scioras': 1, '_some_': 1, 'heartwarmers': 1, 'recordbreaking': 1, 'lundy': 1, 'antagonizing': 1, 'stupidness': 1, 'dunce': 1, 'laurel': 1, 'troublemaking': 1, 'clouseau': 1, 'antiglory': 1, 'graziano': 1, 'marcelli': 1, 'religiously': 1, 'peploes': 1, 'fairskinned': 1, 'showandtell': 1, 'yanne': 1, 'neils': 1, 'gentlemanatlarge': 1, 'nullifies': 1, 'insolent': 1, 'spectre': 1, 'masterminding': 1, 'foolhardiness': 1, 'keyzer': 1, 'savour': 1, 'sourabaya': 1, 'conning': 1, 'outshining': 1, 'shockwave': 1, 'gooiffy': 1, 'defoliates': 1, 'snatching': 1, 'brynners': 1, 'treecovered': 1, 'lifelessly': 1, 'profusely': 1, 'frankfurter': 1, 'teed': 1, 'jody': 1, 'timoney': 1, 'neilsen': 1, 'sequenceflashback': 1, 'utinni': 1, 'jawa': 1, 'trinket': 1, 'spacewalk': 1, 'grappling': 1, 'twinge': 1, 'translucent': 1, 'conehead': 1, 'kittyfaced': 1, 'salvati': 1, 'electropop': 1, 'completists': 1, '500k': 1, 'sweatliterally': 1, 'coursea': 1, 'tex': 1, 'averys': 1, 'dimwitwithashadypast': 1, '2am': 1, 'plotbynumbers': 1, 'hardhe': 1, 'bugsbut': 1, 'freshen': 1, 'detects': 1, 'globel': 1, '_jumanji_': 1, 'weepiewannabe': 1, 'children_': 1, '_2001_': 1, '_last': 1, 'marienbad_': 1, 'electronica': 1, '_minds': 1, 'eye_': 1, 'prematurelynot': 1, '_its': 1, 'life_': 1, '_loathe_': 1, 'imo': 1, '_gag': 1, 'spoon_': 1, '_all_': 1, 'petra': 1, 'annieshes': 1, 'goodtheres': 1, 'herand': 1, 'couldbut': 1, 'suicidebad': 1, '_dont': 1, 'it_': 1, 'schmaltzfest': 1, 'vending': 1, 'accelerator': 1, '_scream_s': 1, 'baaramewe': 1, '000paltry': 1, '_andre_': 1, '_but': 1, 'limited_': 1, 'smirkregardless': 1, 'screenwritingishell': 1, '_home': 1, 'alone_': 1, 'bears_': 1, 'fantasyland': 1, '_remains': 1, 'hotel_': 1, 'actresstype': 1, 'grimm': 1, 'leftfield': 1, 'pigpigpigpigpig': 1, '_scarface_': 1, 'gnaw': 1, 'fudd': 1, 'headleys': 1, 'schmoozy': 1, 'doublycast': 1, 'hackedup': 1, 'autograph': 1, 'disgraceful': 1, 'infinity': 1, 'monosyllabic': 1, 'panelsized': 1, 'skimps': 1, 'superdemon': 1, 'prehensile': 1, 'phaedra': 1, 'neverheardof': 1, 'sneaked': 1, 'holidaygoers': 1, 'dusted': 1, 'zmovies': 1, 'ramshackle': 1, 'nob': 1, 'scotchinduced': 1, 'faheys': 1, 'kraftwerk': 1, 'bavarian': 1, 'jah': 1, 'turret': 1, 'mentorship': 1, 'beretwearing': 1, 'bauchau': 1, 'bauchaus': 1, 'gargoylesperhaps': 1, 'incubus': 1, 'clipping': 1, 'macbeth': 1, 'courted': 1, 'renounces': 1, 'racket': 1, 'merrick': 1, 'kongrecipe': 1, 'lifeanddeath': 1, 'sunglasswearing': 1, 'hiphoptalking': 1, 'tracing': 1, 'notsoengrossing': 1, 'financees': 1, 'pimplefaced': 1, 'fims': 1, 'regans': 1, 'hilariosly': 1, 'wellpublicized': 1, 'inplace': 1, 'glorifies': 1, 'brooklynbound': 1, 'stater': 1, 'penzance': 1, 'diablo': 1, 'multimultiplex': 1, 'englishdrama': 1, 'laserdiscs': 1, 'hilarous': 1, 'senstivie': 1, 'occaisionally': 1, 'sustainably': 1, 'reconciles': 1, 'preist': 1, 'consumated': 1, 'vorld': 1, 'filmtopping': 1, 'overlit': 1, 'fearest': 1, 'movieinduced': 1, 'farmestate': 1, 'redhanded': 1, 'husbandtobe': 1, 'deviously': 1, 'psychoplaying': 1, 'foch': 1, 'shoddier': 1, 'blankfromhell': 1, 'laborinducing': 1, 'medically': 1, 'caviar': 1, 'hendra': 1, 'reginald': 1, 'rockconcert': 1, 'bunzs': 1, 'lambskin': 1, 'interruptus': 1, 'takashi': 1, 'bufford': 1, 'bootsie': 1, 'unexploited': 1, 'ludicrousness': 1, 'prevalence': 1, 'toprated': 1, 'prevails': 1, 'jovivichs': 1, 'uncrowned': 1, 'twohours': 1, 'homeys': 1, 'erric': 1, 'hopefulness': 1, 'kikujiro': 1, 'sonatine': 1, 'selfmutilation': 1, 'kitanos': 1, 'tenplus': 1, 'involuntarily': 1, 'shirases': 1, 'masaya': 1, 'kato': 1, 'afterword': 1, 'xxx': 1, 'strom': 1, 'thurmand': 1, 'trespassing': 1, 'brooder': 1, 'skateboardrelated': 1, 'fave': 1, 'mysogny': 1, 'neccesity': 1, 'nearflawless': 1, 'copybook': 1, 'muchpublicized': 1, 'teaseathon': 1, 'schnitzlers': 1, '1926': 1, 'novella': 1, 'intellectualism': 1, 'lavishlydecorated': 1, 'torpor': 1, 'ziegler': 1, 'ironslike': 1, 'overdoser': 1, 'eyeballed': 1, 'hurtful': 1, 'tailspin': 1, 'midshipman': 1, 'bacchanal': 1, 'chanting': 1, 'strategicallyplaced': 1, 'hefner': 1, 'lusted': 1, 'whoopdeedoo': 1, 'pacewas': 1, 'hourly': 1, 'buoyant': 1, 'craftiness': 1, 'illcomposed': 1, 'pricey': 1, 'hotwires': 1, 'felonystudded': 1, 'rolereversal': 1, 'tummy': 1, 'grrrl': 1, 'mustered': 1, 'cdc': 1, 'jacott': 1, 'guntons': 1, 'omnivorous': 1, 'disperses': 1, 'shelias': 1, 'phosphorus': 1, 'rubbery': 1, 'headmaster': 1, 'adjanis': 1, 'enticingly': 1, 'broeck': 1, 'twohoursandthensome': 1, 'kays': 1, 'semiinteresting': 1, 'upandcomer': 1, 'perking': 1, 'antidepressant': 1, 'derailing': 1, 'mentallydisturbed': 1, 'spurnedpsycholoverwhowantsrevenge': 1, 'imgoingtostareyoudown': 1, 'fk': 1, 'bd': 1, 'turkies': 1, 'mandoki': 1, 'captivates': 1, 'deschanels': 1, 'accentuated': 1, 'ryanandy': 1, 'teeming': 1, 'fakery': 1, 'cellphone': 1, 'unrealized': 1, 'distressing': 1, 'uhuh': 1, '1hr': 1, '40mins': 1, 'choo': 1, 'se7enish': 1, 'virtualreality': 1, 'legaldrug': 1, 'gameexperience': 1, 'gamepod': 1, 'betatestingcumteaser': 1, 'cronenberggore': 1, 'overindulgence': 1, 'missdirected': 1, 'tightbudget': 1, 'dumfounded': 1, 'mothersinlaw': 1, 'debbies': 1, 'onedown': 1, 'familiarone': 1, 'hamburg': 1, 'fascistic': 1, 'judgmental': 1, 'overdress': 1, '555': 1, 'nosed': 1, 'cokedup': 1, 'excavating': 1, 'badenoughtobegood': 1, 'hoodoo': 1, 'ladle': 1, 'despondence': 1, 'deciphering': 1, 'kreskin': 1, 'beelzebub': 1, 'gander': 1, 'maw': 1, 'onpar': 1, 'dumbass': 1, 'superviser': 1, 'dirtied': 1, 'drugop': 1, 'escapeasquicklyasyoucan': 1, 'heretothere': 1, 'futz': 1, 'droney': 1, 'stereoscopic': 1, '2654': 1, 'kissyface': 1, 'medic': 1, 'siamese': 1, 'laterintheyear': 1, 'muchballyhooed': 1, 'granting': 1, '21year': 1, 'geny': 1, 'scatter': 1, 'suzies': 1, 'epicsized': 1, 'instability': 1, 'sighinducing': 1, 'contrastingly': 1, 'viernys': 1, 'lindy': 1, 'hemmings': 1, 'ninetyseven': 1, 'dominio': 1, 'squader': 1, 'selftreatment': 1, 'electro': 1, 'edell': 1, 'lision': 1, 'electing': 1, 'mcclane': 1, 'drivin': 1, 'caribbean': 1, 'shipboard': 1, 'bevery': 1, 'sweatinducing': 1, 'locomotive': 1, 'optic': 1, 'converter': 1, 'wholesentence': 1, 'canna': 1, 'armmounted': 1, 'intercom': 1, 'pontoon': 1, 'bernies': 1, 'speilbergs': 1, 'verbinski': 1, 'unspeakably': 1, 'snuggle': 1, 'speilberg': 1, 'disinvited': 1, 'spoilerfilled': 1, 'dateunsound': 1, 'professionalsmiramax': 1, 'ofcs': 1, 'fanboy': 1, 'rutheford': 1, 'gossipy': 1, 'screenplayand': 1, 'heshethey': 1, 'entailing': 1, 'selfreflection': 1, 'evermutating': 1, 'reined': 1, 'persnickety': 1, 'bactress': 1, 'wellthe': 1, '3why': 1, 'sanctimony': 1, 'beltramis': 1, 'blatantlydo': 1, 'nervejangling': 1, 'iiiwoefully': 1, 'mothball': 1, 'aquanet': 1, '40plus': 1, 'retrocomedy': 1, 'shouldabeennominated': 1, 'festively': 1, 'cyndi': 1, 'lauper': 1, '_many_': 1, 'frazzled': 1, 'rubicks': 1, 'ronkonkoma': 1, 'consonant': 1, 'severalscene': 1, 'prettyinpink': 1, 'devirginized': 1, 'overtaking': 1, 'cleverway': 1, 'slasherflick': 1, 'heavyrotation': 1, 'strongworded': 1, 'shadyacs': 1, 'undefeatable': 1, 'indefatigable': 1, 'antimale': 1, 'characterbased': 1, 'baggy': 1, 'prima': 1, '_dont_': 1, 'ostertag': 1, 'schintzius': 1, 'malik': 1, 'sealy': 1, 'sacramento': 1, 'polynice': 1, 'giulianni': 1, 'rahman': 1, 'espn': 1, 'marv': 1, 'athleteactors': 1, 'examiner': 1, 'selfreferencing': 1, 'signifier': 1, 'coarsely': 1, 'buton': 1, 'awsome': 1, 'prefered': 1, 'truely': 1, 'parador': 1, 'bounderby': 1, 'herculean': 1, 'linder': 1, 'misappropriating': 1, 'fabricates': 1, 'putz': 1, 'ogden': 1, 'illmarketed': 1, 'wedged': 1, 'bellyaching': 1, 'procured': 1, 'cagney': 1, 'pittesque': 1, 'shrillness': 1, 'waddling': 1, 'tarantinoish': 1, 'gruntlike': 1, 'emanated': 1, 'fetishized': 1, 'unpleasantly': 1, 'singed': 1, 'gooder': 1, 'weasely': 1, 'knifed': 1, 'mohrs': 1, 'sleazeball': 1, 'angie': 1, 'casseus': 1, 'hurray': 1, 'nigga': 1, 'contemptuously': 1, 'natty': 1, 'convulsing': 1, 'heaving': 1, 'blowup': 1, 'affirms': 1, 'osemt': 1, 'munchkins': 1, 'onlyinthemovies': 1, 'martyrfigure': 1, 'millerey': 1, 'nudnik': 1, 'trapish': 1, 'selfsacrificing': 1, 'bootstrap': 1, 'hoisted': 1, 'squander': 1, 'diffusing': 1, 'goner': 1, 'rebuttal': 1, 'easyto': 1, 'withapassion': 1, 'hexagon': 1, 'pavement': 1, 'threeyearolds': 1, 'grosswise': 1, 'dialougeshort': 1, 'heaping': 1, 'rubiks': 1, 'vols': 1, 'plotrelated': 1, 'donahue': 1, 'woozy': 1, 'boggingly': 1, 'blairwitch': 1, 'stipulate': 1, 'fm': 1, '225': 1, 'subsection': 1, 'highestranking': 1, 'motorcade': 1, 'bayouesque': 1, 'corniest': 1, 'emotioncharged': 1, 'beasly': 1, 'ariyan': 1, 'cid': 1, 'onthesidelines': 1, 'emitted': 1, 'duked': 1, 'actionless': 1, 'stiffasaboard': 1, 'tunneled': 1, 'malarkey': 1, 'analyzes': 1, 'typcast': 1, 'beastiality': 1, 'tothepoint': 1, 'admiting': 1, 'cruder': 1, 'grosser': 1, 'pelvis': 1, 'fivehundredpound': 1, 'chalderns': 1, 'literacy': 1, 'actionverb': 1, 'faulkner': 1, 'oshae': 1, 'rubbell': 1, 'coowner': 1, 'semiclothed': 1, 'ambivlaent': 1, 'implausable': 1, 'amphetimenes': 1, 'oshaes': 1, 'obserable': 1, 'veil': 1, 'eighies': 1, 'wellexplored': 1, 'overhaul': 1, 'reused': 1, 'taker': 1, 'oppressing': 1, 'thirtyminute': 1, '15foot': 1, '2000pound': 1, '1949s': 1, 'merian': 1, '49': 1, 'onlyand': 1, 'onlyreason': 1, 'wowing': 1, 'bakerenhanced': 1, 'brilliancebakers': 1, 'jubilantly': 1, 'extols': 1, 'paraded': 1, 'spaghettistrapped': 1, 'anthrozoologists': 1, 'lithuanian': 1, 'charlizesurprise': 1, 'nonmonkey': 1, 'exnewspaper': 1, 'stingy': 1, 'curvier': 1, 'thickheadedness': 1, 'exjournalist': 1, 'mick': 1, 'bw': 1, '3year': 1, 'reacquaint': 1, 'waylon': 1, 'jennings': 1, 'shel': 1, 'classdivided': 1, 'clarissa': 1, 'saloon': 1, 'itand': 1, 'momentsprologues': 1, 'terriblemr': 1, 'onceand': 1, 'unstoppably': 1, 'melodramaticbut': 1, 'suspensful': 1, 'levelit': 1, 'jokesotherwise': 1, 'reccemond': 1, 'proyass': 1, 'automat': 1, 'ohsopromising': 1, 'sinistersounding': 1, 'lewinsky': 1, 'pastyfaced': 1, 'twitchy': 1, 'sewells': 1, 'sexiest': 1, 'performace': 1, 'tangiential': 1, 'snapbrim': 1, 'exceptionlly': 1, 'flotsam': 1, 'unreachable': 1, 'woodland': 1, 'laxity': 1, 'nowescaped': 1, 'birdwatcher': 1, 'scenerychewing': 1, 'biodome': 1, 'easilyangered': 1, 'vacillating': 1, 'spurnedpsycholovergetsherrevenge': 1, 'itssobaditsgood': 1, 'yancy': 1, 'diedres': 1, 'recommitted': 1, 'mancusos': 1, 'nervouswreck': 1, 'cuckoobird': 1, 'notsobrilliantly': 1, 'elwoods': 1, 'merger': 1, 'rawhidestand': 1, 'tritt': 1, 'erykah': 1, 'badu': 1, 'diddley': 1, 'winwood': 1, '133': 1, '1700s': 1, 'goldtoned': 1, 'overactive': 1, 'gluelike': 1, 'tryingtobehip': 1, 'herz': 1, 'comedown': 1, 'stolz': 1, 'sarones': 1, 'eeeewwwww': 1, 'dropper': 1, 'boondocks': 1, 'tributary': 1, 'structural': 1, 'narrate': 1, 'twinkle': 1, 'highcamp': 1, 'tediouslyand': 1, 'obviouslyinserted': 1, 'didntwedressfunnybackthen': 1, 'skirtchasing': 1, 'speculator': 1, 'upsanddowns': 1, 'upive': 1, 'hermanmake': 1, 'postbreakup': 1, 'homecooked': 1, 'gueststarred': 1, 'madeforthescifichannel': 1, 'postmodernism': 1, '42900': 1, 'commoviefan983moviereviewcentral': 1, 'miniplots': 1, 'dlyn': 1, 'wowzers': 1, 'kesslers': 1, 'jejune': 1, 'tvmovieish': 1, 'carte': 1, 'suspensor': 1, 'irritable': 1, 'rochester': 1, 'cking': 1, 'puttingly': 1, 'keanur': 1, 'gigabyte': 1, 'neater': 1, 'phoned': 1, 'videophones': 1, 'feedback': 1, 'untechnical': 1, 'commandline': 1, 'twiddling': 1, 'hologram': 1, 'convulses': 1, 'surley': 1, 'killshe': 1, 'hitmencisco': 1, 'sabbato': 1, 'wootype': 1, 'breakdancing': 1, 'genreshifting': 1, 'quirkybutrealistic': 1, 'grammatical': 1, 'thoughwahlberg': 1, 'reiterate': 1, 'gios': 1, 'zamora': 1, 'tannen': 1, 'wannabezany': 1, 'crabby': 1, 'krubavitch': 1, 'estelle': 1, 'constanzas': 1, 'armands': 1, 'acquires': 1, 'turi': 1, 'zamm': 1, 'ren': 1, 'magritte': 1, 'pseudolegendary': 1, 'unfortunatly': 1, 'overpowers': 1, 'hardunearned': 1, 'aris': 1, 'iliopulos': 1, 'overstays': 1, 'nobudget': 1, 'partyers': 1, 'roosevelt': 1, 'whateverhappenedto': 1, 'mintues': 1, 'europop': 1, 'agitate': 1, 'forebearing': 1, '3hour': 1, 'pseudoepic': 1, 'actressturnedcomedy': 1, 'urbanite': 1, 'sitcomairiness': 1, 'castmember': 1, 'schandling': 1, 'leguizimo': 1, 'godfried': 1, 'onelineatatime': 1, 'laughfests': 1, 'smarterthanyoud': 1, '_lot_': 1, 'hotshotyoungnoexperienceneverkilledaman': 1, 'drugkingpins': 1, 'pigheaded': 1, 'scriptwriting': 1, 'camo': 1, 'highpower': 1, 'inchesfromdeath': 1, 'standins': 1, 'bulletcam': 1, 'projectile': 1, 'thisclosefromdeath': 1, '18foothigh': 1, '43footlong': 1, 'strictlybythenumbers': 1, 'welldeserving': 1, 'computeraided': 1, 'dragonhearts': 1, 'neartotal': 1, 'glumly': 1, 'hf': 1, 'olde': 1, 'lanced': 1, 'headliner': 1, 'voodooinspired': 1, 'uecker': 1, 'walton': 1, 'exballet': 1, 'outfielder': 1, 'difilippo': 1, 'triplet': 1, 'egotist': 1, 'hensley': 1, 'dionysius': 1, 'burbano': 1, 'vomity': 1, 'balinski': 1, 'exfiance': 1, 'arkansas': 1, 'cleanerslave': 1, 'sigmoid': 1, 'rambostyle': 1, 'leveling': 1, 'subsided': 1, 'writerdirectorcostar': 1, 'jaunty': 1, 'spiritedly': 1, 'nonacceptance': 1, 'tactfully': 1, 'antinukes': 1, 'indieunderground': 1, 'indicator': 1, 'posttwin': 1, 'sued': 1, 'quasiartistic': 1, 'basingers': 1, 'merienbad': 1, 'beaudine': 1, 'atoll': 1, 'nuzzling': 1, 'canning': 1, 'supervised': 1, 'netting': 1, 'korea': 1, 'totopoulos': 1, 'hermaphrodite': 1, 'nesting': 1, 'populous': 1, 'inhospitable': 1, 'blooded': 1, 'galapagos': 1, 'belay': 1, 'redirection': 1, 'artistdirectors': 1, 'zelig': 1, 'disjointedness': 1, 'dramatizes': 1, 'hilly': 1, 'hillys': 1, 'differentblack': 1, 'sorvinos': 1, 'orpheus': 1, 'linchpin': 1, 'instantgratification': 1, 'heartening': 1, 'kidvid': 1, 'jocularly': 1, 'chummingup': 1, 'exacerbates': 1, 'fluoro': 1, 'coloured': 1, 'scorces': 1, 'alger': 1, 'hypercapitalism': 1, 'breaching': 1, 'sanitises': 1, 'pipstones': 1, 'obstructive': 1, 'insubordination': 1, 'mcbain': 1, 'springfield': 1, 'goodwork': 1, 'scrupulous': 1, 'emulating': 1, 'instalment': 1, 'carhart': 1, 'rheinhold': 1, 'sillyness': 1, 'alberto': 1, 'caesellas': 1, 'phenomenas': 1, 'ravishingly': 1, 'expresidents': 1, 'clude': 1, 'bacall': 1, 'quayleish': 1, 'nowritual': 1, 'nondiscriminating': 1, 'roadcomedy': 1, 'trainload': 1, 'tarheel': 1, 'semiaccomplished': 1, 'yimou': 1, 'anticipant': 1, 'queued': 1, 'regaled': 1, 'jiang': 1, 'lamppost': 1, 'baotian': 1, 'equitably': 1, 'premature': 1, 'hardeeharhar': 1, 'fluidity': 1, 'attentiondeficitdisorder': 1, 'defiant': 1, 'seesaw': 1, 'starkness': 1, 'reset': 1, 'soured': 1, 'thrift': 1, 'bangy': 1, 'girlish': 1, 'everclear': 1, 'sixpackwielding': 1, 'fratboy': 1, 'introvertboyfallsforextrovertgirl': 1, 'nonspecificity': 1, 'woolly': 1, 'moptop': 1, 'smuglooking': 1, 'equating': 1, 'flamboyance': 1, 'dormies': 1, 'evict': 1, 'molest': 1, 'ignorantly': 1, 'altruistic': 1, 'recuperate': 1, 'nonfriendly': 1, 'hommage': 1, 'berkeleyer': 1, 'thyme': 1, 'trod': 1, 'willmere': 1, 'cheerily': 1, 'redecorating': 1, 'laissezfaire': 1, 'erratically': 1, 'seriouslygod': 1, 'booksaboutmovies': 1, 'godzila': 1, 'croissant': 1, 'velicorapters': 1, 'alienbusting': 1, 'onecelled': 1, 'poolboy': 1, 'sonja': 1, 'anytown': 1, 'illdefined': 1, '23rd': 1, 'christening': 1, 'seventyeight': 1, 'sorans': 1, '230': 1, 'deferrential': 1, 'doohan': 1, 'chekhov': 1, 'monomanical': 1, 'houseghost': 1, 'overabundant': 1, 'precredit': 1, 'nike': 1, 'faired': 1, 'blender': 1, 'panting': 1, 'etch': 1, 'bandaras': 1, 'shariff': 1, 'halted': 1, 'fortunetelling': 1, 'haggardly': 1, 'materializes': 1, 'banderass': 1, 'thor': 1, 'goaround': 1, 'asscracks': 1, 'alllllllllllrighty': 1, 'appreciates': 1, 'heehaw': 1, 'nonmember': 1, 'strangler': 1, 'dried': 1, 'ritters': 1, 'tripper': 1, 'squirt': 1, 'freshener': 1, 'remarrying': 1, 'gardenia': 1, 'manyalyson': 1, 'sightgag': 1, 'notsohappily': 1, 'seedier': 1, 'georgie': 1, 'mazar': 1, 'cadillac': 1, 'cambridge': 1, 'benoni': 1, 'separatedatbirths': 1, 'thriftily': 1, 'plotdriving': 1, 'fritter': 1, 'demure': 1, 'clubsinger': 1, 'chanfilm': 1, 'bridehopeful': 1, 'brouhaha': 1, 'socornyitsfunny': 1, 'crashtesting': 1, 'loews': 1, 'cleverest': 1, 'knuckleheaded': 1, 'punchedup': 1, 'strangulation': 1, 'vicepresidential': 1, 'sordidness': 1, 'degredation': 1, 'filteredlight': 1, 'moronproof': 1, 'slowfade': 1, 'nightsticking': 1, 'sunhills': 1, 'psychointherain': 1, 'directoractor': 1, 'overconfident': 1, 'blitzstein': 1, 'ventriloquist': 1, 'rockefeller': 1, 'tienne': 1, 'guillaume': 1, 'canet': 1, 'virginie': 1, 'ledoyen': 1, 'abouts': 1, 'videographer': 1, 'prying': 1, 'xtdl': 1, 'comcanran': 1, 'souk': 1, 'gizzard': 1, 'groundall': 1, 'crucifies': 1, 'carves': 1, 'singledigit': 1, 'reddyed': 1, 'ime': 1, 'trysha': 1, 'bakker': 1, 'mariesylvie': 1, 'deveu': 1, 'screammask': 1, 'pingying': 1, 'liao': 1, 'pengjung': 1, '241299': 1, 'damp': 1, 'asap': 1, 'premisekafka': 1, 'cronenbergis': 1, 'possiblities': 1, 'livesfor': 1, 'wordof': 1, 'taks': 1, 'postindustrial': 1, 'holesymbol': 1, 'compartmented': 1, 'livesallows': 1, 'assumeeverything': 1, 'counterpointor': 1, 'reliefto': 1, 'lipsynchs': 1, 'incronguously': 1, 'sept': 1, 'arte': 1, 'selfevidently': 1, 'lawrencefat': 1, 'bushel': 1, 'vansihes': 1, 'foreclosure': 1, 'rejuvenate': 1, 'jubilation': 1, 'bologna': 1, 'jokethat': 1, 'waysand': 1, 'deprophesized': 1, 'hindsight': 1, 'impartial': 1, 'withhold': 1, 'unflossed': 1, 'wanderingbutnotgoinganywhere': 1, 'rafes': 1, 'crasslycalculated': 1, 'inciting': 1, 'assemblyline': 1, 'placate': 1, 'intones': 1, 'gradeschool': 1, 'inveigles': 1, 'screenarkins': 1, 'storyit': 1, 'minimalistic': 1, 'itshe': 1, 'spacesuit': 1, 'presenter': 1, 'tims': 1, 'twit': 1, 'crapped': 1, 'yowza': 1, 'depresses': 1, 'skyjacked': 1, 'soylent': 1, 'manbag': 1, 'nonacting': 1, 'bujolds': 1, 'mutha': 1, 'charactersetups': 1, 'theatreshaking': 1, 'hestongardnerbujold': 1, 'flipofthecoin': 1, 'binding': 1, 'trillian': 1, 'clarion': 1, 'hounsous': 1, 'pantucci': 1, 'engineboy': 1, 'nerveaddled': 1, 'maddeninglylong': 1, 'copenned': 1, 'rusnak': 1, 'fairytaleinthe': 1, 'maxsized': 1, 'jere': 1, 'dowhateverittakes': 1, 'normalsized': 1, 'coddle': 1, 'shortens': 1, 'gruel': 1, 'oftplayed': 1, 'dartagnon': 1, 'enamor': 1, 'brothersstyle': 1, 'denueve': 1, 'planchet': 1, 'castaldi': 1, 'usurper': 1, 'legree': 1, 'thesps': 1, 'singlehanded': 1, 'febres': 1, 'stickhandles': 1, 'airplanestyle': 1, 'superheroaction': 1, 'obeying': 1, 'semiexcusable': 1, 'bullheaded': 1, 'collegebound': 1, 'crestfallen': 1, 'baystyle': 1, 'fetale': 1, 'gawking': 1, 'sobels': 1, 'sabihy': 1, 'tiresomely': 1, '106minute': 1, 'primo': 1, 'deadzone': 1, 'oppertunity': 1, 'muchdecorated': 1, 'sould': 1, 'demonstrator': 1, 'mowed': 1, 'violate': 1, 'authorized': 1, 'unobjective': 1, 'definable': 1, 'kingsly': 1, 'inconclusive': 1, 'gaghan': 1, 'badguys': 1, 'directoreditor': 1, 'tarantinorobert': 1, 'kurtzman': 1, 'savini': 1, 'guardchet': 1, 'pussycarlos': 1, 'hillhouse': 1, 'tongueandcheek': 1, 'killerhorror': 1, 'bloodandgore': 1, 'flophouse': 1, 'barwhorehouse': 1, 'artsyfartsy': 1, 'incongruent': 1, 'ingrains': 1, 'reliability': 1, 'repelling': 1, 'hardesthitting': 1, 'killerlike': 1, 'drought': 1, 'slumming': 1, 'amounting': 1, 'hundredmilliondollar': 1, 'trolley': 1, 'phonedin': 1, 'instinctive': 1, 'accommodate': 1, 'ascended': 1, 'oseransky': 1, 'nextdoor': 1, 'twentyminute': 1, 'inauspiciously': 1, 'kapner': 1, 'hitwoman': 1, 'innocuously': 1, 'sitcomstyle': 1, 'unanticipated': 1, 'strived': 1, 'brightening': 1, 'gainfully': 1, 'meteorological': 1, 'amphibianbased': 1, 'estranging': 1, 'whizquizkid': 1, 'souring': 1, 'softhearted': 1, 'deusexmachina': 1, 'faze': 1, 'rapped': 1, 'unintelligble': 1, 'blotteth': 1, 'unrighteous': 1, 'lowestcommondenominator': 1, 'nitwit': 1, 'ikwydls': 1, 'screenplayor': 1, 'lugia': 1, 'kethcum': 1, 'pikachu': 1, 'squirtle': 1, 'charizard': 1, '1dimensional': 1, 'broth': 1, 'extremel': 1, 'cgis': 1, 'yakfest': 1, 'anteater': 1, 'aquatic': 1, 'explitives': 1, 'unbelieveable': 1, 'talentchallenged': 1, 'belive': 1, 'evactuate': 1, 'grouper': 1, '57th': 1, 'alphabet': 1, 'exflame': 1, 'pelted': 1, 'missles': 1, 'sorrier': 1, 'threated': 1, 'reinforcement': 1, 'moth': 1, 'timefiller': 1, 'bursted': 1, 'babemagnet': 1, 'weasel': 1, 'sprinter': 1, '1997the': 1, 'chiller': 1, 'uberhack': 1, 'hypothalamus': 1, 'hypothalamii': 1, 'fouryes': 1, 'fourcredited': 1, 'raffo': 1, 'jaffa': 1, 'cockamamie': 1, 'molecular': 1, 'evolutionary': 1, 'glycerine': 1, 'penelopeits': 1, '_monster_movie_': 1, 'lampooned': 1, 'beeline': 1, 'notshe': 1, 'humanityis': 1, 'monique': 1, 'racquel': 1, 'yuh': 1, 'gots': 1, '10day': 1, 'titlecard': 1, 'pseudohip': 1, 'singeralcoholic': 1, 'pettiford': 1, 'svengalilike': 1, 'producerlover': 1, 'laniers': 1, 'curtishall': 1, 'whisperyvoiced': 1, 'pursing': 1, 'averting': 1, 'highlypublicized': 1, 'rascally': 1, 'mozell': 1, 'nowestranged': 1, 'bulletshaped': 1, 'keynote': 1, 'lear': 1, 'delias': 1, 'anorexic': 1, 'barest': 1, 'putupon': 1, 'medicore': 1, 'isley': 1, 'subsnl': 1, 'bungled': 1, 'impart': 1, 'kirsebom': 1, 'batarangs': 1, 'batarang': 1, 'moisture': 1, 'pheromone': 1, 'biggie': 1, '4am': 1, 'rekindling': 1, 'scolex': 1, 'lawenforcement': 1, 'drumroll': 1, 'swiping': 1, 'denture': 1, 'postcredit': 1, 'twoday': 1, 'mirrorimaged': 1, 'engenders': 1, 'steward': 1, 'unending': 1, 'stateroom': 1, 'prevert': 1, 'concorde': 1, 'ardour': 1, 'spire': 1, 'beryl': 1, 'dangle': 1, 'amourous': 1, 'permissive': 1, 'crosssection': 1, 'elseand': 1, 'peoplewould': 1, 'happyyet': 1, 'pillinduced': 1, 'breakdownthat': 1, 'believein': 1, 'hoobler': 1, 'lesabre': 1, 'blunted': 1, 'bludgeoning': 1, 'allbut': 1, '_american_beauty_': 1, '_breakfast_': 1, 'palpably': 1, 'unfilmablethe': 1, '_fear_and_loathing_in_las_vegas_': 1, 'lux': 1, 'entitle': 1, 'rocketship': 1, 'galileo': 1, 'cydonia': 1, 'lucs': 1, 'pabulum': 1, 'quatermass': 1, 'bavas': 1, 'terrore': 1, 'spazio': 1, 'depravation': 1, 'centrifuge': 1, 'denouncement': 1, 'alarmsthe': 1, 'peddle': 1, 'lostliterallyon': 1, 'withwhich': 1, 'familyfather': 1, 'stilllively': 1, 'alongand': 1, 'aceinthehole': 1, 'monkeylike': 1, 'playstation': 1, 'blawps': 1, 'crystalclear': 1, '15week': 1, 'depress': 1, 'bumming': 1, 'potentiallyinteresting': 1, 'housebound': 1, 'branching': 1, 'bahns': 1, 'mcmullen': 1, 'seagalmickey': 1, 'rourkejeanclaude': 1, 'dammewesley': 1, 'dwi': 1, 'lowlives': 1, 'ramboontestosteronetherapy': 1, 'convicting': 1, 'comprehendible': 1, 'spoliers': 1, 'dumberand': 1, 'funnyit': 1, 'telemovies': 1, 'elseperfect': 1, 'stupider': 1, 'guya': 1, 'souped': 1, 'magyuver': 1, 'flashily': 1, 'digresses': 1, 'semistall': 1, 'jettisons': 1, 'commerciallike': 1, 'crackerjack': 1, 'cloony': 1, 'flirtatiously': 1, 'dynamo': 1, 'impersonated': 1, 'blustered': 1, 'merhi': 1, 'fetishizes': 1, 'facemask': 1, 'manoemano': 1, 'mi2s': 1, 'scooping': 1, 'cancerogenic': 1, 'tre': 1, 'hepburn': 1, 'compounding': 1, 'rerecorded': 1, 'jurgen': 1, 'christianson': 1, 'amateurism': 1, 'dreadlock': 1, 'scraggly': 1, '127': 1, 'projectioner': 1, 'rockoperaturnedmajor': 1, 'peron': 1, 'dramapacked': 1, 'strum': 1, 'oscarcontender': 1, 'stubbornness': 1, 'shelve': 1, 'e1': 1, 'tpm': 1, 'breeder': 1, 'warchus': 1, 'horseracing': 1, 'simpatico': 1, 'fullyloaded': 1, 'postpsychedelia': 1, 'doonesbury': 1, 'trippedout': 1, 'thomspons': 1, 'aloofness': 1, 'journalistic': 1, 'characers': 1, 'mint': 1, 'ultrahip': 1, 'druginfested': 1, 'anthologystyle': 1, 'mistimed': 1, 'angeleslas': 1, 'alterior': 1, '172': 1, 'manhalf': 1, 'explorermariner': 1, 'meaner': 1, 'skidoos': 1, 'mojorino': 1, 'encountering': 1, 'plundering': 1, 'ninefeet': 1, 'extortion': 1, 'leverageusing': 1, 'terls': 1, 'knowhow': 1, 'euclidean': 1, 'geometry': 1, 'loincloth': 1, 'stemming': 1, 'hubris': 1, 'huevelman': 1, 'vivona': 1, 'netherrealm': 1, 'downtime': 1, 'amblyns': 1, 'begotten': 1, 'stalkandslash': 1, 'mtv2': 1, 'overalled': 1, 'gravedigging': 1, 'spurgin': 1, 'kettler': 1, 'poirrierwallace': 1, 'doghalf': 1, 'draggingsalting': 1, 'zimmely': 1, 'glop': 1, 'ruptured': 1, 'discretion': 1, 'semigraphic': 1, 'selfsurgery': 1, 'spraying': 1, 'fullframe': 1, 'stanze': 1, '80year': 1, 'pumpbitch': 1, 'septic': 1, 'laxativeinduced': 1, 'tarp': 1, 'dethroning': 1, 'payper': 1, 'rasslin': 1, 'retardation': 1, 'lewd': 1, 'castingwise': 1, 'chunky': 1, 'dampens': 1, 'nirtoest': 1, 'ahhh': 1, 'biogenetics': 1, 'biolab': 1, 'intruding': 1, 'shepherd': 1, 'recombination': 1, 'hormonally': 1, 'biohazard': 1, 'jowl': 1, 'nonpresence': 1, 'chasm': 1, 'cujo': 1, 'hippyish': 1, 'plently': 1, 'rebuts': 1, 'caliberand': 1, 'triesthen': 1, 'nirojames': 1, 'caanbruce': 1, 'crystalhugh': 1, 'grantmatthew': 1, 'nonetoosuccessful': 1, 'outfitsand': 1, 'situationsinto': 1, 'finder': 1, 'yanni': 1, 'gogolack': 1, 'transposing': 1, 'objectified': 1, 'sexuallyripe': 1, 'peets': 1, 'highpoint': 1, 'pratfalling': 1, 'mcmurray': 1, 'brainerd': 1, 'tycoonvillain': 1, 'wheaton': 1, 'hoenickers': 1, 'suaveyetunsuave': 1, 'daytimer': 1, 'oneandonly': 1, 'yuckityyuck': 1, 'halfassedly': 1, 'remixing': 1, 'nonclassics': 1, 'professory': 1, 'thrice': 1, 'towtruck': 1, 'meathook': 1, 'explantion': 1, 'bostonbased': 1, 'hazmat': 1, 'guilifoyle': 1, 'erected': 1, 'decomposing': 1, 'rubblestrewn': 1, 'prefrontal': 1, 'salvaged': 1, 'reeltoreel': 1, 'audiorecorded': 1, 'chainsawmassacretype': 1, 'manderley': 1, 'hotlycontested': 1, 'intonation': 1, 'tightjawed': 1, 'sourpuss': 1, 'pucker': 1, 'eastwoodesque': 1, '_his_': 1, 'bran': 1, 'fartoocommon': 1, 'freight': 1, 'signaled': 1, 'arakis': 1, 'shannen': 1, 'doherty': 1, 'dwindled': 1, 'onestardom': 1, 'homevideo': 1, 'dopesmoking': 1, 'ribboners': 1, 'toucheruppers': 1, 'rosenbergs': 1, 'superviolent': 1, 'caldicott': 1, 'poorlyshown': 1, 'regression': 1, 'schow': 1, 'obarr': 1, 'zigged': 1, 'doublebill': 1, 'wilmingtonasdetroit': 1, 'rockmusicianturnedpavementartist': 1, 'sixstories': 1, 'administering': 1, 'perps': 1, 'reheal': 1, 'presumable': 1, 'plopped': 1, 'underlit': 1, 'redlit': 1, 'butchery': 1, 'dov': 1, 'hoenig': 1, 'goodideaturnedbad': 1, 'dravens': 1, 'succulent': 1, 'ancientswords': 1, 'risingstar': 1, 'toyko': 1, 'rainslickered': 1, 'illiteracy': 1, 'halfpaid': 1, 'paradoxical': 1, 'girltype': 1, 'exploitatively': 1, 'parentless': 1, 'bluelighted': 1, 'chainweedsmoking': 1, 'lightninglit': 1, 'ellicited': 1, 'postshower': 1, 'onestar': 1, 'extrastrength': 1, 'underscoring': 1, 'teenagersthough': 1, 'insinuates': 1, 'swindling': 1, 'exbeau': 1, 'sadsack': 1, 'acknowledgement': 1, 'walkout': 1, 'pornographyie': 1, 'castall': 1, 'thingif': 1, 'familyman': 1, 'twistpeople': 1, 'hardtofind': 1, 'bile': 1, 'bribing': 1, 'startorturer': 1, 'dobecome': 1, 'hypnotically': 1, '95s': 1, 'tactful': 1, 'fellowship': 1, 'veranda': 1, 'moviea': 1, 'bluetoned': 1, 'washedout': 1, 'halfsecond': 1, 'chanceunless': 1, 'someting': 1, 'triviajoel': 1, 'wafer': 1, 'nth': 1, 'kilter': 1, 'alwayslikable': 1, 'babblesshe': 1, 'actorwaiter': 1, 'caulfields': 1, 'movieplotridiculity': 1, 'gradient': 1, 'bayjerry': 1, '2hr': 1, 'actionmusicvideo': 1, 'flocked': 1, 'conair': 1, 'ridiculousy': 1, 'machomisfits': 1, 'slowmos': 1, 'goldtinted': 1, 'potrayed': 1, 'stockaitkenwaterman': 1, 'artform': 1, 'ridiculity': 1, 'shroud': 1, 'longlong': 1, 'earplug': 1, 'aspirin': 1, 'lds': 1, 's19': 1, 'carrefour': 1, 'lonliness': 1, 'egomania': 1, 'hysteric': 1, 'christinas': 1, 'campery': 1, 'trembling': 1, 'dismember': 1, 'sapling': 1, 'cola': 1, 'divest': 1, 'directorship': 1, 'etiquette': 1, 'mildred': 1, 'radmar': 1, 'jao': 1, 'lycanthropy': 1, 'sadomasochist': 1, 'pittance': 1, 'orangey': 1, 'knifepoint': 1, 'adlibbing': 1, 'penning': 1, 'openarmed': 1, 'puffpiece': 1, 'titshots': 1, 'phoniest': 1, 'joann': 1, 'mumford': 1, 'bathgate': 1, 'ballooning': 1, 'pruit': 1, 'lowenstein': 1, 'mishears': 1, 'onenamed': 1, 'fairfax': 1, 'brownhaired': 1, 'thiefthe': 1, 'coif': 1, 'onehes': 1, 'playback': 1, 'psychodramas': 1, 'ericson': 1, 'vavavavoom': 1, 'permanant': 1, 'allman': 1, 'antagonistsasprotagonists': 1, 'tarantinolook': 1, 'heroless': 1, 'botchedrobbery': 1, 'dogscould': 1, 'soto': 1, 'musetta': 1, 'vander': 1, 'katanas': 1, 'tennille': 1, 'saber': 1, 'perimeter': 1, 'demigod': 1, 'mostpowerful': 1, 'collap': 1, 'dalmantions': 1, 'secondhalf': 1, 'halfhokey': 1, 'blucher': 1, 'himbos': 1, 'bombastically': 1, 'pgmovie': 1, 'thenhes': 1, 'antigravity': 1, 'aways': 1, 'fedex': 1, 'blatancy': 1, 'pacify': 1, 'nonstory': 1, 'folktale': 1, 'jumpingoff': 1, 'hangdog': 1, 'marlboro': 1, 'hankie': 1, 'wellfilmed': 1, '2024': 1, 'ozone': 1, 'zeitget': 1, 'glencoe': 1, 'quickening': 1, 'immobilise': 1, 'lukeskywalkerlike': 1, 'deflection': 1, 'kurgan': 1, 'juke': 1, 'stephies': 1, 'hawns': 1, 'elevenoclock': 1, 'wistfully': 1, 'movieyou': 1, 'waterworlds': 1, 'madepeople': 1, 'handswhy': 1, 'horesback': 1, 'mailheart': 1, 'brownit': 1, 'eggo': 1, 'rebuilding': 1, 'driftercumpostman': 1, 'heroize': 1, 'phrasingtoo': 1, 'allyson': 1, 'studyingabroad': 1, 'sequelitis': 1, 'coarser': 1, 'worthier': 1, 'thiscouldbeyou': 1, 'selfdiscoveries': 1, 'soontobenotorious': 1, 'superglues': 1, 'grossfest': 1, 'onw': 1, 'torturously': 1, 'magwitch': 1, 'cady': 1, 'houdini': 1, 'motorboat': 1, 'behest': 1, 'reacquaints': 1, 'cuarsn': 1, 'clemente': 1, 'romeojuliet': 1, 'adornment': 1, 'romanceless': 1, 'inadvertenty': 1, 'overthe': 1, 'apon': 1, 'darwin': 1, 'creationism': 1, 'twirling': 1, 'ahas': 1, 'miata': 1, 'tvstartofilm': 1, 'rickety': 1, 'lowestbrow': 1, 'sunshiny': 1, 'bungling': 1, 'corkys': 1, 'pissant': 1, 'peesahn': 1, 'magoostyle': 1, 'dachshund': 1, 'mouthtomouth': 1, 'shephard': 1, 'kilo': 1, 'alsorans': 1, 'chatham': 1, 'thong': 1, 'abortive': 1, 'nonbaseball': 1, 'wilmer': 1, 'valderrama': 1, 'robinsonlike': 1, 'substory': 1, 'arli': 1, 'curmudgeonly': 1, 'gogetemtigerwerebehindyou': 1, 'heartwarmingnuzzlyfollowyourdreams': 1, 'biels': 1, 'rebellingagainstdaddy': 1, 'venereal': 1, 'hex': 1, 'invokes': 1, 'diversionary': 1, 'polaroid': 1, 'rapemurder': 1, 'brinkford': 1, 'vicent': 1, 'lensed': 1, 'actresssinger': 1, 'yoo': 1, 'lieh': 1, 'hsuehwei': 1, 'wu': 1, 'nienchen': 1, 'huikung': 1, 'nouvelle': 1, 'novo': 1, 'balm': 1, 'hou': 1, 'hsiaohsien': 1, 'beachyangs': 1, 'featureis': 1, 'anatomizes': 1, 'elaborating': 1, 'rolesdedicated': 1, 'housewivesthat': 1, 'compassher': 1, 'daysas': 1, 'discontent': 1, 'belaboured': 1, 'choicesmarried': 1, 'alland': 1, 'undisciplined': 1, 'newother': 1, 'localeto': 1, 'forin': 1, 'mistressbut': 1, 'scenesgrocery': 1, 'flowerarrangingin': 1, 'insinuating': 1, 'redundantly': 1, 'exorbitantly': 1, 'indulgently': 1, 'unexpressed': 1, 'doyleat': 1, 'creditswho': 1, 'kaige': 1, 'karwai': 1, 'fashioning': 1, 'scrutinizing': 1, 'hacky': 1, 'snell': 1, 'shea': 1, 'moreu': 1, 'menstruating': 1, 'tailed': 1, 'tailing': 1, 'awakener': 1, 'rood': 1, 'gilfedder': 1, 'zakharov': 1, 'tatoulis': 1, 'retributionfight': 1, 'uninsured': 1, 'pectoral': 1, 'briefclad': 1, 'formless': 1, 'coherently': 1, 'waiterstruggling': 1, 'unspools': 1, 'culdesac': 1, 'fyfe': 1, 'berkleys': 1, 'monthsdue': 1, 'titleit': 1, 'frosty': 1, 'oversentimental': 1, 'snowdad': 1, 'featherbrained': 1, 'prancer': 1, 'molassesslow': 1, 'complicity': 1, 'gailard': 1, 'sartain': 1, 'blundered': 1, 'keystone': 1, 'kops': 1, 'mulcahy': 1, 'additive': 1, 'upstanding': 1, 'limitedcirculation': 1, 'coroner': 1, 'chlorine': 1, 'nada': 1, 'cylk': 1, 'cozart': 1, 'disagreed': 1, 'brusque': 1, 'nescafe': 1, 'cesarean': 1, 'scalp': 1, 'jailer': 1, 'heldenberger': 1, 'dzunza': 1, 'blist': 1, 'viciousness': 1, 'gargling': 1, 'sickens': 1, 'monstrosity': 1, 'russkies': 1, 'conspiracymartialarts': 1, 'thorpe': 1, 'sponsorship': 1, 'fraternity': 1, 'wheedon': 1, 'tenfold': 1, 'disadvantageous': 1, 'carreyish': 1, 'singleelimination': 1, 'laflour': 1, 'faddish': 1, 'amor': 1, 'supersenses': 1, 'innocuousenoughonthesurface': 1, 'dewyeyed': 1, 'inhereit': 1, 'millionsesque': 1, 'altruist': 1, 'draconian': 1, 'billiard': 1, 'hudreds': 1, 'selfless': 1, 'gutlessness': 1, 'procreation': 1, 'fulltobursting': 1, 'shudderinducing': 1, 'fortunehunter': 1, 'pudding': 1, 'cellulars': 1, 'ratts': 1, 'selfimportance': 1, 'aaaaaaaahhhh': 1, 'movietv': 1, 'hugged': 1, 'flour': 1, 'karan': 1, 'husbandsboyfriends': 1, 'junkiei': 1, 'moviesive': 1, 'nisen': 1, 'mireniamu': 1, '2000the': 1, '50year': 1, 'snoozer': 1, 'rorschach': 1, 'kashiwabara': 1, 'waturu': 1, 'mimuras': 1, 'logy': 1, 'prudentials': 1, 'takehiro': 1, 'againexcept': 1, 'jobits': 1, 'summarizes': 1, 'horrorcrime': 1, 'hath': 1, 'spurred': 1, 'genre_i_know_what_you_did_last_summer_': 1, '_halloween': 1, '_h20_': 1, '_scream_2_': 1, 'williamsonless': 1, 'post_scream_': 1, '_wishmaster_': 1, '_disturbing_behavior_': 1, 'rightfrighteningly': 1, '_bad_': 1, 'mancini': 1, 'williamsonesque': 1, '_fisherman': 1, 'legendsthose': 1, 'afer': 1, 'fakeouts': 1, 'shouldand': 1, 'couldrun': 1, 'waytooconvenient': 1, 'injokey': 1, 'talke': 1, 'ove': 1, 'pefect': 1, 'pesencechallenged': 1, '_dawsons_creek_': 1, 'thorugh': 1, 'noxzema': 1, 'spokeswoman': 1, '_waiting_to_exhale_': 1, 'grierworshiping': 1, 'resuscitated': 1, 'mannamely': 1, 'williamsonto': 1, 'bundled': 1, 'everwise': 1, 'marketwise': 1, 'rubberfaced': 1, 'uncontrolled': 1, 'bestan': 1, 'notsodarkest': 1, 'slathering': 1, 'oderkerk': 1, 'bucknaked': 1, 'snooze': 1, 'callow': 1, 'absconded': 1, 'absurdism': 1, 'brightlylit': 1, 'circa10th': 1, 'cannibalistic': 1, 'facepaint': 1, 'animalskin': 1, 'shwarzenegger': 1, '300plusyears': 1, 'violinmaker': 1, 'nicolo': 1, 'bussotti': 1, 'morritzs': 1, 'merchantivory': 1, 'babyboomers': 1, 'botulism': 1, 'contradicting': 1, 'copcorruption': 1, 'mysteriousboyfriend': 1, 'wildandcrazy': 1, 'shortchanged': 1, 'levi': 1, 'gabfest': 1, 'smalltobigscreen': 1, 'portopotties': 1, 'ahmet': 1, 'portopotty': 1, 'excrement': 1, 'benoit': 1, '1800callatt': 1, 'bawitdaba': 1, 'dumfounding': 1, 'pottyhumor': 1, '1865': 1, 'womanbashes': 1, 'maleegostroking': 1, 'winningham': 1, 'pallbearer': 1, 'halfspeed': 1, 'sleepyeyed': 1, 'mcnugent': 1, 'nelkans': 1, 'dugans': 1, 'halickis': 1, 'carchase': 1, 'gocart': 1, 'calitris': 1, 'fortynine': 1, 'gto': 1, 'senas': 1, 'hairbrained': 1, 'beatup': 1, 'sleaziness': 1, 'semibright': 1, 'psychologicalromancethriller': 1, 'bluebird': 1, 'spectral': 1, 'abnormally': 1, 'litmus': 1, 'fullpage': 1, 'mirabella': 1, 'catwalk': 1, 'entranced': 1, 'tachometer': 1, 'traction': 1, 'anatomical': 1, 'classa': 1, 'allgirl': 1, 'abovementioned': 1, 'knocker': 1, 'emanating': 1, 'gurian': 1, 'goofiest': 1, 'downloading': 1, 'hushhushes': 1, 'curling': 1, 'allotted': 1, 'halfopen': 1, 'rainfall': 1, 'dickie': 1, '779': 1, 'jett': 1, 'yippee': 1, 'sonnenberg': 1, '_48_hrs': 1, '_doctor_dolittle_': 1, 'earnesttoafault': 1, 'reinvigorated': 1, 'sluggishly': 1, '_holy_man_': 1, 'cleansed': 1, 'overpower': 1, 'meowth': 1, 'hardtodecipher': 1, 'impassive': 1, 'camper': 1, 'howlingly': 1, 'inebriation': 1, 'broiled': 1, 'flashforward': 1, 'businessasusual': 1, 'alight': 1, 'nintendo': 1, 'loitered': 1, 'sdds': 1, 'loosest': 1, 'stank': 1, 'defence': 1, 'neofascist': 1, 'mindmeld': 1, 'wwiiera': 1, 'movietone': 1, 'blunts': 1, 'continous': 1, 'toque': 1, 'claudio': 1, 'betti': 1, 'leticia': 1, 'vota': 1, 'reunification': 1, 'actorturneddirectors': 1, 'whisperer_': 1, 'countryish': 1, 'bumpkin': 1, 'birdys': 1, '_leave': 1, 'beaver_s': 1, 'finley': 1, 'furred': 1, 'lipsynch': 1, 'busbut': 1, 'worsestick': 1, 'tenminutes': 1, 'fotomat': 1, 'ironing': 1, 'moverandshaker': 1, 'halfamillion': 1, 'gekko': 1, 'poirot': 1, 'sarita': 1, 'choudhury': 1, 'kama': 1, 'sutra': 1, 'emilys': 1, 'oldsitcomstomovie': 1, 'tvconversionmovies': 1, 'funnymen': 1, 'unskilled': 1, '4d': 1, 'inborn': 1, 'blissfullyconfused': 1, 'ascent': 1, 'underfire': 1, 'hovertank': 1, 'retalliation': 1, 'sabo': 1, 'bestsupporting': 1, 'laughterpackedmoments': 1, 'tvconversions': 1, 'tvidea': 1, 'bringer': 1, 'refilmed': 1, 'cowboyhick': 1, 'streamofconsciousness': 1, 'herrmanns': 1, 'agutter': 1, 'buddycopdrugsexywitness': 1, 'diametric': 1, 'unneccesary': 1, 'prescient': 1, 'mused': 1, 'mcdonaldburger': 1, 'lenz': 1, 'wellconnected': 1, 'drugrelated': 1, 'nozaki': 1, 'teckoh': 1, 'crackdown': 1, 'lenzs': 1, 'predates': 1, 'assassinates': 1, 'mith': 1, 'pilleggi': 1, 'cannery': 1, '04': 1, 'edt': 1, 'notformail': 1, 'followupto': 1, 'gmt': 1, 'messageid': 1, 'replyto': 1, 'nntppostinghost': 1, 'mtcts2': 1, 'mt': 1, 'lucent': 1, '05425': 1, 'keywords': 1, 'authorhicks': 1, 'eclmtcts2': 1, 'xref': 1, 'ro': 1, 'fatboy': 1, 'consummating': 1, 'pantyhose': 1, '_hard_ware': 1, 'gif': 1, 'meaningfree': 1, 'wilt': 1, 'shana': 1, 'hoffmann': 1, 'kellner': 1, 'bramon': 1, 'flit': 1, 'noho': 1, 'carton': 1, 'postparty': 1, 'repectively': 1, 'allergyprone': 1, 'ninetyfive': 1, 'disintigrated': 1, 'barter': 1, 'evilo': 1, 'fidget': 1, 'perlich': 1, 'marsters': 1, 'beebe': 1, 'initializes': 1, 'rammed': 1, 'womanized': 1, 'strenuously': 1, 'unequipped': 1, 'pseudofeminist': 1, 'highness': 1, 'bedfellow': 1, 'solondz': 1, 'sultan': 1, 'misanthropy': 1, 'hauteur': 1, 'braced': 1, 'mortified': 1, 'philosophically': 1, 'hyperviolent': 1, 'slurping': 1, 'roxane': 1, 'mesquida': 1, 'libero': 1, 'rienzo': 1, 'girth': 1, 'paramour': 1, 'nastiest': 1, 'swerve': 1, 'deadlier': 1, 'pounce': 1, 'purveyor': 1, 'soeur': 1, 'mosey': 1, 'speechimpaired': 1, 'hairball': 1, 'debneys': 1, 'cymbal': 1, 'raged': 1, 'herrier': 1, 'sexromp': 1, 'inaudacious': 1, 'overwight': 1, 'comaprison': 1, 'disneymade': 1, 'driveins': 1, 'limburgher': 1, 'carribean': 1, 'remarry': 1, 'davidovitch': 1, 'boatman': 1, 'seku': 1, 'mitsubishi': 1, 'pirhanna': 1, 'tout': 1, 'angstridden': 1, 'bangkok': 1, 'reinvigorate': 1, 'carlisle': 1, 'patrolled': 1, 'utopiagoneawry': 1, 'moviemake': 1, 'bides': 1, 'conservationist': 1, 'trexi': 1, 'joewreaking': 1, 'scaling': 1, 'pallisades': 1, 'thrillseekers': 1, 'showunrelated': 1, 'demoliton': 1, 'blacktie': 1, 'showyet': 1, 'flawlessness': 1, 'wailing': 1, 'childrenits': 1, 'kidsintense': 1, 'unheralded': 1, 'moribund': 1, 'moviesthis': 1, 'trucksploitation': 1, 'obstaclessuch': 1, 'uzifiring': 1, 'motorcyclist': 1, 'paintedyou': 1, 'itred': 1, 'trucking': 1, 'fbiatf': 1, 'mickelberry': 1, 'vining': 1, 'bedrock': 1, 'flinstone': 1, 'vandercave': 1, 'skinnier': 1, 'nostalgics': 1, 'allegorically': 1, 'combing': 1, 'truecrime': 1, 'changeill': 1, 'yourselfbut': 1, 'moviehes': 1, 'chandlerross': 1, 'genrelast': 1, 'angsthorror': 1, 'crowned': 1, 'forfeited': 1, 'trendily': 1, '23yearold': 1, 'hitchhiked': 1, 'negligence': 1, 'prurient': 1, 'pornfilm': 1, '___': 1, 'relationshipsfromhell': 1, 'witted': 1, 'semideveloped': 1, 'groanworthy': 1, '____': 1, 'colorbynumbers': 1, 'directorwritercinematographereditor': 1, 'joechris': 1, 'lassic': 1, 'joiner': 1, 'inflames': 1, 'cinematographereditor': 1, 'mugged': 1, 'greenwich': 1, 'anthropological': 1, 'mecilli': 1, 'darken': 1, 'faulty': 1, 'whiffleball': 1, 'redolent': 1, 'prelaunch': 1, 'barbeque': 1, 'revisted': 1, 'contentiousness': 1, 'comraderie': 1, 'ember': 1, 'matterof': 1, 'factly': 1, 'aggressivelly': 1, 'momumentally': 1, 'unsatisying': 1, 'eensy': 1, 'teensy': 1, 'squish': 1, 'unflushed': 1, 'kool': 1, 'slooooow': 1, 'duchovnys': 1, 'dt': 1, 'deciphered': 1, 'oooooo': 1, 'goodtimes': 1, 'tbn': 1, 'coscript': 1, 'cohosting': 1, 'paragon': 1, 'dissipating': 1, 'lisp': 1, 'withholding': 1, 'bussed': 1, 'ferreted': 1, 'roundtable': 1, 'cordial': 1, 'softball': 1, 'declawed': 1, 'barelyincontrol': 1, 'gonzales': 1, 'toadie': 1, 'nausea': 1, '80minute': 1, 'raspyvoiced': 1, 'armchair': 1, 'stroking': 1, 'unrightfully': 1, 'electronics': 1, 'functioned': 1, 'fancyschmancy': 1, 'plunked': 1, 'frappacino': 1, 'cancan': 1, 'shootfirstthenshootsomemore': 1, 'twoman': 1, 'vaudevillian': 1, 'endear': 1, 'pulley': 1, 'kidnappermurderer': 1, 'bungler': 1, 'overestimate': 1, 'dilema': 1, 'refocuses': 1, 'inseminates': 1, 'miscarrying': 1, 'imbalance': 1, 'blunderheaded': 1, 'moonlighting': 1, 'sab': 1, 'shimono': 1, 'harakiri': 1, 'pimply': 1, 'chekirk': 1, 'rocknroll': 1, 'vexatious': 1, 'mametstyle': 1, 'blackwannabe': 1, 'craftors': 1, 'exonerated': 1, 'tersely': 1, 'expirating': 1, 'hasta': 1, 'thisobviouslycostalotsoyouknow': 1, 'everyonesgoingtogo': 1, 'boymeetsfishandsavesenvironment': 1, 'savetheworldfromaliensorenvironment': 1, 'reallooking': 1, 'megaadvertising': 1, '60s70s': 1, 'relocates': 1, 'resituating': 1, 'scumbags': 1, 'pastorelli': 1, 'hightechnology': 1, 'mentorturnedevil': 1, 'deguerin': 1, 'torpedoed': 1, 'highsecurity': 1, 'aluminium': 1, 'twofoot': 1, 'outruns': 1, 'eery': 1, 'voluntarily': 1, 'over18s': 1, 'therapeutic': 1, 'ezio': 1, 'gregios': 1, 'rancor': 1, 'buttheads': 1, 'yankovich': 1, 'nostril': 1, 'timespace': 1, 'backlot': 1, 'ballpeen': 1, 'antigun': 1, 'badham': 1, 'scissorshands': 1, 'pedagogical': 1, 'icepick': 1, 'wielders': 1, 'ghostbuster': 1, 'prancing': 1, 'princelike': 1, 'carwash': 1, 'ismael': 1, 'roadster': 1, 'expo': 1, 'stickiest': 1, 'locklear': 1, 'uberrich': 1, 'lankier': 1, 'buddybuddy': 1, 'coincidental': 1, 'chortled': 1, 'damones': 1, 'gook': 1, 'opning': 1, 'russels': 1, 'soldiertype': 1, '_whole_': 1, 'unimaginatve': 1, 'ricochet': 1, 'codenamed': 1, 'tasked': 1, 'saharan': 1, 'insulator': 1, 'improperly': 1, 'cobo': 1, 'computermasked': 1, 'reteamed': 1, 'takingsand': 1, 'womananother': 1, 'hoursor': 1, 'trivialised': 1, 'elsei': 1, 'randles': 1, 'isiah': 1, 'mediating': 1, 'transpiring': 1, 'tafkap': 1, 'alwaysbroke': 1, 'floundering': 1, 'beatem': 1, 'quashed': 1, 'golfballs': 1, 'assail': 1, 'unqualified': 1, 'brainards': 1, 'graded': 1, 'hecticbutoveralluneventful': 1, 'cuthertonsmyth': 1, 'barnfield': 1, 'selfparodizing': 1, 'drector': 1, 'selfindulged': 1, 'pfieffers': 1, 'westernerinperil': 1, 'charactera': 1, 'sonis': 1, 'storyor': 1, 'heroinegets': 1, 'halfstated': 1, 'exoticism': 1, 'robinsonblackmore': 1, 'mikel': 1, 'koven': 1, 'foregin': 1, 'aboslutely': 1, 'gazon': 1, 'maudit': 1, 'loli': 1, 'soons': 1, 'kristel': 1, 'cesars': 1, 'notverygood': 1, 'damnnear': 1, 'rockem': 1, 'sockem': 1, 'thirdstring': 1, 'qb': 1, 'ingame': 1, 'horks': 1, 'ancy': 1, 'kaleidoscope': 1, 'ultrastylish': 1, 'pagniacci': 1, 'annmargret': 1, 'wellconceived': 1, 'needling': 1, 'wellrun': 1, 'philly': 1, 'goodygoody': 1, 'pared': 1, 'relevent': 1, 'radiationrich': 1, 'klingonlooking': 1, 'makeupladen': 1, 'luthor': 1, 'fwahahahahahahahaha': 1, 'supervillain': 1, 'scorecard': 1, 'tilting': 1, 'sideways': 1, 'trawl': 1, 'deflate': 1, 'funari': 1, 'suarez': 1, 'vickys': 1, 'jarringly': 1, 'repulse': 1, 'fondled': 1, 'aztec': 1, 'priestess': 1, '_entertainment_weekly_': 1, 'pzoniaks': 1, 'facelessness': 1, '_polish_wedding_s': 1, 'schuster': 1, 'trese': 1, 'unvirginal': 1, 'climaxwhich': 1, 'jadziabolek': 1, 'halarussell': 1, 'materiala': 1, 'laughstojokes': 1, 'bartholomew': 1, 'early19th': 1, 'fontenot': 1, 'conquistador': 1, 'hildago': 1, 'nearlyinconsequential': 1, 'epitaph': 1, 'mekanek': 1, 'stinkor': 1, 'filmation': 1, 'shera': 1, 'trillion': 1, 'tolkan': 1, 'skif': 1, 'stormtrooper': 1, 'mcneill': 1, '10th': 1, 'gehrig': 1, 'modelling': 1, 'genuinelyfunny': 1, 'exhibited': 1, 'exhumed': 1, 'edging': 1, 'olek': 1, 'krupa': 1, 'kilner': 1, 'haviland': 1, 'goldbergtype': 1, 'counterfeitlooking': 1, 'nearblizzard': 1, 'wyle': 1, 'flattened': 1, 'smacked': 1, 'barbell': 1, 'thumbsucking': 1, 'retailer': 1, 'yogi': 1, 'yore': 1, 'zealous': 1, 'messing': 1, 'thenpatrick': 1, 'thendiana': 1, 'nowralph': 1, 'nowuma': 1, 'pastelcolored': 1, 'waddle': 1, 'escher': 1, 'macnees': 1, 'antiquated': 1, 'splendour': 1, '189': 1, 'throwtogether': 1, 'outofprint': 1, 'submitted': 1, 'excise': 1, 'retaining': 1, 'ohsowise': 1, 'duneesque': 1, 'gobbledegook': 1, 'serous': 1, 'selftalk': 1, 'harkonnens': 1, 'lucus': 1, 'carlo': 1, 'rambaldis': 1, 'ringwood': 1, 'toto': 1, 'sian': 1, 'gaius': 1, 'mohiam': 1, 'gesserit': 1, 'shakily': 1, 'attests': 1, 'unauthorised': 1, 'airing': 1, 'petitioned': 1, 'mcas': 1, 'handiwork': 1, 'skulduggery': 1, 'gesserits': 1, 'outofcontext': 1, 'objected': 1, 'lynchesque': 1, 'amsterdam': 1, 'losely': 1, 'nordern': 1, 'simplifies': 1, 'helmut': 1, 'reiter': 1, 'bekim': 1, 'fehmiu': 1, 'defeatist': 1, 'symbolised': 1, 'cinematical': 1, 'luchino': 1, 'visconti': 1, 'thulins': 1, 'minellis': 1, 'bonk': 1, '713': 1, 'pseudodepth': 1, 'exspouse': 1, 'bertolini': 1, 'adapter': 1, 'forcefeeding': 1, 'boyandhisdog': 1, 'k9': 1, 'clownforhire': 1, 'fernwell': 1, 'newkidontheblock': 1, 'zegers': 1, 'yellerstyle': 1, 'fauxcute': 1, 'splish': 1, 'mishmashed': 1, 'videoesque': 1, 'buckaroo': 1, 'porsche': 1, 'reprisal': 1, 'cannell': 1, 'griecoesque': 1, 'eaton': 1, 'alevey': 1, 'shon': 1, 'greenblatt': 1, 'superencrypted': 1, 'implementing': 1, 'bodhi': 1, 'mercuryencrypted': 1, 'terminatorlike': 1, 'ginter': 1, 'supercypher': 1, 'buddycop': 1, 'copfbi': 1, 'trickle': 1, 'supercode': 1, 'dejection': 1, 'propsstrategicallypositionedbetweennakedactorsandcamera': 1, 'hep': 1, 'disservice': 1, 'forze': 1, 'rubric': 1, 'skewering': 1, 'hidef': 1, 'zillion': 1, 'crawled': 1, 'shrub': 1, 'ooooo': 1, 'xxv': 1, 'megaproducer': 1, 'actionhero': 1, 'slickster': 1, 'actingenglish': 1, 'evacuates': 1, 'handsomely': 1, 'paddling': 1, 'yosts': 1, 'crucifixweapon': 1, 'earshattering': 1, 'uprooting': 1, 'bossy': 1, 'hairpiece': 1, 'bruise': 1, 'nonsatirical': 1, 'shitterpiece': 1, 'stupidass': 1, 'exbrooklynite': 1, 'noooo': 1, 'orbach': 1, 'brated': 1, 'eroticthrillercinemaxstyle': 1, 'athena': 1, 'massey': 1, 'julliana': 1, 'margiulles': 1, 'funyetdumb': 1, 'mexicowhat': 1, 'sergioleone': 1, 'fixedly': 1, 'widening': 1, 'narrowing': 1, 'innovatively': 1, 'suspensethriller': 1, 'anothergreat': 1, 'trivializes': 1, 'paratrooper': 1, 'unendurably': 1, 'foulups': 1, 'peerless': 1, 'mite': 1, 'paratroop': 1, 'permeate': 1, 'mechanized': 1, 'charred': 1, 'indentity': 1, 'softpedaled': 1, 'hollywoodization': 1, 'fussells': 1, '_wartime': 1, 'war_': 1, 'letup': 1, 'infantryman': 1, 'demotic': 1, 'spielbergization': 1, 'cede': 1, 'reminscent': 1, '_schindlers': 1, 'tiepin': 1, 'nigh': 1, 'resolute': 1, 'meaninglessness': 1, 'peon': 1, 'journalistturnedscreenwriter': 1, 'continuum': 1, 'recaptured': 1, 'celebritytype': 1, 'slaterjohnny': 1, 'depptype': 1, 'disengaging': 1, 'superorgasmic': 1, 'karnstein': 1, 'scuzzylooking': 1, 'spikedhaired': 1, 'harridan': 1, 'exclusivity': 1, 'afterhours': 1, 'drycleaned': 1, 'bloodstain': 1, 'repetitiously': 1, 'filmsrun': 1, 'indigestion': 1, 'sharpening': 1, 'gooden': 1, 'tammi': 1, 'chenoa': 1, 'oldtime': 1, '38th': 1, 'posting': 1, 'antishark': 1, 'repellant': 1, 'patheticlooking': 1, 'returing': 1, 'icecold': 1, 'homefront': 1, 'pennyworth': 1, 'bythenumber': 1, 'emblem': 1, 'utterlypointless': 1, 'grunted': 1, 'observatory': 1, 'afred': 1, 'graveness': 1, 'nearunintelligble': 1, 'lackadasically': 1, 'undoubtably': 1, 'halfbad': 1, 'cormangrade': 1, 'pillers': 1, 'notquitehalfbaked': 1, 'workhorse': 1, 'visor': 1, 'ringedplanet': 1, 'metaphasic': 1, 'radition': 1, 'replenish': 1, 'evolvethey': 1, 'grievously': 1, 'searcher': 1, 'excusesomeone': 1, 'beamed': 1, 'plotholia': 1, 'reexperiencing': 1, 'timedefying': 1, 'eyesight': 1, 'powermad': 1, 'superfreak': 1, 'watchability': 1, 'comaraderie': 1, 'styrofoam': 1, 'miasma': 1, 'bushy': 1, '10yearolds': 1, 'worsethanstereotyped': 1, 'insecticide': 1, 'halfwin': 1, 'aquarter': 1, 'cosex': 1, 'zulu': 1, 'suckingout': 1, 'ard': 1, 'iiii': 1, 'conjecture': 1, 'dis': 1, 'wideropen': 1, 'wattage': 1, 'tainer': 1, 'conventionbreakers': 1, 'coldcocks': 1, 'eludes': 1, 'ladyhawke': 1, 'worthpayingtosee': 1, 'slogging': 1, 'overburdened': 1, 'wabbit': 1, 'hadley': 1, 'handmaid': 1, 'bilk': 1, 'odettes': 1, 'muddling': 1, 'crusading': 1, 'dishonest': 1, 'slurpy': 1, 'schlondorffs': 1, 'foundered': 1, 'illuminata': 1, 'hummanahummanahummana': 1, 'uhhhhhm': 1, 'yodaesque': 1, 'sprouted': 1, 'hehehe': 1, 'onedimension': 1, 'romancing': 1, 'heeere': 1, 'turnerowned': 1, 'classier': 1, 'bueller': 1, 'fondle': 1, 'dispels': 1, 'anamoly': 1, 'abberation': 1, 'anchorman': 1, 'prowl': 1, 'mispronouncing': 1, 'reproduces': 1, 'asexually': 1, 'patillos': 1, 'swatch': 1, 'exarmy': 1, 'fahrenheit': 1, 'onetone': 1, 'tensionfilled': 1, 'nighshift': 1, 'oneweekoldbluecheesesmelling': 1, 'telecommunicative': 1, 'partypooper': 1, 'obliterating': 1, 'skeeter': 1, 'sexkitten': 1, 'ventricle': 1, 'breakdanced': 1, 'leick': 1, 'guysgirls': 1, 'callisto': 1, 'squall': 1, 'bloodsucking': 1, 'staked': 1, 'finelooking': 1, 'dudleys': 1, 'inyourear': 1, 'tightlyedited': 1, 'instructional': 1, 'auctioneer': 1, 'flyboy': 1, 'falzones': 1, 'finite': 1, '747s': 1, 'whisker': 1, 'wannaseehowfasticandrives': 1, 'guardia': 1, 'goodand': 1, 'funnymovies': 1, 'martinisand': 1, 'nemesesshaken': 1, 'subinspired': 1, 'previouslyused': 1, 'skinheaded': 1, '1977s': 1, 'entireand': 1, '28up': 1, 'deviceyou': 1, '128': 1, 'thames': 1, 'ppk': 1, 'grownworthy': 1, 'visionimpaired': 1, 'nearblind': 1, 'roster': 1, 'backus': 1, 'takethemoneyand': 1, 'artstype': 1, 'chinlund': 1, 'under10': 1, 'terrier': 1, 'drier': 1, 'bruel': 1, '10a': 1, '9borderline': 1, '8excellent': 1, '7good': 1, '6better': 1, '5average': 1, '4disappointing': 1, '3poor': 1, '2awful': 1, '1a': 1, 'restores': 1, 'nausuem': 1, 'yam': 1, 'chingmy': 1, 'yau': 1, 'svenwara': 1, 'madoka': 1, 'killlers': 1, 'woolike': 1, 'funoh': 1, 'gq': 1, 'faltermeyers': 1, 'synthesized': 1, 'amoeba': 1, 'intelligentand': 1, 'andagainyou': 1, 'workable': 1, 'weaponesque': 1, 'cashso': 1, 'baghdad': 1, 'soothsayer': 1, 'fireside': 1, 'herger': 1, 'storh': 1, 'buliwyf': 1, 'kulich': 1, 'chittering': 1, 'blackface': 1, 'beautifullyrendered': 1, 'schuemacher': 1, 'erasing': 1, 'goodheartedfrom': 1, 'moxin': 1, 'secondtolast': 1, 'overstaying': 1, '1983s': 1, '104minute': 1, 'wellshot': 1, 'lowcaliber': 1, 'cutandpaste': 1, 'dourdan': 1, 'outward': 1, 'atrois': 1, 'consummated': 1, 'sympathetically': 1, 'imposes': 1, 'undoubtly': 1, 'dimeadozen': 1, 'cardboardcutout': 1, 'glorification': 1, 'penetration': 1, 'beastuality': 1, 'urinary': 1, 'tract': 1, 'overdramaticized': 1, 'dlose': 1, 'depite': 1, 'ascends': 1, 'gucciones': 1, 'sloppiest': 1, 'innacurate': 1, 'prokofiev': 1, 'khachaturian': 1, 'adagio': 1, 'phrygia': 1, 'aneeka': 1, 'dilorenzo': 1, 'embrassment': 1, 'prig': 1, 'disgustingfordisgustingnesssake': 1, 'magnifcent': 1, 'heartstopping': 1, 'actualy': 1, 'comprehendable': 1, 'phillipie': 1, 'benecio': 1, 'vitro': 1, 'fertilization': 1, 'launderer': 1, 'caans': 1, 'rippedoff': 1, 'brandnew': 1, 'atrevenge': 1, 'gettingeven': 1, 'compulsively': 1, 'isgasp': 1, 'displaythere': 1, '_full_house_': 1, '_americas_funniest_home_videos_': 1, 'sebastiano': 1, 'fararguably': 1, 'humoras': 1, 'smarta': 1, 'buildingsa': 1, 'sickandtwisted': 1, 'hotenoughtomeltrubber': 1, 'singe': 1, 'anatomically': 1, 'buddytype': 1, 'shinhigh': 1, 'lovebird': 1, 'chuckster': 1, 'conjugal': 1, 'soultransferring': 1, 'amulet': 1, 'postmarriage': 1, 'kewpies': 1, 'dimbulb': 1, '_pick_chucky_up_': 1, '89minutes': 1, 'mancinis': 1, 'slathers': 1, 'genreparody': 1, 'goaliemaskwearing': 1, 'handedly': 1, 'thirsty': 1, 'hesheit': 1, 'afore': 1, 'moviesa': 1, 'everyoneyou': 1, 'alway': 1, 'kilt': 1, 'collided': 1, 'bigbreasted': 1, 'thoughttransference': 1, 'plaster': 1, 'atkinsons': 1, 'narrowed': 1, '29yearold': 1, 'miniwonderland': 1, 'unmade': 1, 'provocatively': 1, 'hollan': 1, 'attractively': 1, '35yearold': 1, 'snakeoil': 1, 'beatng': 1, 'barring': 1, 'punkinthemaking': 1, 'bullheaed': 1, 'lether': 1, 'postoperative': 1, 'hiself': 1, 'fightpicking': 1, 'beerdrinking': 1, 'victimisation': 1, 'lobotomise': 1, 'requisitive': 1, 'mackintosh': 1, 'foyle': 1, 'bafta': 1, 'buzzcocks': 1, 'disagreeable': 1, 'sargetype': 1, 'pilion': 1, 'awwww': 1, 'differnt': 1, 'mountainous': 1, 'chastising': 1, 'rehearses': 1, 'fished': 1, 'jailbird': 1, 'pantomine': 1, 'nothiiiiiinggggggggggg': 1, 'tinkertoy': 1, 'backpack': 1, 'chasegoldie': 1, 'shakycam': 1, 'whens': 1, 'recreational': 1, 'trainman': 1, 'shalit': 1, 'regails': 1, 'amtrak': 1, 'lindenlaub': 1, 'profiler': 1, 'engelman': 1, 'dannyhere': 1, 'gravitates': 1, 'dogloving': 1, 'tardio': 1, 'perfectyou': 1, 'swish': 1, 'nuzzles': 1, 'coiffed': 1, 'personalbut': 1, 'fitchners': 1, 'downway': 1, 'downto': 1, 'vanquished': 1, 'mismatchedbuddy': 1, 'binoculars': 1, 'halfdrunk': 1, 'bankroll': 1, 'inversion': 1, 'repessed': 1, 'joie': 1, 'vivre': 1, 'ppreciate': 1, 'movieroad': 1, 'thorougly': 1, 'urn': 1, 'unfortunatetely': 1, 'crept': 1, 'sapping': 1, 'huangs': 1, 'adeptness': 1, 'timidity': 1, 'unempathetic': 1, 'audienceunfriendly': 1, 'girlie': 1, 'creedmiles': 1, 'downturn': 1, 'laila': 1, 'raymonds': 1, 'spurned': 1, 'escadapes': 1, 'sawyer': 1, 'huckleberry': 1, 'epectations': 1, 'slither': 1, 'religiouslyoriented': 1, 'impregnation': 1, 'contradicts': 1, 'outperforms': 1, 'refuting': 1, 'gregorian': 1, 'quickcut': 1, 'illconvincepeopletokilleachother': 1, 'laffometer': 1, 'chortle': 1, 'cortinos': 1, 'samba': 1, 'dulles': 1, 'predatorall': 1, 'exonerating': 1, 'stampeding': 1, 'mull': 1, 'chia': 1, 'derns': 1, 'idiotically': 1, 'factored': 1, 'uploaded': 1, 'seeps': 1, 'oneact': 1, 'uploading': 1, 'cyberdoctor': 1, 'hobo': 1, 'ghostlady': 1, 'cybertravelling': 1, 'longo': 1, 'fullfeature': 1, 'immigrated': 1, 'neuromancer': 1, 'splenetik': 1, 'crunchable': 1, 'limbtwisting': 1, 'colead': 1, 'modelwife': 1, 'allround': 1, 'implacable': 1, 'nico': 1, 'nimble': 1, 'accessorize': 1, 'pounced': 1, 'whiney': 1, 'straightman': 1, 'beadadorned': 1, 'brocadedraped': 1, 'crunchily': 1, 'deathblow': 1, 'likeminded': 1, 'streamed': 1, 'spelenetik': 1, 'beowolf': 1, 'gazing': 1, 'teleprompted': 1, 'lessthanlackluster': 1, 'poppsychology': 1, 'marsvenus': 1, 'nodding': 1, 'fitted': 1, 'disuse': 1, 'shrunk': 1, 'scumbagginess': 1, 'slimeballs': 1, 'uncommunicative': 1, 'vibrating': 1, 'withers': 1, 'congratuations': 1, 'cheeseball': 1, 'againthe': 1, 'jameswho': 1, 'fishermanvictim': 1, 'bikiniready': 1, 'whoand': 1, 'mysteryturns': 1, 'hellliner': 1, 'boynextdoor': 1, 'shorti': 1, 'sequelthe': 1, 'vacationer': 1, 'reprogramming': 1, 'gaynors': 1, 'lostray': 1, 'mehe': 1, 'languidhow': 1, 'oneif': 1, 'energize': 1, 'seriessomeone': 1, 'blandy': 1, 'longos': 1, 'gibsoninspired': 1, 'cybercourier': 1, 'wetwired': 1, 'lundgrens': 1, 'fxsuch': 1, 'mattesleave': 1, 'bluescreens': 1, 'partment': 1, 'yatf': 1, 'iti': 1, '007esque': 1, 'quintet': 1, 'naoki': 1, 'mori': 1, 'shutterbug': 1, 'thereduring': 1, 'bootcamp': 1, 'farstrength': 1, 'metaphorheavy': 1, '_cant_': 1, 'fourminute': 1, '_exactly_': 1, 'stemmed': 1, 'hurrah': 1, 'specliast': 1, 'girlfriendmoll': 1, 'cubanmiami': 1, 'ballisitic': 1, 'mustbeimprovised': 1, 'snakeeyes': 1, 'unrealisticlooking': 1, 'mispaired': 1, 'keitels': 1, 'woken': 1, 'slys': 1, 'teenorientated': 1, 'blazingly': 1, 'herniated': 1, 'rowing': 1, 'surfaced': 1, 'rulebook': 1, 'pingpong': 1, 'pinch': 1, 'litten': 1, 'levritt': 1, 'hattrick': 1, 'snatchthepaycheckandrun': 1, 'bibb': 1, 'indefinitely': 1, 'afi': 1, 'humoring': 1, 'sheepishly': 1, 'barnacle': 1, 'gyllenhall': 1, 'immunodeficient': 1, 'reaganloving': 1, 'gyllenhalls': 1, 'homeschools': 1, 'antisexual': 1, 'hijinksaddled': 1, 'professing': 1, 'hindi': 1, 'vetter': 1, 'saddens': 1, 'horrorschlock': 1, 'guamo': 1, 'ocmic': 1, 'batologists': 1, 'leitch': 1, 'goldin': 1, 'friendliest': 1, 'stunk': 1, 'motown': 1, 'awa': 1, 'saunter': 1, 'lugging': 1, 'forsee': 1, 'gottfried': 1, 'facetiousness': 1, 'thirdbilling': 1, 'flashdancer': 1, 'roz': 1, 'cadet': 1, 'jive': 1, 'barnett': 1, 'honkey': 1, 'mohawk': 1, 'grisoni': 1, 'strychninelaced': 1, 'assent': 1, 'pharmacological': 1, 'actosta': 1, 'nitrite': 1, 'terrifies': 1, 'thickbladed': 1, 'ingest': 1, 'spungen': 1, 'fishandgame': 1, 'pulman': 1, 'millionairecrocodile': 1, 'fulloftension': 1, 'somethingortheother': 1, 'scariness': 1, 'hohh': 1, 'riiiiight': 1, 'yknow': 1, 'ooooooo': 1, 'sp': 1, 'geoffreys': 1, 'wimmin': 1, 'puked': 1, 'reworks': 1, 'vaporized': 1, 'mushroomcloud': 1, 'implicates': 1, 'excellentbutso': 1, 'oftenacclaimed': 1, 'sevenyearold': 1, 'figeroa': 1, 'prereview': 1, 'forbes': 1, 'mathew': 1, 'mconaughy': 1, 'bongo': 1, 'workweek': 1, 'coition': 1, 'ugli': 1, 'sexed': 1, 'confiding': 1, 'creamy': 1, 'rowe': 1, 'twentysometyhings': 1, 'kobsessed': 1, 'buggery': 1, 'unsexy': 1, 'fornication': 1, 'dirtier': 1, 'nookie': 1, 'consensual': 1, 'enticed': 1, 'fallout': 1, 'hittin': 1, 'powermongering': 1, 'welldocumented': 1, 'recuts': 1, 'guildmandated': 1, 'edmunds': 1, 'jeni': 1, 'goldbergted': 1, 'stockintrade': 1, 'reduncancy': 1, 'badder': 1, 'rapier': 1, 'newsleak': 1, 'penile': 1, 'feign': 1, 'stomachchurning': 1, 'smithees': 1, 'misadvertised': 1, 'mozzell': 1, 'selftitled': 1, '92minute': 1, 'patontheback': 1, 'metamorphosizes': 1, 'consanguinity': 1, 'repulsively': 1, 'foodfight': 1, 'sever': 1, 'writerdirectorhack': 1, 'rosycheeked': 1, 'intruded': 1, 'bludgeoned': 1, 'bamboozled': 1, 'negates': 1, 'munchausen': 1, 'dateline': 1, 'chalkfull': 1, 'ryuichi': 1, 'sakamotos': 1, 'apropos': 1, '1940sstyle': 1, 'agnieszka': 1, 'obsenities': 1, 'mismatch': 1, 'postrevolutionary': 1, 'symbolist': 1, 'charleville': 1, 'romane': 1, 'mathildes': 1, 'tenseness': 1, 'afro': 1, 'chieftain': 1, 'afroamericans': 1, 'deformation': 1, 'aalyahs': 1, 'oneword': 1, 'cest': 1, 'mgms': 1, 'hyperjump': 1, 'jellylike': 1, 'pushup': 1, 'eggshaped': 1, 'allofasuddensuperhuman': 1, 'littleton': 1, 'colo': 1, 'thiss': 1, 'milbauer': 1, 'pastry': 1, 'shoud': 1, 'handwringing': 1, 'inveterate': 1, 'foulhumored': 1, 'vics': 1, 'donnys': 1, 'crouse': 1, 'mailedin': 1, 'carolcos': 1, 'resting': 1, 'modines': 1, 'bankability': 1, 'parentchild': 1, 'fumblings': 1, 'probide': 1, 'evercontrary': 1, 'bastion': 1, 'tackyana': 1, 'dishing': 1, 'digestgumpian': 1, 'scoopful': 1, 'delectably': 1, 'ern': 1, 'mcracken': 1, 'slaparound': 1, 'distended': 1, 'cityboy': 1, 'suaku': 1, 'unchristian': 1, 'neighboursocking': 1, 'lavatorial': 1, 'amishmocking': 1, 'roadtrip': 1, 'broadside': 1, 'halfthoughtthrough': 1, 'gaffer': 1, 'plausibly': 1, 'computercreation': 1, 'nohoper': 1, 'kickstarting': 1, 'reinspired': 1, 'exgangbanger': 1, 'insubordinate': 1, 'crimefighting': 1, 'jetpowered': 1, 'halfinterested': 1, 'insipidly': 1, 'censored': 1, 'muffle': 1, '2099': 1, 'honking': 1, 'doenst': 1, 'hurlyburlys': 1, 'antigay': 1, 'fecal': 1, 'naunton': 1, 'radford': 1, 'pimlico': 1, 'abbott': 1, 'beforesometimes': 1, 'theological': 1, 'nhl': 1, 'biebe': 1, 'compensating': 1, 'befouled': 1, 'collegiate': 1, 'biebes': 1, 'verbalized': 1, 'obyrne': 1, 'cadence': 1, 'ivins': 1, 'paste': 1, 'mccoys': 1, 'emotionalradiance': 1, 'niagra': 1, 'mccardie': 1, 'terminating': 1, 'dateless': 1, 'deflowered': 1, 'weekened': 1, 'binary': 1, 'eggert': 1, 'emigrating': 1, 'bateer': 1, 'justifiably': 1, 'luv': 1, 'closecropped': 1, 'supermodellevel': 1, 'dramatize': 1, 'sublimated': 1, 'bloodthirstiness': 1, 'madwoman': 1, 'browbeats': 1, 'blithe': 1, 'puton': 1, 'dreyers': 1, 'franceusa': 1, 'adrienmarc': 1, 'herve': 1, 'schneid': 1, 'clapetthe': 1, 'plusse': 1, 'ticky': 1, 'marcel': 1, 'annemarie': 1, 'pisani': 1, 'ker': 1, 'aurore': 1, 'interligator': 1, 'miramaxconstellationugchatchette': 1, '1991france': 1, 'valued': 1, 'excircus': 1, 'toogoodtobetrue': 1, 'nearsighted': 1, 'malcontent': 1, 'cowmoo': 1, 'bedspring': 1, 'squeak': 1, 'veggie': 1, 'trogolodistes': 1, 'scatology': 1, 'grungiest': 1, 'consternation': 1, 'copbuddy': 1, 'flu': 1, 'fluish': 1, 'sired': 1, 'bascially': 1, 'inlists': 1, 'badies': 1, 'outgrossed': 1, 'baffels': 1, 'brinkley': 1, 'ferrari': 1, '2001s': 1, 'figueras': 1, 'piglia': 1, 'quot': 1, 'namequot': 1, 'rename': 1, 'fatigue': 1, 'completes': 1, 'boringconfusing': 1, 'caprenters': 1, 'actorswashington': 1, 'shalhoubbut': 1, '10minute': 1, 'dismantling': 1, 'sometimessick': 1, 'weddingneeding': 1, 'onedge': 1, 'dimming': 1, 'wagontrain': 1, 'longshot': 1, 'intently': 1, 'sheeppig': 1, 'onetenth': 1, 'cavity': 1, 'elastic': 1, 'cowrited': 1, 'eqypt': 1, 'decipherer': 1, 'slightlyneurotic': 1, 'wyat': 1, 'flattop': 1, 'fetal': 1, 'cilvilization': 1, 'androginous': 1, 'modifier': 1, 'pesudopseudopseudocharacter': 1, 'titilation': 1, 'potted': 1, '9mm': 1, 'perfumedrenched': 1, 'durable': 1, '8minute': 1, 'michelangelo': 1, 'antonionis': 1, 'mattys': 1, 'atrice': 1, 'dalle': 1, 'consulting': 1, 'tooling': 1, 'downing': 1, 'kelsch': 1, 'painterly': 1, 'docustyle': 1, 'arrrghhh': 1, 'sod': 1, 'yer': 1, 'bloodstream': 1, 'timebomb': 1, 'stubble': 1, 'kowalski': 1, 'nycs': 1, 'gedricks': 1, 'moroniclooking': 1, 'morescos': 1, 'toning': 1, '500th': 1, '1885': 1, 'sieber': 1, 'magua': 1, 'ry': 1, 'cooder': 1, 'hetero': 1, 'hobel': 1, 'mignattis': 1, 'sitcomlevel': 1, 'bugshow': 1, 'zaftig': 1, 'lipsynching': 1, 'easely': 1, 'burne': 1, 'lucifer': 1, 'swartzeneggers': 1, 'cyberkillers': 1, 'schwartzeneggers': 1, 'swartzenegger': 1, 'symbolise': 1, 'colt': 1, 'undertook': 1, 'lameness': 1, 'bmonster': 1, 'spetters': 1, 'punknoir': 1, 'slays': 1, 'impales': 1, 'sunnybrook': 1, 'fxheavy': 1, 'thrillaminute': 1, 'greenway': 1, 'thrillingly': 1, 'caressing': 1, 'fauxpsycho': 1, 'inferred': 1, 'chit': 1, 'menahem': 1, 'golan': 1, 'yoram': 1, 'globus': 1, 'lowering': 1, 'gavan': 1, 'shriker': 1, 'lauter': 1, 'raffin': 1, 'lawabiding': 1, 'sarajevolike': 1, 'portorican': 1, 'hackle': 1, 'unproduced': 1, 'ranged': 1, '1981s': 1, 'exolympic': 1, 'cutsie': 1, 'sexualize': 1, 'bayard': 1, 'weissmuller': 1, '1913': 1, 'archeologistgraverobber': 1, 'apeman': 1, 'greenpeacefriendly': 1, 'tusk': 1, 'semiexperienced': 1, 'backpacker': 1, 'tourniquet': 1, 'resourcestrapped': 1, 'diens': 1, 'wellgroomed': 1, 'circa1983': 1, 'wincer': 1, 'basicand': 1, 'ordinarypremise': 1, 'naville': 1, 'navilles': 1, 'victimher': 1, 'revengeand': 1, 'contextual': 1, 'displeased': 1, 'robertor': 1, 'twothen': 1, 'razzmatazz': 1, 'thatenergy': 1, 'angelicin': 1, 'stockpiling': 1, 'womantic': 1, 'borrrring': 1, 'wendkos': 1, 'braintree': 1, 'abyssinian': 1, 'thermopolis': 1, 'franciscan': 1, 'serbia': 1, 'genovia': 1, 'headphonestiara': 1, 'clarisse': 1, 'renaldi': 1, 'dorkylooking': 1, 'mechanicmusician': 1, 'elizondo': 1, 'imparting': 1, 'chauffeurdriven': 1, 'eightandahalf': 1, 'powersthatbe': 1, 'ric': 1, 'puccis': 1, 'straightens': 1, 'overlyfamiliar': 1, 'closeddown': 1, 'crippen': 1, 'identital': 1, 'winnebago': 1, 'froehlich': 1, 'suspeneful': 1, 'sookyin': 1, 'resistible': 1, 'adulation': 1, 'crowchild': 1, 'alessas': 1, 'flint': 1, 'doublezero': 1, 'glenwood': 1, 'movieplex': 1, 'oneida': 1, 'japanimation': 1, 'clinched': 1, 'alzhiemers': 1, 'flubberpowered': 1, 'scenebyscene': 1, 'ooooooooh': 1, 'modelfriends': 1, 'highheaven': 1, 'romanticcomedyaction': 1, 'knowles': 1, 'fluffpiece': 1, 'uuuhhmmm': 1, 'naaaaah': 1, 'snuggly': 1, 'headfirst': 1, 'anyhoo': 1, 'didja': 1, 'pizazz': 1, 'firefight': 1, 'creativeness': 1, 'unmistakeable': 1, 'ellins': 1, 'frey': 1, 'comeon': 1, 'mili': 1, 'personalitychallenged': 1, 'mindboggeling': 1, 'oppisites': 1, 'pacifistic': 1, 'scientests': 1, 'uprorously': 1, 'kevil': 1, 'cinematogrophy': 1, 'ballhaus': 1, 'bookish': 1, 'terriblyplotted': 1, 'exnew': 1, 'ensnared': 1, 'lightplane': 1, 'salvadorian': 1, 'lagpacan': 1, 'soused': 1, 'faa': 1, 'drugabuser': 1, 'sulk': 1, 'jerkish': 1, 'kelleys': 1, 'audiovideo': 1, 'insistent': 1, 'prizefighted': 1, 'relentlessy': 1, 'confirming': 1, 'seeked': 1, 'rammeddownyourthroat': 1, 'pseudosaintliness': 1, 'ungers': 1, 'dogooders': 1, 'abating': 1, 'twentycutsperminute': 1, 'poetsongwriter': 1, 'madio': 1, 'neutron': 1, 'mcgaw': 1, 'inhalant': 1, 'goluboff': 1, 'pseudosensitive': 1, 'strungout': 1, 'exjunkie': 1, 'dashiell': 1, '_red': 1, 'harvest_': 1, 'bootlegging': 1, 'chicagoconnected': 1, 'strozzi': 1, 'remakescumbastardizations': 1, 'karina': 1, 'lombard': 1, 'sanderson': 1, 'imperioli': 1, 'chattering': 1, '_no': 1, 'one_': 1, 'sunburned': 1, 'counterproductive': 1, 'emitting': 1, 'tupacs': 1, 'cued': 1, '2699': 1, 'burkittsville': 1, 'influx': 1, 'witchrelated': 1, 'cigarettesmoking': 1, 'luridly': 1, 'psychomagically': 1, 'sus': 1, 'gothstyle': 1, 'rustin': 1, 'tristens': 1, 'fluttering': 1, 'warera': 1, 'runelike': 1, 'handbasket': 1, 'nevermind': 1, 'broadlydrawn': 1, 'nicety': 1, 'hm': 1, 'bandies': 1, 'kormans': 1, 'hedley': 1, 'cleavon': 1, 'interacted': 1, 'dollah': 1, 'clubact': 1, 'bro': 1, 'jewelrysporting': 1, 'exerts': 1, 'sivero': 1, 'notsotalented': 1, 'scrolled': 1, 'assistsant': 1, 'howewer': 1, 'unexistent': 1, 'unmenacing': 1, 'exspecial': 1, 'yucked': 1, 'secondclass': 1, 'guncrazy': 1, 'sneakysmart': 1, 'bigundergroundworm': 1, 'giggled': 1, 'criticallysavaged': 1, 'bigunderwatersnake': 1, 'ghidrah': 1, 'bigunderseaserpent': 1, 'multiethnicmultinational': 1, 'cgienhanced': 1, 'grossouts': 1, 'toocheesytobeaccidental': 1, 'fraidycat': 1, 'actionhorror': 1, 'goredrenched': 1, 'aflailing': 1, 'allinadayswork': 1, 'wifeand': 1, 'brokering': 1, 'stillburning': 1, 'ramon': 1, 'firetaming': 1, 'eversmoldering': 1, 'boaz': 1, 'yakins': 1, 'margulies': 1, 'nonkosher': 1, 'yakin': 1, 'realismin': 1, 'ghostmake': 1, 'therere': 1, 'connotes': 1, 'goodfilmmaking': 1, 'undervalued': 1, 'perish': 1, 'mountainhill': 1, 'headstart': 1, 'radioactivity': 1, 'leaked': 1, 'metre': 1, 'noirs': 1, 'glamorise': 1, 'expound': 1, 'fantasise': 1, 'playwrite': 1, 'twelfth': 1, 'romanticising': 1, 'hospitalised': 1, 'kale': 1, '31st': 1, 'regenerating': 1, 'usaf': 1, 'oberon': 1, 'broyles': 1, 'swarmed': 1, 'sandar': 1, 'ballyhooed': 1, 'daena': 1, 'nado': 1, 'shadix': 1, 'whiteness': 1, 'humanized': 1, 'goodly': 1, 'eiko': 1, 'ishiokas': 1, 'percussive': 1, 'kull': 1, 'conqueror': 1, 'matalin': 1, 'matalins': 1, 'senatorial': 1, 'vallick': 1, 'plent': 1, 'studreporter': 1, 'subverts': 1, 'speechlesss': 1, 'partisanship': 1, 'fluteandwind': 1, 'grocer': 1, 'films92': 1, 'elation': 1, 'smothering': 1, 'enrolling': 1, 'cherryonthesundae': 1, 'kidnappedshe': 1, 'unironic': 1, 'teeits': 1, 'whence': 1, 'revelationtwist': 1, 'seventeenth': 1, 'concur': 1, 'mianders': 1, 'straightout': 1, 'zelweggar': 1, 'bigheaded': 1, 'typicalness': 1, 'dispite': 1, 'wayyyy': 1, 'halfmast': 1, 'ultraserious': 1, 'antifans': 1, 'reprint': 1, 'reprintable': 1, 'unwinds': 1, 'typicallystimulating': 1, 'nonwebb': 1, 'negligee': 1, '_here_': 1, 'estrogen': 1, 'iwo': 1, 'jima': 1, 'raeeyain': 1, 'detorris': 1, 'sanitation': 1, 'votepandering': 1, 'phlegmming': 1, 'municipality': 1, 'quarrelling': 1, 'hoisting': 1, 'ingrown': 1, 'flatlining': 1, 'enchilada': 1, 'woof': 1, 'winger': 1, 'asof': 1, 'thingsa': 1, 'kickwillis': 1, 'colorblind': 1, 'cutfromnc17': 1, 'rattlesnake': 1, 'whyd': 1, 'solvable': 1, 'unfazed': 1, 'overfills': 1, 'vertiginous': 1, 'acrosstheboard': 1, 'mysterygirlwhosnorealmystery': 1, 'exgovernment': 1, 'cooperate': 1, 'bordello': 1, 'breakintothebuilding': 1, 'geekiest': 1, 'propell': 1, 'kieren': 1, 'indiscernable': 1, 'passer': 1, 'hairremoval': 1, 'bubbleheaded': 1, 'guam': 1, 'stipend': 1, 'drowsyvoiced': 1, 'dewayne': 1, 'charismafree': 1, 'smothered': 1, 'pap': 1, 'whobilation': 1, 'shamed': 1, 'thurl': 1, 'ravenscroft': 1, 'antler': 1, 'whovier': 1, 'oncesimple': 1, 'supple': 1, 'slurry': 1, 'venturastyle': 1, 'seuss': 1, 'mid1980s': 1, 'gorefests': 1, '2018': 1, 'gismo': 1, 'regulate': 1, 'planing': 1, 'bucketloads': 1, 'ultraexpensive': 1, 'sequoia': 1, 'gascogne': 1, 'xiii': 1, 'speirs': 1, 'scripter': 1, 'directorcinematographer': 1, 'xiongs': 1, 'stagecoach': 1, 'ladderfight': 1, 'mtvish': 1, 'swashing': 1, 'interloper': 1, 'scrapped': 1, 'highlyanticipated': 1, 'slotted': 1, 'demotion': 1, 'muchloathed': 1, 'catsuitclad': 1, 'imbuing': 1, 'sassiness': 1, 'crippling': 1, 'volley': 1, 'fizzling': 1, 'usuallysplendid': 1, 'inroad': 1, 'commendably': 1, 'regrettablyneglected': 1, 'kathyrn': 1, 'cheekily': 1, 'caperesque': 1, 'veritably': 1, 'twiggish': 1, 'everbemused': 1, 'climatecontrolling': 1, 'crisply': 1, 'slugging': 1, 'quickest': 1, 'savoured': 1, 'keital': 1, 'moderatelysuccessful': 1, 'modelturnedactress': 1, 'halfhumanhalfalien': 1, 'indomitable': 1, 'damping': 1, 'ardor': 1, 'angrybutinept': 1, 'lazards': 1, 'scintilla': 1, 'soundalike': 1, 'freakiest': 1, 'nonbeliever': 1, 'baseballrelated': 1, 'honeybunny': 1, 'characterheavy': 1, 'centerfielder': 1, 'demonfighting': 1, 'hindends': 1, 'stuntbutts': 1, 'amplysized': 1, 'objectifying': 1, 'summit': 1, 'wellplotted': 1, 'kosher': 1, 'somethine': 1, 'mastabatory': 1, 'nonnude': 1, 'mccallum': 1, '131': 1, 'atcheson': 1, 'obey': 1, 'calibrated': 1, 'ninefilm': 1, 'screenshots': 1, 'yearlong': 1, 'kfc': 1, 'antihype': 1, 'rapidity': 1, 'maddened': 1, 'funneled': 1, 'speeder': 1, 'relativelybrief': 1, 'threetime': 1, 'over70': 1, 'copturnedprivate': 1, 'eyeturned': 1, 'manila': 1, 'egotisitical': 1, 'indestructable': 1, '2030': 1, 'entrepeneurs': 1, 'caines': 1, 'cheif': 1, 'wounding': 1, 'alfie': 1, 'coure': 1, 'ermeys': 1, 'assasins': 1, 'excrucitating': 1, 'bostonian': 1, 'femalefearing': 1, 'couteney': 1, 'liken': 1, 'productofchoice': 1, 'nottoodistant': 1, 'desensitization': 1, 'indifferently': 1, '_dragon_s': 1, 'icecube': 1, 'halfexpect': 1, 'strolling': 1, 'mindtwisting': 1, 'doublespaced': 1, '_mortal': 1, 'kombat_s': 1, 'mayersberg': 1, 'alludes': 1, 'fujioka': 1, 'downattheheels': 1, 'redoubtable': 1, 'holzbog': 1, 'armsmerchantcumsafarihost': 1, 'cumislamicmissionary': 1, 'eilbacher': 1, 'witchdoctor': 1, 'prearranged': 1, 'endos': 1, '_there_': 1, 'subtexts': 1, 'elaborated': 1, 'scenechewing': 1, 'clavell': 1, 'kurusawa': 1, 'overlylong': 1, 'caftan': 1, 'spyromance': 1, 'actionfilm': 1, 'outofwater': 1, 'nekhorvich': 1, 'cialike': 1, 'polson': 1, 'stickell': 1, 'highgadget': 1, 'selfdestructed': 1, 'audi': 1, 'tracer': 1, 'infect': 1, 'insuring': 1, 'vaccine': 1, 'slamdunks': 1, 'telecast': 1, 'exuniversal': 1, 'newermodel': 1, 'legionnaire': 1, 'artistaction': 1, 'supersoldier': 1, 'trainerconsultant': 1, 'cotner': 1, 'fiercer': 1, 'axed': 1, 'hillary': 1, 'nearindestructible': 1, 'patheticallywritten': 1, 'fuelled': 1, 'fasanos': 1, 'uhm': 1, 'unheardof': 1, '90plus': 1, 'vesco': 1, 'presumedbutneverproved': 1, 'jascha': 1, 'traceable': 1, 'cannom': 1, 'malcolmasmomma': 1, 'schooling': 1, 'midwife': 1, 'independently': 1, 'lascivious': 1, 'cleverlyconstructed': 1, 'presumption': 1, 'berkoff': 1, 'woud': 1, 'kilpatric': 1, 'carolghostbustersscrooged': 1, 'toghether': 1, 'remeber': 1, 'odonaghue': 1, 'microphage': 1, '2007': 1, 'interred': 1, 'policed': 1, 'policia': 1, 'corridortunnelairduct': 1, 'postchasing': 1, 'twentyfour': 1, 'samanthas': 1, 'triangular': 1, 'talethe': 1, 'nuptialsto': 1, 'repress': 1, 'pepto': 1, 'bismol': 1, 'jokemachine': 1, 'watchabe': 1, 'sooo': 1, 'schulz': 1, 'bumpys': 1, 'sprinting': 1, '3040': 1, 'schultz': 1, 'desiring': 1, 'triplebladed': 1, 'mercaneries': 1, 'bladed': 1, 'boomy': 1, 'ataglance': 1, 'bloodfilled': 1, 'dependant': 1, 'offpost': 1, 'windsup': 1, '36hour': 1, '_halloween_': 1, 'thing_': 1, 'darkness_': 1, '_they': 1, 'live_': 1, '_escape': 1, 'york_': 1, 'notquitekosher': 1, 'slake': 1, 'ateam': 1, 'harpoon': 1, 'matchstick': 1, 'commemorate': 1, 'mansontype': 1, 'cpl': 1, 'upham': 1, 'prisonturned': 1, 'ohsocool': 1, 'stylishness': 1, 'gossamerthin': 1, 'woodies': 1, 'blurting': 1, 'semioffensive': 1, 'crassness': 1, 'pubescent': 1, 'unpopped': 1, 'lessthanhonorable': 1, 'renege': 1, 'elongated': 1, 'notsoglorious': 1, 'cheque': 1, 'ineptness': 1, 'ungainly': 1, '_four_': 1, 'sweetie': 1, 'junkbonds': 1, 'deloreans': 1, 'accelerating': 1, 'nostalgically': 1, 'mightiest': 1, 'maxlike': 1, 'kell': 1, 'guano': 1, 'superduper': 1, 'ventured': 1, 'emmett': 1, 'kimsey': 1, 'oceanographic': 1, 'hoopers': 1, 'spruce': 1, 'batloathing': 1, 'gallup': 1, 'misteps': 1, 'shread': 1, 'indoor': 1, 'imwhiningbecauseicantgetagirliwant': 1, 'homcoming': 1, 'multiweek': 1, 'noxema': 1, 'spokesperson': 1, 'publically': 1, 'toooverthetop': 1, 'waytooglossy': 1, 'desintegration': 1, 'eflmans': 1, 'poorlymotivated': 1, 'semithorough': 1, 'accord': 1, 'toswallow': 1, 'heavyhandedly': 1, '9year': 1, 'intuitive': 1, 'crouched': 1, 'langenkamps': 1, 'aameetings': 1, 'gwennie': 1, 'courtordered': 1, 'dramacomedy': 1, 'delude': 1, 'gwenies': 1, 'teaspoon': 1, 'fifteenminute': 1, 'cataloguing': 1, 'truckchase': 1, 'wrenched': 1, 'slung': 1, 'ropebridge': 1, 'venality': 1, 'mst3ked': 1, 'sked': 1, 'nottoobright': 1, 'arlenes': 1, 'checker': 1, 'kingtype': 1, 'earshot': 1, '1320': 1, 'thwarting': 1, 'ferrells': 1, 'poopie': 1, 'urbanlegendary': 1, 'scorned': 1, 'devlins': 1, 'lizardstompsmanhattan': 1, 'lobotomized': 1, 'monsterinstigated': 1, 'nottooprecocious': 1, '51st': 1, 'yawnprovoking': 1, 'lessarrogantthanusual': 1, 'incipient': 1, 'siskelebert': 1, 'upstaging': 1, 'wordofmouthproof': 1, 'illusionist': 1, 'wand': 1, 'tumbled': 1, 'deepak': 1, 'chopra': 1, 'clearthinking': 1, 'highlyplaced': 1, 'bilking': 1, 'bestforgotten': 1, 'uninterestingly': 1, 'waxen': 1, 'mohamed': 1, 'karaman': 1, 'sudddenly': 1, 'deadinthewater': 1, 'tetsuothe': 1, 'paleontology': 1, 'ingen': 1, 'nubla': 1, 'checkbook': 1, 'harelik': 1, 'paragliding': 1, 'dredging': 1, 'paraglider': 1, 'udesky': 1, 'spinosauraus': 1, 'pteranodons': 1, 'trifecta': 1, 'dalva': 1, 'lustily': 1, 'retitle': 1, 'nazistyle': 1, 'governmentcontrolled': 1, 'strapless': 1, 'stuntwoman': 1, 'kahlberg': 1, 'westridge': 1, 'doevre': 1, 'amazona': 1, 'splashing': 1, 'unconcious': 1, 'devouring': 1, 'wiggle': 1, 'underestimating': 1, 'nightvision': 1, 'jewelthief': 1, 'letteropener': 1, 'thrillersuspense': 1, 'possessor': 1, 'actordirectorproducer': 1, 'excreting': 1, 'salwen': 1, 'handphones': 1, 'telefixated': 1, 'donated': 1, 'doublelines': 1, 'tigher': 1, 'profess': 1, 'denises': 1, 'taling': 1, 'animatedly': 1, 'overlychatty': 1, 'knicked': 1, 'telephonetouters': 1, 'flogging': 1, 'terribly90s': 1, 'earful': 1, 'ebay': 1, 'chelsoms': 1, 'peccadillo': 1, 'tc': 1, 'ditz': 1, 'hanania': 1, 'maginnis': 1, 'incommand': 1, 'nonthrilling': 1, 'borgnines': 1, 'notso': 1, 'fatass': 1, 'billowing': 1, 'cellulite': 1, 'shellulite': 1, 'spicoli': 1, 'adorableness': 1, 'tannek': 1, 'nyu': 1, 'diligence': 1, 'sadoski': 1, 'jimmi': 1, 'waterbeds': 1, 'coquette': 1, 'evilblackmailing': 1, 'drugging': 1, 'rohypnol': 1, 'unthinking': 1, 'flatten': 1, 'faircanticle': 1, 'winka': 1, 'overlysensitive': 1, 'clichheckerling': 1, 'friskiness': 1, 'bowery': 1, 'huntz': 1, 'destabilize': 1, 'yucks': 1, 'pedicure': 1, '20minute': 1, 'sticktowhatyoudobest': 1, 'dalmations': 1, 'bradford': 1, 'halfman': 1, 'superpoliceman': 1, 'indebted': 1, 'kelogg': 1, 'goodytwoshoes': 1, 'tiein': 1, 'tapeheads': 1, 'haystack': 1, 'truant': 1, 'surfboard': 1, 'armoire': 1, 'exranger': 1, 'odoriferous': 1, 'demonstrable': 1, 'tenfoot': 1, 'moist': 1, 'dumbo': 1, 'positronic': 1, 'thurral': 1, 'avika': 1, 'decease': 1, 'scharzenegger': 1, 'rediculous': 1, 'umu': 1, 'sextette': 1, 'retrograding': 1, 'gwaaaas': 1, 'clang': 1, 'dozier': 1, 'extravagance': 1, 'fiberglass': 1, 'wroth': 1, 'mated': 1, 'rustedout': 1, 'gm': 1, 'bakersfield': 1, 'sipping': 1, 'novalees': 1, 'stagelights': 1, 'stewartesque': 1, 'prefontaine': 1, 'validates': 1, 'hendricks': 1, 'snider': 1, 'trans': 1, 'detests': 1, 'pageturner': 1, 'reviled': 1, 'morphs': 1, 'wellsupported': 1, 'heffrons': 1, 'detrimentally': 1, 'antiestablishment': 1, 'forgoes': 1, 'assantes': 1, 'brandonlike': 1, '1963s': 1, 'unnoteworthy': 1, 'neerdowell': 1, 'munchie': 1, 'swapping': 1, 'potobsessed': 1, 'smokealot': 1, 'scrape': 1, 'roomsinto': 1, 'roomm': 1, 'rambunctous': 1, 'mentionable': 1, 'kritic': 1, 'korner': 1, 'landons': 1, 'krikes': 1, 'meersons': 1, 'leonowens': 1, 'imperialist': 1, 'motherwholovesyou': 1, 'diffuse': 1, 'composure': 1, 'tennants': 1, 'fauna': 1, 'sangfroid': 1, 'melbrooksproduced': 1, 'shuffled': 1, 'loxley': 1, 'achoo': 1, 'rottingham': 1, 'rentawreck': 1, 'circumcisiongiving': 1, 'majorly': 1, 'shiningevent': 1, 'beforeand': 1, 'betterso': 1, 'stormswept': 1, 'confidante': 1, 'salivate': 1, 'dialogueladen': 1, 'falseness': 1, 'ryannicolas': 1, 'filmakers': 1, 'okeefe': 1, 'gopher': 1, 'golfing': 1, 'idomyjobwhethertheyareinnocentorguilty': 1, 'disobeying': 1, '_pecker_': 1, 'collegeset': 1, 'blemishfree': 1, 'everpartying': 1, 'boozefilled': 1, 'easylook': 1, 'traeger': 1, 'broder': 1, '_saved_by_the_bell_': 1, 'gosselaars': 1, 'sitcombred': 1, 'lochlyn': 1, 'munro': 1, 'pearlstein': 1, 'resurface': 1, 'evaporates': 1, 'slogs': 1, 'happyforallparties': 1, 'somenot': 1, 'pollution': 1, 'citydevastation': 1, 'hitech': 1, 'hushhush': 1, 'fugitivelike': 1, 'paucity': 1, 'empathise': 1, 'doesn9t': 1, 'tiptop': 1, 'onelegged': 1, 'smirky': 1, 'inconcert': 1, 'barechested': 1, 'tuxedoclad': 1, 'mosh': 1, 'mentos': 1, 'almostsubliminal': 1, 'lunge': 1, 'bombarding': 1, 'ontarget': 1, 'almosthalfwaythere': 1, 'ophiophile': 1, 'constrictor': 1, 'egowithering': 1, 'knothole': 1, 'snarfed': 1, 'fasterthangravity': 1, 'acceleration': 1, 'snarf': 1, 'gfriend': 1, 'oldguy': 1, 'cruddy': 1, 'perpetuation': 1, 'rydain': 1, 'uhhm': 1, 'bitchiest': 1, 'unprofessionalism': 1, 'winch': 1, 'unsupportive': 1, 'ilynea': 1, 'mironoff': 1, 'guzzling': 1, 'mandels': 1, 'moreus': 1, 'castrate': 1, 'timber': 1, 'spurns': 1, 'nonplussed': 1, 'armrest': 1, 'breached': 1, 'tuptim': 1, 'armi': 1, 'arabe': 1, 'rankin': 1, 'bakalian': 1, 'jacqeline': 1, 'seidler': 1, 'unmagical': 1, 'uneffective': 1, 'kidlets': 1, '1956': 1, 'doggystyle': 1, 'pris': 1, 'lettering': 1, 'auel': 1, 'dogeared': 1, 'blacked': 1, 'aylas': 1, 'legging': 1, 'recedes': 1, 'twobyfour': 1, 'facepainting': 1, 'fauxmysticism': 1, 'drugdealing': 1, 'shuck': 1, 'vindicated': 1, 'mtvinfluenced': 1, 'globetrotting': 1, 'recentlydeceased': 1, 'disproving': 1, 'excommunicated': 1, 'whoaaaaaa': 1, 'arrrrrrrghhhh': 1, 'curled': 1, 'suppressed': 1, 'stigmata': 1, 'offbase': 1, 'sharkskin': 1, 'dulled': 1, 'misconceived': 1, 'bumblings': 1, 'heretic': 1, 'overconceived': 1, 'emerald': 1, 'grandest': 1, 'enigmatical': 1, '2293': 1, 'movieness': 1, 'oldstyle': 1, 'quasiutopian': 1, 'senility': 1, 'niall': 1, 'buggy': 1, 'squirmy': 1, 'laughinducting': 1, 'zardozs': 1, 'erection': 1, 'braided': 1, 'earpstyle': 1, 'handlebar': 1, 'thighhigh': 1, 'unsworth': 1, 'treatise': 1, 'infallibility': 1, 'firstand': 1, 'onlyattempt': 1, 'sketchcomedy': 1, 'comedyand': 1, 'exceptionis': 1, 'risquenessmostly': 1, 'charactersbut': 1, 'battlegoing': 1, 'valeks': 1, 'stylelessly': 1, 'vamires': 1, 'exfan': 1, '_snl_': 1, 'lorne': 1, '_clueless_': 1, 'alreadythin': 1, 'pointand': 1, 'pelvic': 1, 'howeverthese': 1, 'butabis': 1, 'fortenberry': 1, '_21_jump_street_': 1, 'uncreditedcan': 1, 'obeys': 1, 'rift': 1, 'stonily': 1, 'jokea': 1, '_jerry_maguire_will': 1, '_have_': 1, '_jerry_maguire_': 1, '_roxbury_s': 1, '12part': 1, 'watchman': 1, 'researched': 1, 'sooty': 1, 'godley': 1, 'briefed': 1, 'cloaking': 1, 'whistling': 1, 'stonecutter': 1, 'carwho': 1, 'deming': 1, 'victorianera': 1, 'prague': 1, 'ians': 1, 'popularbutslow': 1, '_ferris': 1, 'bueller_': 1, 'studentteacher': 1, 'tonal': 1, 'ryanhanks': 1, 'familyrun': 1, 'alienlike': 1, 'dahdum': 1, 'relinquishes': 1, 'amity': 1, 'relents': 1, 'dethroned': 1, 'apprenticeship': 1, 'duddy': 1, 'kravitz': 1, 'ahab': 1, 'masochism': 1, 'devoured': 1, 'sinch': 1, 'writihing': 1, 'chomped': 1, 'scarethrillers': 1, 'postsalary': 1, 'allocate': 1, 'freeagent': 1, 'linebacker': 1, 'herb': 1, 'madrid': 1, 'slapstickfu': 1, 'windtunnel': 1, 'kevlar': 1, 'smashedup': 1, 'scorpion': 1, 'kazdan': 1, 'selftaught': 1, 'ousted': 1, 'dismembering': 1, 'hatchet': 1, 'fastemptying': 1, 'belgianowned': 1, 'stanleyville': 1, 'chesslike': 1, 'tactically': 1, 'coalition': 1, 'exert': 1, 'tschombe': 1, 'sometimesodious': 1, 'colonialist': 1, 'nigeria': 1, 'somalia': 1, 'colonized': 1, 'zimbabwe': 1, 'mozambique': 1, 'stalwart': 1, 'patrices': 1, 'lopsided': 1, 'politico': 1, 'davin': 1, 'vandalizing': 1, 'presenttime': 1, 'arbitrarily': 1, 'purging': 1, 'handfed': 1, 'sliceoflife': 1, 'elixir': 1, 'refreshingand': 1, 'nonentity': 1, 'knob': 1, 'shortcropped': 1, 'walshs': 1, 'mingle': 1, 'stevie': 1, 'rolemodel': 1, 'financiallystrapped': 1, 'rudi': 1, 'delhem': 1, 'publique': 1, 'unrest': 1, 'tshombe': 1, 'secession': 1, 'pacification': 1, 'illuminates': 1, 'bantu': 1, 'radiating': 1, 'ebouaneys': 1, 'schwartznager': 1, 'galosh': 1, 'rongguang': 1, 'szeman': 1, 'tsang': 1, 'twinkletoed': 1, 'siunin': 1, 'feihung': 1, 'tsi': 1, 'titmalau': 1, '112': 1, 'retrostyle': 1, 'bounding': 1, 'venetian': 1, 'erudite': 1, 'narcoleptic': 1, 'hypertense': 1, 'najimy': 1, 'funfilled': 1, 'selfdone': 1, 'lawyerintraining': 1, 'faucet': 1, 'personalityimpaired': 1, 'salesperson': 1, 'screamingly': 1, 'noncynics': 1, 'mirthless': 1, 'spritely': 1, 'kinginspired': 1, 'outlawed': 1, 'anticlimax': 1, 'hostageholding': 1, 'embezzling': 1, 'conventionalism': 1, 'takeitorleaveit': 1, 'characterizes': 1, 'crue': 1, 'anthrax': 1, 'geekgod': 1, 'zakk': 1, 'wylde': 1, 'ozzy': 1, 'osbourne': 1, 'pilson': 1, 'dokken': 1, 'cuddy': 1, 'girlfight': 1, 'contraceptive': 1, 'maternity': 1, 'stabilize': 1, 'hippest': 1, 'westernlike': 1, 'comedymystery': 1, 'tilvern': 1, 'jessicas': 1, 'unfaithfulness': 1, 'patty': 1, 'stubby': 1, 'judgejuryand': 1, 'zemekis': 1, 'ppppplease': 1, 'sexuallyfrustrated': 1, 'jerri': 1, 'heroinaddicted': 1, 'drugaddiction': 1, 'brassed': 1, 'transatlantic': 1, 'junkfest': 1, 'puncturing': 1, 'wobble': 1, 'toagain': 1, 'hirings': 1, 'norristowns': 1, 'wastedand': 1, 'miscastas': 1, 'heavilybespectacled': 1, 'dopedup': 1, 'wordsmith': 1, 'needlejabbing': 1, 'wiring': 1, 'suspensefilled': 1, 'copgonebad': 1, 'archenemies': 1, 'reintroduce': 1, 'coexisted': 1, 'wellequipped': 1, 'criticmode': 1, 'lessmanic': 1, 'beckel': 1, 'affiliation': 1, 'antirich': 1, 'ezekiel': 1, 'whitmore': 1, 'wordjazz': 1, 'drepers': 1, '_today_': 1, 'mistakenlysuspected': 1, 'gridlockds': 1, 'ultralow': 1, 'ohalloran': 1, 'avarys': 1, 'avary': 1, 'coraghessan': 1, 'bucktoothed': 1, 'advocated': 1, 'vegetarianism': 1, 'defecation': 1, 'cornflake': 1, 'checkingin': 1, 'neville': 1, 'darnedness': 1, 'sculpted': 1, 'headdress': 1, 'egyptologist': 1, 'mayfielddirected': 1, 'kringle': 1, 'moisten': 1, 'schwarz': 1, 'affords': 1, 'precluded': 1, 'woodstock': 1, 'pennebaker': 1, 'dionne': 1, 'warwick': 1, 'dispelled': 1, 'nsync': 1, 'glamorising': 1, 'gentler': 1, 'italoamerican': 1, 'pileggi': 1, 'irishitalian': 1, 'cicero': 1, 'shortlasting': 1, 'lengthens': 1, 'easylistening': 1, 'fragmentary': 1, 'hollywoodised': 1, 'cesspool': 1, 'burkettsville': 1, 'twigsculptures': 1, 'witchwannabe': 1, 'wicca': 1, 'threefold': 1, 'paradice': 1, 'myrick': 1, 'sanches': 1, 'scenesthe': 1, 'anticlimaxic': 1, 'artistical': 1, 'bloodyred': 1, 'burwells': 1, 'videocameras': 1, 'nfeatured': 1, 'entir': 1, 'tristine': 1, 'skyler': 1, 'beautifullyconstructed': 1, 'ja': 1, 'neogothic': 1, 'caraciture': 1, 'synthesize': 1, 'inferring': 1, 'churchthe': 1, 'doubleduty': 1, 'undocumented': 1, 'respectivelythis': 1, 'absolved': 1, 'linkbetween': 1, 'writinghis': 1, 'issuesnamely': 1, 'beliefseloquently': 1, 'articulately': 1, 'videoage': 1, 'samplemad': 1, 'sciencea': 1, 'dexterous': 1, 'scatalogical': 1, 'protestors': 1, 'fletch': 1, 'picketers': 1, 'lovein': 1, 'roundabout': 1, 'biblethumper': 1, 'donohue': 1, 'kiddiefriendly': 1, 'broadstroked': 1, 'geisha': 1, 'jinns': 1, 'manfully': 1, 'brushup': 1, 'corpulent': 1, 'alderaan': 1, 'leias': 1, 'gila': 1, 'rabbitish': 1, 'amphibious': 1, 'gnome': 1, 'knightdom': 1, 'jedisize': 1, 'stentorian': 1, 'mister': 1, 'reversing': 1, 'livedin': 1, 'vehemence': 1, 'craggy': 1, 'writerly': 1, 'mechanically': 1, 'toneless': 1, 'sweeteerie': 1, 'chivalrously': 1, 'gaskell': 1, 'chivalrous': 1, 'hanksian': 1, 'chuckleworthy': 1, 'toiled': 1, 'losin': 1, 'bulimia': 1, 'breakdance': 1, 'walkoff': 1, 'zipped': 1, 'cuttingandpasting': 1, 'violating': 1, 'nanook': 1, 'evangelista': 1, 'artiness': 1, 'behindthe': 1, 'lia': 1, 'predictament': 1, 'outskirt': 1, 'unpaved': 1, 'povertystricken': 1, 'heartwrenchingly': 1, 'scamartist': 1, 'candlelighting': 1, 'bumpersticker': 1, 'evangelicals': 1, 'nondrinking': 1, 'evangelical': 1, 'vinicius': 1, 'mie': 1, 'renier': 1, '_la': 1, 'promesse_': 1, 'epsode': 1, 'lightest': 1, 'exqueeze': 1, 'mesa': 1, 'okeday': 1, '77': 1, 'elicitor': 1, 'generationx': 1, 'karaokebased': 1, 'ohsonice': 1, 'girlcrazy': 1, 'galpal': 1, 'tunesbut': 1, 'grungers': 1, 'playacting': 1, 'basking': 1, 'marvelling': 1, 'allexcept': 1, 'managerand': 1, 'niceness': 1, 'tardis': 1, 'jee': 1, 'tso': 1, 'mcganns': 1, 'whovians': 1, 'skaro': 1, 'gallifrey': 1, 'coproducers': 1, 'wlodkowski': 1, 'tariq': 1, 'anway': 1, 'greenbury': 1, 'shohan': 1, 'mastubatory': 1, 'homemaker': 1, 'antifamily': 1, 'carolyns': 1, 'deprive': 1, 'spiraling': 1, 'bentleys': 1, 'romanticizedhemingway': 1, 'mandated': 1, 'fussy': 1, 'singled': 1, 'uplifiting': 1, 'specialize': 1, 'independant': 1, 'searchlight': 1, 'nothought': 1, 'segregation': 1, 'statementmaking': 1, 'widescale': 1, 'pseudoworld': 1, 'fatherknowsbest': 1, 'ownerturnedpainter': 1, 'closeminded': 1, 'closemindedness': 1, 'hotfudgerockin': 1, 'professorarcheologist': 1, 'truckloads': 1, 'salsa': 1, 'scoured': 1, 'minecart': 1, 'registration': 1, 'obcpo': 1, 'engraving': 1, 'sallah': 1, 'squaddie': 1, 'woostyled': 1, 'kingston': 1, 'shipment': 1, 'patterned': 1, 'squib': 1, 'grammy': 1, 'maxi': 1, 'hancock': 1, 'bootsy': 1, 'ballentine': 1, 'deportee': 1, 'ninjaman': 1, 'sixmonth': 1, 'sixstring': 1, 'blackwell': 1, '8year': 1, 'plaincheese': 1, 'teasing': 1, 'alreadychaotic': 1, 'headcount': 1, 'softener': 1, 'culkins': 1, 'fauxpas': 1, 'woolsley': 1, '_star': 1, 'wars_': 1, 'imagethat': 1, 'horizontally': 1, 'thentechnological': 1, 'undeterring': 1, 'associating': 1, 'nerdiest': 1, '_lone': 1, 'star_': 1, '_matewan_': 1, 'coalminers': 1, 'horizontalmoving': 1, 'nightsky': 1, 'panteliano': 1, 'coaxed': 1, 'decieving': 1, 'daze': 1, 'faber': 1, 'modelcitizens': 1, 'pepperidge': 1, 'jackoff': 1, 'neidermeyer': 1, 'supremebozo': 1, 'honeymustard': 1, 'riegert': 1, 'steadydate': 1, 'katy': 1, 'secondfiddle': 1, 'pinto': 1, 'blimp': 1, 'stork': 1, 'braindamage': 1, 'creamfilled': 1, 'zit': 1, 'toga': 1, 'fucnniest': 1, 'int': 1, 'pegged': 1, 'releasejohn': 1, 'adaptationin': 1, 'wetbehindtheears': 1, 'whitworth': 1, 'negligent': 1, 'placer': 1, 'notableand': 1, 'effectivecontribution': 1, 'unlicensed': 1, 'cocounsel': 1, 'naivete': 1, 'workerjanitor': 1, 'supergenius': 1, '_very_': 1, 'everappealing': 1, 'harvardschooled': 1, 'prickly': 1, 'fluctuation': 1, 'inhibits': 1, 'mulling': 1, 'cerebrality': 1, 'nolans': 1, 'crispness': 1, 'pantolianos': 1, 'unconsoling': 1, 'subcontinent': 1, 'lahore': 1, 'maaia': 1, 'sethna': 1, 'rahul': 1, 'khanna': 1, 'aamir': 1, 'otherssikh': 1, 'muslimare': 1, 'stirringly': 1, 'nandita': 1, 'fanaticism': 1, 'motherlandone': 1, 'peacably': 1, 'sundered': 1, 'persecuted': 1, 'breakage': 1, 'conclusionthe': 1, 'transformationis': 1, 'pakistanthey': 1, 'terminus': 1, 'directon': 1, 'yimous': 1, 'tian': 1, 'zhuangzhuangs': 1, 'pakistan': 1, 'gibb': 1, 'straighttothecutoutbin': 1, 'gingrichs': 1, 'chili': 1, 'oddsmaker': 1, 'defecting': 1, 'toneddowned': 1, 'uncountable': 1, 'subscriber': 1, 'oswald': 1, '36th': 1, 'heroinesariel': 1, 'mulanget': 1, 'anthem': 1, 'montagebacked': 1, 'grownupsthis': 1, 'includedwishing': 1, 'withoutshock': 1, 'pepe': 1, 'trinidad': 1, 'slackness': 1, 'formulawise': 1, 'mongolian': 1, 'outmatches': 1, 'simpithize': 1, 'geologist': 1, 'geologic': 1, 'helecopters': 1, '35th': 1, 'retooling': 1, 'colorfully': 1, 'satyrical': 1, 'menkendavid': 1, 'ly': 1, 'herc': 1, 'anachronism': 1, 'ixii': 1, 'longoverdue': 1, 'ments': 1, 'pocohontas': 1, 'clements': 1, 'musker': 1, 'eggar': 1, 'tyrant': 1, 'awk': 1, 'impolite': 1, 'dragonprotected': 1, 'moatfilled': 1, 'motormouthed': 1, 'publicdomain': 1, 'domicile': 1, 'queue': 1, 'acrimony': 1, 'sandbox': 1, 'soupy': 1, 'caress': 1, 'sobriety': 1, 'itamis': 1, 'tsutomu': 1, 'yamazaki': 1, 'holeinthewall': 1, 'strongman': 1, 'pisken': 1, 'rikiya': 1, 'yasuoka': 1, 'sommelier': 1, 'omelet': 1, 'triumphing': 1, 'apparitionlike': 1, 'lando': 1, 'calrissian': 1, 'creepylooking': 1, 'hognosed': 1, 'cryofreeze': 1, 'endor': 1, 'bearlike': 1, 'lodger': 1, 'beatnik': 1, 'bonked': 1, 'auteil': 1, 'aumont': 1, 'laroque': 1, 'vandernoot': 1, 'stanislas': 1, 'crevillen': 1, 'lhermite': 1, 'grovel': 1, 'verber': 1, 'offtrack': 1, 'saintpierre': 1, 'blownup': 1, 'recast': 1, 'dictator_': 1, 'mindcharlie': 1, 'gd': 1, 'dignitary': 1, 'giosue9': 1, 'vandalism': 1, 'preposterousness': 1, 'horrorless': 1, 'offtarget': 1, 'havishams': 1, 'manhating': 1, 'railthin': 1, 'spinetingling': 1, 'unforgiveably': 1, 'selfrearranging': 1, 'reallythey': 1, 'gradeschooler': 1, 'bogeyman': 1, 'tak': 1, 'fujimoto': 1, 'dramaits': 1, 'noticerather': 1, 'feelthe': 1, 'engrossingly': 1, 'shreck': 1, 'gustav': 1, 'wangenhein': 1, 'transylvanian': 1, 'strockers': 1, 'maunaus': 1, 'onegative': 1, 'tinting': 1, 'soavi': 1, 'graziella': 1, 'magherini': 1, 'rapistkiller': 1, 'lumpy': 1, 'cophuntingkiller': 1, 'candour': 1, 'stivaletti': 1, 'rotunno': 1, 'leonardi': 1, 'gambol': 1, 'metered': 1, 'carrotcolored': 1, 'ruddy': 1, 'trumpetplaying': 1, 'commie': 1, 'obliteration': 1, 'nugents': 1, 'remand': 1, 'boney': 1, 'arsed': 1, 'bogmen': 1, 'imaginationand': 1, 'chicaneryrunneth': 1, 'seeminglyharmless': 1, 'chinatowns': 1, 'exaggeratedly': 1, 'dialoguedriven': 1, 'motionlessly': 1, 'clump': 1, 'wellbared': 1, 'hennessey': 1, 'remembersand': 1, 'reclaimsher': 1, 'charly': 1, 'baltimore': 1, 'samanthacharly': 1, 'nogoodniks': 1, 'worksometimes': 1, 'harlins': 1, 'wifehusband': 1, 'morethanwelcome': 1, '1799': 1, 'reworkings': 1, 'windmill': 1, 'youngests': 1, 'harshseeming': 1, 'practicaljoking': 1, '_quite_': 1, 'roundly': 1, 'chagrinned': 1, 'soundly': 1, 'su': 1, 'huachi': 1, 'walnut': 1, 'againthese': 1, '_happen_': 1, 'vegetablesoften': 1, 'unparallelled': 1, 'moviejackie': 1, '_great_': 1, 'mincemeat': 1, '_too_': 1, 'mostlyunrelatedstorywise': 1, 'americanrelease': 1, '_highly_': 1, 'flammable': 1, 'incinerating': 1, 'chauffeuring': 1, 'nonmatinee': 1, 'dimesional': 1, 'nearimpossibility': 1, 'doublepronged': 1, 'aurora': 1, 'borealis': 1, '69': 1, 'metsorioles': 1, 'amazin': 1, 'mets': 1, 'leeway': 1, 'descendant': 1, 'maleoriented': 1, 'quenches': 1, 'inclosed': 1, 'ipkiss': 1, 'mcelhones': 1, 'christoffs': 1, 'unjustifyably': 1, 'aisling': 1, 'unforgettableperhaps': 1, 'winkwink': 1, 'anchoring': 1, 'flapping': 1, 'feverishly': 1, 'sopranalike': 1, 'tendancy': 1, 'drafting': 1, 'orginality': 1, 'calloways': 1, 'rawhide': 1, 'comhollywoodacademy8034': 1, 'excercise': 1, 'oldhollywood': 1, 'sinatra': 1, 'venerated': 1, 'cinnamon': 1, 'ordinaryyet': 1, 'beautifulin': 1, 'festive': 1, 'notinahurry': 1, 'watercolor': 1, 'flatlywritten': 1, 'quicklyyes': 1, 'everythingit': 1, 'lv426': 1, 'exminingmaximum': 1, 'lifer': 1, 'exprison': 1, 'garnish': 1, 'choral': 1, 'everyweek': 1, 'kosovo': 1, 'fourteenth': 1, 'profiling': 1, 'nuseric': 1, 'roadrunner': 1, 'amenity': 1, 'intersplices': 1, 'learysandra': 1, 'hiver': 1, 'passiondenying': 1, 'dussollier': 1, 'maximes': 1, 'camilles': 1, 'stepahnes': 1, 'pitied': 1, 'auteuils': 1, 'stephanes': 1, 'operatype': 1, 'schubert': 1, 'synergism': 1, 'bearts': 1, 'juxtapose': 1, 'thinker': 1, 'selfhypnosis': 1, 'staterun': 1, 'calisthenics': 1, 'lapdance': 1, '20foot': 1, 'selftrance': 1, 'invigorated': 1, 'refreshed': 1, 'compunction': 1, 'wheelchairstricken': 1, 'verna': 1, 'protigi': 1, 'stargaze': 1, 'underdrawn': 1, 'cramp': 1, 'manoetmano': 1, 'milius': 1, 'drugrunning': 1, 'banditos': 1, 'shitkicking': 1, 'shootups': 1, 'saul': 1, 'zaentz': 1, 'runneth': 1, 'acuity': 1, 'surfeit': 1, 'binoches': 1, 'convalescence': 1, 'obliterate': 1, 'minghella': 1, 'higgins': 1, '51yearold': 1, 'scalise': 1, 'stoolie': 1, 'treasury': 1, 'sentencing': 1, 'fullwell': 1, 'keats': 1, 'gundealer': 1, 'informer': 1, 'orr': 1, 'mobstyle': 1, 'fatalistic': 1, 'loggins': 1, 'etymology': 1, 'halfgods': 1, 'purer': 1, 'mystique': 1, 'balletic': 1, 'toursdeforce': 1, 'limpwristed': 1, 'yon': 1, 'schamus': 1, 'hui': 1, 'kuo': 1, 'woping': 1, 'dun': 1, 'damnedifyoudo': 1, 'damnedifyoudont': 1, 'halfexpected': 1, 'confiscate': 1, 'palisade': 1, 'calif': 1, 'securing': 1, 'selfdestruction': 1, 'lowercase': 1, 'fogy': 1, 'nonplused': 1, 'nearlyperfect': 1, 'falloff': 1, 'kwietniowski': 1, 'adair': 1, 'relished': 1, 'everchanging': 1, 'picturelove': 1, 'procrastination': 1, '200page': 1, '_their_': 1, 'sixfoot': 1, 'panhood': 1, 'professorstudent': 1, 'disheveled': 1, 'maguires': 1, 'livens': 1, 'mentoring': 1, 'centerpoint': 1, 'touchup': 1, 'nov': 1, '2798': 1, 'soulcollecting': 1, 'deathaspitt': 1, 'enrages': 1, 'whiner': 1, 'prophesy': 1, 'philadephia': 1, 'cryptically': 1, 'jonesy': 1, 'sigel': 1, 'genos': 1, 'fallens': 1, 'creepily': 1, 'checkmate': 1, 'actingrelated': 1, 'gretta': 1, 'davidtzs': 1, 'gamelike': 1, 'washingtonsupplied': 1, 'convience': 1, 'yeardly': 1, 'unbelivable': 1, 'seeminglyheartless': 1, 'ovulating': 1, 'sickboy': 1, 'fourpronged': 1, 'nonromantic': 1, 'twohys': 1, 'comradeship': 1, 'renfo': 1, '103196': 1, 'movieany': 1, 'moviecould': 1, 'gasping': 1, 'disarray': 1, 'oneand': 1, 'highpriest': 1, 'osiris': 1, 'pharoah': 1, 'mummified': 1, 'entombed': 1, 'brandan': 1, 'wiesz': 1, 'horroractioncomedy': 1, 'imhoteps': 1, 'entombment': 1, 'emphasising': 1, 'densely': 1, 'benigness': 1, 'jetset': 1, 'redprofondo': 1, 'rosso': 1, 'tenebraes': 1, 'selfinflicted': 1, 'franciosas': 1, 'ferrini': 1, 'sociologist': 1, 'attest': 1, 'dysfunctionality': 1, 'whitehouse': 1, 'meantempered': 1, 'bearish': 1, 'townsgirl': 1, 'overbearingly': 1, 'churlishness': 1, 'inescapable': 1, 'saturdaynightfriendly': 1, 'coburns': 1, 'wart': 1, 'showered': 1, 'zanier': 1, 'ampbells': 1, 'celerity': 1, 'cutely': 1, 'newsradios': 1, 'harvesting': 1, 'fliks': 1, 'incendiary': 1, 'irresponsibility': 1, 'distillation': 1, 'cubicle': 1, 'incurable': 1, 'testicular': 1, 'aday': 1, 'canceremasculated': 1, 'eunuch': 1, 'gynecomastia': 1, 'grudging': 1, 'condo': 1, 'awright': 1, 'goaded': 1, 'anticorporate': 1, 'mcemployees': 1, 'noisily': 1, 'boffing': 1, 'sedition': 1, 'uncorks': 1, 'witchhunters': 1, 'dionysian': 1, 'mefirst': 1, 'selfactualization': 1, 'presley': 1, 'wheeling': 1, 'hunkahunka': 1, 'burnin': 1, 'shitekickin': 1, 'blazin': 1, 'bactors': 1, 'kickin': 1, 'intermingle': 1, 'disperse': 1, 'megahot': 1, 'whoopass': 1, 'bossa': 1, 'jailhouse': 1, 'tonite': 1, 'simonesque': 1, 'condense': 1, 'levinsons': 1, 'alltootrue': 1, 'conread': 1, 'pointedly': 1, 'exmilitary': 1, 'electoral': 1, 'correspondent': 1, 'reinventions': 1, 'unethical': 1, 'decidely': 1, 'restlessness': 1, 'underachieves': 1, 'unpopularity': 1, 'shoah': 1, 'ancestry': 1, 'extermination': 1, 'buchenwald': 1, 'draining': 1, 'talkingheads': 1, 'xmozillastatus': 1, '0009f': 1, 'blooper': 1, 'nch': 1, 'evasive': 1, 'basch': 1, 'jerking': 1, 'choking': 1, 'drownings': 1, 'learnt': 1, 'highlystrung': 1, 'bulge': 1, 'golberg': 1, 'that8216': 1, 'punchy': 1, 'braiding': 1, 'gunga': 1, 'din': 1, 'parasailing': 1, 'rica': 1, 'defunct': 1, 'altitude': 1, 'spinosaurus': 1, 'popularly': 1, 'tyrannosaurus': 1, 'dimetrodon': 1, 'hornbys': 1, 'timorous': 1, 'egotistic': 1, 'deriding': 1, 'informal': 1, 'slobbered': 1, 'interspecies': 1, 'reverted': 1, 'arupting': 1, 'duller': 1, 'consciencedeprived': 1, 'postfeminist': 1, 'ubertemptress': 1, 'unselfconsciously': 1, 'expounding': 1, 'gorbachev': 1, 'purplish': 1, 'folland': 1, 'slackerhood': 1, 'notquitethriller': 1, 'proselytize': 1, 'rightness': 1, 'wrongness': 1, 'diluting': 1, 'miniclassic': 1, 'trickortreat': 1, 'joachin': 1, 'grousing': 1, 'whooping': 1, 'southward': 1, 'toptobottom': 1, 'selfjustification': 1, '_to': 1, 'him_': 1, 'feint': 1, 'sweetens': 1, 'bronwen': 1, 'whynot': 1, 'enchant': 1, '111': 1, 'youngstein': 1, 'jamahl': 1, 'epsicokhan': 1, 'worldassuming': 1, 'ideaand': 1, 'optionis': 1, 'recalled': 1, 'bordersat': 1, 'grimmest': 1, 'bogan': 1, 'overton': 1, 'powerlessthe': 1, 'preprogrammed': 1, 'stoppable': 1, 'nowin': 1, 'winnable': 1, 'statistical': 1, 'contraryaccording': 1, 'largertheme': 1, 'pronuclear': 1, 'theoretical': 1, 'retaliate': 1, 'countermeasure': 1, 'soilwhich': 1, 'revengeas': 1, 'alltooreal': 1, 'oherlihys': 1, 'hightension': 1, 'burdicks': 1, 'unfolded': 1, 'automation': 1, 'initialize': 1, 'meltdown': 1, 'lyricist': 1, 'gaity': 1, 'slapstickness': 1, 'argentinian': 1, 'unrewarding': 1, 'culiminating': 1, 'evas': 1, 'giddily': 1, 'fillinginthegaps': 1, 'reconnassaince': 1, 'accessory': 1, 'mourned': 1, 'guevera': 1, 'committments': 1, 'becuase': 1, 'remaning': 1, 'wonderully': 1, 'threadeach': 1, 'jocelyn': 1, 'moorhouse': 1, 'sewn': 1, 'quilting': 1, 'marianna': 1, 'hys': 1, 'generationsa': 1, 'smoldering': 1, 'irascible': 1, 'mariannas': 1, 'dally': 1, 'characterstheir': 1, 'nicelyunderstated': 1, 'tvshow': 1, 'riproarin': 1, 'organgrinder': 1, 'hearken': 1, 'righting': 1, 'expiring': 1, 'vestige': 1, 'heinrichs': 1, 'outshock': 1, 'heehee': 1, 'refill': 1, 'aha': 1, 'famehungry': 1, 'lodi': 1, 'nairs': 1, 'salaam': 1, 'masala': 1, 'dhawan': 1, 'delhi': 1, 'aditi': 1, 'hemant': 1, 'vikram': 1, 'latit': 1, 'naseeruddin': 1, 'shah': 1, 'pk': 1, 'marigold': 1, 'henna': 1, 'dhawans': 1, 'fostered': 1, 'neoclassic': 1, 'relaxes': 1, 'twopart': 1, 'intially': 1, 'moviewatchers': 1, 'auditioned': 1, 'schwarztman': 1, 'bestwritten': 1, 'lonertypes': 1, 'definate': 1, 'retold': 1, 'frolicked': 1, 'welding': 1, 'mischevious': 1, 'nonwedlock': 1, 'inherits': 1, 'proffesion': 1, 'dragonslayer': 1, 'droagon': 1, 'posthlewaite': 1, 'ghreat': 1, 'unambiguously': 1, 'perplexes': 1, 'ofthemoment': 1, 'couldly': 1, 'fracturing': 1, 'sculpting': 1, 'discerned': 1, 'pronature': 1, 'tubthumping': 1, 'cusswords': 1, 'adjusts': 1, '1the': 1, 'homeward': 1, 'blockheaded': 1, 'fibe': 1, 'cohosts': 1, 'chasefightshootout': 1, 'latefilm': 1, 'buzzsaw': 1, 'supercops': 1, 'helicoptertrain': 1, 'dirtytricks': 1, 'thyself': 1, 'cspan': 1, 'subsidy': 1, 'geography': 1, 'politcal': 1, 'neargreatness': 1, 'morallydeprived': 1, 'babyboomer': 1, 'gamesmanship': 1, 'powerfulbutanonymous': 1, 'letsputonashow': 1, 'wisedup': 1, 'deadbangon': 1, 'backend': 1, 'merle': 1, 'trivialization': 1, 'dumbing': 1, 'reduction': 1, 'soundbites': 1, 'drivethrough': 1, 'milkshake': 1, 'lamaze': 1, 'jackalbased': 1, 'concordia': 1, 'impersonate': 1, 'doublepersonality': 1, 'coldheartedness': 1, 'krishna': 1, 'banji': 1, 'restfulness': 1, 'holidaymaker': 1, 'vrooshka': 1, 'elke': 1, 'crump': 1, 'archaeology': 1, 'leep': 1, 'scrubber': 1, 'upmore': 1, 'adrienne': 1, 'posta': 1, 'ramsden': 1, 'archaeological': 1, 'ernies': 1, 'depleted': 1, 'unspooling': 1, 'moviehouses': 1, 'mu5t': 1, 'muchshroudedinsecrecy': 1, 'docreate': 1, 'wrapsthe': 1, 'storylineis': 1, '2259': 1, 'elementsearth': 1, 'waterunited': 1, 'southerndrawling': 1, 'underwhelmingand': 1, 'unsurprisingfashion': 1, 'stetson': 1, 'dayglo': 1, 'labyrinthian': 1, 'skyway': 1, 'bulky': 1, 'doglike': 1, 'mangalores': 1, 'gaulthier': 1, 'bustier': 1, 'gaulthiers': 1, 'otherworldliness': 1, 'jockey': 1, 'conservativehe': 1, 'blueskinned': 1, 'maiwenn': 1, 'lebesco': 1, 'singsand': 1, 'dancesan': 1, 'coscripter': 1, 'halfnow': 1, 'shadowis': 1, 'undiluted': 1, 'fervid': 1, 'weddingobsessed': 1, 'unexpectantly': 1, 'nearer': 1, 'dwindle': 1, 'recouped': 1, 'ignorable': 1, 'ballstothewall': 1, 'widereleases': 1, 'abortionist': 1, 'responsibly': 1, 'kendall': 1, 'screenwriternovelist': 1, '175million': 1, 'threethousand': 1, 'gettogethers': 1, 'highiq': 1, 'bertha': 1, 'lessthangratifying': 1, 'mistic': 1, 'impressionistic': 1, 'lawton': 1, 'justreleased': 1, 'maddens': 1, 'demean': 1, 'disaffirm': 1, 'vivians': 1, 'sparkler': 1, 'andoh': 1, 'yeslove': 1, '1975s': 1, 'cousine': 1, 'notsohappilymarried': 1, 'coogan': 1, 'moonstruck': 1, 'hearttug': 1, 'straightshooting': 1, 'personify': 1, 'swishing': 1, 'prigge': 1, 'firstproduced': 1, 'autonomous': 1, 'paperback': 1, 'disclaiming': 1, 'communicates': 1, 'miniplotswithinplots': 1, 'limiting': 1, 'limitlessness': 1, 'elaboration': 1, 'agelike': 1, 'cartoonist': 1, 'crossword': 1, 'zweibel': 1, 'spellbinding': 1, 'shaiman': 1, 'craziest': 1, 'politic': 1, 'bullworths': 1, 'pediatrician': 1, 'cleanshavenness': 1, 'hairiness': 1, 'tendancies': 1, 'personifies': 1, '_the_fugitive_': 1, '_air_force_one_': 1, 'reitmans': 1, 'comedyadventure': 1, 'slobby': 1, 'saltoftheearth': 1, 'sped': 1, 'actionoriented': 1, 'ninny': 1, 'andmost': 1, 'importantlyfun': 1, 'colada': 1, 'balmy': 1, 'baronial': 1, 'fiftyone': 1, 'borderlineabysmal': 1, 'disneycute': 1, 'rapidlychanging': 1, 'nimbly': 1, '2d3d': 1, 'firstborn': 1, 'noteables': 1, 'breezily': 1, 'irected': 1, 'postwwii': 1, 'brio': 1, 'studebakers': 1, 'youknowwhere': 1, 'condominium': 1, 'convalesces': 1, 'incognita': 1, 'andrus': 1, 'respiratory': 1, 'topiary': 1, 'mendonca': 1, 'privetsculpted': 1, 'reportage': 1, 'helix': 1, 'interrogative': 1, 'sleight': 1, 'alwaysstriking': 1, 'doublecamera': 1, 'halfjokingly': 1, 'teleprompter': 1, 'receptor': 1, 'vermin': 1, 'showman': 1, 'stratosphere': 1, 'excerpted': 1, 'elegy': 1, 'musty': 1, 'divergence': 1, 'alloy': 1, 'cobbling': 1, 'earthbound': 1, 'cimino': 1, 'russianamerican': 1, 'aspegren': 1, 'pasttimes': 1, 'cazale': 1, 'corroborated': 1, 'organisedcrime': 1, 'calculative': 1, 'climaxing': 1, 'coulmier': 1, 'propagate': 1, 'acquaints': 1, 'aidsafflicted': 1, 'sighted': 1, 'rudin': 1, 'rudnick': 1, 'prerogative': 1, 'astronomical': 1, 'calamitous': 1, 'wilford': 1, 'frisbee': 1, 'nearperfection': 1, 'sappily': 1, 'dreamcatcher': 1, 'tomboy': 1, 'gerber': 1, 'winnie': 1, 'piotr': 1, 'sobocinski': 1, 'yuens': 1, 'rediscovery': 1, 'qin': 1, 'laborer': 1, 'jings': 1, 'bribed': 1, 'retaliates': 1, 'guanglan': 1, 'xiaoguang': 1, 'qinqin': 1, 'iwai': 1, 'collegeaged': 1, 'kelvin': 1, 'yearend': 1, 'allbutdead': 1, 'delighting': 1, 'shockwaves': 1, 'understate': 1, 'weeklyreading': 1, 'figurewatching': 1, 'drape': 1, 'wga': 1, 'satirically': 1, 'splashy': 1, 'eyegrabbing': 1, 'nightmarishly': 1, 'gutting': 1, 'overlynoisy': 1, 'dizzyingly': 1, 'exhilaratingly': 1, 'campily': 1, 'reuniting': 1, 'everawkward': 1, 'protectively': 1, 'newlyassigned': 1, 'increasinglyflimsy': 1, 'fullout': 1, 'headandshoulders': 1, 'postprologue': 1, 'amble': 1, 'defensively': 1, 'rebuke': 1, 'incompetency': 1, 'neals': 1, 'zealousness': 1, 'decimating': 1, 'worriedly': 1, 'berth': 1, 'successively': 1, 'seeminglyimpregnable': 1, 'stranglehold': 1, 'resonant': 1, 'muchheralded': 1, 'henceforth': 1, 'namerecognition': 1, 'baltos': 1, 'anastasias': 1, 'vampy': 1, 'seawitch': 1, 'ariels': 1, 'dotting': 1, 'carlotta': 1, 'auberjonois': 1, 'menken': 1, 'horsedrawn': 1, 'calypsostyled': 1, 'joyfully': 1, 'crooned': 1, 'lyricized': 1, 'aggressivelymarketed': 1, 'siphoned': 1, 'protectionist': 1, 'cautioned': 1, 'conjuring': 1, 'ralphies': 1, 'divulging': 1, 'sugarplum': 1, 'billingsleys': 1, 'mcgavin': 1, 'tangentially': 1, 'parma': 1, 'unsuspected': 1, 'shitheels': 1, 'vacuumed': 1, 'uncleanness': 1, 'pensacola': 1, 'fl': 1, 'acronym': 1, 'teleport': 1, 'depreciated': 1, 'astronomically': 1, 'tuscan': 1, 'arezzo': 1, 'almostforgotten': 1, 'langdon': 1, 'amass': 1, 'barrack': 1, 'blackest': 1, 'pedlar': 1, 'ownerpublisher': 1, 'wither': 1, 'anticensorship': 1, 'morrissey': 1, 'rusnaks': 1, 'selflearning': 1, 'conciseness': 1, 'computersimulated': 1, 'petrucelli': 1, 'kloses': 1, 'aboutthe': 1, 'cityfans': 1, 'christieintense': 1, 'laverne': 1, 'funnythe': 1, 'equalopportunity': 1, 'warmest': 1, 'laughandgrossfest': 1, '_animal': 1, 'house_': 1, 'puhlease': 1, 'druggedup': 1, 'brownmiles': 1, 'sunniness': 1, 'hereit': 1, 'belowbelt': 1, '_reality': 1, 'bites_': 1, '_flirting': 1, 'disaster_': 1, 'troubadorgreek': 1, 'lichman': 1, 'markie': 1, 'eightminute': 1, 'erupted': 1, 'bellyache': 1, '_porkys_': 1, '_boogie': 1, 'nights_': 1, '_kingpin_': 1, '_a': 1, 'wanda_': 1, 'bridgeupping': 1, 'tacitly': 1, 'retrieves': 1, 'movesin': 1, 'motionto': 1, 'carefullyconstructed': 1, 'liberto': 1, 'rabal': 1, 'neri': 1, 'shakedown': 1, 'bardem': 1, 'inebriated': 1, 'molinano': 1, 'childbearing': 1, 'rendell': 1, 'highheeled': 1, 'intricatelywoven': 1, 'bulgarian': 1, 'deuteronomy': 1, 'reacquainted': 1, 'elenaredemption': 1, 'disrupt': 1, 'strongwithin': 1, 'mothersurrogate': 1, 'initation': 1, 'confrontatory': 1, 'directness': 1, 'topo': 1, 'synapsis': 1, 'machinegunning': 1, 'crowed': 1, 'unsettlingly': 1, 'frankness': 1, 'stylistics': 1, 'deafness': 1, 'antiwhite': 1, 'antiauthority': 1, 'thirsting': 1, 'snlrelated': 1, 'throughandthrough': 1, 'publicaccess': 1, '12step': 1, 'selfdenial': 1, 'revoked': 1, 'sharplydrawn': 1, 'imbibed': 1, 'disgustedly': 1, 'certifiably': 1, 'wacko': 1, 'diabolically': 1, 'abnormal': 1, 'hairbrush': 1, 'macleod': 1, 'schoolgirl': 1, 'jackieos': 1, 'pseudosophistication': 1, 'allamerica': 1, 'bedding': 1, 'discombobulated': 1, 'riposte': 1, 'temperamentally': 1, 'rolfe': 1, 'fla': 1, 'domed': 1, 'interruption': 1, 'synthesizer': 1, 'fcc': 1, 'deconstructs': 1, 'unstraightforward': 1, 'ambulancechaser': 1, 'eek': 1, 'preaccident': 1, 'handedness': 1, 'halfright': 1, 'worthseeing': 1, 'pevere': 1, 'harped': 1, 'weightiness': 1, 'tubby': 1, 'freakshow': 1, 'horrormonkey': 1, 'boreathon': 1, 'subtlty': 1, 'coop': 1, 'continute': 1, 'slingblade': 1, 'chet': 1, 'advicegiving': 1, 'unredeeming': 1, 'dwarfism': 1, 'pastor': 1, 'motherless': 1, 'hepburntracy': 1, 'wishful': 1, 'facewhippings': 1, 'copbad': 1, 'slamdunking': 1, 'tchekys': 1, 'wirework': 1, 'hiphoppy': 1, 'rippin': 1, 'roarin': 1, 'improvisationaly': 1, 'bellylaugh': 1, 'hillard': 1, '65yearold': 1, 'englishwoman': 1, 'berle': 1, 'wellrespected': 1, 'subjectmatter': 1, 'posttraumatic': 1, 'mediamanipulation': 1, '247': 1, 'peepshow': 1, 'stimulant': 1, 'nothingwe': 1, 'christofbut': 1, 'confidentiality': 1, 'highlyrated': 1, 'secondreality': 1, 'contextualize': 1, 'carreyhe': 1, 'biziou': 1, 'wojciech': 1, 'kilars': 1, 'za': 1, 'linneys': 1, 'crocker': 1, 'stupendous': 1, 'bestand': 1, 'complexsummer': 1, 'flaring': 1, 'grouping': 1, 'vinnys': 1, 'ritchies': 1, 'mediajunkies': 1, 'entraillooking': 1, 'appendaged': 1, 'organictech': 1, 'moo': 1, 'gai': 1, 'porting': 1, 'weirdometer': 1, 'peckinpahs': 1, 'kidnapransom': 1, 'gilroy': 1, 'dizziness': 1, 'rink': 1, 'corbett': 1, 'timelapse': 1, 'flipside': 1, 'unexpecting': 1, 'wenteworth': 1, 'goodrich': 1, 'unfitting': 1, 'gumpian': 1, 'racialgender': 1, 'heistgonewrong': 1, 'koons': 1, 'thermonuclear': 1, 'premiss': 1, 'whizkid': 1, 'contended': 1, 'advertisment': 1, 'protovision': 1, 'frontgate': 1, 'wopr': 1, 'efficent': 1, 'beringer': 1, '56k': 1, 'bps': 1, 'sfmovie': 1, 'graphical': 1, 'litany': 1, 'byline': 1, 'explainable': 1, 'afficianados': 1, 'stoically': 1, 'explosiveness': 1, 'noteworthies': 1, 'exspy': 1, 'slowness': 1, 'mand': 1, 'taper': 1, 'bibletoting': 1, 'vulgarize': 1, 'profaner': 1, 'schwalbach': 1, 'chrissy': 1, 'lalaland': 1, 'clamshaped': 1, 'silicon': 1, 'cremer': 1, 'heberle': 1, 'rainer': 1, 'consulate': 1, 'tito': 1, 'tao': 1, '10story': 1, 'priviledge': 1, 'postponed': 1, 'excavation': 1, 'cammeron': 1, 'notsonice': 1, 'oversappy': 1, 'exceptionaly': 1, 'ac3': 1, 'riginally': 1, 'attanasios': 1, 'dovetail': 1, 'overlight': 1, 'eisenhower': 1, 'coifed': 1, 'assimilation': 1, 'exclusion': 1, 'stemple': 1, 'holdsbarred': 1, 'bremner': 1, 'mckidd': 1, 'procuring': 1, 'eyelevel': 1, 'dopedouteyeview': 1, 'tiptoeing': 1, 'pantswetting': 1, 'consciouness': 1, 'vomitted': 1, 'defecated': 1, 'regretted': 1, 'tangle': 1, 'radiotvfilm': 1, '26min': 1, 'codirected': 1, 'charleston': 1, 'antislavery': 1, 'disapproved': 1, 'appealed': 1, 'displaced': 1, 'retried': 1, 'monosyllable': 1, 'gasmask': 1, '35yearsold': 1, 'cotterill': 1, 'downatheels': 1, 'renewing': 1, 'crouch': 1, 'endsfreud': 1, 'pleasedin': 1, 'intuits': 1, 'breathable': 1, 'hermetic': 1, 'suffocates': 1, 'cellophane': 1, 'terrifed': 1, 'tenderde': 1, 'grotesqe': 1, 'decayed': 1, 'adelaide': 1, 'halfwit': 1, 'largebreasted': 1, 'carmel': 1, 'uneasily': 1, 'foregrounded': 1, 'organplaying': 1, 'unbelief': 1, 'accomodates': 1, 'heers': 1, 'seemd': 1, 'frontman': 1, 'japanesespecific': 1, 'sugiyana': 1, 'nullified': 1, 'ultrahuge': 1, 'longdistance': 1, 'hobbyist': 1, 'latefather': 1, 'latemother': 1, 'taxpayer': 1, 'unviable': 1, 'undaunted': 1, 'contantly': 1, 'soundwave': 1, 'cultist': 1, 'pictorial': 1, 'enrols': 1, 'mustsees': 1, 'mecca': 1, 'horizontal': 1, 'mobilizes': 1, 'airplay': 1, 'salongas': 1, 'shanyus': 1, 'unsheathes': 1, 'pugilistic': 1, 'relive': 1, 'anythings': 1, 'marni': 1, 'eurocentrism': 1, 'shigeta': 1, 'kusatsu': 1, 'forcooking': 1, 'dropoffs': 1, 'practicemargaret': 1, 'wesleyan': 1, 'lakeside': 1, 'superstructure': 1, '30something': 1, 'crumpled': 1, 'snagged': 1, 'attractiveseeming': 1, 'castgoran': 1, 'nashel': 1, 'jarmans': 1, 'caravaggio': 1, 'oscillation': 1, 'comicgeeks': 1, 'honestpoliticianrare': 1, 'highgrossing': 1, 'craftily': 1, 'innappropriate': 1, 'divison': 1, 'basicallybigroachtypebug': 1, 'shoudlnt': 1, 'sonnenfield': 1, 'physiology': 1, 'actionanimation': 1, 'zookeeper': 1, 'gobble': 1, 'pseudoscience': 1, 'drixenol': 1, 'coli': 1, 'mudslide': 1, 'cerebellum': 1, 'detritus': 1, 'booger': 1, 'runny': 1, 'hyman': 1, 'farrellyfunny': 1, 'uvula': 1, 'silkwood': 1, 'journeying': 1, 'sluizers': 1, 'pirahna': 1, 'facelift': 1, 'suspensescience': 1, 'heroor': 1, 'cocoontype': 1, 'jorden': 1, 'motherload': 1, 'exhaustion': 1, 'cameronregular': 1, 'redefining': 1, 'suspensehorror': 1, 'outgunned': 1, 'drummond': 1, 'halfcynical': 1, 'afis': 1, 'humphry': 1, 'ingred': 1, 'bulletriddled': 1, 'achangin': 1, 'killerswithhearts': 1, 'wongs': 1, 'breakdances': 1, 'bookending': 1, 'onanism': 1, 'rhetorically': 1, 'lulling': 1, 'ohneggin': 1, 'rapacious': 1, 'magnus': 1, 'underpopulated': 1, 'olga': 1, 'larina': 1, 'lensky': 1, 'romanticizing': 1, 'womanly': 1, 'miserly': 1, 'ebeneezer': 1, 'scrooge': 1, 'nowtheres': 1, 'petula': 1, 'onegins': 1, 'aboutface': 1, 'tatyanas': 1, 'thoroughbred': 1, 'xtc': 1, 'lengthsno': 1, 'spasmodic': 1, 'tableware': 1, 'expressionistically': 1, 'adafarasin': 1, 'yevgeny': 1, 'barth': 1, 'tempest': 1, 'ezs': 1, 'ez': 1, 'closedoff': 1, 'beekeeping': 1, 'jour': 1, 'fete': 1, 'timberland': 1, 'nan': 1, 'coe': 1, 'dekay': 1, 'schweig': 1, 'bezucha': 1, 'poloralph': 1, 'minding': 1, 'achin': 1, 'allowance': 1, 'sweeneys': 1, 'weakens': 1, 'bridetobe': 1, 'magnuson': 1, '_shine_': 1, '_basquiat_': 1, '_angel': 1, 'heart_': 1, 'mckeans': 1, 'arkham': 1, 'madmancumdetective': 1, 'treea': 1, 'stuyvesant': 1, 'mapplethorpe': 1, 'mould': 1, 'leppenraub': 1, 'feore': 1, 'julliardtrained': 1, 'longvanished': 1, 'inscribed': 1, 'procedural': 1, 'literati': 1, 'keiths': 1, 'demesne': 1, 'luxuriantly': 1, 'brashly': 1, 'comicpanel': 1, '_death': 1, 'ca_': 1, 'standefers': 1, '_practical': 1, 'magic_': 1, '_eves': 1, 'bayou_': 1, 'seraph': 1, 'piquant': 1, 'tilted': 1, 'redefinition': 1, 'urinestained': 1, 'paladin': 1, 'outan': 1, 'agreeably': 1, 'outwitted': 1, 'crooksposedasphotographers': 1, 'ninemonthold': 1, 'bennington': 1, 'cottwell': 1, 'bink': 1, 'oldmoney': 1, 'bobbitt': 1, 'emotionsawww': 1, 'ouchand': 1, 'wincing': 1, 'pantolianto': 1, 'moe': 1, 'warton': 1, 'baseness': 1, 'impulsiveness': 1, 'abhorrence': 1, 'nazism': 1, 'prefacing': 1, 'exalted': 1, 'renounced': 1, 'concurs': 1, 'delirium': 1, 'educes': 1, 'stillness': 1, 'equidistant': 1, 'stationary': 1, 'desertion': 1, 'objectively': 1, 'exaggerates': 1, 'epicenter': 1, 'contorted': 1, 'unjustifiable': 1, 'volatility': 1, 'inconceivable': 1, 'primeval': 1, 'reimagining': 1, 'whisking': 1, 'headspinning': 1, 'ackacking': 1, 'equalrights': 1, 'redelivering': 1, 'driods': 1, 'jawas': 1, 'tropps': 1, 'consulted': 1, 'fi': 1, 'meanspiritedness': 1, 'duffel': 1, 'breckman': 1, 'merrills': 1, 'nutsy': 1, 'commandeering': 1, 'lucille': 1, 'hotair': 1, 'stopover': 1, 'breckmans': 1, 'peptobismol': 1, 'negating': 1, 'humorwise': 1, 'strenuous': 1, 'encoding': 1, 'resurfacing': 1, 'childgenius': 1, 'mentalpatient': 1, 'adulthelfgotts': 1, 'adultdavid': 1, 'cuddle': 1, 'rachmaninov': 1, 'adulthelfgott': 1, 'clapped': 1, 'youngdavid': 1, 'miming': 1, 'helfgotts': 1, 'accelerated': 1, 'priivate': 1, 'fledged': 1, 'extremly': 1, 'anthology': 1, 'nicolette': 1, 'hermosa': 1, 'bonghitting': 1, 'adhered': 1, 'striding': 1, 'thereve': 1, 'madeiros': 1, 'unflagging': 1, 'typified': 1, 'prohibits': 1, 'exceedinglyprofessional': 1, 'forsters': 1, 'blaxploitationera': 1, 'thensagging': 1, 'cohens': 1, 'godsend': 1, 'mckellars': 1, 'likeablity': 1, 'behavious': 1, 'believabilty': 1, 'temerity': 1, 'orwellian': 1, 'goodnotgreat': 1, 'broadens': 1, 'slightlyless': 1, 'nicelytitled': 1, 'hardtoget': 1, 'julialouis': 1, 'fide': 1, 'timeconserving': 1, 'warrirors': 1, 'heimlich': 1, 'mantis': 1, 'hypsy': 1, 'madeliene': 1, 'tuck': 1, 'undiscernable': 1, 'jibberish': 1, 'malleability': 1, 'firefly': 1, 'temping': 1, 'resuce': 1, 'thicket': 1, 'idisyncratic': 1, 'clevering': 1, 'fauxbloopers': 1, 'evne': 1, 'lateentry': 1, 'angelrelated': 1, 'moviestv': 1, 'wahlbergformer': 1, 'kidin': 1, 'colehis': 1, 'movedand': 1, 'shouldntfor': 1, 'emotionallyscarred': 1, 'supburb': 1, 'centenial': 1, 'reexperienced': 1, 'peices': 1, 'plumet': 1, 'bisexuality': 1, 'catfights': 1, 'gatorwrestling': 1, 'topicality': 1, 'campfest': 1, 'wellliked': 1, 'yachting': 1, 'enclave': 1, 'trollop': 1, 'bracesporting': 1, 'crossexamining': 1, 'corkscrew': 1, 'sleepyvoiced': 1, 'chameleonic': 1, 'conspiring': 1, 'reedited': 1, 'onedayaweek': 1, '5year': 1, 'preppy': 1, 'coufaxs': 1, '56': 1, 'supervise': 1, 'tahiti': 1, 'obradors': 1, 'quinnrobin': 1, 'castaway': 1, '_arrrgh_': 1, '_fifty_': 1, 'stammer': 1, '_am_': 1, 'openandshut': 1, 'parfitt': 1, 'tyrannic': 1, 'donovanit': 1, 'muth': 1, 'beristain': 1, 'wonderfuli': 1, 'iceblue': 1, 'scotia': 1, 'shotsand': 1, 'axewielding': 1, 'tradiational': 1, 'perfectlygroomed': 1, 'breakupmakeup': 1, 'outthinking': 1, 'landou': 1, 'gambled': 1, 'againstall': 1, 'allgrownup': 1, 'voicechanger': 1, 'quintessentially': 1, 'stabbinaplenty': 1, 'scheduling': 1, 'endeavored': 1, 'disapprobation': 1, 'lamented': 1, 'townsperson': 1, 'smartalecky': 1, 'waylaid': 1, 'churchgoing': 1, 'sobol': 1, 'chequered': 1, 'egon': 1, 'petstore': 1, 'mlakovich': 1, 'displeasing': 1, 'bizzare': 1, 'eaisly': 1, 'kishikawa': 1, 'sensei': 1, 'hideko': 1, 'hara': 1, 'masayuki': 1, 'culturespecific': 1, 'hollywoodconventional': 1, 'blindside': 1, 'stiffest': 1, 'carr': 1, 'pendel': 1, 'panamanian': 1, 'saville': 1, 'torching': 1, 'waterway': 1, 'wooing': 1, 'selfconfidence': 1, 'shoring': 1, 'leonor': 1, 'varela': 1, 'pulsates': 1, 'karenina': 1, 'incompatible': 1, 'nearlybrain': 1, 'intelligentlyconstructed': 1, 'tapeworshipping': 1, 'forecaster': 1, 'mantralike': 1, 'sullenly': 1, 'plauged': 1, '216digit': 1, 'perceptively': 1, 'mistrust': 1, 'reductionism': 1, 'numeric': 1, 'identifier': 1, 'allconsuming': 1, 'penchent': 1, 'curtly': 1, 'neuroticlooking': 1, 'pleasantry': 1, 'dementia': 1, 'fronted': 1, 'duplictious': 1, 'cronenbergesque': 1, 'bridging': 1, 'bodythemed': 1, 'nosebleeding': 1, 'isolationism': 1, 'snorri': 1, 'mansell': 1, 'contacting': 1, 'emptor': 1, 'atmostpheric': 1, 'mindstretching': 1, 'comicbookgonefeaturefilm': 1, 'meloncholy': 1, 'entirly': 1, 'kadosh': 1, 'gitais': 1, 'secular': 1, 'devarimyom': 1, 'yom': 1, 'intolerant': 1, 'mea': 1, 'shearim': 1, 'sinewy': 1, 'rebelling': 1, 'talmudic': 1, 'abu': 1, 'warda': 1, 'yeshiva': 1, 'progeny': 1, 'unpure': 1, 'cleanse': 1, 'dunk': 1, 'dunked': 1, 'rivkas': 1, 'lebanon': 1, 'soundtruck': 1, 'robotically': 1, 'thrusting': 1, 'petal': 1, 'erroneous': 1, 'giver': 1, 'antonia': 1, '143': 1, '1847': 1, 'goldstarved': 1, 'mexicanamerican': 1, 'banishment': 1, 'waystation': 1, 'toffler': 1, 'spinella': 1, 'mcdonough': 1, 'cleaves': 1, 'halfstarved': 1, 'doeuvre': 1, 'colqhouns': 1, 'weendigo': 1, 'campell': 1, 'waved': 1, 'electrify': 1, 'gunpowder': 1, 'nyman': 1, 'albarn': 1, 'nagged': 1, 'affirming': 1, 'inadvertly': 1, 'dejavu': 1, 'carelesness': 1, 'ingeniousness': 1, 'feasibility': 1, 'obssessively': 1, 'pfc': 1, 'postforensic': 1, 'gorham': 1, 'perturbed': 1, 'messiest': 1, 'executiveproduced': 1, 'villalobos': 1, 'deathobssessed': 1, 'curiousity': 1, 'braddocks': 1, 'toeing': 1, 'bungeejumping': 1, 'youat': 1, '139': 1, 'creepsand': 1, 'grims': 1, 'urbaniak': 1, 'writinghenry': 1, 'oncegreat': 1, 'marginalized': 1, 'councilman': 1, 'rile': 1, 'teacherstudent': 1, 'hartleyian': 1, 'udderleys': 1, 'elliptical': 1, 'streetcorner': 1, 'tutee': 1, 'upped': 1, 'cheesily': 1, 'termite': 1, 'bunching': 1, 'dismembered': 1, 'solidify': 1, 'grufftalking': 1, 'curtin': 1, 'eurotrash': 1, 'beesboth': 1, 'shauds': 1, 'speared': 1, 'donthatemeforbeingasimpleton': 1, 'coraci': 1, 'soundtrackan': 1, 'filmis': 1, 'cocker': 1, 'boxsets': 1, 'deprivation': 1, 'displacement': 1, 'acrylic': 1, 'fetishization': 1, 'optometrist': 1, 'hosting': 1, 'longsuppressed': 1, 'sadlooking': 1, 'untold': 1, 'contraception': 1, 'disconnected': 1, 'warmly': 1, 'caf8a': 1, 'reticence': 1, 'ibsenesque': 1, 'innit': 1, 'collegetown': 1, 'pervasiveness': 1, 'pseudointellectuals': 1, 'briberybased': 1, 'scoobydoo': 1, 'warming': 1, 'rutger': 1, 'birdloving': 1, 'feathered': 1, 'holstering': 1, 'finicial': 1, 'runied': 1, '1617': 1, 'excitiable': 1, 'rebelous': 1, 'gingrich': 1, 'maltliquor': 1, 'classism': 1, 'candor': 1, 'turntable': 1, 'constituency': 1, 'obviouslooking': 1, 'masturbator': 1, 'deflower': 1, 'germphobe': 1, 'graduationspecifically': 1, 'hannigans': 1, 'nadias': 1, 'stripteasean': 1, '_would_': 1, 'sexeven': 1, 'libidinous': 1, 'diasappointing': 1, 'bizious': 1, 'reacted': 1, 'oscarless': 1, 'catagory': 1, 'whalberg': 1, 'midriff': 1, 'slickly': 1, 'rollergirls': 1, 'steadiocam': 1, 'directional': 1, 'tommorow': 1, 'resevoir': 1, 'niggles': 1, 'reawaken': 1, 'mathildas': 1, 'margot': 1, 'forsyths': 1, 'zangaro': 1, 'kimbas': 1, 'detat': 1, 'zinnemmans': 1, 'malko': 1, 'vore': 1, 'romanticise': 1, 'shrinking': 1, 'burgon': 1, 'neardeath': 1, 'driveby': 1, 'consultation': 1, 'analyzation': 1, 'infertility': 1, 'upwardly': 1, 'gaines': 1, 'fex': 1, 'healylouie': 1, 'chemoelectric': 1, 'casualness': 1, 'ecologist': 1, 'scrutinized': 1, 'impatient': 1, 'protein': 1, 'siding': 1, 'electrically': 1, 'higherups': 1, 'polarizes': 1, 'poetical': 1, 'inspite': 1, 'guernica': 1, 'personalizes': 1, 'begbee': 1, 'elastica': 1, 'definetly': 1, 'dennison': 1, 'orangecenturyinter': 1, 'bligh': 1, 'manhole': 1, 'beleives': 1, 'soulmate': 1, 'embarassed': 1, 'washerdryer': 1, 'cappies': 1, 'undertsanding': 1, 'grusins': 1, '3dimensional': 1, 'kerri': 1, 'beleivable': 1, 'ciro': 1, 'popittis': 1, 'rina': 1, 'ruination': 1, 'metoclorian': 1, 'microorganism': 1, 'caprio': 1, 'pierreloup': 1, 'rajot': 1, 'ducastel': 1, 'martineau': 1, 'hitchhikes': 1, 'rouen': 1, 'garziano': 1, 'benichou': 1, 'matthieu': 1, 'poirotdelpechs': 1, 'oftenincongruous': 1, 'skunk': 1, 'scurrying': 1, '1899': 1, 'redhaired': 1, 'impresario': 1, 'monroth': 1, 'indicates': 1, 'teetertotter': 1, 'loveliest': 1, 'safina': 1, 'everythingandthekitchensink': 1, 'bewitched': 1, 'u2s': 1, 'partons': 1, 'taupins': 1, 'sizzling': 1, 'loveitorhateit': 1, 'sevenyearolds': 1, 'fortysomething': 1, 'freethinking': 1, 'livingandbreathing': 1, 'fembots': 1, 'nutbiting': 1, 'weanies': 1, 'puzos': 1, 'unpublished': 1, 'grumble': 1, 'kyzynskistyle': 1, 'whacko': 1, 'dixons': 1, 'lockup': 1, 'privateeye': 1, 'geraldo': 1, 'egotism': 1, 'polygram': 1, 'coalwoods': 1, 'rocketry': 1, 'canderday': 1, 'lindberg': 1, 'gauzy': 1, 'sugarry': 1, 'placeholder': 1, 'multihued': 1, 'mediciney': 1, 'singerguitar': 1, 'playermusiciancomposer': 1, 'rehearsing': 1, 'palladium': 1, 'bickford': 1, 'bozzio': 1, 'bickfords': 1, 'morphings': 1, 'illicitly': 1, 'allmale': 1, 'midwest': 1, 'recruiter': 1, 'schwartzeneggar': 1, 'belgium': 1, 'defected': 1, 'suverov': 1, 'mikhails': 1, 'funkiness': 1, 'keeken': 1, 'compatriot': 1, 'semidramatic': 1, 'semislum': 1, 'steelfactories': 1, 'childsupport': 1, 'possiblity': 1, 'wildidea': 1, 'hisplump': 1, 'notsopractical': 1, 'gazs': 1, 'realmen': 1, 'harshreality': 1, 'humanfactor': 1, 'justanotherstriptease': 1, 'henricksen': 1, 'wellmeant': 1, 'poombah': 1, 'teapot': 1, 'mcflurry': 1, 'computerdriven': 1, 'confide': 1, 'atodds': 1, 'winsomeness': 1, 'mistletoe': 1, 'datenight': 1, 'snuggling': 1, 'tonino': 1, 'guerra': 1, 'titta': 1, 'zanin': 1, 'gradisca': 1, 'magali': 1, 'armando': 1, 'brancia': 1, 'tittas': 1, 'fellinian': 1, 'brightcoloured': 1, 'brundage': 1, 'safekeeping': 1, 'mistesque': 1, 'womanofthewild': 1, 'vetern': 1, 'antiphantom': 1, 'lovelorn': 1, 'robertswhose': 1, 'mehad': 1, 'travelbookstore': 1, 'impetuous': 1, 'surreptitious': 1, 'celebrityor': 1, 'thereofthreatens': 1, 'wedge': 1, 'ordinaryness': 1, 'flatmate': 1, 'mcinnerny': 1, 'brownie': 1, 'convolutedly': 1, 'changingoftheseasons': 1, 'surprisinly': 1, 'egregious': 1, 'startrek': 1, 'moderator': 1, 'evenodd': 1, 'evennumbered': 1, 'oddnumbered': 1, 'notsogood': 1, '24thcentury': 1, 'enterprisecommander': 1, 'geordi': 1, 'cybernetic': 1, 'krige': 1, 'racestarting': 1, 'earthorbiting': 1, 'mesmerize': 1, 'titlefirst': 1, 'contactrefers': 1, 'zephram': 1, 'castmost': 1, 'alwaysphenomenal': 1, 'stewartmakes': 1, 'upping': 1, 'screenthe': 1, 'retires': 1, '1830s': 1, 'fiftythree': 1, 'senge': 1, 'pieh': 1, 'slaveowners': 1, 'pickins': 1, 'shindlers': 1, '_people_': 1, 'doddering': 1, 'pitchfork': 1, 'haute': 1, 'couture': 1, 'beelzubabe': 1, 'unpolished': 1, 'piddling': 1, 'threedigit': 1, 'shortcircuits': 1, 'transitional': 1, 'bailing': 1, 'allegorical': 1, 'sleezo': 1, 'teamup': 1, 'rowlf': 1, 'lew': 1, 'suredeal': 1, 'handdelivered': 1, 'yong': 1, 'flamed': 1, '280': 1, 'ipo': 1, 'startup': 1, 'govworks': 1, 'edreams': 1, 'wonsuk': 1, 'juxtaposes': 1, 'onthespot': 1, 'titanictype': 1, 'gelly': 1, 'sobchak': 1, 'philanthropist': 1, 'sideplots': 1, 'coenesque': 1, 'amalgam': 1, 'berkleylike': 1, 'pervaded': 1, 'naminspired': 1, 'judaism': 1, 'centerstage': 1, 'expediency': 1, 'cumbersome': 1, 'flashbang': 1, 'breadandbutter': 1, 'surveilance': 1, 'naturalist': 1, 'exspook': 1, 'ominpotence': 1, 'mysterioso': 1, 'authorties': 1, 'appellation': 1, 'uninvited': 1, 'timeconsuming': 1, 'semitear': 1, 'itselfbox': 1, 'rallied': 1, '1979s': 1, 'savaged': 1, 'challengenot': 1, 'onceprofitable': 1, 'painless': 1, 'problemclone': 1, 'itselfwhat': 1, 'toughened': 1, 'newa': 1, 'humanalien': 1, 'waif': 1, 'whedons': 1, 'infusion': 1, 'dauntingly': 1, 'mclachlanaided': 1, 'carousel': 1, 'visualized': 1, 'overfamiliarization': 1, 'edgecombs': 1, 'jekyllhyde': 1, 'antiwoman': 1, 'elexa': 1, 'randolph': 1, 'kret': 1, 'accost': 1, 'pariah': 1, 'eradicate': 1, 'backwater': 1, 'divulges': 1, 'horrormystery': 1, 'unextraordinary': 1, 'oftencriticized': 1, 'murawski': 1, 'epperson': 1, 'groundbreakingly': 1, 'allages': 1, 'fegan': 1, 'floop': 1, 'junis': 1, 'goldfish': 1, 'electroshock': 1, 'floops': 1, 'holodeck': 1, 'cloudbacked': 1, 'mcubiquitous': 1, 'tadtoolong': 1, 'threeact': 1, 'cheaplaugh': 1, 'lateyear': 1, 'pugnaciousness': 1, 'supplant': 1, 'tinder': 1, 'theorem': 1, 'impregnable': 1, 'taster': 1, 'cull': 1, 'seanwill': 1, 'willskylar': 1, 'companionability': 1, 'chuckies': 1, 'commensurate': 1, '1976s': 1, 'boddy': 1, 'whodunnit': 1, 'clipboard': 1, 'scribble': 1, 'divinely': 1, 'technothriller': 1, 'wolfe': 1, 'mach': 1, 'grissom': 1, 'moffat': 1, 'dornacker': 1, 'murch': 1, 'publicityseeking': 1, 'tremble': 1, 'holst': 1, 'debussy': 1, 'amerocentric': 1, 'wellcreated': 1, 'nowak': 1, 'absorbant': 1, 'tuningup': 1, 'henning': 1, 'aggravatingly': 1, 'helene': 1, 'paprika': 1, 'steen': 1, 'gbatokai': 1, 'dakinah': 1, 'familyfriends': 1, 'detested': 1, 'renoir': 1, 'nearlyfarsical': 1, 'vinterberg': 1, 'dogme': 1, 'dramaturgical': 1, 'ironicallyshowmanship': 1, 'thetruthatallcosts': 1, 'thearapeutic': 1, 'faroff': 1, 'belted': 1, 'pixie': 1, 'buehlers': 1, 'mcallister': 1, 'metzler': 1, 'jeanine': 1, 'unopposed': 1, 'specializing': 1, 'transexual': 1, 'vivien': 1, 'integrating': 1, 'slavessteerage': 1, 'gwtws': 1, 'humongous': 1, 'wellspent': 1, 'corroding': 1, 'hammering': 1, '101yearold': 1, 'calvert': 1, 'daswon': 1, 'winsletdicaprio': 1, 'dropdead': 1, 'spoiledrichgirl': 1, 'there92s': 1, 'howard92s': 1, 'gazillionaire': 1, 'sleezebag': 1, 'walkie': 1, 'wells92': 1, 'morlocks': 1, 'glitteratti': 1, 'weren92t': 1, 'wouldn92t': 1, 'payer': 1, 'man92s': 1, 'i92ve': 1, 'upending': 1, 'we92ve': 1, 'mullen92s': 1, 'brawley': 1, 'you92ll': 1, 'wispy': 1, 'bicep': 1, 'flexing': 1, 'onesyllable': 1, 'moneymaker': 1, 'semiarticulate': 1, 'blatherings': 1, 'schlumpy': 1, 'hilo': 1, 'noncommittal': 1, 'talkingdirectlyintothecameraschtick': 1, 'shampoolike': 1, 'tenacious': 1, 'blowhard': 1, 'hoist': 1, 'shucking': 1, 'jiving': 1, 'agetype': 1, 'iben': 1, 'hjejle': 1, 'mifune': 1, 'phonation': 1, 'cusackian': 1, 'parodic': 1, 'beaufoy': 1, 'chippendale': 1, 'dwarfed': 1, 'procreating': 1, 'soloflight': 1, 'paralized': 1, 'cassini': 1, 'scifithriller': 1, 'coding': 1, 'gladnick': 1, 'show_': 1, 'ribtickling': 1, 'idontknowwhen': 1, 'sublte': 1, 'philisophical': 1, 'candidatedirector': 1, 'unimitible': 1, 'paradiseprison': 1, 'bystanderextras': 1, '_dog': 1, 'fancy_': 1, 'subverted': 1, 'hypersilly': 1, 'megaglomaniac': 1, '_wag': 1, 'dog_': 1, 'svengalian': 1, 'dalloway': 1, 'frankiln': 1, 'aquatica': 1, 'seabound': 1, 'macalaester': 1, 'remotecontrolled': 1, 'darkside': 1, 'unquestioning': 1, 'semidarkness': 1, 'sorossy': 1, 'lantos': 1, 'medicalgrossouts': 1, 'chyron': 1, 'aram': 1, 'doppling': 1, 'rehabilitationhe': 1, 'fortyeight': 1, 'rehabilitate': 1, 'shunted': 1, 'apollonia': 1, 'datalink': 1, 'negin': 1, 'schweethaat': 1, 'negins': 1, 'greenstreet': 1, 'salutory': 1, 'goldenage': 1, 'dopple': 1, 'psychist': 1, 'computech': 1, 'reconst': 1, 'lowtomediumbudget': 1, 'electronicsynthesized': 1, 'deathcamps': 1, 'chaplininspired': 1, 'upholds': 1, 'disrespecting': 1, 'interpreting': 1, 'fightrocky': 1, 'trainsrocky': 1, 'thunderlips': 1, 'trashtalks': 1, 'smocky': 1, 'adrianne': 1, 'rubens': 1, 'rintintin': 1, 'grande': 1, 'ladeedah': 1, 'landord': 1, 'permanetly': 1, 'ilk': 1, 'ende': 1, 'respectably': 1, 'madyline': 1, 'sweeten': 1, 'farren': 1, 'monet': 1, 'characteroriented': 1, 'welltraveled': 1, 'oftentold': 1, 'chicagosun': 1, 'bromide': 1, 'slamdunked': 1, 'familystyle': 1, 'boyanddog': 1, 'bowwow': 1, 'prejudge': 1, '44yearold': 1, 'unbrewed': 1, 'tossable': 1, 'replaceable': 1, 'newlyjarred': 1, 'biblequoting': 1, 'irreplaceable': 1, 'slanted': 1, 'animus': 1, 'parched': 1, 'setbound': 1, 'welloiled': 1, 'blane': 1, 'pincus': 1, 'pidgeons': 1, 'cracraft': 1, 'powersof10': 1, 'zoomout': 1, 'bytheend': 1, 'outofbalance': 1, 'elie': 1, 'multibillionare': 1, 'radiance': 1, 'vegan': 1, 'arecibo': 1, 'ceti': 1, 'cabinetlevel': 1, 'behoove': 1, 'dynamism': 1, 'faraway': 1, 'starsystem': 1, 'varleys': 1, 'zemecki': 1, 'stephanopolusstyle': 1, 'walkons': 1, 'nearfinal': 1, 'judiciary': 1, 'popularizer': 1, 'gadfly': 1, 'academe': 1, 'physicfirst': 1, 'vibrantlyacted': 1, 'masseur': 1, 'retinal': 1, 'maladjustment': 1, 'hanksmeg': 1, 'ryanstarrer': 1, 'glimpsed': 1, 'levitt': 1, 'mcmullenstyle': 1, 'riled': 1, 'ignited': 1, 'hinterland': 1, 'fairer': 1, 'plying': 1, 'filmhannibal': 1, 'lector': 1, 'backstabs': 1, 'cubiclefilled': 1, 'motiveless': 1, 'darwinism': 1, 'chadness': 1, 'scruches': 1, 'intresting': 1, 'colanised': 1, 'blabbed': 1, 'richter': 1, 'ticoton': 1, 'tranisition': 1, 'dreamquest': 1, 'quatto': 1, 'imaganitive': 1, 'authorial': 1, 'omits': 1, 'newlyfreed': 1, 'longhampered': 1, 'leaned': 1, 'rasping': 1, 'urgently': 1, 'wanderlusting': 1, 'sagelike': 1, 'beah': 1, 'glassyeyed': 1, 'lambs_': 1, '_melvin': 1, 'howard_': 1, 'overstatement': 1, 'totemic': 1, 'colorsaturated': 1, 'yellowgreens': 1, 'neutrality': 1, 'frugal': 1, '_poltergeist_': 1, 'purple_': 1, 'letter_': 1, '_little': 1, 'women_': 1, 'abeyance': 1, 'stipulated': 1, 'slashermovie': 1, 'entrails': 1, 'bemoans': 1, 'converges': 1, 'wellpopulated': 1, 'cece': 1, 'didya': 1, 'suspecting': 1, 'supermom': 1, 'miscommunicated': 1, 'stendahl': 1, 'syndromelike': 1, 'nagle': 1, 'cored': 1, 'visnjics': 1, 'comprehending': 1, 'divined': 1, 'tandon': 1, 'poslethwaite': 1, 'rapier9mm': 1, 'longsword': 1, 'mercutio': 1, 'politcally': 1, 'messageable': 1, 'kyles': 1, 'huiessan': 1, 'singersthey': 1, 'dosing': 1, 'tunesand': 1, 'semblence': 1, 'honesttogoodness': 1, 'teriffic': 1, 'koan': 1, 'kilborn': 1, 'spicebus': 1, 'rushbrook': 1, 'sandal': 1, 'cinemascope': 1, 'benhur': 1, 'sparticus': 1, 'vadis': 1, 'pyre': 1, 'strangles': 1, 'reopens': 1, 'romper': 1, 'stomper': 1, 'herky': 1, 'halfblurred': 1, 'tarnished': 1, 'speculative': 1, 'metaphysics': 1, 'reconnaissance': 1, '712': 1, 'cauterize': 1, 'earthlike': 1, 'readout': 1, 'reville': 1, 'thunderstorm': 1, 'neuwirths': 1, 'garafolos': 1, 'burp': 1, 'prwhen': 1, 'abbys': 1, 'basset': 1, 'sexmasturbation': 1, 'comedyromance': 1, 'wrongim': 1, 'clemens': 1, 'fury161': 1, 'cryotubes': 1, 'attachs': 1, 'acideaten': 1, 'kanes': 1, 'artillary': 1, 'thomson': 1, 'labrynthine': 1, 'risked': 1, 'necronomicon': 1, 'unusable': 1, 'raimirob': 1, 'slowwitted': 1, 'trickier': 1, 'exlawman': 1, 'fisburne': 1, 'stopmotion': 1, 'motherlode': 1, 'unassertive': 1, 'commercialist': 1, 'dopedealing': 1, 'ruffle': 1, 'fasting': 1, 'deprivationappreciation': 1, '1554': 1, 'lordship': 1, 'nuptials': 1, 'kapur': 1, 'filmmkaing': 1, 'blownout': 1, 'inportant': 1, 'godfatheresque': 1, 'carolco': 1, 'mindboggling': 1, 'slickness': 1, 'gothgirl': 1, 'someway': 1, 'disilusioned': 1, 'machette': 1, 'triva': 1, 'tommorrow': 1, 'conscription': 1, 'selfreliance': 1, 'brainoverbrawn': 1, 'hiptalking': 1, 'oriential': 1, 'oscarhungry': 1, 'directorexecutive': 1, 'threehourtearfest': 1, 'ninetyminute': 1, 'lionized': 1, 'cornwallis': 1, 'formulates': 1, 'tusse': 1, 'silberg': 1, 'loftus': 1, 'reclaiming': 1, 'debased': 1, 'gorier': 1, 'gretel': 1, 'bloodier': 1, 'carterwhose': 1, 'edgehad': 1, 'enlivening': 1, 'royces': 1, 'inset': 1, 'dreamrosaleens': 1, 'lansburysshe': 1, 'applecheeked': 1, 'synthheavy': 1, 'shapechanging': 1, 'trickiest': 1, 'actingmusiceffects': 1, 'otherness': 1, 'ents': 1, 'hobbit': 1, 'balrogs': 1, 'ruritanian': 1, 'urreality': 1, 'mistshrouded': 1, 'ritesofpassage': 1, 'nightjourney': 1, 'rosaleens': 1, 'literalized': 1, 'ideabut': 1, 'betwixt': 1, 'subleaders': 1, 'mcsorley': 1, 'buddie': 1, 'reopen': 1, 'religios': 1, 'exlove': 1, 'redrawn': 1, 'sportsmanship': 1, 'letsstripdownthesporttoitsbones': 1, 'crunching': 1, 'unerving': 1, 'oscarnominee': 1, 'thisll': 1, 'gab': 1, 'persistently': 1, 'commiserate': 1, 'reactionary': 1, 'ultranationalist': 1, 'korshunov': 1, 'holdyourbreath': 1, 'korshonov': 1, 'haig': 1, 'sunflower': 1, 'appalachian': 1, 'tumbleweed': 1, 'penleric': 1, 'musicologist': 1, 'prefeminist': 1, 'professorship': 1, 'treasuretrove': 1, 'scotsirish': 1, 'vinie': 1, 'selfsustaining': 1, 'greenwalds': 1, 'ridge': 1, '1908': 1, 'statuesque': 1, 'emmylou': 1, 'dement': 1, 'taj': 1, 'rossum': 1, 'mcteers': 1, 'childbirth': 1, 'mid1500s': 1, 'stately': 1, 'halfsister': 1, 'deathly': 1, 'norfolk': 1, 'steelyeyed': 1, 'walsingham': 1, 'ironfisted': 1, 'gawky': 1, 'coy': 1, 'fending': 1, 'shekhar': 1, 'kapurs': 1, 'cathedral': 1, 'hirsts': 1, 'nowheresville': 1, '551': 1, 'notsowise': 1, 'ruiz': 1, 'gotti': 1, 'constrast': 1, 'hounddog': 1, 'slowburn': 1, 'vaccinated': 1, 'aggravation': 1, 'agitation': 1, 'buttondowned': 1, 'tightlywound': 1, 'paus': 1, 'cameraderie': 1, 'dodgy': 1, 'aggravate': 1, 'knutt': 1, 'rumpos': 1, 'revengeful': 1, 'pertwees': 1, 'golfer': 1, 'rebounding': 1, 'offchance': 1, 'centerfold': 1, 'dumpster': 1, 'repulsing': 1, 'jinx': 1, 'mj': 1, 'smartaleck': 1, 'mikeys': 1, 'hannbyrd': 1, 'antimatter': 1, 'fonder': 1, 'bendrix': 1, 'descriptive': 1, 'yearsgoneby': 1, 'titanicbuff': 1, 'unarguably': 1, 'renenged': 1, 'searcing': 1, 'dissapointly': 1, 'wrongsideofthetracks': 1, 'realisticly': 1, 'aborbed': 1, 'happiest': 1, 'venom8hotmail': 1, 'attentiveness': 1, 'wellbeing': 1, 'foreknowledge': 1, 'capraesque': 1, 'eisners': 1, 'klieg': 1, 'seahavens': 1, 'endorsing': 1, 'underplaying': 1, 'earpiece': 1, 'nc': 1, 'boning': 1, 'hmmmmm': 1, 'gulped': 1, 'chirped': 1, 'nonsexual': 1, 'reevaluated': 1, '118': 1, 'mamoru': 1, 'incarnationsgraphic': 1, 'episodespatlabor': 1, 'menacelabor': 1, 'interpersonal': 1, 'babylon': 1, 'seawall': 1, 'reclamation': 1, 'environmentalist': 1, 'berzerk': 1, 'asuma': 1, 'laborsincluding': 1, 'sv2s': 1, 'ownfall': 1, 'chrichton': 1, '_into_': 1, 'dialogueless': 1, 'symbolismin': 1, 'alternate1999': 1, 'bettersuited': 1, 'fisheye': 1, 'wellsuited': 1, 'hifi': 1, 'systemsit': 1, '_come_': 1, 'sometimesunderstated': 1, 'sometimesblaring': 1, 'easilyreadable': 1, '_anything_': 1, '_patlabor_': 1, 'recommened': 1, 'anly': 1, 'qts': 1, 'genxer': 1, 'propagating': 1, 'harolds': 1, 'detachable': 1, 'vibrates': 1, 'trudging': 1, 'pomegranate': 1, 'squeezing': 1, 'ony': 1, 'skilfull': 1, 'absoloute': 1, 'eqsuisite': 1, 'soooo': 1, 'schoolmate': 1, 'teenaccessible': 1, 'coarseness': 1, 'acne': 1, 'bodied': 1, 'gomer': 1, 'soontobemarines': 1, 'filmming': 1, 'gloating': 1, '37th': 1, 'statuette': 1, 'steddy': 1, 'berdan': 1, 'corwin': 1, 'decapitates': 1, 'cauterizes': 1, 'baltus': 1, 'hessian': 1, 'spurted': 1, 'channeled': 1, 'piecing': 1, 'gallop': 1, 'cont': 1, 'inually': 1, 'nonoffensive': 1, 'emptying': 1, '8lane': 1, 'falldown': 1, '97minutes': 1, 'workloving': 1, 'solver': 1, 'farout': 1, '357': 1, 'oppritunites': 1, 'priveleged': 1, 'millionare': 1, 'datingand': 1, 'absense': 1, 'ballot': 1, 'cooperated': 1, 'istvan': 1, 'harwoods': 1, 'prosecute': 1, 'sameness': 1, 'tues': 1, '1951': 1, '1946': 1, 'almanac': 1, 'predetermine': 1, 'rung': 1, 'dishmolded': 1, 'aerospace': 1, 'exathlete': 1, 'onthejob': 1, 'pricking': 1, 'bathgates': 1, 'slawomir': 1, 'poorlyemployed': 1, 'reaffirming': 1, 'needfully': 1, 'mindmoving': 1, 'donal': 1, 'mccann': 1, 'obrady': 1, 'tel': 1, '4493411': 1, 'keeley': 1, 'murnau': 1, 'outstretched': 1, 'cropped': 1, 'liftedunauthorizedfrom': 1, 'secrethes': 1, 'bloodsuckerand': 1, 'schrecks': 1, 'mixedcoffin': 1, 'redtinted': 1, 'fanged': 1, 'entice': 1, 'pointyeared': 1, 'nongoateed': 1, 'ghouslish': 1, 'notifying': 1, 'mastering': 1, 'conditionnonstudio': 1, 'silents': 1, 'jittering': 1, 'sepia': 1, 'nosferatus': 1, 'waltzing': 1, 'redone': 1, 'legible': 1, 'flickera': 1, 'hardrock': 1, 'fangfest': 1, 'mina': 1, 'herin': 1, 'thieve': 1, 'rescored': 1, 'backturn': 1, 'saxophonist': 1, 'wakefield': 1, 'renees': 1, 'thoughout': 1, 'coil': 1, 'faintly': 1, 'protgaonist': 1, 'lynchian': 1, 'dines': 1, 'ar': 1, 'waittress': 1, 'asthmatic': 1, 'kinear': 1, 'melvons': 1, 'thieveing': 1, 'verdell': 1, 'dogsit': 1, 'cantakerous': 1, 'nicjolson': 1, 'cyncial': 1, 'weirded': 1, 'highlypopulated': 1, 'reclessly': 1, 'unbusy': 1, 'crutchcarrying': 1, 'seagrave': 1, 'minimasterpieces': 1, 'forboding': 1, 'disjointment': 1, 'ousting': 1, 'lovelace': 1, 'kinkiness': 1, 'tatoo': 1, 'denirolike': 1, 'sucessful': 1, 'turnon': 1, '_two_': 1, 'supersede': 1, 'nonteen': 1, 'choppily': 1, 'hartnetts': 1, 'maclaine': 1, 'caloriefreeso': 1, 'hardtocategorize': 1, 'morphine': 1, 'sherlockian': 1, 'epigram': 1, 'shoelace': 1, 'legwork': 1, 'jess': 1, 'venturaish': 1, 'inference': 1, 'detach': 1, 'unassociated': 1, 'hypnotises': 1, 'barondes': 1, 'transfusion': 1, 'caberat': 1, 'dapper': 1, 'winkle': 1, 'breathed': 1, 'crosscultural': 1, 'nathanson': 1, 'lamanna': 1, 'rr': 1, 'alreadyexisting': 1, '47year': 1, 'pulverizes': 1, 'henchlady': 1, 'roselyn': 1, 'sanchez': 1, 'knockdown': 1, 'openminded': 1, 'blemheim': 1, 'mirrorpanel': 1, 'secondstory': 1, 'revengedriven': 1, 'shakespeareantrained': 1, 'dispair': 1, 'ophelias': 1, 'polonius': 1, 'moloney': 1, 'laertes': 1, 'reece': 1, 'dinsdale': 1, 'rosencrantz': 1, 'gravedigger': 1, 'yorick': 1, 'priam': 1, 'hecuba': 1, 'enactment': 1, 'wellvoiced': 1, 'underperforms': 1, 'reynaldo': 1, 'eleventh': 1, 'fortinbras': 1, 'flashbacktype': 1, 'rigmarole': 1, 'aboveground': 1, 'belowground': 1, 'manicdepressive': 1, 'bleachblond': 1, 'irradiation': 1, 'snodgress': 1, 'rama': 1, 'sarner': 1, 'leichtling': 1, 'underwent': 1, 'alread': 1, 'yuk': 1, 'sctvs': 1, 'sabbatical': 1, 'intial': 1, 'gad': 1, 'understates': 1, 'shockfactor': 1, 'directingwise': 1, 'bloomin': 1, 'smartassed': 1, 'comicslapstick': 1, 'downplaying': 1, 'barstool': 1, 'kickback': 1, 'chemisty': 1, 'fiqure': 1, 'govenment': 1, 'distinquished': 1, 'relunctently': 1, 'writerdirectoractor': 1, 'firststring': 1, 'ahole': 1, 'beeks': 1, 'mandrian': 1, 'slaughterhousefive': 1, 'hardcover': 1, 'snowglobe': 1, 'haddonfield': 1, 'certianly': 1, 'unconventionality': 1, 'restlesness': 1, 'artsier': 1, 'nearedenlike': 1, 'preperations': 1, 'phenominal': 1, 'seargent': 1, 'unsocial': 1, 'airtime': 1, 'unleashing': 1, 'forresters': 1, 'disrepair': 1, 'kingdome': 1, 'fulfils': 1, 'petrice': 1, 'chereaus': 1, 'ache': 1, 'bracing': 1, 'chereau': 1, 'tactile': 1, 'interconnectedness': 1, 'pinteresque': 1, 'rummage': 1, 'hanif': 1, 'kureishi': 1, 'chareaus': 1, 'wielded': 1, 'everattentive': 1, 'gautier': 1, 'transitoriented': 1, 'trendsetters': 1, 'lowermiddle': 1, 'jocular': 1, 'passageway': 1, 'insinuation': 1, 'orphange': 1, 'aried': 1, 'readalong': 1, 'thecatrical': 1, 'grouchland': 1, 'nuttiest': 1, 'nutcracker': 1, 'appreciative': 1, 'midteenage': 1, 'pajama': 1, 'legislation': 1, 'serialised': 1, 'novelisation': 1, 'bproduction': 1, 'coincided': 1, 'pesimism': 1, '1138': 1, 'quash': 1, 'organon': 1, 'eisely': 1, 'quashing': 1, 'aviation': 1, 'damselindistress': 1, 'stears': 1, 'enchantment': 1, 'nearfully': 1, 'quincey': 1, 'profundis': 1, 'suspirias': 1, 'souroldmatriarchfromhell': 1, 'adversely': 1, 'inactive': 1, 'mover': 1, 'robbi': 1, 'jerked': 1, 'zap': 1, 'spacedout': 1, 'offensiveness': 1, 'pixote': 1, 'hendel': 1, 'butoy': 1, 'gleba': 1, 'gaetan': 1, 'brizzi': 1, 'ludwig': 1, 'ephesian': 1, '1516': 1, 'halfdecade': 1, 'synthesis': 1, 'giantscreened': 1, 'discontented': 1, 'familiarize': 1, 'nihgt': 1, 'levite': 1, 'exalts': 1, 'tantoo': 1, 'notched': 1, 'multiracial': 1, 'corporeal': 1, 'chafing': 1, 'demurely': 1, 'honorably': 1, 'chienpo': 1, 'tondo': 1, 'crickey': 1, 'gargoyle': 1, 'depersonalized': 1, 'mufasa': 1, 'bambis': 1, 'restrictive': 1, 'bucking': 1, 'rereading': 1, 'problematical': 1, 'nonmemorable': 1, 'provincial': 1, 'looted': 1, 'genvieve': 1, 'potenza': 1, 'piscapo': 1, 'noholds': 1, 'clichefest': 1, 'squaresofts': 1, 'topselling': 1, 'hironobu': 1, 'sakaguchi': 1, '2065': 1, 'ofteninvisible': 1, 'unexplainable': 1, 'monomaniacal': 1, 'counteract': 1, 'scienceheavy': 1, 'seemedthough': 1, 'equivolence': 1, 'kickthealiensasses': 1, 'arachnidtype': 1, 'webbased': 1, 'bulletin': 1, 'nudie': 1, 'buseys': 1, 'unrelentless': 1, 'lingered': 1, 'paglia': 1, 'pornactressturnedpornproducer': 1, 'uphill': 1, 'dworkin': 1, 'proporn': 1, 'klitorsky': 1, 'femmebutchfemme': 1, 'nontriplex': 1, 'straightahead': 1, 'skilful': 1, 'bachmann': 1, 'psychedelia': 1, 'yonezo': 1, 'maeda': 1, 'toshiyuki': 1, 'honda': 1, 'masahitko': 1, 'tsugawa': 1, 'shiro': 1, 'ito': 1, 'yuji': 1, 'miyake': 1, 'akiko': 1, 'matsumoto': 1, 'minbo': 1, 'goros': 1, 'humbler': 1, 'hanakos': 1, 'specially': 1, 'ukraine': 1, 'italianlike': 1, 'nuclearweapon': 1, 'avowed': 1, 'aroway': 1, 'therefor': 1, 'gereally': 1, 'transmitions': 1, 'aggrivate': 1, 'psitive': 1, 'slimey': 1, 'maddalena': 1, 'waxmans': 1, 'divesting': 1, 'raiment': 1, 'lunching': 1, 'keane': 1, 'ultraconfident': 1, 'murderess': 1, 'deflects': 1, 'flaquer': 1, 'testifying': 1, 'fallow': 1, 'summa': 1, 'laude': 1, 'sobright': 1, '151': 1, '122': 1, 'braxtons': 1, 'administered': 1, 'epilepsy': 1, 'questioner': 1, 'discrepancy': 1, 'tightrope': 1, 'evaluating': 1, 'thirdclassparty': 1, 'naivety': 1, 'skecthes': 1, 'arrises': 1, 'onehit': 1, 'oneders': 1, 'restricting': 1, 'ultracheesy': 1, 'curveball': 1, 'exorcistrip': 1, 'weakened': 1, 'daria': 1, 'nicolodi': 1, 'libra': 1, 'oddsounding': 1, 'lamberto': 1, 'barbieris': 1, 'sow': 1, 'admitedly': 1, 'deviation': 1, 'goyer': 1, 'hematologist': 1, 'nbushe': 1, 'titanium': 1, 'capoeira': 1, 'brazillian': 1, 'exhaling': 1, 'deactivating': 1, 'ebertwritten': 1, 'talentsamuel': 1, 'beaumont': 1, 'dogsstyle': 1, 'differentiation': 1, 'superceded': 1, 'grieg': 1, 'eng': 1, 'wahs': 1, 'jubilee': 1, 'kio': 1, 'tornadocaused': 1, 'outoftheirmind': 1, 'twisteroccurrences': 1, 'gearing': 1, 'motherofallstorms': 1, 'rogueish': 1, 'citybred': 1, 'earlywarning': 1, 'corporationfunded': 1, 'beatenup': 1, 'jonass': 1, 'linkup': 1, 'allterrain': 1, 'jonas^os': 1, 'abiility': 1, 'visualised': 1, 'stressing': 1, 'effectdependent': 1, 'ets': 1, 'nobler': 1, 'cartera': 1, 'hardknock': 1, 'goodbutnotgreat': 1, 'dolefully': 1, 'loveydovey': 1, 'hedayas': 1, 'levied': 1, 'nobly': 1, 'sagans': 1, 'skerrit': 1, 'haddens': 1, 'insincerely': 1, 'discredited': 1, 'clarice': 1, 'unconditionally': 1, 'denounced': 1, 'nakedly': 1, 'disqualified': 1, 'gameport': 1, 'interrelate': 1, 'amfibium': 1, 'cronenbergto': 1, 'dimensionality': 1, 'copsonthetrailofserialkiller': 1, 'downplayed': 1, 'upteenth': 1, 'lept': 1, 'resembled': 1, 'wartsandall': 1, 'congregate': 1, 'boucing': 1, 'polymorphously': 1, 'ekberg': 1, 'selfishly': 1, 'sitations': 1, 'hotashell': 1, 'undicaprioesque': 1, 'allday': 1, 'celebrityhood': 1, 'crucifixtion': 1, 'nazareth': 1, 'closese': 1, 'bibile': 1, 'denounces': 1, 'riviting': 1, 'velociraptor': 1, 'harve': 1, 'presnell': 1, 'sugarcoat': 1, 'testosteronedriven': 1, 'semiintrospective': 1, 'nailstough': 1, 'ink': 1, 'rifling': 1, 'thrugh': 1, 'airborne': 1, 'wellsecured': 1, 'stronghold': 1, '50foot': 1, 'inflict': 1, 'horrorcomedies': 1, 'palentologist': 1, 'sherriff': 1, 'migrated': 1, 'smartness': 1, 'smartmouths': 1, 'semibrainless': 1, 'memorydiminishing': 1, 'moniters': 1, 'nogood': 1, 'marble': 1, 'recommeded': 1, 'grounding': 1, 'eventuality': 1, 'interment': 1, 'ists': 1, 'lebaneseamerican': 1, 'arabspeaking': 1, 'arabamericans': 1, 'anette': 1, 'espionage': 1, 'emerich': 1, 'undertake': 1, 'broadsword': 1, 'scalpel': 1, 'maniacial': 1, 'vaild': 1, 'revolutionized': 1, 'blatty': 1, 'mcniell': 1, 'georgetown': 1, 'convulsion': 1, 'winn': 1, 'incorpates': 1, 'engulfs': 1, 'patriks': 1, 'theirselves': 1, 'antiapartheid': 1, '198788': 1, 'ressurection': 1, '2040': 1, 'infact': 1, 'proxima': 1, 'dissappears': 1, 'transmitting': 1, 'nonense': 1, 'squemish': 1, 'disclosing': 1, 'manolo': 1, 'highroller': 1, 'elvira': 1, '206': 1, 'nygards': 1, 'apologetically': 1, 'photocopying': 1, 'juror': 1, 'whitewater': 1, 'vulcanlike': 1, 'fealty': 1, 'trekkie': 1, 'hygienist': 1, 'complainer': 1, 'linguist': 1, 'sandwiched': 1, 'glasnost': 1, 'sonar': 1, 'marko': 1, 'ackland': 1, 'watertight': 1, 'unveiling': 1, 'southampton': 1, 'highsocietys': 1, 'worldlywise': 1, 'mistrustful': 1, 'nonfictional': 1, 'fabrizio': 1, 'archibald': 1, 'gracie': 1, 'meticulousness': 1, 'computergenerate': 1, 'analytic': 1, 'katsulas': 1, 'bower': 1, 'emshwiller': 1, 'naifeh': 1, 'constructive': 1, 'flowerstear': 1, 'dissertation': 1, 'backhanded': 1, 'demystification': 1, 'labourintensive': 1, 'imponderable': 1, 'editorializing': 1, 'outsidein': 1, 'preintellectualizing': 1, 'cubism': 1, 'harmonious': 1, 'startpollock': 1, 'elsewheretheir': 1, 'conniption': 1, 'klingman': 1, 'enamoured': 1, 'invasive': 1, 'scorei': 1, 'interrupting': 1, 'reload': 1, 'gentleness': 1, 'vocalized': 1, 'silverback': 1, 'burley': 1, 'alltogether': 1, 'kiddy': 1, 'ji': 1, 'mcgreggor': 1, 'tusken': 1, 'oft': 1, 'individualunderdog': 1, 'americanised': 1, 'parliamentary': 1, 'livewire': 1, 'tohellwithmorality': 1, 'tohellwiththelaw': 1, 'tohellwiththesystem': 1, 'exstripper': 1, 'friedrich': 1, 'moralchristian': 1, 'gownseuuugh': 1, 'booboos': 1, 'oumph': 1, 'expections': 1, 'ewwww': 1, 'nottice': 1, 'crawly': 1, 'quire': 1, 'twocentury': 1, '1791': 1, 'griefstricken': 1, 'eurovamps': 1, 'rousselot': 1, 'inkyblue': 1, 'moonlight': 1, 'ferretti': 1, 'middleton': 1, 'forwarned': 1, 'traumnovelle': 1, 'schnitzer': 1, 'musnt': 1, 'stickler': 1, 'bloopersflubs': 1, 'unrated': 1, 'soiree': 1, 'storagehouse': 1, 'marijunana': 1, 'outed': 1, 'pidgeonhole': 1, 'immoralistic': 1, 'erich': 1, 'korngolds': 1, 'weyls': 1, 'flynns': 1, 'locksley': 1, 'toothy': 1, 'eartoear': 1, 'dreamyeyed': 1, 'fitzswalter': 1, 'oversaturated': 1, 'preordained': 1, 'gisbourne': 1, 'rathbone': 1, 'murrieta': 1, 'zorros': 1, 'chugging': 1, 'eskow': 1, 'rosio': 1, 'uniqe': 1, 'mineo': 1, 'lionize': 1, 'rattigan': 1, 'shilling': 1, 'formidably': 1, 'staccatto': 1, 'suffrage': 1, 'deanes': 1, 'lifesized': 1, 'vegetative': 1, 'dreamscape': 1, 'brainstorm': 1, 'zoolike': 1, 'marionette': 1, 'recoiling': 1, 'disemboweling': 1, 'spitlike': 1, 'penney': 1, 'exclude': 1, 'egpyt': 1, 'jethro': 1, 'hotep': 1, 'huy': 1, 'asbury': 1, 'lorna': 1, 'directoractorcowriter': 1, 'frankensteinfilms': 1, 'effectful': 1, 'horrorfans': 1, '1794': 1, 'gole': 1, 'myserious': 1, 'cherie': 1, 'lunghi': 1, 'promiss': 1, 'marridge': 1, 'presuite': 1, 'breeth': 1, 'epidemic': 1, 'gwynne': 1, 'munster': 1, 'vaulerbility': 1, 'daemon': 1, 'threedimensionality': 1, 'troll': 1, 'unsecure': 1, 'vaulerble': 1, 'buildingup': 1, 'acore': 1, 'alp': 1, 'plagueriddled': 1, 'exacly': 1, 'horrifies': 1, 'shellys': 1, 'munundating': 1, 'lifeline': 1, 'shakesperean': 1, 'disatisfaction': 1, 'privelege': 1, 'masochist': 1, 'orgiastic': 1, 'eisenstein': 1, 'pysche': 1, 'universality': 1, 'dymanite': 1, '1500s': 1, 'crowened': 1, 'elizabethian': 1, 'zant': 1, 'laughfilled': 1, 'dissing': 1, 'potinduced': 1, 'velma': 1, 'affleckdamon': 1, 'ficomedy': 1, 'benning': 1, 'hooray': 1, 'frontpage': 1, 'multipurpose': 1, 'burgles': 1, 'pasta': 1, 'hooch': 1, 'spottiswoode': 1, 'rested': 1, 'fwords': 1, '802': 1, '701': 1, 'preyed': 1, 'attractiveness': 1, 'degenerating': 1, 'filby': 1, 'taylorgordon': 1, 'abbotts': 1, 'austenlike': 1, 'selfpreservation': 1, 'insoluble': 1, 'cleave': 1, 'twain': 1, 'sentimentally': 1, 'synchronised': 1, '1on1': 1, 'waferthin': 1, 'screenviewer': 1, 'us68': 1, 'commissioning': 1, 'f18s': 1, 'documentarians': 1, 'tapetofilm': 1, 'riverboat': 1, 'napalm': 1, 'kurtzs': 1, 'linus': 1, 'marriageable': 1, 'mcgovern': 1, 'liferuining': 1, 'millies': 1, 'lowtraffic': 1, 'geographically': 1, 'keogh': 1, 'unclaimed': 1, 'dromey': 1, 'stocky': 1, 'caput': 1, 'allornothing': 1, 'swordfishing': 1, 'gloucester': 1, 'wittliffs': 1, 'walhberg': 1, 'lb': 1, 'meteorologist': 1, 'simulating': 1, 'skellington': 1, 'grove': 1, 'christmastown': 1, 'joyprovider': 1, 'giftbearer': 1, 'rediscovering': 1, 'comingling': 1, 'shrunken': 1, 'sleigh': 1, 'oogie': 1, 'oingo': 1, 'boingo': 1, 'whic': 1, 'equallyinnovative': 1, 'massacering': 1, 'muchlarger': 1, '165': 1, 'mph': 1, 'hibernated': 1, 'expelling': 1, 'oncebreeding': 1, 'hidding': 1, 'ventilation': 1, 'suspensefully': 1, 'timetitanic': 1, 'grill': 1, 'policestation': 1, 'mordantly': 1, 'hockney': 1, 'shellgame': 1, 'hinging': 1, 'plexus': 1, 'startle': 1, 'elevenyearold': 1, 'selfcomposure': 1, 'reevaluation': 1, 'scriptural': 1, 'perpetuated': 1, 'commence': 1, 'rejoicing': 1, 'resound': 1, 'compile': 1, 'reshot': 1, 'responsive': 1, 'articulated': 1, 'dariush': 1, 'thirtyyear': 1, 'conceiving': 1, 'shallowly': 1, 'unrequisite': 1, 'outraging': 1, 'punctiation': 1, 'scrapping': 1, 'spiritdead': 1, 'unconsummated': 1, 'barelyteen': 1, 'vegetarian': 1, 'interlinked': 1, 'atrophied': 1, 'clandestinely': 1, 'straightforwardness': 1, 'antiintruder': 1, 'semicircle': 1, 'cartridge': 1, 'mclachlans': 1, 'receptacle': 1, 'nouri': 1, 'ferraris': 1, 'salsad': 1, 'eyecatcher': 1, 'maclachlans': 1, 'nondavid': 1, 'bataillon': 1, 'hildyards': 1, 'adaptable': 1, 'madscientistinbavariancastle': 1, 'baseman': 1, 'silverbladed': 1, 'garlicfilled': 1, 'glean': 1, 'rolex': 1, 'antivampire': 1, 'manportable': 1, 'relegating': 1, 'multiplying': 1, 'hatemail': 1, 'shootup': 1, 'mcclain': 1, 'heirloom': 1, 'winde': 1, 'gimp': 1, 'reminicent': 1, 'qman': 1, 'letterbox': 1, 'panandscan': 1, 'motherfucker': 1, 'unseasonably': 1, 'idolized': 1, 'onehorse': 1, 'medgar': 1, 'myrlie': 1, 'delaughter': 1, 'slaveship': 1, 'intoning': 1, 'larded': 1, 'oscarconsideration': 1, '25years': 1, 'kettle': 1, 'lowhanging': 1, 'interiorsin': 1, 'baily': 1, 'exboss': 1, 'hottempered': 1, 'biggestbreaking': 1, 'exco': 1, 'potts': 1, 'nationally': 1, 'hollander': 1, 'sensationalistic': 1, 'kindabitchyinareservedway': 1, 'mormon': 1, 'gettin': 1, 'pouncing': 1, 'trashywell': 1, 'ambulancechasing': 1, 'neckbrace': 1, 'unwelcomed': 1, 'erect': 1, 'flyby': 1, 'swampy': 1, 'itpeople': 1, 'nonudity': 1, '1824': 1, 'grassroots': 1, 'fiefdom': 1, 'holnist': 1, 'retrofuturistic': 1, 'liberates': 1, 'renews': 1, 'afire': 1, 'pony': 1, 'derivitive': 1, 'holism': 1, 'mayan': 1, 'repowering': 1, 'nationalism': 1, 'connundrum': 1, 'cappuccino': 1, 'hypnotist': 1, 'roomate': 1, 'kasinsky': 1, 'oscarnominationworthy': 1, 'exstensive': 1, 'doctorpatient': 1, 'parallelism': 1, 'girlboy': 1, 'acheives': 1, 'awesomeness': 1, 'posessing': 1, 'reccomending': 1, 'impressiveasever': 1, 'clothesline': 1, 'trashtalking': 1, 'whitemanblackman': 1, 'dictate': 1, 'biopics': 1, 'counterexample': 1, 'bestial': 1, 'inextricably': 1, 'brothermanager': 1, 'capitulate': 1, 'shrewish': 1, 'diseased': 1, 'misogyny': 1, 'ensnare': 1, 'contenda': 1, 'perilously': 1, 'straightforwardly': 1, 'horseshit': 1, 'preceeded': 1, 'unaffecting': 1, 'comicallynamed': 1, 'idosyncrasies': 1, 'overstylized': 1, 'fantsy': 1, 'pervert': 1, 'nabokov': 1, 'obsessional': 1, 'economized': 1, 'bratiness': 1, 'selfcenteredness': 1, 'scolding': 1, 'overlyreligious': 1, 'clare': 1, 'proning': 1, 'cinemawise': 1, 'demolishes': 1, 'cyanide': 1, 'semipredictable': 1, 'sustains': 1, 'motorized': 1, 'merciful': 1, 'broadcasted': 1, 'yasmeen': 1, 'bleeth': 1, 'todiefor': 1, 'worldreknowned': 1, 'overdramaticizes': 1, 'auriol': 1, 'keely': 1, 'kiffer': 1, 'finzi': 1, 'morissey': 1, 'semistarmaking': 1, 'barenboim': 1, 'overcloud': 1, 'hilarys': 1, 'melodramtic': 1, 'semismiliar': 1, 'overpraise': 1, 'overpraising': 1, 'stepforstep': 1, 'rainman': 1, 'nottotallygreat': 1, 'hanksryan': 1, 'adorably': 1, 'perkycute': 1, 'megahit': 1, 'shopgirl': 1, 'emailing': 1, 'undetailed': 1, 'megabookstores': 1, 'eyeroll': 1, 'predestination': 1, 'castleton': 1, 'deluding': 1, 'accomplishing': 1, 'backpedaling': 1, 'lyn': 1, 'vaus': 1, 'subliminally': 1, 'futuristiclooking': 1, 'auriga': 1, 'wren': 1, 'gediman': 1, 'sytable': 1, 'analee': 1, 'nonsexualyetslightlyhomoerotic': 1, 'seminoir': 1, 'deapens': 1, 'chauvenist': 1, 'bastad': 1, 'anxietyridden': 1, 'ovular': 1, 'inquiry': 1, 'androgony': 1, 'structurewise': 1, 'exfriend': 1, 'addictively': 1, 'thenfootage': 1, 'secluding': 1, 'curt': 1, 'reducing': 1, 'wildness': 1, 'exmanager': 1, 'sladewild': 1, 'wowinspiring': 1, 'ratttz': 1, 'iggyesuqe': 1, 'postmovement': 1, 'enos': 1, 'exhileration': 1, 'frock': 1, 'nonetooobvious': 1, 'roxy': 1, 'yorke': 1, 'bowielike': 1, 'retrogarbo': 1, 'salingerism': 1, 'sniffing': 1, 'perpetuallychanging': 1, 'androgonys': 1, 'shuddered': 1, 'luhrman': 1, 'companiesfamilies': 1, 'modernisation': 1, 'lidner': 1, 'misusing': 1, 'tribesman': 1, 'comepete': 1, 'wellpolished': 1, 'envigorating': 1, 'internetlike': 1, 'morphin': 1, 'graduating': 1, 'nonsupermodel': 1, 'arachnidlike': 1, 'recognizably': 1, 'spoofery': 1, 'scifiactioncomedy': 1, 'protohumans': 1, 'cocooned': 1, 'christy': 1, 'brimstone': 1, 'yvonne': 1, 'refining': 1, 'ramboids': 1, 'immortalised': 1, 'triannual': 1, 'supertech': 1, 'antiviolent': 1, 'shih': 1, 'kien': 1, 'preclude': 1, 'leadin': 1, 'sugarish': 1, 'obeidient': 1, 'bert': 1, 'faylen': 1, 'sugarcoated': 1, 'eggnog': 1, 'acheivement': 1, '121': 1, 'digesting': 1, 'foretaste': 1, 'oldish': 1, 'mixandmatch': 1, 'immin': 1, 'ent': 1, 'standardissue': 1, 'psychologyresearcher': 1, 'mixups': 1, 'tname': 1, 'footmassage': 1, 'carjacking': 1, 'neuroticallycharged': 1, 'psychobabbler': 1, 'singling': 1, 'frenetically': 1, 'reagent': 1, 'nt': 1, 'fillintheblankamericancomedy': 1, 'lovey': 1, 'charact': 1, 'vampyre': 1, '1922': 1, 'bleakness': 1, 'bastardised': 1, 'klaus': 1, 'bewitches': 1, 'blueish': 1, 'peopled': 1, 'hypnotised': 1, 'mesmerising': 1, 'vampirism': 1, 'bloodlust': 1, 'ancientsounding': 1, 'spacemusic': 1, 'larters': 1, 'kati': 1, 'outinen': 1, 'nen': 1, 'sakari': 1, 'kuosmanen': 1, 'elina': 1, 'timo': 1, 'salminen': 1, 'tram': 1, 'bookshelf': 1, 'idiosyncracy': 1, 'equated': 1, 'stultifying': 1, 'subsumed': 1, 'latalante': 1, 'largent': 1, 'upholstered': 1, 'inelegantly': 1, 'downsized': 1, 'bottoming': 1, 'ilonas': 1, 'exaggeratedthis': 1, 'realismbut': 1, 'thirtyeight': 1, 'judicious': 1, '96minute': 1, 'dissipated': 1, 'resolvessurprisingly': 1, 'movinglyinto': 1, 'illluck': 1, 'governs': 1, 'londoner': 1, 'untranslated': 1, 'starlight': 1, 'nonstereotyped': 1, 'vallejo': 1, 'kathe': 1, 'burkhart': 1, 'valencia': 1, 'debilitates': 1, 'saturating': 1, 'recouperating': 1, 'idelogy': 1, 'revelled': 1, 'anus': 1, 'candidness': 1, 'peforming': 1, 'approachment': 1, 'murmuring': 1, 'pseudoplaymate': 1, 'auntie': 1, 'dinsmoors': 1, 'dilapidating': 1, 'hotandcold': 1, 'lubezkis': 1, 'steamier': 1, 'icily': 1, 'fueling': 1, 'mambo': 1, 'cuarons': 1, 'gloppy': 1, 'renovated': 1, 'prepaid': 1, 'copilot': 1, 'coppingout': 1, 'passe': 1, 'thirdperson': 1, 'topdown': 1, 'cforcharlie': 1, 'cforcharlies': 1, 'winatallcosts': 1, 'belittle': 1, 'smelled': 1, 'yolande': 1, 'daragon': 1, 'calmer': 1, 'paranoiac': 1, 'polishing': 1, 'viscously': 1, 'rais': 1, 'aulon': 1, 'mtvgeneration': 1, 'topps': 1, 'middleoftheroad': 1, 'resilience': 1, 'earthward': 1, 'theremindriven': 1, 'purplesequined': 1, 'preempt': 1, 'dishearteningly': 1, 'strangeloves': 1, 'turgidson': 1, 'bighaired': 1, 'pointybreasted': 1, 'vampira': 1, 'octogenarian': 1, 'skullfaces': 1, 'eggeyes': 1, 'malevolence': 1, 'gremlin': 1, 'suschitzky': 1, 'holocaustravaged': 1, 'wishfulfillment': 1, 'entertainer': 1, 'determining': 1, 'kitschiest': 1, 'winking': 1, 'trippy': 1, 'hyperspeed': 1, 'blowed': 1, 'reeked': 1, 'timingoriented': 1, 'exagent': 1, 'bonerattling': 1, 'punchouts': 1, 'switchblade': 1, 'dextrous': 1, 'humanizes': 1, 'slinging': 1, 'aug': 1, '26th1998': 1, 'bullshitting': 1, 'jeannie': 1, 'modelled': 1, 'girlfriendboyfriend': 1, 'hazardus': 1, 'seer': 1, 'movieoftheweek': 1, 'sfxfest': 1, 'dionesque': 1, 'crosspromotion': 1, 'seinfelds': 1, 'pacha': 1, 'llamaherder': 1, 'kuzcos': 1, 'hopecrosby': 1, 'cpr': 1, 'snickerworthy': 1, 'coventure': 1, 'microsoft': 1, 'baluyev': 1, 'cometbombing': 1, 'truea': 1, 'carat': 1, 'ritchiess': 1, 'introd': 1, 'helmerscripter': 1, 'avis': 1, 'frankies': 1, 'stratham': 1, 'devour': 1, 'doubledeals': 1, 'roughandtumble': 1, 'pikers': 1, 'brigand': 1, 'sorcha': 1, 'lenser': 1, 'mauricejones': 1, 'us130': 1, 'cultlike': 1, 'stockshoot': 1, 'indiefilm': 1, 'subdesarrollo': 1, 'statesanctioned': 1, 'missive': 1, 'internetters': 1, 'soc': 1, 'lineit': 1, 'repressiveness': 1, 'tolerating': 1, 'filmtwice': 1, 'dialectic': 1, 'materialist': 1, 'perceives': 1, 'theoretician': 1, 'diegos': 1, 'thingstea': 1, 'revolucionario': 1, 'faustian': 1, 'tabio': 1, 'op': 1, 'fresa': 1, '21a': 1, 'nuez': 1, 'legitimize': 1, 'forbidding': 1, 'riskadverse': 1, 'sharpster': 1, 'mat': 1, 'kario': 1, 'dobbs': 1, 'flashiest': 1, 'harrold': 1, 'misused': 1, 'waitering': 1, 'venner': 1, 'jove': 1, 'randal': 1, 'kleisers': 1, 'filmone': 1, 'birdsall': 1, 'whogaspis': 1, '45yearold': 1, 'introversion': 1, 'birdsalls': 1, 'seducer': 1, 'redgraves': 1, 'twentyyearold': 1, 'heywood': 1, 'inedible': 1, 'scalding': 1, 'winthrop': 1, 'maturation': 1, 'agogo': 1, 'foreignlanguage': 1, 'buckney': 1, 'awardsymbol': 1, '153': 1, 'sonamed': 1, 'sozes': 1, 'infiltrating': 1, 'unintelligent': 1, '_murder_': 1, '1583': 1, 'subordination': 1, 'highcultured': 1, 'genial': 1, 'venier': 1, 'ravishing': 1, 'wining': 1, 'encroachment': 1, 'ire': 1, 'inarguable': 1, 'transmits': 1, 'herskovitzs': 1, 'partnered': 1, 'bojan': 1, 'highlystylized': 1, 'sixteenthcentury': 1, 'garwood': 1, 'nailbiter': 1, 'scudding': 1, 'engrosses': 1, 'pugnacious': 1, 'heedful': 1, 'pseudosuspenser': 1, 'overblow': 1, 'letterperfect': 1, 'physicality': 1, 'blotted': 1, 'tightness': 1, 'hitherto': 1, 'alleviates': 1, 'nailbiting': 1, 'outofthisworld': 1, 'suspenseand': 1, '20searly': 1, 'schizopolis': 1, 'gallaghers': 1, 'giacomos': 1, 'minorly': 1, 'newlyborn': 1, 'obssession': 1, 'methodically': 1, 'sadistically': 1, 'perpretrators': 1, 'rudely': 1, 'stressinducing': 1, 'hardedge': 1, 'disheartened': 1, 'nutmeg': 1, 'steelgray': 1, 'aquamarine': 1, 'trelkins': 1, 'retrieval': 1, 'broodwarriors': 1, 'cys': 1, 'tonguetied': 1, 'turbo': 1, 'simmrin': 1, 'ashlee': 1, 'levitch': 1, 'derides': 1, 'tolerates': 1, 'fungus': 1, 'acquisition': 1, 'mirth': 1, 'mazzellos': 1, 'vicariously': 1, 'coto': 1, 'eckstrom': 1, 'pllllleeeeease': 1, 'barneylike': 1, 'hasty': 1, 'midknight': 1, 'heralding': 1, 'ascension': 1, 'torrance': 1, 'induction': 1, 'harrowingly': 1, 'precipitous': 1, 'denigrates': 1, 'rejuvenated': 1, 'swope': 1, 'incites': 1, 'impertinent': 1, 'roccos': 1, 'perpetualmotion': 1, 'idiom': 1, 'ziembicki': 1, 'catapult': 1, 'preaidsscare': 1, 'abounded': 1, 'obliviousness': 1, 'nowoutdated': 1, 'swopes': 1, 'eighttrack': 1, 'deaky': 1, 'eddiedirks': 1, 'tiegs': 1, 'wellselected': 1, 'nostaligism': 1, 'pornographyrelated': 1, 'deemphasize': 1, 'salability': 1, 'hotbed': 1, 'carnality': 1, 'matteroffactness': 1, 'lechery': 1, 'bemusing': 1, 'lacing': 1, 'doubleedged': 1, 'hybridizes': 1, '152': 1, 'nit': 1, 'bestexecuted': 1, 'loosecannon': 1, 'compadre': 1, 'rahad': 1, 'firecracker': 1, 'giddiness': 1, 'prostration': 1, 'ulu': 1, 'grosbards': 1, 'demeanour': 1, 'sweetfaced': 1, 'prowling': 1, 'comehither': 1, 'prudish': 1, 'forbade': 1, 'cheadles': 1, 'guzmans': 1, 'acquiescence': 1, 'asserts': 1, 'reteam': 1, 'dunnes': 1, 'jeremys': 1, 'heavyhandedness': 1, 'childishness': 1, 'groveling': 1, 'stuggles': 1, 'evileyed': 1, 'attillalooking': 1, 'myagi': 1, '_will_': 1, 'idolize': 1, 'exchampion': 1, 'deity': 1, 'kauffman': 1, 'blockubuster': 1, 'hynek': 1, 'uforelated': 1, 'sonorra': 1, 'coincide': 1, 'muncie': 1, 'guiler': 1, 'lacombe': 1, 'perilous': 1, 'trumbull': 1, 'haskins': 1, 'conspiratorial': 1, 'multidimensionality': 1, 'garr': 1, 'nearys': 1, 'semiofficial': 1, 'uforesearching': 1, 'greyskinned': 1, 'crimegonewrong': 1, 'borderlinepsychotic': 1, 'cheater': 1, 'berated': 1, 'nymphomaniac': 1, 'creedence': 1, 'clearwater': 1, 'berates': 1, 'wellfunctioning': 1, 'undynamic': 1, 'knowin': 1, 'takin': 1, 'icebound': 1, 'brigantine': 1, 'traverse': 1, 'weddell': 1, 'roughest': 1, '19months': 1, 'grueling': 1, 'sled': 1, '800mile': 1, 'nitpicks': 1, 'lilting': 1, 'yearevery': 1, 'niflheim': 1, 'doin': 1, 'breezeor': 1, 'thoughtwill': 1, 'performancesalways': 1, 'enforces': 1, 'verification': 1, 'moreall': 1, 'boyhoodand': 1, 'numbskulls': 1, 'munundated': 1, 'bookfilm': 1, 'capper': 1, 'muchadmired': 1, 'itsaholocaustfilm': 1, 'itsaspielbergfilm': 1, 'lawyerly': 1, 'adandon': 1, 'lukemia': 1, 'overachievement': 1, 'zeljko': 1, 'ivanek': 1, 'thanklessly': 1, 'engulfing': 1, 'quinland': 1, 'strickler': 1, 'depsite': 1, 'noteriaty': 1, 'zallians': 1, 'prosecuted': 1, 'subtley': 1, 'generalize': 1, 'pent': 1, 'tellallshowall': 1, 'hudgeons': 1, 'riveted': 1, 'crosspollination': 1, 'untangle': 1, 'boyo': 1, 'squishy': 1, 'terrestrials': 1, 'rewritten': 1, 'identifies': 1, 'schema': 1, 'migrates': 1, 'alamo': 1, 'analogue': 1, 'gallantry': 1, 'neutralize': 1, 'castration': 1, 'prospecting': 1, 'broncobuster': 1, 'bickles': 1, 'corruptive': 1, 'mirroring': 1, 'confiscates': 1, 'shindig': 1, 'ratzos': 1, 'salami': 1, 'kowtowing': 1, 'proletarian': 1, 'relinquished': 1, 'commensurately': 1, 'excitedly': 1, 'resign': 1, 'repel': 1, 'gatsby': 1, 'atrophy': 1, 'illusory': 1, 'sfpd': 1, 'marksman': 1, 'copnew': 1, 'sarge': 1, 'tailormade': 1, 'wincotts': 1, 'rockwarner': 1, 'schwinn': 1, 'minimizing': 1, 'benignly': 1, 'firstever': 1, 'truthfulness': 1, 'dislocation': 1, 'edwin': 1, 'yip': 1, 'immaculatelywhite': 1, 'greenery': 1, 'wonderous': 1, 'cooly': 1, 'ultraviolet': 1, 'ambling': 1, 'yelp': 1, 'acclimatize': 1, 'sunbathing': 1, 'bings': 1, 'newlyreunited': 1, 'stringent': 1, 'feng': 1, 'shui': 1, 'immigration': 1, 'rejoining': 1, 'detatched': 1, 'philosopical': 1, 'droning': 1, 'lingching': 1, 'bummed': 1, 'stagnate': 1, 'indecisiveness': 1, 'amelie': 1, 'tautou': 1, 'mathieu': 1, 'colloquialism': 1, 'loveshates': 1, 'langlet': 1, '15yearold': 1, 'arielle': 1, 'dombasle': 1, 'fedoore': 1, 'atkine': 1, 'greggory': 1, 'rosette': 1, 'brosse': 1, '1969s': 1, 'mauds': 1, 'railly': 1, 'hornby': 1, 'categorizing': 1, 'sadder': 1, 'oscarnomination': 1, 'secondarily': 1, 'mysteryhorror': 1, 'unwraps': 1, 'unwinding': 1, 'pussyfoot': 1, 'brrrrrrrrr': 1, 'hollywoodian': 1, 'ahha': 1, 'tanktops': 1, 'liscinski': 1, 'aronov': 1, 'stephn': 1, 'shakier': 1, 'hookladen': 1, 'panslavic': 1, 'fawcettstyle': 1, 'fronting': 1, 'beatific': 1, 'hegwig': 1, 'overprocessed': 1, 'yitzhak': 1, 'bandmate': 1, 'bandanna': 1, 'angelicappearing': 1, 'scifikungfushootemup': 1, 'kongstyle': 1, 'roundhouse': 1, 'destabilizing': 1, 'stony': 1, 'shapeshifting': 1, 'kitchy': 1, 'shmaltzy': 1, 'thoroughlymodern': 1, 'noncommunicative': 1, 'paige': 1, 'dorrance': 1, 'disreputable': 1, 'simmering': 1, 'abundence': 1, 'reoccurrence': 1, 'twomillion': 1, 'cellmates': 1, 'mardi': 1, 'gras': 1, 'pricelessly': 1, 'exemplifying': 1, 'cling': 1, 'immeasurable': 1, 'selfacknowledgment': 1, 'yapping': 1, 'firebreathing': 1, 'inhering': 1, 'selfridicule': 1, 'adamson': 1, 'jenson': 1, 'princessogre': 1, 'oneupped': 1, 'discoera': 1, 'similarlystructured': 1, 'skidded': 1, 'kinkier': 1, 'feathery': 1, '19yearold': 1, 'gawker': 1, 'doffs': 1, 'multicharacter': 1, 'bygone': 1, 'ragstoriches': 1, 'bustle': 1, 'dow': 1, 'alteregos': 1, 'joisey': 1, 'jokersmile': 1, 'sizzle': 1, 'stringfield': 1, 'droopyeyed': 1, 'exorbitance': 1, 'ornamental': 1, 'scandalridden': 1, 'authorship': 1, 'cooney': 1, 'dustbuster': 1, 'nonclinton': 1, 'instict': 1, 'ed209': 1, 'scalvaging': 1, 'kershner': 1, 'druglord': 1, 'cyborgninja': 1, 'reccomended': 1, 'psychodrama': 1, 'perfectionist': 1, 'propositioned': 1, 'jolted': 1, 'justdeceased': 1, 'directorcumthespian': 1, 'scissorhappy': 1, 'philander': 1, 'formans': 1, 'unweaves': 1, 'dirtpoor': 1, 'entrepreneurial': 1, 'periodical': 1, '_hustler_': 1, 'railed': 1, 'preached': 1, 'incarceration': 1, 'devotedly': 1, 'apparel': 1, 'subjectivity': 1, 'occassionally': 1, 'careertopping': 1, 'stubborness': 1, 'flashier': 1, 'freetalking': 1, 'faldwell': 1, 'bornagain': 1, 'studioreleased': 1, 'gasped': 1, 'veered': 1, 'archive': 1, 'willa': 1, 'stepchild': 1, 'quartered': 1, 'flaunted': 1, 'stroller': 1, 'raheem': 1, 'crackled': 1, 'rabbinical': 1, 'depressionera': 1, 'agee': 1, 'birdie': 1, 'varden': 1, 'biblereading': 1, 'underdone': 1, 'tourism': 1, 'struthers': 1, 'kincaid': 1, 'stephanie': 1, 'disclose': 1, 'perpetuates': 1, 'agricultural': 1, 'businessminded': 1, 'dedicate': 1, 'mediator': 1, 'daytrippers': 1, 'whetted': 1, 'mousetrap': 1, '1968s': 1, 'puccini': 1, 'eyre': 1, 'wuthering': 1, 'atreus': 1, 'thenreigning': 1, 'watkin': 1, 'toplevel': 1, 'alreadybeautiful': 1, 'donnell': 1, 'treesurfs': 1, 'trannsferred': 1, 'nookeys': 1, 'campaigner': 1, 'fosdick': 1, 'wilfrid': 1, 'brambell': 1, 'steptoe': 1, 'popeye': 1, 'reinvents': 1, 'idealist': 1, 'cherryred': 1, 'catering': 1, 'barefooted': 1, 'sixpack': 1, 'competency': 1, 'pell': 1, 'begrudging': 1, 'changwei': 1, 'paneling': 1, 'leafy': 1, 'slumped': 1, 'contemptible': 1, 'lagging': 1, 'flatulent': 1, 'hussein': 1, 'allstopsout': 1, 'cartmans': 1, 'ratingsaplenty': 1, 'censoring': 1, 'notsocheap': 1, 'clearillusions': 1, 'middair': 1, 'eeriness': 1, 'malaise': 1, 'horrorlab': 1, 'penal': 1, 'mensch': 1, 'birkenau': 1, 'electrocuting': 1, 'feebleminded': 1, 'weakhearted': 1, 'penner': 1, 'antienvironmentalist': 1, 'arbuthnot': 1, 'limbaugh': 1, 'noshow': 1, 'postsnl': 1, 'moronism': 1, 'partygirl': 1, 'ditzism': 1, 'bodacious': 1, 'anticharm': 1, 'grading': 1, '8ball': 1, 'cigarsmoking': 1, 'chump': 1, 'maimed': 1, 'zig': 1, 'zag': 1, 'hairspray': 1, 'reedit': 1, 'ricki': 1, 'nealon': 1, 'fielder': 1, 'tarlov': 1, 'delorenzo': 1, 'caraccio': 1, 'warms': 1, 'snapped': 1, 'fishnetstocking': 1, 'hinwood': 1, 'franknfurters': 1, 'magenta': 1, 'likability': 1, 'garter': 1, 'fishnet': 1, 'singable': 1, 'catchiness': 1, 'sharman': 1, 'menaced': 1, 'writerperformer': 1, 'interactivity': 1, 'clicking': 1, 'contracting': 1, 'pneumonia': 1, 'halfnaked': 1, 'prompter': 1, 'jackstyled': 1, 'madlibs': 1, 'styled': 1, 'literock': 1, 'popup': 1, 'loafsung': 1, 'patootie': 1, 'obriens': 1, 'undressing': 1, 'unbuttoning': 1, 'bostwicks': 1, 'completist': 1, 'misprinted': 1, 'polltakers': 1, 'nonissue': 1, 'fruitition': 1, 'welladvised': 1, 'adolescentminded': 1, 'moralize': 1, 'sermonize': 1, 'dogmatism': 1, 'koran': 1, 'chicanery': 1, 'extinguisher': 1, 'burningbush': 1, 'mew': 1, 'riffini': 1, 'isaach': 1, 'sublimely': 1, 'americanitalian': 1, 'archaic': 1, 'iconoclast': 1, 'precept': 1, 'lugubriously': 1, 'punctuating': 1, 'hypercolorized': 1, 'permanence': 1, 'antimovie': 1, 'asserting': 1, 'fulcrum': 1, 'slovenly': 1, 'chapped': 1, 'sweatshirt': 1, 'monklike': 1, 'pleasureless': 1, 'distilling': 1, 'roshomonlike': 1, 'roshomon': 1, 'jarmuschs': 1, 'jamusch': 1, 'rappercomposer': 1, 'rza': 1, 'dichotomous': 1, 'strengthen': 1, 'ruffini': 1, 'husk': 1, 'misinterprets': 1, 'problematically': 1, 'sightseeing': 1, 'lapaine': 1, 'sittingducks': 1, 'meting': 1, 'prisonbound': 1, 'noiresque': 1, 'lawyerfixer': 1, 'pullam': 1, 'thaiborn': 1, 'partnerwife': 1, 'incompletely': 1, 'tensionas': 1, 'foredoomed': 1, 'timeconstrained': 1, 'freedomin': 1, 'subthemes': 1, 'yin': 1, 'cleareyed': 1, 'ontrack': 1, 'moat': 1, 'visitorsfriends': 1, 'openness': 1, 'dars': 1, 'nativeborn': 1, 'hellhole': 1, 'sunlit': 1, 'beckinsales': 1, 'magistrate': 1, 'womanfemale': 1, 'barnyard': 1, 'squealed': 1, 'reproduced': 1, 'rafting': 1, 'outdoorsman': 1, 'boonetype': 1, 'canoeing': 1, 'unexperienced': 1, 'sodomized': 1, 'disposing': 1, 'latched': 1, 'pachanga': 1, 'rediscovers': 1, 'bracket': 1, 'legit': 1, 'borne': 1, 'copacabana': 1, 'gobetween': 1, 'condescension': 1, 'jeezus': 1, 'haysoos': 1, 'postpostfeminist': 1, 'rebuked': 1, 'cinematographr': 1, 'carpetpissers': 1, 'vikingbowling': 1, 'immortalizing': 1, 'dougherty': 1, 'rejuvenating': 1, 'bubblebath': 1, 'mountaintops': 1, 'verdant': 1, 'monitored': 1, 'indefinantly': 1, 'youthrestoring': 1, 'crewmates': 1, 'reassume': 1, 'androidwishingtobehuman': 1, 'iithe': 1, 'everbut': 1, 'anijs': 1, 'unsuspenseful': 1, 'critictype': 1, 'mcfly': 1, 'griff': 1, '2015': 1, 'authentically': 1, 'copasetic': 1, '1955': 1, 'relling': 1, 'reveling': 1, 'polarize': 1, 'pseudoclimax': 1, 'gomorrah': 1, 'slithery': 1, 'lfe': 1, 'codification': 1, 'lattitude': 1, 'bulleye': 1, 'documentarian': 1, 'bijou': 1, 'whiteowned': 1, 'homies': 1, 'donager': 1, 'ebb': 1, 'tamer': 1, 'donagers': 1, 'degrades': 1, 'garths': 1, 'lipsync': 1, 'ymca': 1, 'badlydubbed': 1, 'watermelon': 1, 'manageable': 1, 'eas': 1, 'bilinguallysubtitled': 1, 'seng': 1, 'periodpiece': 1, 'moviesthe': 1, 'allbutillegible': 1, 'spiriting': 1, 'overworking': 1, 'underpaying': 1, 'filmfeihongs': 1, 'supplicate': 1, 'identicallywrapped': 1, 'medicinal': 1, 'lackies': 1, 'lau': 1, 'loyalist': 1, '_are_': 1, 'fightsespecially': 1, 'endin': 1, '_least_': 1, 'quicktime': 1, 'beforealmost': 1, 'distaste': 1, 'majpr': 1, 'stowed': 1, 'focussed': 1, 'lightmoodseriousmood': 1, 'analogous': 1, 'paved': 1, 'skgs': 1, 'kiddieoriented': 1, 'smuntz': 1, 'hickey': 1, 'upkeep': 1, '60some': 1, 'smuntzs': 1, 'architecturallyunsound': 1, 'everaffable': 1, 'calcium': 1, 'gouda': 1, 'speakeasy': 1, 'raided': 1, 'ratted': 1, 'joejosephine': 1, 'loonier': 1, 'pitchperfect': 1, 'contemporizing': 1, 'desi': 1, 'brable': 1, 'kaaya': 1, 'othello': 1, 'iago': 1, 'kaayas': 1, 'profanefilled': 1, 'eroding': 1, 'erosion': 1, 'tillmans': 1, 'befalls': 1, 'ahmads': 1, 'beleiveable': 1, 'informationsomething': 1, 'signup': 1, 'psychtests': 1, 'physicals': 1, 'revelationwhen': 1, 'incredibility': 1, 'psycholically': 1, 'desparation': 1, 'pheiffer': 1, 'tbirds': 1, 'schmo': 1, 'reeling': 1, 'sweathog': 1, 'lorenzo': 1, 'fonzie': 1, 'woofest': 1, 'newtonjohns': 1, 'easton': 1, 'fastidious': 1, 'scrub': 1, 'exfoliating': 1, 'catholicrattling': 1, 'comprising': 1, 'sweathogs': 1, 'speakeasytype': 1, 'oreomunching': 1, 'goulash': 1, 'knish': 1, 'heavilyaccented': 1, 'petrovsky': 1, 'facilitates': 1, 'channeling': 1, 'maduro': 1, 'apprise': 1, 'nastytempered': 1, 'spacefaring': 1, 'emigrant': 1, 'thingsgoneawry': 1, 'aliensashuman': 1, 'cockroachlike': 1, 'crustier': 1, 'protectearthfromdestruction': 1, 'darndest': 1, 'parameter': 1, 'earthhangsinthebalance': 1, 'wierdness': 1, 'atomizer': 1, 'slimesplattering': 1, 'odder': 1, 'seenitall': 1, 'dorothys': 1, 'ewwwws': 1, 'blechhhs': 1, 'aaaahhhs': 1, 'unsurpassed': 1, 'grossest': 1, 'hottie': 1, 'notreallyallthatfunny': 1, 'gantry': 1, 'peachcolored': 1, 'hitlist': 1, 'rebaptizes': 1, 'tithe': 1, 'toosie': 1, 'sucess': 1, 'bassingers': 1, 'twinky': 1, 'interogation': 1, 'reevaluate': 1, 'nearmasterpiece': 1, '2010': 1, 'captained': 1, 'soontobedivorced': 1, 'partway': 1, 'intersecting': 1, 'exhubby': 1, 'maligned': 1, 'spellbound': 1, 'eszterhaz': 1, 'sexfilled': 1, 'tabloidish': 1, 'genitalia': 1, 'thisi': 1, 'oceanic': 1, 'findshe': 1, 'sceneeven': 1, 'sceneis': 1, 'sleazefest': 1, 'adventuredrama': 1, 'tab': 1, 'tzudiker': 1, 'noni': 1, 'darwanism': 1, 'fullgrown': 1, 'archimedes': 1, 'safari': 1, 'claytons': 1, 'mistakefree': 1, 'incurring': 1, 'frightfulness': 1, 'alltoowilling': 1, 'xv': 1, 'pierreaugustin': 1, 'figaro': 1, 'lavishness': 1, 'segonzacs': 1, 'fabrice': 1, 'luchini': 1, 'mesmerizes': 1, 'deviousness': 1, 'judgeship': 1, 'docket': 1, 'luchinis': 1, 'gudin': 1, 'manuel': 1, 'blanc': 1, 'kerdelhues': 1, 'petits': 1, 'brisville': 1, 'edouard': 1, 'molinaro': 1, 'guitry': 1, 'disorganization': 1, 'sandrine': 1, 'kiberlain': 1, 'marietherese': 1, 'beaumarchaiss': 1, 'protesting': 1, 'bozo': 1, 'defacing': 1, 'bladerunnerrobocop': 1, 'megabudgeted': 1, 'highcalorie': 1, '65': 1, 'weakening': 1, 'walloping': 1, 'joltinducers': 1, 'carded': 1, 'beasties': 1, 'spiderscorpioncrab': 1, 'kenandbarbie': 1, 'crowddrawer': 1, 'revitalise': 1, '1272': 1, '1305': 1, 'longshanks': 1, 'ius': 1, 'primae': 1, 'noctis': 1, 'murron': 1, 'maccormack': 1, 'murrons': 1, 'garrison': 1, '1298': 1, 'pretender': 1, 'fairytalelike': 1, 'naturalistically': 1, 'ultranaturalistic': 1, 'idolising': 1, 'isabel': 1, 'leprosystricken': 1, 'balliol': 1, 'homophobia': 1, 'conservatism': 1, 'hanly': 1, 'aldous': 1, 'huxley': 1, 'insufficient': 1, 'prospected': 1, 'donned': 1, 'stats': 1, 'retentive': 1, 'semiwily': 1, 'dystopian': 1, 'cooled': 1, 'inhumanity': 1, 'gilliamesque': 1, '12fingered': 1, 'selfstaged': 1, 'airbrushed': 1, 'onassis': 1, 'gloat': 1, 'trumpeted': 1, 'sl': 1, 'outhouse': 1, 'lionizing': 1, 'candycoated': 1, 'quasipopular': 1, 'rougly': 1, 'mechanicallychallenged': 1, 'surrandon': 1, 'scariestlooking': 1, 'singlemother': 1, 'barclay': 1, 'utlizes': 1, 'exprience': 1, 'horor': 1, 'quasicampy': 1, 'parodyish': 1, 'snls': 1, 'glamorize': 1, 'vishnu': 1, 'predicate': 1, 'hegel': 1, 'ineffable': 1, 'unassailable': 1, 'jhvh': 1, 'heydey': 1, 'forego': 1, 'unmitigated': 1, 'unchallenged': 1, 'parenthetically': 1, 'absolutist': 1, 'assailing': 1, 'sacrament': 1, 'authoritarianism': 1, 'internalize': 1, 'internalized': 1, 'expurgating': 1, 'stridency': 1, 'hyberboreanswe': 1, 'hyberboreans': 1, 'pindar': 1, 'deathour': 1, 'illwe': 1, 'dirtiness': 1, 'largeur': 1, 'sirocco': 1, 'southwinds': 1, 'tertiary': 1, 'quaternary': 1, 'gayles': 1, 'uncritical': 1, 'exemplify': 1, 'fantasized': 1, 'commute': 1, 'nother': 1, 'barreness': 1, 'skittish': 1, 'paraphrased': 1, 'cummin': 1, 'expunging': 1, 'solipsism': 1, 'scagnettis': 1, 'pubic': 1, 'reincarnated': 1, 'antilife': 1, 'emil': 1, 'reingold': 1, 'gayle': 1, 'sickest': 1, 'promiscuity': 1, 'murdochesque': 1, 'mogulpsychotic': 1, 'cru': 1, 'cassanovaness': 1, 'aidscautionary': 1, 'almostcameo': 1, 'teris': 1, 'arianlooking': 1, 'goetz': 1, 'shiavelli': 1, 'motorcylce': 1, 'wilyness': 1, 'sometimestedious': 1, 'oftenmoving': 1, 'diarist': 1, 'mostfamous': 1, 'adolph': 1, 'miep': 1, 'gy': 1, 'excepts': 1, 'powerlessness': 1, 'indigenous': 1, 'conejo': 1, 'gonz': 1, 'lez': 1, 'jeered': 1, 'alc': 1, 'zar': 1, 'graciela': 1, 'tania': 1, 'longerthannecessary': 1, 'unloaded': 1, 'twentiethcentury': 1, 'texasmexico': 1, 'bordertown': 1, 'slavomir': 1, 'portillos': 1, '10week': 1, 'screamesque': 1, 'seediness': 1, 'stoneish': 1, 'dreamsfantasies': 1, 'freemason': 1, 'surrendering': 1, 'brrrrr': 1, 'stalingrad': 1, 'russiangerman': 1, 'motherland': 1, 'prospers': 1, 'onenotedom': 1, 'sniping': 1, 'jeanjacques': 1, 'annaud': 1, 'reestablishing': 1, 'theymightbecaught': 1, 'possibilites': 1, 'coveringup': 1, 'immeadiate': 1, 'handswashing': 1, 'lowangle': 1, 'sift': 1, 'depletion': 1, 'stamping': 1, 'streeming': 1, 'distractedness': 1, 'rifleshot': 1, 'dimwittedness': 1, 'fullcondescension': 1, 'acception': 1, 'nearsweetness': 1, 'picturing': 1, 'chelcie': 1, 'charactercontrolled': 1, 'protestation': 1, 'clam': 1, 'curdling': 1, 'ilah': 1, 'generational': 1, 'kristens': 1, 'dorns': 1, 'substantiated': 1, 'adherent': 1, 'nasties': 1, 'norrington': 1, 'delievered': 1, 'vaticansponsored': 1, 'battleworn': 1, 'supervampire': 1, 'jakoby': 1, 'wittiest': 1, 'jeopardise': 1, 'vukovich': 1, 'pankow': 1, 'gerrald': 1, 'petievich': 1, 'utilised': 1, 'millieu': 1, 'ultramaterialistic': 1, 'ruthlessness': 1, 'fibber': 1, 'feuer': 1, 'darlanne': 1, 'fleugel': 1, 'chung': 1, 'outweighs': 1, 'trekfanonly': 1, 'nontrekkies': 1, 'dispel': 1, 'beginningwhile': 1, 'peacenik': 1, 'apathetic': 1, 'drubbing': 1, 'vegasstyle': 1, 'materialism': 1, 'cmaerons': 1, 'specfically': 1, 'alonehis': 1, 'powerto': 1, 'machinea': 1, 'pressto': 1, 'vanquish': 1, 'inescapableand': 1, 'humanizing': 1, 'winfields': 1, 'henriksens': 1, 'antagonistunstoppable': 1, 'obdurate': 1, 'hurds': 1, 'movingusually': 1, 'heartpull': 1, 'outgrosses': 1, 'endoskeleton': 1, 'lovetrianglerevenge': 1, 'discharging': 1, 'skitters': 1, 'deadguyseemstohavecomebacktolifebutthenwefindoutitsonlyadream': 1, 'nonexploitative': 1, 'coenheads': 1, 'bendix': 1, 'stuffexcept': 1, 'goldwhen': 1, 'sundry': 1, 'comedyit': 1, 'soong': 1, 'worldwhat': 1, 'poled': 1, 'americanchinese': 1, 'resignedly': 1, 'impatience': 1, 'greenerand': 1, 'poppop': 1, 'evelyns': 1, 'unlocks': 1, 'arising': 1, 'beefed': 1, 'hannahs': 1, 'monsieur': 1, 'facefirst': 1, 'defeaningly': 1, 'disconnecting': 1, 'directorcowriter': 1, 'uboats': 1, 'uboat': 1, 'surroundsound': 1, 'dahlgren': 1, 'erik': 1, 'palladino': 1, '_titanic_': 1, 'thirteeth': 1, '_matrix_': 1, 'foreseen': 1, 'repays': 1, 'goodnight_': 1, '_casablanca_': 1, 'hairline': 1, 'imperiously': 1, '_amadeus_': 1, 'like_blade': 1, '_very_small_': 1, 'accountability': 1, 'xenophobe': 1, 'animalhater': 1, 'chronically': 1, 'bullied': 1, 'topsyturvey': 1, 'sequestered': 1, 'ritualistically': 1, 'retreated': 1, 'grouchiness': 1, 'wellness': 1, 'bucketsful': 1, 'retracing': 1, 'teenstyled': 1, 'geekish': 1, 'chutzpah': 1, 'outstripped': 1, 'partowner': 1, 'greenlighted': 1, 'expending': 1, 'knockedout': 1, 'fullspeed': 1, 'copyrighted': 1, 'cachet': 1, 'noteperfect': 1, 'flashynewthing': 1, 'catalyzes': 1, 'uneasieness': 1, 'crystallized': 1, 'screed': 1, 'retention': 1, 'wrongheaded': 1, 'profiteer': 1, 'abstraction': 1, 'sappiest': 1, 'seatofthepants': 1, 'loopiness': 1, 'bellylaughs': 1, 'reflexivity': 1, 'mindbender': 1, 'humility': 1, 'concurrent': 1, 'howdy': 1, 'doodyish': 1, 'openingnight': 1, 'nearuproar': 1, 'alacrity': 1, 'totfriendly': 1, 'unkrich': 1, 'docter': 1, 'hsaio': 1, 'calahan': 1, 'insinuated': 1, 'sven': 1, 'nykvist': 1, 'hedge': 1, 'foodmart': 1, 'steenburgens': 1, 'offkey': 1, 'regurgitates': 1, 'naif': 1, 'schellhardt': 1, '750': 1, 'soderburgh': 1, 'granttype': 1, 'aintisexy': 1, 'elevates': 1, 'lopezs': 1, 'popin': 1, '120th': 1, 'coinage': 1, 'edict': 1, 'sighing': 1, 'dreading': 1, 'valor': 1, 'stead': 1, 'burner': 1, 'fe': 1, 'attila': 1, 'piety': 1, 'wahoo': 1, 'perused': 1, 'firstsemester': 1, 'falks': 1, 'prescripted': 1, '107yearold': 1, 'withgaspa': 1, 'achieveing': 1, 'niftiest': 1, 'nonsupernatural': 1, 'mildewlike': 1, 'taguchis': 1, 'lifeforce': 1, 'junichiro': 1, 'semilighting': 1, 'jerkules': 1, 'boastful': 1, 'percussionheavy': 1, 'turnabout': 1, 'aloneuntil': 1, 'imagerycel': 1, 'animted': 1, 'villiany': 1, 'ithe': 1, 'blesseds': 1, 'scatting': 1, 'shoobedoo': 1, 'dabedah': 1, 'unsanitary': 1, 'flatuencethat': 1, 'unbelieveably': 1, 'egar': 1, 'doomsaying': 1, 'cuteified': 1, 'stirrup': 1, '500like': 1, 'ratcheted': 1, 'mosteagerly': 1, 'nineepisode': 1, 'storywriting': 1, 'forceloving': 1, 'demystify': 1, 'mislead': 1, '25andunder': 1, 'jeesh': 1, 'gil': 1, 'krumholtz': 1, 'shakespeareobsessed': 1, 'mandella': 1, 'plath': 1, 'badboy': 1, 'multidimensions': 1, 'unformal': 1, 'harlequin': 1, 'underwhelmed': 1, 'whelmed': 1, 'perfectlyassembled': 1, 'indierock': 1, 'flawlesslyacted': 1, 'directorproducer': 1, 'baction': 1, 'actorsdirectorsproducers': 1, 'superflous': 1, 'raj': 1, 'evicted': 1, 'beachfront': 1, 'bartellemeo': 1, 'pistella': 1, 'donatelli': 1, 'donato': 1, 'heisted': 1, 'boyfriendcoppartner': 1, 'sandoval': 1, 'fanaro': 1, 'drywitted': 1, 'phallus': 1, 'spa': 1, 'statesman': 1, 'carreer': 1, 'suppoosed': 1, 'potentiality': 1, 'consolidate': 1, 'magisterial': 1, 'rhyitm': 1, 'uninterest': 1, 'autonomy': 1, 'inteligence': 1, 'equalizes': 1, '77yearold': 1, 'amourlast': 1, 'marienbadm': 1, 'britisher': 1, 'demy': 1, 'cherbourg': 1, 'rochefort': 1, 'resnaiss': 1, 'hinders': 1, 'piaf': 1, 'chevalier': 1, 'amberlike': 1, 'embellished': 1, 'sabine': 1, 'az': 1, 'arditi': 1, '8years': 1, 'dussolier': 1, 'duveyrier': 1, 'jaouis': 1, 'paladru': 1, 'selfcontrol': 1, 'odiles': 1, 'resonation': 1, 'killorbekilled': 1, 'keyed': 1, 'reaganera': 1, 'relayed': 1, 'elevating': 1, 'axiomatic': 1, 'purported': 1, 'timeliness': 1, 'plumped': 1, 'smirked': 1, 'presuming': 1, 'slipperysmooth': 1, 'superjudgmental': 1, 'poweroriented': 1, 'whereupon': 1, 'headhunter': 1, 'glengary': 1, 'detrimental': 1, 'belittles': 1, 'thump': 1, 'phonepitch': 1, 'victimizer': 1, 'streetlike': 1, 'salespitch': 1, 'diesl': 1, 'lookin': 1, 'sorrowful': 1, 'boohoo': 1, 'decalogue': 1, 'veronique': 1, 'triptych': 1, 'missescatches': 1, 'diverge': 1, 'reconverge': 1, 'platinumblond': 1, 'severs': 1, 'telecommunication': 1, 'unimpeachable': 1, 'actualization': 1, 'whitehot': 1, 'beastie': 1, 'objecting': 1, 'devolved': 1, 'courteous': 1, 'entrylevel': 1, 'lestercorp': 1, 'floris': 1, 'whooshed': 1, 'ejected': 1, 'rummaging': 1, 'malkovisits': 1, 'tweak': 1, 'selfdeprecating': 1, 'schlub': 1, 'unconscionable': 1, 'kenner': 1, 'pedophilic': 1, 'asparagus': 1, 'voyeurnextdoor': 1, 'mantel': 1, 'selfexploration': 1, 'pictureperfect': 1, 'oldie': 1, 'impartially': 1, 'dontmesswithmylifeandiwontmesswithyours': 1, 'licentious': 1, 'enchantingly': 1, 'imr': 1, 'skirting': 1, 'messier': 1, 'pillaged': 1, 'encapsulated': 1, 'conscript': 1, 'cartoonishly': 1, 'daggeredged': 1, 'dipping': 1, 'revisitings': 1, 'iconography': 1, 'invoking': 1, 'pseudoasian': 1, 'beancurd': 1, 'intrinsics': 1, 'pridefully': 1, 'audiencefriendly': 1, 'neofeminist': 1, 'unimaginatively': 1, 'dissuasive': 1, 'briskly': 1, 'exgangsta': 1, 'koolaid': 1, 'squat': 1, 'tyrese': 1, 'vj': 1, 'sympathized': 1, 'taraji': 1, 'bitchie': 1, 'jodys': 1, 'bracken': 1, 'veronicca': 1, 'chisselled': 1, 'stomachturning': 1, 'heroantihero': 1, 'unrepentant': 1, 'unidolizable': 1, 'drifted': 1, 'goad': 1, 'soldering': 1, 'unaffected': 1, 'comissioned': 1, 'neonoirs': 1, 'folded': 1, 'unarguable': 1, 'exercising': 1, 'espouses': 1, 'levien': 1, 'koppelman': 1, 'partiallyrealized': 1, 'watershed': 1, 'sexualized': 1, 'cosby': 1, 'nonunion': 1, 'mppa': 1, 'xrating': 1, 'valenti': 1, 'politicallycharged': 1, 'mumu': 1, 'evades': 1, 'disassociates': 1, 'ebony': 1, 'denouncing': 1, 'frontandcenter': 1, 'documentarylike': 1, 'syringe': 1, 'liddle': 1, 'tatopolous': 1, '1920s60s': 1, 'dickensera': 1, 'nighthawk': 1, 'quay': 1, 'increment': 1, 'caffeinated': 1, 'telekinetically': 1, 'nonliteral': 1, 'iroquois': 1, 'timelessness': 1, 'fuckyou': 1, 'writerperformers': 1, 'smartsassy': 1, 'bruklin': 1, 'galvanizing': 1, 'interned': 1, 'shellshocked': 1, 'incompleteits': 1, 'passengerside': 1, 'scrawling': 1, 'heckler': 1, 'tormentor': 1, 'audre': 1, 'lorde': 1, 'callin': 1, 'consort': 1, 'stipe': 1, 'tourfilm': 1, 'onceremoved': 1, 'inseperable': 1, 'capano': 1, 'measly': 1, 'codefendant': 1, 'noncomedic': 1, 'incourt': 1, 'treasureseeking': 1, 'napoleon': 1, 'agamemnon': 1, 'oceangoing': 1, 'postponement': 1, 'harddriven': 1, 'rehabilitating': 1, 'equine': 1, 'faithhealing': 1, 'undeterred': 1, 'headingbut': 1, 'neillbetter': 1, 'beforeround': 1, 'azure': 1, 'wheatall': 1, 'viewfinder': 1, 'barrys': 1, 'conditionssonorous': 1, 'stringladen': 1, 'earlygoings': 1, 'kinsella': 1, 'depletes': 1, 'comebringing': 1, 'vehemently': 1, 'sox': 1, 'lancaster': 1, 'kinsellas': 1, 'fantasyone': 1, 'chiming': 1, 'roscoe': 1, 'soothingly': 1, 'arkfull': 1, 'urbanites': 1, 'pelican': 1, 'imbued': 1, 'animalloving': 1, 'spinster': 1, 'dismaying': 1, 'wellkept': 1, 'putit': 1, 'fablelike': 1, 'architectural': 1, 'gondolatrekked': 1, 'moriceaus': 1, 'exotically': 1, 'flooms': 1, 'lesnies': 1, 'deleting': 1, 'appeased': 1, 'felliniesque': 1, 'pseudomorbidity': 1, 'lorenzos': 1, 'upgrade': 1, 'expended': 1, 'incubator': 1, 'plugged': 1, 'freedomfighters': 1, 'eyeful': 1, 'outpace': 1, 'internationallyacclaimed': 1, 'sculptorrussian': 1, 'swirl': 1, 'backto': 1, 'locus': 1, 'autumnal': 1, 'brightlycolored': 1, 'startlingbuteffective': 1, 'assuaged': 1, 'cristof': 1, 'bushido': 1, 'maximal': 1, 'accountable': 1, 'comparatively': 1, 'tenko': 1, 'godawa': 1, 'marched': 1, 'raillaying': 1, 'sadism': 1, '20somethings': 1, 'lurve': 1, 'chatup': 1, 'vaughns': 1, 'cringeworhy': 1, 'categorization': 1, 'nationstate': 1, 'retaliating': 1, 'tomahawk': 1, 'ladens': 1, 'agentincharge': 1, 'curtail': 1, 'authorizes': 1, 'constitutionality': 1, 'invocation': 1, 'menno': 1, 'meyjes': 1, 'evidencing': 1, 'scorewriter': 1, 'arabianthemed': 1, 'irishsounding': 1, 'snigger': 1, 'deplore': 1, 'unbeknown': 1, 'amercian': 1, 'mideast': 1, 'renards': 1, 'valentin': 1, 'zukovsky': 1, 'llewelyns': 1, 'nc17rated': 1, 'infidelitous': 1, 'manip': 1, 'ulation': 1, 'natassja': 1, 'sexmaniac': 1, 'disserve': 1, 'collectively': 1, 'floridaset': 1, 'sexbomb': 1, 'kidnaping': 1, 'jailbait': 1, 'alluringly': 1, 'stanwyckgloria': 1, 'tantalizingly': 1, 'everlikeable': 1, 'repopular': 1, 'revelationheavy': 1, 'sinker': 1, 'aol': 1, 'superbookstores': 1, 'charmmeter': 1, 'boinked': 1, 'kafkaism': 1, 'bonet': 1, 'extinguishing': 1, 'chilled': 1, 'exacty': 1, 'fivesecond': 1, 'notbad': 1, 'clancyesque': 1, 'ocious': 1, 'demolish': 1, 'ultramodern': 1, 'scavenger': 1, 'imrie': 1, 'arrietty': 1, 'newbigin': 1, 'peagreen': 1, 'felton': 1, '4inch': 1, 'childrenonly': 1, 'edelman': 1, 'dowd': 1, 'solon': 1, 'glickman': 1, 'panavision': 1, 'prefecture': 1, 'cui': 1, 'rong': 1, 'guang': 1, 'nymphet': 1, 'calgary': 1, 'reverence': 1, 'obrian': 1, 'drunkenness': 1, 'angstfilled': 1, 'divisible': 1, 'eightly': 1, 'dancesong': 1, '82': 1, 'performig': 1, 'tutu': 1, 'successfuly': 1, 'imelda': 1, 'staunton': 1, 'alphonsia': 1, 'innerfriend': 1, 'dysfuntional': 1, 'subtely': 1, 'anticlassics': 1, 'stupidfun': 1, 'phyllida': 1, 'lauries': 1, 'seperation': 1, 'joust': 1, 'balto': 1, 'steigs': 1, 'genericized': 1, 'schilling': 1, 'muffin': 1, 'bobbly': 1, 'antennaelike': 1, 'princessguarding': 1, 'opportunies': 1, 'tomboyish': 1, 'turnstyle': 1, 'undisneyish': 1, 'duetting': 1, 'motownsinging': 1, 'lithgows': 1, 'heightchallenged': 1, 'mononoke': 1, 'oohs': 1, 'aahs': 1, 'bridal': 1, 'coladas': 1, 'recollect': 1, 'resteraunt': 1, 'mooch': 1, 'dispare': 1, 'semisuccessful': 1, 'desperatly': 1, 'getsoff': 1, 'smokey': 1, 'burbon': 1, 'retroactive': 1, 'fieryhaired': 1, 'franka': 1, 'moritz': 1, 'tykwer': 1, 'supercharged': 1, 'scintillating': 1, 'kraup': 1, 'rohde': 1, 'griebe': 1, 'bonnefroy': 1, 'lightningfast': 1, 'guardrail': 1, 'onethird': 1, 'buries': 1, 'transcending': 1, 'pettiness': 1, 'cohesiveness': 1, 'blanketing': 1, 'mystifying': 1, 'overemphasizing': 1, 'nailbitingly': 1, 'misjudgment': 1, 'deride': 1, 'quicklypaced': 1, 'selfsatisfaction': 1, 'papaya': 1, 'yenkhe': 1, 'ngo': 1, 'quanq': 1, 'nguyen': 1, 'nhu': 1, 'quynh': 1, 'quoc': 1, 'chu': 1, 'ngoc': 1, 'habitual': 1, 'botanical': 1, 'khanh': 1, 'manh': 1, 'cuong': 1, 'tuan': 1, 'hais': 1, 'serenity': 1, 'cyclic': 1, 'pingbin': 1, 'courtyard': 1, 'styling': 1, 'lapsing': 1, 'yellowish': 1, 'storydriven': 1, 'starringliam': 1, 'directorgeorge': 1, 'hut': 1, 'jonn': 1, 'sebulba': 1, 'ratlike': 1, 'bagger': 1, 'swindled': 1, 'audiencepleasing': 1, 'glasgow': 1, 'vacancy': 1, 'unnerve': 1, 'flinch': 1, 'awarding': 1, 'halfgrabbing': 1, 'guttural': 1, 'lowlit': 1, 'slavehood': 1, 'licked': 1, 'presumedly': 1, 'sortaredux': 1, 'andrei': 1, 'tarkofsky': 1, 'cosmonaut': 1, 'commited': 1, 'regretting': 1, 'conisderation': 1, 'notinconsiderable': 1, 'moustached': 1, 'verging': 1, 'castingagainsttype': 1, 'centrestage': 1, 'viv': 1, 'movingly': 1, 'fatherinlaws': 1, 'wellplanned': 1, 'carpark': 1, 'buymore': 1, 'consumptioncrazy': 1, 'glamourous': 1, 'determinedly': 1, 'nbk': 1, 'whitefenced': 1, 'identikit': 1, 'yankovics': 1, 'hostess': 1, 'twinkie': 1, 'bun': 1, 'smartalec': 1, 'vhf': 1, 'networkaffiliate': 1, 'fletcherchannel': 1, 'illnatured': 1, 'ownerveteran': 1, 'movieseverything': 1, 'wrencher': 1, 'airplanetype': 1, 'spadowskis': 1, 'playhouse': 1, 'mixedup': 1, 'foreignexchange': 1, 'drescher': 1, 'finklestein': 1, '62s': 1, 'alakina': 1, 'serviceman': 1, 'photosensitivity': 1, 'fionnula': 1, 'tuttle': 1, 'enveloped': 1, 'worshiper': 1, 'finkbine': 1, 'tranquilizer': 1, 'withing': 1, 'telss': 1, 'beneficial': 1, 'runningjumping': 1, 'scence': 1, 'concise': 1, 'totty': 1, 'nineteeneighties': 1, 'milagro': 1, 'beanfield': 1, 'magicrealism': 1, 'newlybroken': 1, 'authoritive': 1, 'thawed': 1, 'mattertheir': 1, 'installs': 1, 'vaporize': 1, 'potatoe': 1, 'taime': 1, 'moi': 1, 'charme': 1, 'huggan': 1, 'viii': 1, 'handinmarriage': 1, 'reeking': 1, 'averse': 1, 'liased': 1, 'lodgerley': 1, 'lecherous': 1, 'blondie': 1, 'loverboy': 1, 'wholo': 1, 'prided': 1, 'transistor': 1, 'halfscared': 1, 'cupacoffee': 1, 'somewhatchildish': 1, 'ciggy': 1, 'whatre': 1, 'unfounded': 1, 'coconut': 1, 'seething': 1, 'couplet': 1, 'iambic': 1, 'pentameter': 1, 'fennymann': 1, 'financiallyoriented': 1, 'searing': 1, 'rozencrantz': 1, 'boundless': 1, 'openlyhomosexual': 1, 'apothecary': 1, 'quibbling': 1, 'titantic': 1, 'categorized': 1, 'hundredyearold': 1, 'snobbishness': 1, 'itinerant': 1, 'promenade': 1, 'loathes': 1, 'finace': 1, 'lamonts': 1, 'planningtoretire': 1, 'brighthot': 1, 'gash': 1, 'ninetenths': 1, 'toothpaste': 1, 'snowencrusted': 1, 'enumerates': 1, 'peyton': 1, 'dannas': 1, 'goalsit': 1, 'classifying': 1, 'deliversmeaningful': 1, 'relentlessness': 1, 'alltoorealistic': 1, 'bottins': 1, 'alwaysgrisly': 1, 'nottobeunderestimated': 1, 'conducive': 1, 'largerissue': 1, 'popbroadway': 1, 'abider': 1, 'extorts': 1, 'omitting': 1, 'dims': 1, 'pornogrpahy': 1, 'resuscitate': 1, 'bussing': 1, 'omnipresence': 1, 'doesnut': 1, 'hadnut': 1, 'experess': 1, 'dysfuntion': 1, 'cuckold': 1, 'endowment': 1, 'fullfill': 1, 'lulled': 1, 'popstar': 1, 'preachiness': 1, 'itus': 1, 'thereus': 1, 'youull': 1, 'adian': 1, 'estefan': 1, 'secondgrade': 1, 'estrogenic': 1, 'guasparis': 1, 'lifealtering': 1, 'casuality': 1, 'edifying': 1, 'vannesa': 1, 'archnemesis': 1, 'regis': 1, 'pinkie': 1, '600pound': 1, 'shagless': 1, 'lazer': 1, 'mustafa': 1, 'alotta': 1, 'fagina': 1, 'sidesplittingly': 1, 'obesity': 1, 'gritted': 1, 'optimistically': 1, 'starphoenix': 1, 'saskatoon': 1, 'sk': 1, 'finalist': 1, 'ytv': 1, 'teentargeted': 1, 'malfunctioning': 1, 'timemachine': 1, 'cretaceous': 1, 'modify': 1, 'drizzling': 1, 'confer': 1, 'unspool': 1, 'secondstring': 1, 'anvil': 1, 'slouched': 1, 'apprehensively': 1, 'splotty': 1, 'submerge': 1, 'stimulates': 1, 'connectthedots': 1, 'jocky': 1, 'controlfreak': 1, 'nonetoosubtly': 1, 'guenveur': 1, 'frightfest': 1, 'murdererontheloose': 1, 'sugarland': 1, 'naturalborn': 1, 'spielbergian': 1, 'bigotry': 1, 'effectsloaded': 1, 'threeplus': 1, 'rigorously': 1, 'lionhearted': 1, 'eastward': 1, 'northward': 1, 'repute': 1, 'aligned': 1, 'amplify': 1, 'occasionallyhumorous': 1, 'seeminglystrange': 1, 'subhuman': 1, 'proslavery': 1, 'claimant': 1, 'americanspanish': 1, 'spineless': 1, 'sycophant': 1, 'emotionallycrippled': 1, 'goeth': 1, 'chaseriboud': 1, 'upsurge': 1, 'illuminated': 1, 'nabbed': 1, 'mantlepiece': 1, 'reparation': 1, 'hotheaded': 1, 'trampy': 1, 'ultraeccentric': 1, 'milehigh': 1, 'marmet': 1, 'berkeleyesque': 1, 'bounteous': 1, 'cleanest': 1, 'hungus': 1, 'downloaded': 1, 'delete': 1, 'megabyte': 1, 'staggeringly': 1, 'compardre': 1, 'dietrich': 1, 'hasslers': 1, 'reclining': 1, '5671': 1, 'potrayal': 1, 'duelling': 1, 'platformprison': 1, 'trumpeting': 1, 'redcarpet': 1, 'beautician': 1, 'frenchie': 1, 'didi': 1, 'conn': 1, 'tellitlikeitis': 1, 'arden': 1, 'fontaine': 1, 'edd': 1, 'dinah': 1, 'manhoff': 1, 'olsson': 1, 'screendoms': 1, 'effervescently': 1, 'ack': 1, 'carp': 1, 'funinthesun': 1, 'cappers': 1, 'panandscannedout': 1, 'bellbottoms': 1, 'mckinley': 1, 'hrundis': 1, 'clutterbucks': 1, 'numnum': 1, 'endoftheworld': 1, 'rhinoceros': 1, 'bottlecap': 1, 'superblystaged': 1, 'antlike': 1, 'boardwalk': 1, 'marketer': 1, 'seashell': 1, 'orient': 1, 'merpeople': 1, 'notsosubtle': 1, 'shrine': 1, 'potbelly': 1, 'scholls': 1, 'veinotte': 1, 'averagesized': 1, 'leavins': 1, 'keller': 1, 'autocrat': 1, 'seana': 1, 'dunsworth': 1, 'rosmarys': 1, 'aghast': 1, 'reignited': 1, 'cinematicallysavvy': 1, 'edvard': 1, 'munchesque': 1, 'culturewhiz': 1, 'victimpotential': 1, 'chatty': 1, 'nottoofriendly': 1, 'inaugurate': 1, 'lunchmeat': 1, 'nonroles': 1, 'star69': 1, 'spoofy': 1, 'phoneassault': 1, 'tradein': 1, 'outclass': 1, 'antiterrorism': 1, 'beirut': 1, 'endowing': 1, 'galahad': 1, 'nestled': 1, 'impossibilty': 1, 'ladden': 1, 'drugrave': 1, 'antipillpoppingcasualtantricsexcarchaseattemptedmurder': 1, 'blessedly': 1, 'careerthreatening': 1, 'idfueled': 1, 'zigzagged': 1, 'torontonian': 1, 'chipperly': 1, 'aped': 1, 'backstabbers': 1, 'untapped': 1, 'exdrug': 1, 'jailterm': 1, 'curlyhaired': 1, 'awoken': 1, 'ratso': 1, 'blanco': 1, 'goregeous': 1, 'eleveate': 1, 'flim': 1, 'trashcan': 1, 'foghorn': 1, 'leghorn': 1, 'tangodancing': 1, 'insultthrowing': 1, 'populus': 1, 'subtitlephobes': 1, 'clownish': 1, 'minefield': 1, 'featherweight': 1, 'schramm': 1, 'contrastive': 1, 'spry': 1, 'abides': 1, 'flexibly': 1, 'blumberg': 1, 'weighing': 1, 'sheepish': 1, 'fullyripened': 1, 'excluding': 1, 'heavensent': 1, 'expug': 1, 'separatist': 1, 'imprecation': 1, 'mobutus': 1, 'wellstocked': 1, 'kaftan': 1, 'sympathiser': 1, 'undifferentiated': 1, 'unconsidered': 1, 'coz': 1, 'simplify': 1, 'kolya': 1, 'zdenek': 1, 'fatherandson': 1, 'regalia': 1, 'wanderlust': 1, 'quicksilver': 1, 'germinate': 1, 'cagily': 1, 'mongkuts': 1, 'monarchy': 1, 'midfilm': 1, 'chowyun': 1, 'concubine': 1, 'susie': 1, 'etheraddicted': 1, 'matriarch': 1, 'paz': 1, 'huerta': 1, 'dissolute': 1, 'substandardly': 1, 'stationmaster': 1, 'projectsweet': 1, 'hallstr': 1, 'filmclass': 1, 'coterie': 1, 'adorning': 1, 'majoring': 1, 'deviating': 1, 'horrortrilogy': 1, 'smashhit': 1, 'jingoalltheway': 1, 'militarism': 1, 'twentyfoottall': 1, 'superimpaling': 1, 'dragonfly': 1, 'notsosecretly': 1, 'fiscally': 1, 'iiera': 1, 'antimilitary': 1, 'boosterism': 1, 'booster': 1, 'landscaping': 1, 'recommended8585but': 1, 'pheneomena': 1, 'corvino': 1, 'entomologist': 1, 'pleasance': 1, 'exrolling': 1, 'wyman': 1, 'gothicelectronic': 1, 'reccurs': 1, 'retitled': 1, 'hallucinogenfueled': 1, 'seventyfive': 1, 'pellet': 1, 'shaker': 1, 'ether': 1, 'correlated': 1, 'alcoholbased': 1, 'consumatory': 1, 'barmaid': 1, 'kaleidoscopic': 1, 'barkin': 1, 'expectedly': 1, 'barnburner': 1, 'drugravaged': 1, 'doobie': 1, 'unstimulated': 1, 'snorted': 1, 'thompsonbased': 1, 'quirkier': 1, 'rapture': 1, 'forefather': 1, 'seized': 1, 'skaarsgard': 1, 'expresident': 1, 'kaminski': 1, 'umptenth': 1, 'middleage': 1, 'noboyd': 1, 'corrupted': 1, 'copywriter': 1, 'commuter': 1, '25th': 1, 'unshrouded': 1, 'farmerwizard': 1, 'henwen': 1, 'munchings': 1, 'crunchings': 1, 'bauble': 1, 'whirlpool': 1, 'fairylike': 1, 'morva': 1, 'eilonwys': 1, 'ressurect': 1, 'gurgis': 1, 'stirshe': 1, 'fondest': 1, 'micheal': 1, 'annex': 1, 'glendale': 1, 'buena': 1, 'bardsley': 1, 'biner': 1, 'fondacairo': 1, 'frollo': 1, 'esmeralda': 1, 'proudest': 1, 'mid50s': 1, 'wagered': 1, 'tac': 1, 'freedman': 1, 'enrights': 1, 'soontoberuler': 1, 'goodwin': 1, 'explicating': 1, 'citystreet': 1, 'sauntering': 1, 'interrogating': 1, 'goofing': 1, 'presumes': 1, 'academybeloved': 1, 'overplotting': 1, 'mid1800s': 1, 'leplastrier': 1, 'anglican': 1, 'newlyacquired': 1, 'glasswork': 1, 'confessor': 1, 'undesirable': 1, 'hind': 1, 'unwieldy': 1, 'installing': 1, 'expansionism': 1, 'donaldsons': 1, 'teleplay': 1, 'fore': 1, 'reenact': 1, 'deployment': 1, 'budgetwise': 1, 'girds': 1, 'militarycia': 1, 'armynavyair': 1, 'peaceably': 1, 'antiaircraft': 1, 'foregoing': 1, 'kennedyesque': 1, 'culp': 1, 'fairman': 1, 'adlai': 1, 'intelligentsia': 1, 'ecker': 1, 'wingman': 1, 'isi': 1, 'mussenden': 1, 'imaging': 1, 'evangelizing': 1, 'exminister': 1, 'beasley': 1, 'rechristening': 1, 'patronizing': 1, 'charlatan': 1, 'handler': 1, 'studious': 1, 'inarguably': 1, 'indelibly': 1, 'churchgoer': 1, 'andmiss': 1, 'sleepercult': 1, 'yeeeeah': 1, 'thetop': 1, 'disposed': 1, 'indubitably': 1, 'prosoldier': 1, 'inundation': 1, 'militaristic': 1, 'whyunless': 1, 'drugstoked': 1, 'polack': 1, 'graying': 1, 'gristly': 1, 'docin': 1, 'disbelieving': 1, 'hillif': 1, 'valour': 1, 'ashau': 1, 'thuroughly': 1, 'villiage': 1, 'buffo': 1, 'bestworst': 1, 'seemlessly': 1, 'hourglass': 1, 'unsurprised': 1, 'actorturneddirector': 1, 'resolving': 1, 'ascribe': 1, 'kin': 1, 'eroded': 1, 'coldest': 1, 'onshore': 1, 'recentlywidowed': 1, 'willful': 1, 'argumentative': 1, 'nita': 1, 'scanning': 1, 'biggerstaff': 1, 'firsttimers': 1, 'replicate': 1, 'nonrelated': 1, 'microscope': 1, 'batallion': 1, 'wellphotographed': 1, 'pleasantvilleone': 1, 'decemeber': 1, 'steriotypically': 1, 'dialoguethose': 1, 'cameoesque': 1, 'preforming': 1, 'schwarzbaum': 1, 'settingintensified': 1, 'courtroomcertainly': 1, 'classifies': 1, 'masterpiecehe': 1, 'bigbe': 1, 'davegood': 1, 'preceeding': 1, 'scarsely': 1, 'bouyant': 1, 'unconventionally': 1, 'downes': 1, '28th': 1, 'uglyduckling': 1, 'innundated': 1, 'mischievousness': 1, 'conventionality': 1, 'confidant': 1, 'formulaisms': 1, 'reassured': 1, 'weddding': 1, 'serenade': 1, 'infectuous': 1, 'lustre': 1, 'nearcertain': 1, 'clinically': 1, 'crimefoiling': 1, 'cultclassics': 1, 'audiencein': 1, 'fictionsocial': 1, 'qualifying': 1, 'looseends': 1, 'fairytail': 1, 'rms': 1, 'mer': 1, 'lovetts': 1, 'sketchbook': 1, 'helicoptered': 1, 'buketer': 1, 'soapopera': 1, 'odalisque': 1, 'helplessness': 1, 'disasterslashaction': 1, 'thrillsaminute': 1, 'quickedit': 1, 'jutting': 1, 'nicelooking': 1, 'kouf': 1, 'tzi': 1, 'swarthy': 1, 'babysit': 1, 'rattner': 1, 'tier': 1, 'actioncomedies': 1, 'scrounges': 1, 'squeaker': 1, 'gangbullseye': 1, 'zurgs': 1, 'thisiswhatwethinkkidswanttohear': 1, '25cent': 1, 'phrasing': 1, 'appended': 1, 'desklamps': 1, 'mowing': 1, 'nominally': 1, 'miracuously': 1, 'rossellinia': 1, 'esoteric': 1, 'harshness': 1, 'theatens': 1, 'muttonchop': 1, 'sideburn': 1, 'damnedest': 1, 'grogan': 1, 'hynes': 1, 'disfiguring': 1, 'inventively': 1, 'engagingly': 1, 'conor': 1, 'paddy': 1, 'breathnach': 1, 'peat': 1, 'hostelry': 1, 'carefullycrafted': 1, 'caffrey': 1, 'clunkiness': 1, 'grittymake': 1, 'grubbybut': 1, 'disorganized': 1, 'philadelphiaarea': 1, 'theaterand': 1, 'longso': 1, 'rearranged': 1, 'hefti': 1, 'klugman': 1, 'languishing': 1, 'actspeak': 1, 'furball': 1, 'exclaim': 1, 'dollsized': 1, 'bambi': 1, 'tempe': 1, 'azthis': 1, 'voil': 1, 'onehundreddollar': 1, 'flowershop': 1, 'rearended': 1, 'gigi': 1, 'hernandezs': 1, 'stayin': 1, 'mone': 1, 'vinegar': 1, 'luedekes': 1, 'kaczynski': 1, 'guestquarter': 1, 'knottieing': 1, 'stepin': 1, 'buddyweightlifter': 1, 'goodlooker': 1, 'barbiedoll': 1, 'tracheotomy': 1, 'tickling': 1, 'twentyyear': 1, 'suckerpunch': 1, 'highvisibility': 1, 'obliges': 1, 'racemotivated': 1, 'funspoiling': 1, 'orgazmo': 1, 'nigra': 1, 'unchained': 1, 'neumann': 1, 'fasterthan': 1, 'selfreplicating': 1, 'achievable': 1, 'fasterthanlight': 1, 'astronomerwriter': 1, 'afa': 1, 'intermediary': 1, 'ethereally': 1, 'wellstructured': 1, 'mitigated': 1, 'badlywritten': 1, 'radioing': 1, 'genome': 1, 'shapeshift': 1, 'multiform': 1, 'sheerly': 1, 'assassinexterminator': 1, 'empathpsychic': 1, 'gigers': 1, 'ichor': 1, 'bodystrewn': 1, 'kaminsky': 1, 'trudge': 1, 'dramatism': 1, 'extremity': 1, 'braveheartdosage': 1, 'heavilyhyped': 1, 'herrington': 1, 'zeke': 1, 'photojournalist': 1, 'popculturally': 1, 'aquit': 1, '15milliondollar': 1, 'stans': 1, 'resigns': 1, 'winterbottoms': 1, 'tumultuosness': 1, 'schmaltziness': 1, 'nusevic': 1, 'overview': 1, 'cigarrettes': 1, 'somesuch': 1, 'sketchiness': 1, 'khanjian': 1, 'camelia': 1, 'frieberg': 1, '__________________________________________________________': 1, 'mistfortune': 1, 'nearrevolutionary': 1, 'surging': 1, 'sonnet': 1, 'cairo': 1, 'manhatten': 1, 'snoozing': 1, 'eyeopener': 1, 'sews': 1, 'corrects': 1, 'mistakingly': 1, 'capitol': 1, 'backroads': 1, 'buggs': 1, 'salted': 1, 'countermanded': 1, 'prosecutes': 1, 'perjuring': 1, 'affairaweek': 1, 'oakland': 1, 'deathrow': 1, 'pocums': 1, 'crinkled': 1, 'duking': 1, 'governers': 1, 'tensionbuilding': 1, '19year': 1, 'convent': 1, 'pescuccis': 1, 'nonglamorous': 1, 'underplay': 1, 'handfeed': 1, 'wellproduced': 1, 'rueffs': 1, 'lubricant': 1, 'salesmentalk': 1, 'analytical': 1, 'salesmanship': 1, 'nonquestioning': 1, 'burnedout': 1, 'symmetry': 1, 'hairobsessed': 1, 'shoal': 1, 'cyclops': 1, 'handsomest': 1, 'pomade': 1, 'hairnet': 1, 'herowanderer': 1, 'baptism': 1, 'tuneful': 1, 'homerian': 1, 'pappy': 1, 'odaniel': 1, 'teague': 1, 'badalucco': 1, 'babyface': 1, 'reping': 1, 'zophres': 1, 'jaynes': 1, 'silvery': 1, 'walkway': 1, 'spherical': 1, 'fearthe': 1, 'exhilaration': 1, 'lifeafter': 1, 'incoming': 1, 'empirical': 1, 'scripters': 1, 'goldenberg': 1, 'eschew': 1, 'sothere': 1, 'palmerellie': 1, 'constantine': 1, 'litz': 1, 'hissed': 1, 'trippier': 1, 'alwaysinteresting': 1, 'incorporateactorsintoexistingfilmfootage': 1, 'twohourplus': 1, 'muchwelcome': 1, 'showbusiness': 1, 'conditioned': 1, 'perceiving': 1, 'winifred': 1, 'sitcomesque': 1, 'breans': 1, 'cradling': 1, 'tostitos': 1, 'gratuitious': 1, 'smokescreen': 1, 'godfathertrilogy': 1, 'majestically': 1, 'pervious': 1, 'amassed': 1, 'sicily': 1, 'crookier': 1, 'carmine': 1, 'tavoularis': 1, 'godfatherfilms': 1, 'shire': 1, 'hagen': 1, 'vincenzos': 1, 'mcclaine': 1, 'overthehill': 1, '2023': 1, 'smog': 1, 'tortoiselike': 1, 'heredna': 1, 'korbens': 1, 'lazyasalways': 1, 'jeanbaptiste': 1, 'piglike': 1, 'gamorreans': 1, 'problemwhy': 1, 'brion': 1, 'llosa': 1, 'guyusing': 1, 'movielover': 1, '25yearold': 1, '6yearold': 1, 'sheikh': 1, 'offhanded': 1, 'slurring': 1, 'strumming': 1, 'bragging': 1, 'sigmund': 1, 'trojan': 1, 'algeria': 1, 'taghmaoui': 1, 'bigtodo': 1, 'bilals': 1, 'shiftlessness': 1, 'mosque': 1, 'enacts': 1, 'countercultural': 1, 'sojourn': 1, 'babyboom': 1, 'sufism': 1, 'newport': 1, 'devastingly': 1, 'cucumber': 1, 'renowed': 1, 'dershowitzs': 1, 'oversimplifies': 1, 'prejudiced': 1, 'ambiguousness': 1, 'bulows': 1, 'reversalf': 1, 'uhrys': 1, 'pulitzerprize': 1, '70something': 1, '60something': 1, 'packard': 1, 'driveway': 1, 'salmon': 1, 'escorted': 1, 'hokes': 1, 'cantankerous': 1, 'idella': 1, 'rolle': 1, 'boolies': 1, 'stagey': 1, 'jugular': 1, 'superseventies': 1, 'inflation': 1, 'nihilism': 1, 'symbolises': 1, '26year': 1, 'megalopolis': 1, 'sheperd': 1, 'palantines': 1, 'dostoyevski': 1, 'raskolnikovlike': 1, 'stomachlack': 1, 'wizzard': 1, 'pre1960s': 1, 'palantine': 1, 'postvietnam': 1, 'stygian': 1, 'herrman': 1, 'tabloidfodder': 1, 'hinckley': 1, 'mediterranean': 1, 'rotate': 1, 'patternlike': 1, 'zerosum': 1, 'discreet': 1, 'betweentheline': 1, 'angering': 1, 'bottomofthedrugfoodchain': 1, 'narc': 1, 'multilevelmarketing': 1, 'lovemaker': 1, 'shrimpscarfers': 1, 'afeminite': 1, 'threepronged': 1, 'flashed': 1, 'tonemood': 1, 'overlydark': 1, 'cinematographyart': 1, 'themetheory': 1, '42399': 1, 'wackedout': 1, 'warcrazy': 1, 'decker': 1, 'dither': 1, 'brooks': 1, 'malintentioned': 1, 'taggart': 1, 'kwan': 1, 'spocklike': 1, 'avenged': 1, 'thermia': 1, 'whisk': 1, 'transporter': 1, 'notsoobvious': 1, 'taglines': 1, 'shalhoubs': 1, 'holierthanthou': 1, 'counterprogramming': 1, 'addendum': 1, 'postulate': 1, 'embarass': 1, 'cheekbone': 1, 'lighweight': 1, 'victimize': 1, 'gidley': 1, 'pual': 1, 'curryspiced': 1, 'offstage': 1, 'quartercentury': 1, 'sociallyacceptable': 1, 'sleeze': 1, 'powertrip': 1, 'negotiable': 1, 'deglamorizes': 1, 'costumer': 1, 'reflexively': 1, 'internalizing': 1, 'ethos': 1, 'cooperating': 1, 'explicate': 1, 'inhumanly': 1, 'camouflaged': 1, 'jost': 1, 'vacanos': 1, 'delineation': 1, 'nodialog': 1, 'vampirefest': 1, 'moonlighted': 1, 'mostlystraightforward': 1, 'chronology': 1, 'jacksonchris': 1, 'jacksonrobert': 1, 'jacksontravolta': 1, 'pointsof': 1, 'banyon': 1, 'disloyal': 1, 'toughguyswhorarely': 1, 'twoanda': 1, 'abductees': 1, 'casanovawhat': 1, 'characterdeveloping': 1, 'impressiveness': 1, 'mtvtype': 1, 'unawareness': 1, 'deceived': 1, 'dell': 1, 'barletta': 1, 'holistic': 1, 'grazia': 1, 'unmarried': 1, 'overreacts': 1, 'ganzs': 1, 'moonlit': 1, 'ironed': 1, 'battiston': 1, 'toughnosed': 1, 'nicolets': 1, 'bailbondsman': 1, '56year': 1, '44year': 1, 'bikiniclad': 1, 'lifesaver': 1, 'defeaning': 1, 'abbot': 1, 'expressively': 1, 'leathery': 1, 'rotates': 1, 'd2': 1, 'traitorous': 1, 'itselfa': 1, 'mace': 1, 'incriminator': 1, 'discourteous': 1, 'rectitude': 1, 'lightheaded': 1, 'farfromoverpowering': 1, 'cosmetic': 1, 'dilbertesque': 1, 'administrative': 1, 'triviality': 1, 'overeffective': 1, 'hypnotherapist': 1, 'samir': 1, 'ajay': 1, 'naidu': 1, 'inefficiency': 1, 'teenagetargeted': 1, '1524': 1, 'snipping': 1, 'gameplan': 1, 'hardfought': 1, 'replenishing': 1, 'suggestiveness': 1, 'rivaled': 1, 'teendominated': 1, 'lessthanoriginal': 1, 'exlax': 1, 'proceeder': 1, 'boatwright': 1, 'postworld': 1, 'lyle': 1, 'anneys': 1, 'earle': 1, 'miscarries': 1, 'supress': 1, 'lovedependent': 1, 'impoverishment': 1, 'preponderence': 1, 'manouvering': 1, 'pressurecooker': 1, 'formulaism': 1, 'bumpkinisms': 1, 'zabriskie': 1, 'positioning': 1, 'tightest': 1, 'disintegrating': 1, 'puddle': 1, 'recants': 1, 'unzips': 1, 'cultstatus': 1, 'scarefest': 1, 'leeched': 1, 'hauser': 1, 'catacomb': 1, 'catalyze': 1, 'misperception': 1, 'professed': 1, 'selflessness': 1, 'baddass': 1, 'shwarzeneggerlike': 1, 'nitpicked': 1, 'riddicks': 1, 'clinch': 1, 'purged': 1, 'limecolored': 1, 'linoleum': 1, 'sparky': 1, 'infection': 1, 'serialized': 1, 'hutchison': 1, 'fantasyallegory': 1, 'spiritualistic': 1, 'preternatural': 1, 'voodoolike': 1, 'transference': 1, 'rarer': 1, 'intermingling': 1, 'shone': 1, 'grossy': 1, 'becase': 1, 'activites': 1, 'webcam': 1, 'hydrophobia': 1, 'fluidly': 1, 'sermonizing': 1, 'legitimately': 1, 'carefullystacked': 1, 'laurensylvia': 1, 'indignantly': 1, 'restricts': 1, 'gazers': 1, 'indicting': 1, 'insulatory': 1, 'insidiously': 1, 'forthright': 1, 'antivoyeuristic': 1, 'mischievously': 1, 'perkily': 1, 'typify': 1, 'anticipates': 1, 'lookatme': 1, 'trustworthiness': 1, 'picketfenced': 1, 'burkhard': 1, 'dallwitzs': 1, '1965s': 1, 'actualisation': 1, 'permissiveness': 1, 'craftednot': 1, 'narrowmindedness': 1, 'lansquenet': 1, 'rocher': 1, 'mouthwatering': 1, 'comte': 1, 'reynaud': 1, 'aurelien': 1, 'parentkoening': 1, 'carrieann': 1, 'muscat': 1, 'annmoss': 1, 'sympathizes': 1, 'alwaysonthemove': 1, 'oconor': 1, 'roux': 1, 'levelsas': 1, 'hockeymasked': 1, 'santostefano': 1, 'aline': 1, 'brosh': 1, 'snappiness': 1, 'romanticmistaken': 1, 'coffer': 1, 'embodying': 1, 'spoilsport': 1, 'multitalented': 1, 'hooted': 1, 'hines': 1, 'danced': 1, 'forerunner': 1, 'floated': 1, 'quasinutritional': 1, 'cheatin': 1, 'mariachidirector': 1, '7000': 1, 'debutstars': 1, 'texmex': 1, 'countat': 1, 'estimatebut': 1, 'fictiontype': 1, 'backslidden': 1, 'expreacher': 1, 'sexpervert': 1, 'relieving': 1, 'ageold': 1, 'impalement': 1, 'unmentioned': 1, 'larceny': 1, 'scalawag': 1, '289': 1, '460': 1, '9392': 1, 'clintonesqe': 1, 'compton': 1, 'halftruthtelling': 1, 'spindoctoring': 1, 'equaled': 1, 'treason': 1, 'grimlooking': 1, 'boyznhood': 1, 'liability': 1, 'rhythmless': 1, 'lingo': 1, 'cumberland': 1, 'stroehmann': 1, 'defenseless': 1, 'residual': 1, 'cruisepaul': 1, '92early': 1, 'macchio': 1, 'benjilike': 1, 'decter': 1, 'strauss': 1, 'plotrelevant': 1, 'seriousminded': 1, 'cufflink': 1, 'mcguigan': 1, 'overstylize': 1, 'phallic': 1, 'selfproduced': 1, 'pronunciation': 1, 'eastwooddirected': 1, 'berendt': 1, 'horsefly': 1, 'beverage': 1, 'nepotist': 1, 'castilian': 1, 'rupaul': 1, 'flyguy': 1, 'indictment': 1, 'celebritydirected': 1, 'truestory': 1, 'boylikesgirl': 1, 'boygetskilledinhorribleaccident': 1, 'supernaturalentitytakesoverboysbody': 1, 'supernaturalentityfallsinlovewithgirl': 1, '1934': 1, '65th': 1, 'springy': 1, 'boringly': 1, 'susans': 1, 'murkily': 1, 'voicesaccents': 1, 'angelica': 1, 'witzky': 1, 'localized': 1, 'spookiness': 1, 'closedin': 1, 'loaned': 1, 'buttnumbing': 1, 'coloring': 1, 'reassigned': 1, 'panavisions': 1, 'uninhabitable': 1, 'fullsize': 1, 'goldenera': 1, 'girlongirl': 1, 'croupier': 1, 'picaresque': 1, 'accommodation': 1, 'limestone': 1, 'pinching': 1, 'sneezing': 1, 'highfives': 1, 'wildflower': 1, 'hershman': 1, 'batinkoff': 1, 'rosen': 1, 'joeys': 1, 'doltish': 1, 'comedicromance': 1, 'groundling': 1, 'brassiere': 1, 'amended': 1, 'opined': 1, 'polluted': 1, 'falstaff': 1, 'filmcritic': 1, 'schrager': 1, 'romeros': 1, 'doublewhammy': 1, 'dubuque': 1, '2470': 1, 'moot': 1, 'barcode': 1, 'dajani': 1, 'yawk': 1, 'adoring': 1, 'ohsoadorable': 1, 'jetee': 1, 'outofstep': 1, 'raceagainsttime': 1, 'bettermade': 1, 'idealistically': 1, 'dispensing': 1, 'tarkovskian': 1, 'humanism': 1, 'frickin': 1, 'shagadelic': 1, 'unfrozen': 1, 'frisch': 1, 'ejecting': 1, 'quasievil': 1, 'homedance': 1, 'cambodian': 1, 'entrace': 1, 'slicked': 1, 'nonbritish': 1, 'edina': 1, 'monsoon': 1, 'chucklesome': 1, 'telly': 1, 'fruitcake': 1, 'fruity': 1, 'nutcake': 1, 'twohander': 1, 'builtup': 1, 'agonisingly': 1, 'seldon': 1, 'nerveshattering': 1, 'doh': 1, 'nervewracking': 1, 'snooping': 1, 'ankle': 1, 'gorey': 1, 'regularlyupdated': 1, 'comhollywoodbungalow4960': 1, 'madonnamarrying': 1, 'freeform': 1, 'dothis': 1, 'fullprice': 1, 'albany': 1, 'crowning': 1, 'deterent': 1, 'cronfronting': 1, 'jealously': 1, 'daper': 1, 'stongwilled': 1, 'castelike': 1, 'freewill': 1, 'gall': 1, 'boastfully': 1, 'signifcance': 1, 'signficance': 1, 'simplying': 1, 'tyrany': 1, 'exuberhant': 1, 'oneup': 1, 'polarization': 1, 'hypernaturally': 1, 'ravished': 1, 'wracked': 1, 'mournfulness': 1, 'terse': 1, 'obtrusive': 1, 'blethyns': 1, 'longish': 1, 'cliquey': 1, 'battler': 1, 'politiciandeveloper': 1, 'chumming': 1, 'crowing': 1, 'rhonda': 1, 'tormenter': 1, 'pippa': 1, 'grandison': 1, 'jarrett': 1, 'bumblingly': 1, 'proportionately': 1, 'windowshopping': 1, 'sharpwitted': 1, 'houseguest': 1, 'beggar': 1, 'hazing': 1, 'trendiness': 1, 'regent': 1, 'pantomime': 1, 'frixos': 1, 'rewardinga': 1, '1793': 1, 'visualizing': 1, 'regicide': 1, 'maidservant': 1, 'meudon': 1, 'grandscale': 1, 'blueblood': 1, 'philipe': 1, '1792': 1, 'rioter': 1, 'sheltering': 1, 'inaction': 1, 'foolery': 1, 'staunch': 1, 'vastness': 1, 'groundlessness': 1, 'karweis': 1, 'karwei': 1, 'unavailable': 1, 'secondfavorite': 1, 'softlytoned': 1, 'appealinglychirpy': 1, 'formerangel': 1, 'acrossthe': 1, 'predetermined': 1, 'teenspeak': 1, 'lesssuccessful': 1, '17yearold': 1, '40student': 1, 'preflight': 1, 'jitter': 1, 'ruckus': 1, 'interrogate': 1, 'unboarded': 1, 'neverseen': 1, 'goldbergesque': 1, 'underseen': 1, 'slashercomedy': 1, 'manthe': 1, 'nowdeceased': 1, 'sawas': 1, 'arcane': 1, 'supererogatory': 1, 'frightentwo': 1, 'vignettesstyled': 1, 'divorcee': 1, 'reignite': 1, 'neigbors': 1, 'anthesis': 1, 'relatibility': 1, 'likeness': 1, 'rewatchable': 1, 'strasberg': 1, 'delaware': 1, 'leibowitz': 1, 'keenan': 1, 'swanbeck': 1, 'retrieving': 1, 'rectified': 1, 'ethans': 1, 'godgiven': 1, 'taxed': 1, 'eighteenwheeler': 1, 'traumatizes': 1, 'dissipate': 1, 'cameratime': 1, 'softfocus': 1, 'widens': 1, 'eastwoods': 1, 'heartsweeping': 1, 'hesitates': 1, 'roughness': 1, 'horsetraining': 1, 'paralleled': 1, 'slowdancing': 1, 'bookshop': 1, 'honeysoaked': 1, 'apricot': 1, 'iniquity': 1, 'bonneville': 1, 'michell': 1, 'enhancement': 1, 'terrarium': 1, 'zookeepers': 1, 'trenchcoats': 1, 'experimenter': 1, 'realitywarping': 1, 'conformist': 1, 'kant': 1, 'nondisney': 1, 'ghettoized': 1, 'shrugging': 1, 'zinnia': 1, 'crunchem': 1, 'childhating': 1, 'trunchbulls': 1, 'cockeyed': 1, 'pigtail': 1, 'televisionaddicted': 1, '_moby': 1, 'dick_': 1, 'adhesive': 1, 'swicord': 1, 'tizard': 1, 'mcglory': 1, 'ballinagra': 1, 'mcglorys': 1, 'pescara': 1, 'rosalbas': 1, 'plumbingsupply': 1, 'icelandic': 1, 'redandwhite': 1, 'platformsoled': 1, 'espadrille': 1, 'massagetherapist': 1, 'plumberturnedprivate': 1, 'southport': 1, 'honored': 1, 'apprehensive': 1, 'yielding': 1, 'crossan': 1, 'jumpinyourseat': 1, 'smartlyscripted': 1, 'anabasis': 1, 'xenophon': 1, 'cleon': 1, 'dorsey': 1, 'gramercy': 1, 'cleons': 1, 'upheld': 1, 'wouldbegirlfriend': 1, 'valkenburgh': 1, 'vorzon': 1, 'statesmanlike': 1, 'bereavement': 1, 'morante': 1, 'trinca': 1, 'respectfully': 1, 'selfpropelled': 1, 'conciliatory': 1, 'waterworks': 1, 'bargaining': 1, 'enfield': 1, 'jointsmoking': 1, 'repaint': 1, 'barntill': 1, 'wich': 1, 'zuckerabrahamszucker': 1, 'hijacker': 1, 'striker': 1, 'exfighterpilot': 1, 'deathlyill': 1, 'chicagobound': 1, 'kareem': 1, 'abduljabbar': 1, 'ashmore': 1, 'sterotypically': 1, 'stucker': 1, 'courtland': 1, 'salle': 1, 'reyes': 1, 'guiltridden': 1, 'portinari': 1, 'impactful': 1, 'likingdisliking': 1, 'funmaking': 1, 'richman': 1, 'solidifying': 1, 'fauxsympathy': 1, 'buttercup': 1, 'branched': 1, 'coowns': 1, 'uptown': 1, 'costanzas': 1, 'anchorcorrespondant': 1, 'awefilled': 1, 'vulturelike': 1, 'reinserted': 1, 'demornaylike': 1, 'ogrewitch': 1, 'aughra': 1, 'spasticbutfriendly': 1, 'tumbleweedlike': 1, 'fizzgig': 1, 'puppeteering': 1, 'phenomenalobserve': 1, 'landwalker': 1, 'chasebut': 1, 'delicatelynarrated': 1, 'baddeley': 1, 'toneperfect': 1, 'executing': 1, 'betterknown': 1, 'peopleless': 1, 'acidtrip': 1, 'guesthost': 1, 'ihmoeteps': 1, 'horrorloving': 1, 'ultraman': 1, 'franciscobased': 1, 'auxiliary': 1, 'notsotypical': 1, 'herbal': 1, 'matzo': 1, 'soy': 1, 'saucethe': 1, 'cuisine': 1, 'copeland': 1, 'maryann': 1, 'urbano': 1, 'freespirit': 1, 'leung': 1, 'ishorror': 1, 'horrorsbad': 1, 'identitystruggling': 1, 'forethought': 1, 'technologythe': 1, 'pantwetter': 1, 'respectmebecausemyfatherwasagoodman': 1, 'grislyfaced': 1, 'exbaseball': 1, 'exassistant': 1, 'blackburn': 1, 'terrorfying': 1, 'doesns': 1, 'us150': 1, 'spaceflight': 1, 'haise': 1, 'swigert': 1, 'measles': 1, 'filmmusic': 1, 'shrugged': 1, '_dragon': 1, 'story_': 1, '_dragonheart_': 1, 'latura': 1, '_daylight_s': 1, '_cliffhanger': 1, 'ii_it': 1, 'trundle': 1, '_boom_': 1, '34degree': 1, 'slystyle': 1, 'meadow': 1, 'cyberspace': 1, 'sciencefictionaction': 1, 'multimilliondollar': 1, 'effectsheavy': 1, '135': 1, 'irrelevent': 1, 'placating': 1, 'servicewear': 1, 'effectual': 1, 'thw': 1, 'smirkiest': 1, 'cogent': 1, 'modernist': 1, 'iniquitous': 1, 'clubish': 1, 'yech': 1, 'ciello': 1, 'prejuliani': 1, 'unintrusive': 1, '167': 1, 'ia': 1, 'raspiness': 1, 'itty': 1, 'bitty': 1, 'gauthier': 1, 'renna': 1, 'tiffaniamber': 1, 'thiessen': 1, 'mediasaturated': 1, 'bop': 1, 'seriouslyits': 1, 'ceasefire': 1, 'assmap': 1, 'bullion': 1, 'proposesdemandsthat': 1, 'adriana': 1, 'iraq': 1, 'interrogator': 1, 'soundwere': 1, 'persian': 1, 'observeas': 1, 'indieminded': 1, 'cartoonishbarlows': 1, 'posttorture': 1, 'revelry': 1, 'godfearingultraseriousantiracistblackmanofpower': 1, 'protestormarching': 1, 'hayseed': 1, 'revert': 1, 'kuwait': 1, 'oilinfested': 1, 'primer': 1, 'oftdismissed': 1, 'sociallyculturallypoliticallyglobally': 1, 'condons': 1, 'wwi': 1, '67': 1, 'disracting': 1, 'clayon': 1, 'disapproving': 1, 'reclusion': 1, 'structuring': 1, 'onagainoffagain': 1, 'condon': 1, 'mckellens': 1, 'scrutinization': 1, 'einsteinlevel': 1, 'resistant': 1, 'warmheartedness': 1, 'receptive': 1, 'decisionirving': 1, 'novelbut': 1, 'boycalled': 1, 'versionwho': 1, 'falsetto': 1, 'enzyme': 1, 'morquio': 1, 'functionsmiths': 1, 'charactersin': 1, 'obsequious': 1, 'howeverthe': 1, 'swamped': 1, 'twentysix': 1, '1590s': 1, 'noblewoman': 1, 'fennyman': 1, 'forementioned': 1, 'truelove': 1, 'yearsopen': 1, 'aft': 1, 'realisticaly': 1, 'brining': 1, 'dicaprip': 1, 'undertaken': 1, 'marveled': 1, 'smashingly': 1, 'technoish': 1, 'taxicab': 1, 'highlyenergetic': 1, 'eightyear': 1, 'unpromisingly': 1, 'selfpossessed': 1, 'soho': 1, 'twotimed': 1, 'catty': 1, 'captivatingly': 1, 'blusterous': 1, 'stealthy': 1, 'vivaldi': 1, 'carlas': 1, 'doubleteamed': 1, 'aggrieved': 1, 'smirkingly': 1, 'increasinglyflustered': 1, 'apologetic': 1, 'apoplectic': 1, 'unfeasible': 1, 'lous': 1, 'exploratory': 1, 'notquitesubtle': 1, 'contractuallyobligated': 1, 'resubmit': 1, 'scaleddown': 1, 'withdrew': 1, 'customtailored': 1, 'seeping': 1, 'selfchiding': 1, 'broadlyobserved': 1, 'chatterbox': 1, 'transposed': 1, 'surprisinglyresilient': 1, 'evasively': 1, 'triedandtested': 1, 'occupationalhazard': 1, 'residing': 1, 'acquainted': 1, 'downbutnotout': 1, 'scattering': 1, 'scrabble': 1, 'renshaw': 1, 'alexandria': 1, 'fullscreen': 1, 'loverprot': 1, 'fosse': 1, 'selfenlightenment': 1, 'kansa': 1, 'singerlover': 1, 'yitzak': 1, 'youngloversontheroad': 1, 'marcys': 1, 'illnesswhich': 1, 'violentlythat': 1, 'beguilingly': 1, 'khanijian': 1, 'multiline': 1, 'unconnectedness': 1, 'outofchronologicalorder': 1, 'rigueur': 1, 'multiplots': 1, 'multiplot': 1, 'spoonfedentertainment': 1, 'taxauditor': 1, 'palliative': 1, 'penury': 1, 'poorrich': 1, 'wrack': 1, 'favorties': 1, 'pinnochio': 1, 'barage': 1, 'seeminglyperfect': 1, 'fuckedup': 1, 'kunz': 1, 'vineyard': 1, 'pseudomaid': 1, 'outoftheway': 1, 'eachothers': 1, 'earpiercing': 1, 'qe2': 1, 'migraineinducing': 1, 'golddigging': 1, 'dilemnas': 1, 'reminscing': 1, 'hawkscary': 1, 'plagerism': 1, 'imploded': 1, '_mafia_': 1, 'stillpresent': 1, 'mulqueens': 1, 'basque': 1, '112097': 1, 'witzy': 1, 'lineman': 1, 'illena': 1, 'masterfullydone': 1, 'visualize': 1, 'brilliantlyconstrued': 1, 'dreamt': 1, 'liza': 1, 'frameofmind': 1, 'realisticallywritten': 1, 'spinetinglingly': 1, 'efects': 1, 'assitance': 1, 'beggining': 1, 'shoveller': 1, 'enterataining': 1, 'aquire': 1, 'disastorous': 1, 'garfalo': 1, 'enteratining': 1, 'screem': 1, 'proceeders': 1, 'bannister': 1, 'horroraction': 1, 'contention': 1, 'jeffery': 1, 'schnook': 1, 'reenergize': 1, 'streamline': 1, 'laketype': 1, 'backandforth': 1, 'reinvention': 1, 'quickfire': 1, 'clung': 1, 'yuppy': 1, 'girlpower': 1, 'countryclub': 1, 'flaxenhaired': 1, 'tenaciously': 1, 'manicurist': 1, 'garber': 1, 'teencomedy': 1, 'cheerfulness': 1, 'problemsolving': 1, 'luketic': 1, 'joyously': 1, 'incandescent': 1, 'soontobepublished': 1, 'scented': 1, 'mirkins': 1, 'aprhodite': 1, 'weinberger': 1, 'umteenth': 1, 'romys': 1, 'schiffs': 1, 'finfer': 1, 'lightness': 1, 'newland': 1, 'welland': 1, 'slowstarting': 1, 'lotsa': 1, 'nuttiness': 1, 'venna': 1, 'harassing': 1, 'whippersnapper': 1, 'shebang': 1, 'jot': 1, 'lotta': 1, 'exaggerating': 1, 'epicwannabe': 1, 'linden': 1, 'deaden': 1, 'buffalohunting': 1, 'skinning': 1, 'nonpc': 1, 'corral': 1, 'nevers': 1, 'tubercular': 1, 'rosselini': 1, 'ida': 1, 'wissner': 1, 'il': 1, 'landworld': 1, 'barracades': 1, 'shanghaied': 1, 'copymachine': 1, 'oncemeek': 1, 'selffulfilling': 1, 'selfnamed': 1, 'odog': 1, 'odogs': 1, 'softeyed': 1, 'intellectuallychallenged': 1, 'vh1vogue': 1, 'shortfilm': 1, 'hilfiger': 1, 'potshot': 1, 'jacobim': 1, 'brainwash': 1, 'slumping': 1, 'ballstein': 1, 'largeassed': 1, 'dowdy': 1, 'highbrow': 1, 'pimpernel': 1, 'bewigged': 1, 'beribboned': 1, 'pew': 1, 'coachman': 1, 'dany': 1, 'diguise': 1, 'dubarry': 1, 'duchesse': 1, 'plume': 1, 'tante': 1, 'chateau': 1, 'neuve': 1, 'swordfight': 1, 'onform': 1, 'thickwitted': 1, 'aristo': 1, 'betterthanusual': 1, 'courthouse': 1, 'nabs': 1, 'unpredictably': 1, 'wellbuilt': 1, 'semireligious': 1, 'patially': 1, 'needful': 1, '144': 1, 'jitterish': 1, 'tireless': 1, 'atone': 1, 'baptizes': 1, 'financing': 1, 'australianbelgian': 1, 'tingwell': 1, 'reinvigorating': 1, 'recurs': 1, 'clashed': 1, 'pall': 1, 'candlelit': 1, 'indiscretion': 1, 'bravo': 1, 'lan': 1, 'hybridization': 1, 'usthey': 1, 'arroways': 1, 'lessthanideal': 1, 'dinnertable': 1, 'collegedormitory': 1, 'ideadriven': 1, 'fizzled': 1, 'alar': 1, 'kivilos': 1, 'finelywritten': 1, 'twoyearold': 1, 'lhassa': 1, '1950': 1, 'illequipped': 1, 'diplomatic': 1, 'audiencepleaser': 1, 'mountainclimber': 1, 'thubten': 1, 'norbu': 1, 'clapping': 1, 'survivalofthefittest': 1, 'manhunting': 1, 'cautiously': 1, 'stitching': 1, 'vllainous': 1, 'doublenatured': 1, 'sloth': 1, 'grotesquely': 1, 'obese': 1, 'murderedforced': 1, 'shownlike': 1, 'postdeath': 1, 'triviacostars': 1, 'oscarpitt': 1, 'beeing': 1, 'curtiz': 1, 'nazicollaborating': 1, 'vichy': 1, 'thrive': 1, 'antifascist': 1, 'gestapo': 1, 'veidt': 1, 'selfpreserving': 1, 'maltese': 1, 'tiranny': 1, 'rickilsa': 1, 'competiton': 1, 'undoubtful': 1, 'analyse': 1, 'renaults': 1, 'nitpicker': 1, 'beliavable': 1, 'magnificient': 1, 'berridge': 1, 'eighthundred': 1, 'someodd': 1, 'accumulate': 1, 'bitchin': 1, 'happilyeverafter': 1, 'discarged': 1, 'potatohead': 1, 'jessies': 1, 'remembrance': 1, 'videogames': 1, 'br': 1, 'stepaway': 1, 'disneyanimation': 1, 'untraditional': 1, 'platonic': 1, 'philistine': 1, 'rejoiced': 1, 'humpback': 1, 'oceanscape': 1, 'scuffle': 1, 'googly': 1, 'intertwines': 1, 'hustled': 1, 'schoolmarm': 1, 'concerto': 1, '18plus': 1, 'wintery': 1, 'enlargement': 1, 'bumblebee': 1, 'valkyrie': 1, 'salvador': 1, 'dali': 1, 'previewed': 1, 'whalestriangle': 1, 'thingssprites': 1, 'ethnocentric': 1, 'miracurously': 1, 'propoganda': 1, 'rehabilitation': 1, 'shaven': 1, 'swastica': 1, 'emrboidered': 1, 'devlish': 1, 'carjackers': 1, 'rehabilitated': 1, 'monger': 1, 'kampf': 1, 'wisened': 1, 'neonazidom': 1, 'quasisadistic': 1, 'lolipop': 1, 'elloquently': 1, 'eliott': 1, 'rightist': 1, 'unparalled': 1, 'unnerrving': 1, 'soontobeclassic': 1, 'revoltingly': 1, 'maron': 1, 'pencilled': 1, 'trounced': 1, 'suplee': 1, 'skinheaddom': 1, 'badmouth': 1, 'enwrapped': 1, 'realy': 1, 'gusty': 1, 'dehaven': 1, 'backdown': 1, 'gruelling': 1, 'heroheroine': 1, 'endeavour': 1, 'urgayle': 1, 'rigour': 1, 'surname': 1, 'selfadvancement': 1, 'tenacity': 1, 'trickster': 1, 'givya': 1, 'dabbles': 1, 'oates': 1, 'accursed': 1, 'bly': 1, 'genrecrossing': 1, 'selfreferences': 1, 'discouragingly': 1, 'lessexperienced': 1, 'pekurny': 1, 'usda': 1, 'thingsnielsenboosting': 1, 'thingsstart': 1, 'trampled': 1, 'alpine': 1, 'writerdirectorcomedian': 1, 'feasting': 1, 'funniestand': 1, 'scariestthing': 1, 'scuba': 1, 'stealth': 1, 'superagent': 1, 'leiter': 1, 'leiters': 1, 'zodiac': 1, 'horoscope': 1, 'browsed': 1, 'malay': 1, 'rugby': 1, 'intending': 1, 'overpass': 1, 'lessthansavoury': 1, 'chappy': 1, 'notsorightfully': 1, '_william_shakespeares_romeo__juliet_': 1, '_the_lion_king': 1, '_the_broadway_musical_': 1, '_titus_andronicus_': 1, 'audaciousand': 1, 'bloodyfilm': 1, 'transplanted': 1, 'romebut': 1, 'temporal': 1, 'colosseum': 1, 'gladiatorlike': 1, 'suviving': 1, 'avant': 1, 'garde': 1, 'resonated': 1, 'viperous': 1, '_titus_': 1, 'fearlessly': 1, 'spielbergkatzenberggeffens': 1, 'mousehunt': 1, 'sexscandal': 1, 'oneyear': 1, 'wolfbeiderman': 1, 'enroute': 1, 'avert': 1, 'wolfbeidermans': 1, 'peacekeeper': 1, 'actioncraving': 1, 'normallooking': 1, 'eternally': 1, 'banister': 1, 'alleviated': 1, '____________________________________________': 1, 'kendrick': 1, 'bigfoot': 1, 'comjimkendrick': 1, 'jimkendrickbigfoot': 1, 'pusateri': 1, 'serb': 1, 'battledamaged': 1, 'innocentlooking': 1, '9yearold': 1, 'farmboy': 1, 'obiwans': 1, 'littleboy': 1, 'dinosaursized': 1, 'venetianlooking': 1, 'romanchariot': 1, 'nascar': 1, 'corsucant': 1, 'paunchy': 1, 'hummingbird': 1, 'jons': 1, 'halfhidden': 1, 'cultfavorite': 1, 'dogbone': 1, 'horseplay': 1, 'eavesdropping': 1, 'filmwithinthefilm': 1, 'overkilling': 1, 'saracastic': 1, 'slandering': 1, 'smartalecs': 1, 'dumbingdown': 1, 'partyrave': 1, 'pubbing': 1, 'wanking': 1, 'jip': 1, 'simm': 1, 'koop': 1, 'parkes': 1, 'nicola': 1, 'mcjob': 1, 'lulu': 1, 'pilkington': 1, 'jips': 1, 'moff': 1, 'hardback': 1, 'filipino': 1, 'cormanwannabe': 1, 'cusp': 1, 'aleximalle': 1, 'fatter': 1, 'lowgrade': 1, 'surreptitiously': 1, 'fraternizing': 1, 'stricter': 1, 'combed': 1, 'ignoramus': 1, 'scientologists': 1, 'stricters': 1, 'neutralcoloured': 1, 'pseudoreligion': 1, 'milltypes': 1, 'feeder': 1, 'innovativenever': 1, 'borderjumpers': 1, 'cahiers': 1, 'twothousand': 1, 'wealthiest': 1, 'fingerpointing': 1, 'potsmoking': 1, 'gothlooking': 1, 'jellydonut': 1, 'peeking': 1, 'dingdong': 1, 'paup': 1, 'affirm': 1, 'nonnudity': 1, 'guelph': 1, 'hoser': 1, 'confidencelacking': 1, 'overlyofficious': 1, 'lomper': 1, 'huison': 1, 'graceless': 1, 'speer': 1, 'wellendowed': 1, 'sextet': 1, 'choreograph': 1, 'pseudosexy': 1, 'antiappeal': 1, 'tastelessness': 1, 'lindos': 1, '70searly': 1, 'battlestar': 1, 'galactica': 1, 'revised': 1, 'meddle': 1, '_experience_': 1, 'lucasfilm': 1, 'collated': 1, 'webpage': 1, 'islandnet': 1, 'comcoronafilmsdetailssw4': 1, 'latrobe': 1, 'edu': 1, 'aukoukoula': 1, 'unnoticeably': 1, 'yavin': 1, 'edifice': 1, 'mosscovered': 1, 'etching': 1, 'madeand': 1, '_fantastic_': 1, 'brightened': 1, 'remixed': 1, 'reprocessed': 1, 'maven': 1, 'burtt': 1, 'theatershaking': 1, 'fullthx': 1, '_so': 1, 'much_': 1, 'letterboxing': 1, 'experienceyoull': 1, 'moviespecial': 1, 'enthrall': 1, 'slapsticky': 1, 'eithers': 1, 'pickpocket': 1, 'moonshine': 1, 'foolproof': 1, 'tidymans': 1, 'releaseand': 1, 'decadethe': 1, 'broadbased': 1, 'y2g': 1, '_shaft_s': 1, 'sequelspinoff': 1, '1972s': 1, '_shafts_big_score': 1, '1973s': 1, '_shaft_in_africa_': 1, 'samenamed': 1, 'raciallymotivated': 1, 'dominican': 1, 'palmieri': 1, 'eyewitness': 1, 'peoplesor': 1, 'doesand': 1, '_american_psycho_': 1, 'busta': 1, 'rasaan': 1, 'stronglybut': 1, 'ownare': 1, 'salerno': 1, 'unsurprising': 1, 'cooland': 1, 'sequencescored': 1, 'everinfectious': 1, 'filmon': 1, 'muthashut': 1, 'malory': 1, 'morte': 1, 'darthur': 1, 'enshrining': 1, 'dethrones': 1, 'merlin': 1, 'smolder': 1, 'nearruin': 1, 'condominas': 1, 'mordred': 1, 'gawain': 1, 'balsan': 1, 'strippeddown': 1, 'drumbeat': 1, 'clanking': 1, 'creaking': 1, 'neighing': 1, 'scrappile': 1, 'reevaluating': 1, 'fearsomely': 1, 'karatekicking': 1, 'fo': 1, 'everenjoyable': 1, 'sppedboat': 1, 'danging': 1, 'wrongway': 1, 'copter': 1, 'greyer': 1, 'trotting': 1, 'oscarbait': 1, 'epichandsome': 1, 'screenplaywith': 1, 'frenchset': 1, 'factoryworkerturnedprostitute': 1, 'vigau': 1, 'decadesspanning': 1, 'englishlanguage': 1, 'smillas': 1, 'jorgen': 1, 'persson': 1, 'modulated': 1, 'unglamorous': 1, 'cerebrally': 1, 'cosettemarius': 1, 'eponine': 1, 'mariuss': 1, 'underbids': 1, 'giggs': 1, 'guilfoyle': 1, '10000': 1, 'multipersonality': 1, 'jumpoutatyoufromthedark': 1, 'parcel': 1, 'highdefinition': 1, 'uta': 1, 'briesewitz': 1, 'epos': 1, 'lovestory': 1, 'vestern': 1, 'calvinistic': 1, 'clocktower': 1, 'tobeweds': 1, 'skarsgaard': 1, 'kirkeby': 1, 'procol': 1, 'harum': 1, 'matin': 1, 'lunes': 1, 'fiel': 1, 'katrin': 1, 'cartlidge': 1, 'prix': 1, 'ultimo': 1, 'landsbury': 1, 'vlad': 1, 'bartok': 1, 'showstopper': 1, 'top40': 1, 'wrongagain': 1, 'betteramong': 1, 'thinkif': 1, 'unlistenable': 1, 'dryburgh': 1, 'eyefilling': 1, '777film': 1, 'alains': 1, 'booked': 1, 'bohemia': 1, 'derby': 1, 'doublebarreled': 1, 'accentuating': 1, 'amplifying': 1, 'twotg': 1, 'savviness': 1, 'unabashed': 1, 'funtowatch': 1, 'alleyway': 1, 'chidducks': 1, 'shrills': 1, 'sixtyish': 1, 'sunbathes': 1, 'expat': 1, 'vernier': 1, 'nenette': 1, 'boni': 1, 'woolf': 1, 'andree': 1, 'tainsy': 1, 'putrefaction': 1, 'bagged': 1, 'bernheim': 1, 'hiberli': 1, 'ramplings': 1, 'autoarousal': 1, 'polanskis': 1, 'rombi': 1, 'ullmanns': 1, 'harkened': 1, 'sidekicksidekicks': 1, 'warnerbrotherscoyotefalloffthecliff': 1, 'englishdubbed': 1, 'totoro': 1, 'understandingly': 1, 'harmlessly': 1, 'hugeness': 1, 'pacifier': 1, 'onepersons': 1, 'complimented': 1, 'deliverees': 1, 'masterservant': 1, 'friendfriend': 1, 'bewonderment': 1, 'selfcontradicted': 1, 'selfimage': 1, 'monoko': 1, 'hime': 1, 'alferd': 1, 'postcannibal': 1, 'mchughs': 1, 'dissenting': 1, 'shpadoinkle': 1, 'braniff': 1, 'leit': 1, 'uncuts': 1, 'mchugh': 1, 'dian': 1, 'bachar': 1, 'kemler': 1, 'lemmy': 1, 'motorhead': 1, 'aix': 1, 'robberyhe': 1, 'glade': 1, 'toupeesporting': 1, 'capergoneawry': 1, 'outmaneuvers': 1, 'snoopy': 1, 'perennially': 1, 'nationstype': 1, 'isolationist': 1, 'reemerging': 1, 'comprise': 1, 'solicit': 1, 'gushing': 1, 'testimonial': 1, 'easternsounding': 1, 'geopolitics': 1, 'appeasement': 1, 'satellitecontrolled': 1, 'cetera': 1, 'topoftheline': 1, 'expletitive': 1, 'traffiking': 1, 'bristling': 1, 'overracting': 1, 'aquits': 1, 'scorese': 1, 'moroders': 1, 'synthesier': 1, 'kfilled': 1, 'thirdly': 1, 'groomwannabe': 1, 'incorrigible': 1, 'injure': 1, 'uncorking': 1, 'volleyball': 1, 'tugofwar': 1, 'topical': 1, 'hunkydory': 1, 'mothering': 1, 'nitpicking': 1, 'sausalito': 1, 'refrigerates': 1, 'lettuce': 1, 'wilted': 1, 'glaze': 1, 'twentypound': 1, 'freezer': 1, 'sequitur': 1, 'yosarian': 1, 'softness': 1, 'demeaned': 1, 'mccalister': 1, 'ideologically': 1, 'entitlement': 1, 'usurp': 1, 'barnetts': 1, 'winsomely': 1, 'viscous': 1, 'straddle': 1, 'infuriatingly': 1, 'compress': 1, 'schoonmaker': 1, 'herded': 1, 'vestment': 1, 'grouped': 1, 'bawling': 1, 'nolstalgic': 1, 'engross': 1, 'drugdealers': 1, 'babyfaced': 1, 'venable': 1, 'attentiongrabbing': 1, 'vails': 1, 'altarboy': 1, 'redherrings': 1, 'deadends': 1, 'prepostrous': 1, 'uncompromisingly': 1, 'davisharrison': 1, 'pedal': 1, 'prisonerformer': 1, 'adopter': 1, 'interfered': 1, 'jetliner': 1, 'voltage': 1, 'denuto': 1, 'tiriel': 1, 'mora': 1, 'tenny': 1, 'simcoe': 1, 'denutos': 1, 'santo': 1, 'cilauro': 1, 'gleisner': 1, 'bandied': 1, 'constitution': 1, 'pleasent': 1, 'conners': 1, 'punxsutawney': 1, 'totatly': 1, 'unoffensive': 1, 'senitmental': 1, 'ramiss': 1, 'smary': 1, 'ryanson': 1, 'neurologist': 1, 'donne': 1, 'inclement': 1, 'wonderbred': 1, 'fearfully': 1, 'denker': 1, 'pseudonymous': 1, 'dussandermuch': 1, 'bowdens': 1, 'doodle': 1, 'credibilityin': 1, 'postsecondary': 1, 'verbals': 1, 'goldenboy': 1, 'outcomethere': 1, 'hoodwink': 1, 'filmschoolish': 1, 'subduedand': 1, 'murdererintraining': 1, 'taylorthomas': 1, 'cocainei': 1, 'kidsand': 1, 'onlychildrenhas': 1, 'blackeningheart': 1, 'indeedwe': 1, 'laudible': 1, 'hayworth': 1, 'implementation': 1, 'sentimentalized': 1, 'pseudolyrical': 1, 'homely': 1, 'irishfolk': 1, 'ratinfested': 1, 'malnutrition': 1, 'worsening': 1, 'gloomily': 1, 'supplementing': 1, 'hambling': 1, 'famished': 1, 'mccourt': 1, 'conversationheavy': 1, 'upwardlymobile': 1, 'basspounding': 1, 'intellectualizing': 1, 'harvardeducated': 1, 'outspokenperhaps': 1, 'dancefloor': 1, 'remeet': 1, 'eigeman': 1, 'factthat': 1, 'soulbaring': 1, 'wellspoken': 1, 'merrygoround': 1, 'enforcing': 1, 'spearing': 1, 'dingo': 1, 'churchman': 1, 'milliken': 1, 'aborginal': 1, 'pedersen': 1, 'menonly': 1, 'uluru': 1, 'anglosaxon': 1, 'jedda': 1, 'blacksmith': 1, 'nourishing': 1, 'performences': 1, 'effectsbound': 1, 'edgeofyourseat': 1, 'mouthopening': 1, 'gaultier': 1, 'amadalas': 1, 'goldembroidery': 1, 'zestful': 1, 'circled': 1, 'beliner': 1, 'outofit': 1, 'sugercoated': 1, 'syds': 1, 'portrtayal': 1, 'onceblossoming': 1, 'characted': 1, 'duong': 1, 'invlove': 1, 'steaminess': 1, 'leboswki': 1, 'whatsgoingonaroundhere': 1, 'slothful': 1, 'dudeness': 1, 'trademarked': 1, 'crimesgonewrong': 1, 'nam': 1, 'allpurple': 1, 'roseanne': 1, 'barrs': 1, 'redmanbvoice': 1, 'eaddress': 1, 'estuff': 1, 'manifesto': 1, 'meri': 1, 'kaczkowski': 1, 'robb': 1, 'sovereign': 1, 'sanctity': 1, 'url': 1, 'lauto': 1, 'smallbudget': 1, 'horrorscifi': 1, 'anywayyep': 1, 'bred': 1, 'decreased': 1, 'incorporation': 1, 'fossil': 1, 'wellbalanced': 1, 'parthuman': 1, 'cranny': 1, 'seathandles': 1, 'migration': 1, 'undie': 1, 'thespianatlarge': 1, 'fatherdavid': 1, 'douchebag': 1, 'fiesta': 1, 'glenross': 1, 'ged': 1, 'felony': 1, 'pry': 1, 'orsen': 1, 'filer': 1, 'appearence': 1, 'inventie': 1, 'unwinable': 1, 'proclamation': 1, 'prosecuting': 1, 'welldressed': 1, 'glorystarring': 1, 'freemanis': 1, '54th': 1, '1862': 1, 'eriksson': 1, 'warthat': 1, 'graz': 1, 'enlistment': 1, 'cheekand': 1, 'rattle': 1, 'southforever': 1, 'unquestioned': 1, 'grittiest': 1, '170': 1, 'discharge': 1, 'chiefofstafff': 1, 'downgrade': 1, 'trueman': 1, 'overflying': 1, 'paneled': 1, 'vainly': 1, 'allseeing': 1, 'cageworld': 1, 'snoot': 1, 'obstruction': 1, 'obscuring': 1, 'tangerine': 1, 'timbre': 1, 'powaqqatsi': 1, 'keyboardist': 1, 'capitalized': 1})
#creating an array of arrays for the mask
word_cloud = create_word_cloud_with_mask("data//projector.png", lemma_dict, 750, "Word Cloud Stemmed")
#Visualizing the top 12 words/characters
eda_reviews_top_words = word_freq_dict_to_df_top_words(lemma_dict, 12)
eda_reviews_top_words
count | word | |
---|---|---|
42 | 10963 | film |
22 | 6854 | movie |
11 | 5756 | one |
80 | 3853 | character |
86 | 3651 | like |
266 | 2849 | time |
9 | 2785 | get |
92 | 2638 | scene |
34 | 2582 | make |
36 | 2559 | even |
51 | 2338 | good |
267 | 2319 | story |
top_words_bar_plot(eda_reviews_top_words, "Top 12 Lemmatized Words")
<module 'matplotlib.pyplot' from 'C:\\Users\\ho511\\Anaconda3\\lib\\site-packages\\matplotlib\\pyplot.py'>
total_words_unique_words(lemma_dict)
The total number of words is 710273 The total number of unique words is 42473
#Visualizing bigrams:
lemma_bigrams = pd.DataFrame()
lemma_bigrams["lemma_review_bigrams"] = lemma_movies["lemma_review"].apply(lambda row: creating_ngrams(row, 2))
lemma_bigrams.head()
lemma_review_bigrams | |
---|---|
0 | [plot_two, two_teen, teen_couple, couple_go, g... |
1 | [happy_bastard, bastard_quick, quick_movie, mo... |
2 | [movie_like, like_make, make_jaded, jaded_movi... |
3 | [quest_camelot, camelot_warner, warner_bros, b... |
4 | [synopsis_mentally, mentally_unstable, unstabl... |
#Visualizing the bigrams
viz = pd.DataFrame()
viz["lemma_bigrams"] = lemma_bigrams["lemma_review_bigrams"].copy()
#Getting ready to visualize the data
viz["lemma_bigrams"] = getting_data_ready_for_freq(viz, "lemma_bigrams")
lemma_bigram_dict = creating_freq_list_from_df_to_dict(viz, "lemma_bigrams")
#creating an array of arrays for the mask
word_cloud = create_word_cloud_with_mask("data//projector.png", lemma_bigram_dict, 750, "Word Cloud Lemma Bigrams")
#Visualizing the top 12 words/characters
eda_reviews_top_words = word_freq_dict_to_df_top_words(lemma_bigram_dict, 12)
eda_reviews_top_words
count | word | |
---|---|---|
1048 | 387 | special_effect |
95 | 257 | look_like |
4787 | 249 | new_york |
1264 | 222 | even_though |
2849 | 183 | bad_guy |
3016 | 178 | high_school |
1782 | 173 | film_like |
1484 | 169 | take_place |
26071 | 166 | star_war |
7142 | 141 | one_best |
13755 | 139 | main_character |
169 | 133 | movie_like |
top_words_bar_plot(eda_reviews_top_words, "Top 12 Lemmatized Bigrams Words")
<module 'matplotlib.pyplot' from 'C:\\Users\\ho511\\Anaconda3\\lib\\site-packages\\matplotlib\\pyplot.py'>
total_words_unique_words(lemma_bigram_dict)
The total number of words is 708273 The total number of unique words is 518043
#Visualizing the Trigrams
lemma_trigrams = pd.DataFrame()
lemma_trigrams["lemma_review_trigrams"] = lemma_movies["lemma_review"].apply(lambda row: creating_ngrams(row, 3))
lemma_trigrams.head()
lemma_review_trigrams | |
---|---|
0 | [plot_two_teen, two_teen_couple, teen_couple_g... |
1 | [happy_bastard_quick, bastard_quick_movie, qui... |
2 | [movie_like_make, like_make_jaded, make_jaded_... |
3 | [quest_camelot_warner, camelot_warner_bros, wa... |
4 | [synopsis_mentally_unstable, mentally_unstable... |
#Visualizing the trigrams
viz = pd.DataFrame()
viz["lemma_trigrams"] = lemma_trigrams["lemma_review_trigrams"].copy()
#Getting ready to visualize the data
viz["lemma_trigrams"] = getting_data_ready_for_freq(viz, "lemma_trigrams")
lemma_trigram_dict = creating_freq_list_from_df_to_dict(viz, "lemma_trigrams")
#creating an array of arrays for the mask
word_cloud = create_word_cloud_with_mask("data//projector.png", lemma_trigram_dict, 750, "Word Cloud Lemma Trigrams")
#Visualizing the top 12 words/characters
eda_reviews_top_words = word_freq_dict_to_df_top_words(lemma_trigram_dict, 12)
eda_reviews_top_words
count | word | |
---|---|---|
27739 | 59 | know_last_summer |
25845 | 54 | new_york_city |
37571 | 44 | tommy_lee_jones |
47964 | 43 | saving_private_ryan |
4442 | 43 | ive_ever_seen |
101166 | 39 | jay_silent_bob |
17668 | 36 | blair_witch_project |
62757 | 32 | robert_de_niro |
71008 | 31 | wild_wild_west |
13101 | 30 | film_take_place |
13809 | 29 | dont_get_wrong |
75383 | 29 | samuel_l_jackson |
top_words_bar_plot(eda_reviews_top_words, "Top 12 Lemmatized Trigrams Words")
<module 'matplotlib.pyplot' from 'C:\\Users\\ho511\\Anaconda3\\lib\\site-packages\\matplotlib\\pyplot.py'>
total_words_unique_words(lemma_trigram_dict)
The total number of words is 706273 The total number of unique words is 683103
#Attempting to create a bag of words from the stemmed data frame that has the stopped words removed:
#Now I am going to create my bag of words and pd df before I move on to lemmatizing
stemmed_bow = bag_of_words(stemmed_movies, "stemmed_review")
stemmed_bow[0]
Counter({'plot': 1, 'two': 2, 'teen': 4, 'coupl': 1, 'go': 4, 'church': 1, 'parti': 1, 'drink': 1, 'drive': 1, 'get': 3, 'accid': 1, 'one': 3, 'guy': 1, 'die': 1, 'girlfriend': 1, 'continu': 1, 'see': 2, 'life': 1, 'nightmar': 2, 'what': 2, 'deal': 1, 'watch': 1, 'movi': 7, 'sorta': 1, 'find': 1, 'critiqu': 1, 'mindfuck': 2, 'gener': 2, 'touch': 1, 'cool': 2, 'idea': 2, 'present': 1, 'bad': 2, 'packag': 2, 'make': 7, 'review': 1, 'even': 3, 'harder': 1, 'write': 1, 'sinc': 2, 'applaud': 1, 'film': 8, 'attempt': 1, 'break': 1, 'mold': 1, 'mess': 1, 'head': 1, 'lost': 2, 'highway': 2, 'memento': 2, 'good': 2, 'way': 3, 'type': 1, 'folk': 1, 'didnt': 2, 'snag': 1, 'correctli': 1, 'seem': 3, 'taken': 1, 'pretti': 5, 'neat': 1, 'concept': 1, 'execut': 1, 'terribl': 1, 'problem': 3, 'well': 1, 'main': 1, 'simpli': 2, 'jumbl': 1, 'start': 2, 'normal': 1, 'downshift': 1, 'fantasi': 1, 'world': 2, 'audienc': 2, 'member': 1, 'dream': 1, 'charact': 3, 'come': 2, 'back': 1, 'dead': 2, 'other': 2, 'look': 2, 'like': 3, 'strang': 3, 'apparit': 1, 'disappear': 1, 'looooot': 1, 'chase': 2, 'scene': 2, 'ton': 1, 'weird': 1, 'thing': 2, 'happen': 1, 'explain': 1, 'person': 1, 'dont': 2, 'mind': 1, 'tri': 1, 'unravel': 2, 'everi': 1, 'give': 2, 'clue': 1, 'kind': 1, 'fed': 1, 'biggest': 2, 'obvious': 1, 'got': 1, 'big': 1, 'secret': 2, 'hide': 2, 'want': 1, 'complet': 1, 'final': 1, 'five': 1, 'minut': 2, 'entertain': 3, 'thrill': 1, 'engag': 1, 'meantim': 1, 'realli': 2, 'sad': 1, 'part': 2, 'arrow': 1, 'dig': 1, 'flick': 2, 'actual': 2, 'figur': 1, 'halfway': 1, 'point': 1, 'littl': 2, 'bit': 1, 'sens': 2, 'still': 2, 'guess': 2, 'bottom': 1, 'line': 1, 'alway': 1, 'sure': 1, 'given': 1, 'password': 1, 'enter': 1, 'understand': 1, 'mean': 1, 'show': 2, 'melissa': 1, 'sagemil': 2, 'run': 1, 'away': 2, 'vision': 1, '20': 1, 'throughout': 2, 'plain': 1, 'lazi': 1, 'okay': 1, 'peopl': 1, 'know': 1, 'need': 1, 'us': 1, 'differ': 1, 'offer': 1, 'insight': 1, 'appar': 2, 'studio': 1, 'took': 1, 'director': 1, 'chop': 1, 'mightv': 1, 'decent': 1, 'somewher': 1, 'suit': 1, 'decid': 1, 'turn': 1, 'music': 1, 'video': 1, 'edg': 1, 'would': 1, 'actor': 1, 'although': 1, 'we': 1, 'bentley': 1, 'play': 1, 'exact': 1, 'american': 1, 'beauti': 1, 'new': 1, 'neighborhood': 1, 'kudo': 1, 'hold': 1, 'entir': 1, 'feel': 2, 'overal': 1, 'doesnt': 2, 'stick': 1, 'confus': 1, 'rare': 1, 'excit': 1, 'redund': 1, 'runtim': 1, 'despit': 1, 'end': 1, 'explan': 1, 'crazi': 1, 'came': 1, 'oh': 1, 'horror': 1, 'slasher': 1, 'someon': 1, 'assum': 1, 'genr': 1, 'hot': 1, 'kid': 1, 'also': 1, 'wrap': 1, 'product': 1, 'year': 1, 'ago': 1, 'sit': 1, 'shelv': 1, 'ever': 1, 'whatev': 1, 'skip': 1, 'where': 1, 'joblo': 1, 'elm': 1, 'street': 1, '3': 1, '710': 2, 'blair': 1, 'witch': 1, '2': 1, 'crow': 2, '910': 2, 'salvat': 1, '410': 1, '1010': 2, 'stir': 1, 'echo': 1, '810': 1})
stemmed_df = bow_to_df(stemmed_bow)
stemmed_df.head()
#When attempting to normalize this df, it took over 15 minutes and was still running... Therefore, it is apparent
#that feature reduction needs to be introduced. I decided to remove words that are neutral...
plot | two | teen | coupl | go | church | parti | drink | drive | get | ... | trueman | overfli | vainli | allse | cageworld | snoot | tangerin | timbr | powaqqatsi | keyboardist | |
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
0 | 1 | 2 | 4 | 1 | 4 | 1 | 1 | 1 | 1 | 3 | ... | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 |
1 | 0 | 0 | 0 | 0 | 2 | 0 | 0 | 0 | 0 | 1 | ... | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 |
2 | 2 | 1 | 0 | 0 | 2 | 0 | 0 | 0 | 0 | 1 | ... | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 |
3 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 1 | ... | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 |
4 | 1 | 1 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | ... | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 |
5 rows × 32160 columns
#For my new feature reduction and word removal. I am not removing stopwords, but instead words that do not have a
#significant postive or negative sentiment analyzer score. Scratch that, I had to remove stopwords and use it on
#the lemmatized review otherwise I got an error that it was doing too much.
final_df= pd.DataFrame()
final_df["reviews"] = lemma_movies.apply(lambda row: pos_neg_words(row["lemma_review"]), axis = 1)
final_df.head()
reviews | |
---|---|
0 | [party, accident, cool, bad, applaud, mess, lo... |
1 | [happy, bastard, damn, empty, like, like, wast... |
2 | [like, jaded, thankful, criminal, wrong, stole... |
3 | [steal, worried, challenger, promising, lively... |
4 | [unstable, save, fatal, accident, love, unsucc... |
#Need to add the label back to the reviews
final_df["label"] = movies_clean["label"]
final_df.head()
reviews | label | |
---|---|---|
0 | [party, accident, cool, bad, applaud, mess, lo... | neg |
1 | [happy, bastard, damn, empty, like, like, wast... | neg |
2 | [like, jaded, thankful, criminal, wrong, stole... | neg |
3 | [steal, worried, challenger, promising, lively... | neg |
4 | [unstable, save, fatal, accident, love, unsucc... | neg |
#Visualizing the df before running machine learning to see if the way I reduced the features allows for accurate prediction
#visualizing the further reduced dataset...
#Creating a visualization df that I can manipulate when creating my visualizations
viz = pd.DataFrame()
#copying my movies_stemmed df.
viz["reviews"] = final_df["reviews"]
viz["reviews"] = getting_data_ready_for_freq(viz, "reviews")
movies_review_dict = creating_freq_list_from_df_to_dict(viz, "reviews")
#mask from http://clipart-library.com/clipart/1517256.htm
#creating an array of arrays for the mask
create_word_cloud_with_mask("data//projector.png", movies_review_dict, 750, "Word Cloud With Lemmatized Sentiment Reduced Words")
<module 'matplotlib.pyplot' from 'C:\\Users\\ho511\\Anaconda3\\lib\\site-packages\\matplotlib\\pyplot.py'>
#Visualizing the top 12 words/characters
eda_reviews_top_words = word_freq_dict_to_df_top_words(movies_review_dict, 12)
eda_reviews_top_words
count | word | |
---|---|---|
15 | 3651 | like |
7 | 2338 | good |
12 | 1709 | well |
3 | 1373 | bad |
54 | 1302 | best |
57 | 1198 | play |
110 | 1184 | love |
166 | 1142 | great |
168 | 918 | better |
96 | 886 | comedy |
217 | 829 | funny |
216 | 791 | friend |
top_words_bar_plot(eda_reviews_top_words, "Top 12 Sentiment Reduced Lemmatized Words")
<module 'matplotlib.pyplot' from 'C:\\Users\\ho511\\Anaconda3\\lib\\site-packages\\matplotlib\\pyplot.py'>
total_words_unique_words(movies_review_dict)
The total number of words is 109548 The total number of unique words is 3181
#Now, I am ready to create a bag of words and then my giant df with these reduced features...
#Now I am going to create my bag of words and pd df before I move on to lemmatizing
reduced_lemma_bow = bag_of_words(final_df, "reviews")
reduced_lemma_bow[0]
Counter({'party': 1, 'accident': 1, 'cool': 2, 'bad': 2, 'applaud': 1, 'mess': 1, 'lost': 2, 'good': 2, 'pretty': 5, 'neat': 1, 'terribly': 1, 'problem': 3, 'well': 1, 'dream': 1, 'dead': 2, 'like': 3, 'strange': 1, 'weird': 1, 'kind': 1, 'hide': 2, 'entertaining': 2, 'thrilling': 1, 'engaging': 1, 'sad': 1, 'sure': 1, 'vision': 1, 'lazy': 1, 'okay': 1, 'giving': 1, 'playing': 1, 'beauty': 1, 'kudos': 1, 'feeling': 1, 'entertain': 1, 'confusing': 1, 'excites': 1, 'craziness': 1, 'horror': 1, 'witch': 1})
reduced_df = bow_to_df(reduced_lemma_bow)
reduced_df.head()
party | accident | cool | bad | applaud | mess | lost | good | pretty | neat | ... | complimented | isolationist | fearfully | sentimentalized | worsening | intellectualizing | motivate | douchebag | fiesta | felony | |
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
0 | 1 | 1 | 2 | 2 | 1 | 1 | 2 | 2 | 5 | 1 | ... | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 |
1 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 1 | 1 | 0 | ... | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 |
2 | 0 | 0 | 3 | 0 | 0 | 1 | 0 | 0 | 0 | 0 | ... | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 |
3 | 0 | 0 | 0 | 0 | 0 | 2 | 0 | 1 | 1 | 0 | ... | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 |
4 | 0 | 1 | 0 | 2 | 0 | 0 | 0 | 1 | 0 | 0 | ... | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 |
5 rows × 3181 columns
#Now, I need to normalize the dataframe
reduced_df = normalize_df(reduced_df)
reduced_df.head()
party | accident | cool | bad | applaud | mess | lost | good | pretty | neat | ... | isolationist | fearfully | sentimentalized | worsening | intellectualizing | motivate | douchebag | fiesta | felony | total | |
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
0 | 0.018519 | 0.018519 | 0.037037 | 0.037037 | 0.018519 | 0.018519 | 0.037037 | 0.037037 | 0.092593 | 0.018519 | ... | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 54 |
1 | 0.000000 | 0.000000 | 0.000000 | 0.000000 | 0.000000 | 0.000000 | 0.000000 | 0.083333 | 0.083333 | 0.000000 | ... | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 12 |
2 | 0.000000 | 0.000000 | 0.071429 | 0.000000 | 0.000000 | 0.023810 | 0.000000 | 0.000000 | 0.000000 | 0.000000 | ... | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 42 |
3 | 0.000000 | 0.000000 | 0.000000 | 0.000000 | 0.000000 | 0.044444 | 0.000000 | 0.022222 | 0.022222 | 0.000000 | ... | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 45 |
4 | 0.000000 | 0.023810 | 0.000000 | 0.047619 | 0.000000 | 0.000000 | 0.000000 | 0.023810 | 0.000000 | 0.000000 | ... | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 42 |
5 rows × 3182 columns
#Now I need to re-add the labels
reduced_df["label"] = final_df["label"]
reduced_df.head()
party | accident | cool | bad | applaud | mess | lost | good | pretty | neat | ... | fearfully | sentimentalized | worsening | intellectualizing | motivate | douchebag | fiesta | felony | total | label | |
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
0 | 0.018519 | 0.018519 | 0.037037 | 0.037037 | 0.018519 | 0.018519 | 0.037037 | 0.037037 | 0.092593 | 0.018519 | ... | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 54 | neg |
1 | 0.000000 | 0.000000 | 0.000000 | 0.000000 | 0.000000 | 0.000000 | 0.000000 | 0.083333 | 0.083333 | 0.000000 | ... | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 12 | neg |
2 | 0.000000 | 0.000000 | 0.071429 | 0.000000 | 0.000000 | 0.023810 | 0.000000 | 0.000000 | 0.000000 | 0.000000 | ... | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 42 | neg |
3 | 0.000000 | 0.000000 | 0.000000 | 0.000000 | 0.000000 | 0.044444 | 0.000000 | 0.022222 | 0.022222 | 0.000000 | ... | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 45 | neg |
4 | 0.000000 | 0.023810 | 0.000000 | 0.047619 | 0.000000 | 0.000000 | 0.000000 | 0.023810 | 0.000000 | 0.000000 | ... | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 42 | neg |
5 rows × 3183 columns
#Creating a testing and training df for the large_df
test_train = reduced_df.copy()
test_train_label = test_train["label"]
#Now, I need to drop the label from the test_train_opinions df
test_train.drop("label", axis = 1, inplace = True)
#Creating 4 df: 1: the training df with label removed, 2: the testing df with label removed, 3: the training label, 4: testing label
train, test, train_label, test_label = train_test_split(test_train, test_train_label, test_size = .3, random_state = 1006)
#Getting a count of positive and negative opinions in the test label
print(Counter(test_label))
#That worked out perfectly! I have 300 negative reviews and 300 positive reviews; which means
#I have 700 positive and 700 negative reviews in my training set.
Counter({'pos': 300, 'neg': 300})
#Naive Bayes attempt
clf = GaussianNB()
clf.fit(train, train_label)
test_predicted = clf.predict(test)
#Getting the accuracy for naive bayes
accuracy = accuracy_score(test_label, test_predicted, normalize = True)
print("The accuracy is", accuracy)
cm = confusion_matrix(test_label, test_predicted)
confusion_matrix_graph(cm, accuracy, "NB Gaussian")
The accuracy is 0.6983333333333334
Text(0.5, 1, 'NB Gaussian Accuracy Score: 0.6983')