Bidirectional LSTM-based sentiment classification model#

Building a simple Bidirectional LSTM-based model to predict sentiment on the same data as in Sentiment classification with RNN.

1raise SystemExit("Stop right there!");
An exception has occurred, use %tb to see the full traceback.

SystemExit: Stop right there!

Importing libraries and packages#

 1# Warnings
 2import warnings
 3
 4# System
 5import os
 6
 7# Mathematical operations and data manipulation
 8import numpy as np
 9
10# Modelling
11import tensorflow as tf
12import keras
13from tensorflow.keras import preprocessing
14from tensorflow.keras import layers
15from tensorflow.keras.datasets import imdb
16from tensorflow.keras.layers import LSTM
17from tensorflow.keras.preprocessing.text import text_to_word_sequence
18
19# Statistics
20from sklearn.metrics import accuracy_score
21
22# Plotting
23import matplotlib.pyplot as plt
24from IPython.display import display, HTML
25
26%matplotlib inline
27warnings.filterwarnings("ignore")
28display(HTML("<style>.container {width:80% !important;}</style>"))
29
30print("Tensorflow version:", tf.__version__)
31print("Keras version:", keras.__version__)
Tensorflow version: 2.4.1
Keras version: 2.4.3
1os.environ["TF_CPP_MIN_LOG_LEVEL"] = "2"

Set paths#

1# Path to datasets directory
2data_path = "datasets"
3# Path to assets directory (for saving results to)
4assets_path = "assets"

Loading dataset#

1vocab_size = 8000
2(X_train, y_train), (X_test, y_test) = keras.datasets.imdb.load_data(
3    num_words=vocab_size
4)
1print(type(X_train))
2print(type(X_train[5]))
3print(X_train[5])
<class 'numpy.ndarray'>
<class 'list'>
[1, 778, 128, 74, 12, 630, 163, 15, 4, 1766, 7982, 1051, 2, 32, 85, 156, 45, 40, 148, 139, 121, 664, 665, 10, 10, 1361, 173, 4, 749, 2, 16, 3804, 8, 4, 226, 65, 12, 43, 127, 24, 2, 10, 10]

Preparing the data#

1# Preparing the data for stock price prediction
2maxlen = 200
3
4X_train = preprocessing.sequence.pad_sequences(X_train, maxlen=maxlen)
5X_test = preprocessing.sequence.pad_sequences(X_test, maxlen=maxlen)
1print(X_train[5])
[   0    0    0    0    0    0    0    0    0    0    0    0    0    0
    0    0    0    0    0    0    0    0    0    0    0    0    0    0
    0    0    0    0    0    0    0    0    0    0    0    0    0    0
    0    0    0    0    0    0    0    0    0    0    0    0    0    0
    0    0    0    0    0    0    0    0    0    0    0    0    0    0
    0    0    0    0    0    0    0    0    0    0    0    0    0    0
    0    0    0    0    0    0    0    0    0    0    0    0    0    0
    0    0    0    0    0    0    0    0    0    0    0    0    0    0
    0    0    0    0    0    0    0    0    0    0    0    0    0    0
    0    0    0    0    0    0    0    0    0    0    0    0    0    0
    0    0    0    0    0    0    0    0    0    0    0    0    0    0
    0    0    0    1  778  128   74   12  630  163   15    4 1766 7982
 1051    2   32   85  156   45   40  148  139  121  664  665   10   10
 1361  173    4  749    2   16 3804    8    4  226   65   12   43  127
   24    2   10   10]

Bidirectional LSTM based model#

1# Reproducability
2np.random.seed(42)
3tf.random.set_seed(42)
 1# Training base model (requires numpy=1.19,
 2# see https://github.com/tensorflow/models/issues/9706)
 3model = tf.keras.Sequential(
 4    [
 5        layers.Embedding(vocab_size, output_dim=32),
 6        layers.SpatialDropout1D(0.4),
 7        layers.Bidirectional(LSTM(32)),
 8        layers.Dropout(0.4),
 9        layers.Dense(1, activation="sigmoid"),
10    ]
11)
1model.compile(
2    loss="binary_crossentropy", optimizer="rmsprop", metrics=["accuracy"]
3)
1model.summary()
Model: "sequential"
_________________________________________________________________
Layer (type)                 Output Shape              Param #   
=================================================================
embedding (Embedding)        (None, None, 32)          256000    
_________________________________________________________________
spatial_dropout1d (SpatialDr (None, None, 32)          0         
_________________________________________________________________
bidirectional (Bidirectional (None, 64)                16640     
_________________________________________________________________
dropout (Dropout)            (None, 64)                0         
_________________________________________________________________
dense (Dense)                (None, 1)                 65        
=================================================================
Total params: 272,705
Trainable params: 272,705
Non-trainable params: 0
_________________________________________________________________
1history = model.fit(
2    X_train, y_train, batch_size=128, validation_split=0.2, epochs=4
3)
Epoch 1/4
157/157 [==============================] - 94s 588ms/step - loss: 0.6407 - accuracy: 0.6050 - val_loss: 0.3583 - val_accuracy: 0.8646
Epoch 2/4
157/157 [==============================] - 115s 735ms/step - loss: 0.3462 - accuracy: 0.8624 - val_loss: 0.3003 - val_accuracy: 0.8778
Epoch 3/4
157/157 [==============================] - 115s 732ms/step - loss: 0.2705 - accuracy: 0.8973 - val_loss: 0.2919 - val_accuracy: 0.8764
Epoch 4/4
157/157 [==============================] - 106s 676ms/step - loss: 0.2431 - accuracy: 0.9088 - val_loss: 0.2835 - val_accuracy: 0.8878

Statistics#

1y_test_pred = model.predict_classes(X_test)
1print(accuracy_score(y_test, y_test_pred))
0.87796
 1def plotloss(history):
 2    plt.plot(history.history["loss"])
 3    plt.plot(history.history["val_loss"])
 4    plt.plot(history.history["accuracy"])
 5    plt.xlabel("Epochs")
 6    plt.ylabel("Loss")
 7    plt.legend(["Train", "Validation", "Accuracy"])
 8    plt.title("Bidirectional-LSTM-Based sentiment classification model")
 9    plt.savefig(f"{assets_path}/sentiment_bi_lstm.png", format="png", dpi=300)
10    plt.show()
11
12
13plotloss(history)
../../_images/470578166f814a20e8c69e5b743d96646e3c8798d6ce80ab5fd44095865db420.png

Predictions#

 1my_review = "An excellent movie!"
 2# Tokenizing, normalizing case, and removing punctuation
 3# (keras utility)
 4text_to_word_sequence(my_review)
 5# The vocabulary and the term-to-index mapping can be loaded
 6# using the get_word_index method from the imdb module
 7# (that was employed to load the code).
 8word_map = imdb.get_word_index()
 9# The data was loaded with a vocabulary size of 8000
10# (using the first 8000 indices from the mapping).
11# Using the same terms/indices that the training data used.
12# Limiting the mapping to 8000 terms by sorting the word_map
13# variable on the index and picking the first 8000 terms
14vocab_map = dict(sorted(word_map.items(), key=lambda x: x[1])[:vocab_size])
15# The dictionary containing the term for index mapping for the
16# 8000 terms in the vocabulary.
17print(vocab_map)
{'the': 1, 'and': 2, 'a': 3, 'of': 4, 'to': 5, 'is': 6, 'br': 7, 'in': 8, 'it': 9, 'i': 10, 'this': 11, 'that': 12, 'was': 13, 'as': 14, 'for': 15, 'with': 16, 'movie': 17, 'but': 18, 'film': 19, 'on': 20, 'not': 21, 'you': 22, 'are': 23, 'his': 24, 'have': 25, 'he': 26, 'be': 27, 'one': 28, 'all': 29, 'at': 30, 'by': 31, 'an': 32, 'they': 33, 'who': 34, 'so': 35, 'from': 36, 'like': 37, 'her': 38, 'or': 39, 'just': 40, 'about': 41, "it's": 42, 'out': 43, 'has': 44, 'if': 45, 'some': 46, 'there': 47, 'what': 48, 'good': 49, 'more': 50, 'when': 51, 'very': 52, 'up': 53, 'no': 54, 'time': 55, 'she': 56, 'even': 57, 'my': 58, 'would': 59, 'which': 60, 'only': 61, 'story': 62, 'really': 63, 'see': 64, 'their': 65, 'had': 66, 'can': 67, 'were': 68, 'me': 69, 'well': 70, 'than': 71, 'we': 72, 'much': 73, 'been': 74, 'bad': 75, 'get': 76, 'will': 77, 'do': 78, 'also': 79, 'into': 80, 'people': 81, 'other': 82, 'first': 83, 'great': 84, 'because': 85, 'how': 86, 'him': 87, 'most': 88, "don't": 89, 'made': 90, 'its': 91, 'then': 92, 'way': 93, 'make': 94, 'them': 95, 'too': 96, 'could': 97, 'any': 98, 'movies': 99, 'after': 100, 'think': 101, 'characters': 102, 'watch': 103, 'two': 104, 'films': 105, 'character': 106, 'seen': 107, 'many': 108, 'being': 109, 'life': 110, 'plot': 111, 'never': 112, 'acting': 113, 'little': 114, 'best': 115, 'love': 116, 'over': 117, 'where': 118, 'did': 119, 'show': 120, 'know': 121, 'off': 122, 'ever': 123, 'does': 124, 'better': 125, 'your': 126, 'end': 127, 'still': 128, 'man': 129, 'here': 130, 'these': 131, 'say': 132, 'scene': 133, 'while': 134, 'why': 135, 'scenes': 136, 'go': 137, 'such': 138, 'something': 139, 'through': 140, 'should': 141, 'back': 142, "i'm": 143, 'real': 144, 'those': 145, 'watching': 146, 'now': 147, 'though': 148, "doesn't": 149, 'years': 150, 'old': 151, 'thing': 152, 'actors': 153, 'work': 154, '10': 155, 'before': 156, 'another': 157, "didn't": 158, 'new': 159, 'funny': 160, 'nothing': 161, 'actually': 162, 'makes': 163, 'director': 164, 'look': 165, 'find': 166, 'going': 167, 'few': 168, 'same': 169, 'part': 170, 'again': 171, 'every': 172, 'lot': 173, 'cast': 174, 'us': 175, 'quite': 176, 'down': 177, 'want': 178, 'world': 179, 'things': 180, 'pretty': 181, 'young': 182, 'seems': 183, 'around': 184, 'got': 185, 'horror': 186, 'however': 187, "can't": 188, 'fact': 189, 'take': 190, 'big': 191, 'enough': 192, 'long': 193, 'thought': 194, "that's": 195, 'both': 196, 'between': 197, 'series': 198, 'give': 199, 'may': 200, 'original': 201, 'own': 202, 'action': 203, "i've": 204, 'right': 205, 'without': 206, 'always': 207, 'times': 208, 'comedy': 209, 'point': 210, 'gets': 211, 'must': 212, 'come': 213, 'role': 214, "isn't": 215, 'saw': 216, 'almost': 217, 'interesting': 218, 'least': 219, 'family': 220, 'done': 221, "there's": 222, 'whole': 223, 'bit': 224, 'music': 225, 'script': 226, 'far': 227, 'making': 228, 'guy': 229, 'anything': 230, 'minutes': 231, 'feel': 232, 'last': 233, 'since': 234, 'might': 235, 'performance': 236, "he's": 237, '2': 238, 'probably': 239, 'kind': 240, 'am': 241, 'away': 242, 'yet': 243, 'rather': 244, 'tv': 245, 'worst': 246, 'girl': 247, 'day': 248, 'sure': 249, 'fun': 250, 'hard': 251, 'woman': 252, 'played': 253, 'each': 254, 'found': 255, 'anyone': 256, 'having': 257, 'although': 258, 'especially': 259, 'our': 260, 'believe': 261, 'course': 262, 'comes': 263, 'looking': 264, 'screen': 265, 'trying': 266, 'set': 267, 'goes': 268, 'looks': 269, 'place': 270, 'book': 271, 'different': 272, 'put': 273, 'ending': 274, 'money': 275, 'maybe': 276, 'once': 277, 'sense': 278, 'reason': 279, 'true': 280, 'actor': 281, 'everything': 282, "wasn't": 283, 'shows': 284, 'dvd': 285, 'three': 286, 'worth': 287, 'year': 288, 'job': 289, 'main': 290, 'someone': 291, 'together': 292, 'watched': 293, 'play': 294, 'american': 295, 'plays': 296, '1': 297, 'said': 298, 'effects': 299, 'later': 300, 'takes': 301, 'instead': 302, 'seem': 303, 'beautiful': 304, 'john': 305, 'himself': 306, 'version': 307, 'audience': 308, 'high': 309, 'house': 310, 'night': 311, 'during': 312, 'everyone': 313, 'left': 314, 'special': 315, 'seeing': 316, 'half': 317, 'excellent': 318, 'wife': 319, 'star': 320, 'shot': 321, 'war': 322, 'idea': 323, 'nice': 324, 'black': 325, 'less': 326, 'mind': 327, 'simply': 328, 'read': 329, 'second': 330, 'else': 331, "you're": 332, 'father': 333, 'fan': 334, 'poor': 335, 'help': 336, 'completely': 337, 'death': 338, '3': 339, 'used': 340, 'home': 341, 'either': 342, 'short': 343, 'line': 344, 'given': 345, 'men': 346, 'top': 347, 'dead': 348, 'budget': 349, 'try': 350, 'performances': 351, 'wrong': 352, 'classic': 353, 'boring': 354, 'enjoy': 355, 'need': 356, 'rest': 357, 'use': 358, 'kids': 359, 'hollywood': 360, 'low': 361, 'production': 362, 'until': 363, 'along': 364, 'full': 365, 'friends': 366, 'camera': 367, 'truly': 368, 'women': 369, 'awful': 370, 'video': 371, 'next': 372, 'tell': 373, 'remember': 374, 'couple': 375, 'stupid': 376, 'start': 377, 'stars': 378, 'perhaps': 379, 'sex': 380, 'mean': 381, 'came': 382, 'recommend': 383, 'let': 384, 'moments': 385, 'wonderful': 386, 'episode': 387, 'understand': 388, 'small': 389, 'face': 390, 'terrible': 391, 'playing': 392, 'school': 393, 'getting': 394, 'written': 395, 'doing': 396, 'often': 397, 'keep': 398, 'early': 399, 'name': 400, 'perfect': 401, 'style': 402, 'human': 403, 'definitely': 404, 'gives': 405, 'others': 406, 'itself': 407, 'lines': 408, 'live': 409, 'become': 410, 'dialogue': 411, 'person': 412, 'lost': 413, 'finally': 414, 'piece': 415, 'head': 416, 'case': 417, 'felt': 418, 'yes': 419, 'liked': 420, 'supposed': 421, 'title': 422, "couldn't": 423, 'absolutely': 424, 'white': 425, 'against': 426, 'boy': 427, 'picture': 428, 'sort': 429, 'worse': 430, 'certainly': 431, 'went': 432, 'entire': 433, 'waste': 434, 'cinema': 435, 'problem': 436, 'hope': 437, 'entertaining': 438, "she's": 439, 'mr': 440, 'overall': 441, 'evil': 442, 'called': 443, 'loved': 444, 'based': 445, 'oh': 446, 'several': 447, 'fans': 448, 'mother': 449, 'drama': 450, 'beginning': 451, 'killer': 452, 'lives': 453, '5': 454, 'direction': 455, 'care': 456, 'already': 457, 'becomes': 458, 'laugh': 459, 'example': 460, 'friend': 461, 'dark': 462, 'despite': 463, 'under': 464, 'seemed': 465, 'throughout': 466, '4': 467, 'turn': 468, 'unfortunately': 469, 'wanted': 470, "i'd": 471, '\x96': 472, 'children': 473, 'final': 474, 'fine': 475, 'history': 476, 'amazing': 477, 'sound': 478, 'guess': 479, 'heart': 480, 'totally': 481, 'lead': 482, 'humor': 483, 'writing': 484, 'michael': 485, 'quality': 486, "you'll": 487, 'close': 488, 'son': 489, 'guys': 490, 'wants': 491, 'works': 492, 'behind': 493, 'tries': 494, 'art': 495, 'side': 496, 'game': 497, 'past': 498, 'able': 499, 'b': 500, 'days': 501, 'turns': 502, 'child': 503, "they're": 504, 'hand': 505, 'flick': 506, 'enjoyed': 507, 'act': 508, 'genre': 509, 'town': 510, 'favorite': 511, 'soon': 512, 'kill': 513, 'starts': 514, 'sometimes': 515, 'car': 516, 'gave': 517, 'run': 518, 'late': 519, 'eyes': 520, 'actress': 521, 'etc': 522, 'directed': 523, 'horrible': 524, "won't": 525, 'viewer': 526, 'brilliant': 527, 'parts': 528, 'self': 529, 'themselves': 530, 'hour': 531, 'expect': 532, 'thinking': 533, 'stories': 534, 'stuff': 535, 'girls': 536, 'obviously': 537, 'blood': 538, 'decent': 539, 'city': 540, 'voice': 541, 'highly': 542, 'myself': 543, 'feeling': 544, 'fight': 545, 'except': 546, 'slow': 547, 'matter': 548, 'type': 549, 'anyway': 550, 'kid': 551, 'roles': 552, 'killed': 553, 'heard': 554, 'god': 555, 'age': 556, 'says': 557, 'moment': 558, 'took': 559, 'leave': 560, 'writer': 561, 'strong': 562, 'cannot': 563, 'violence': 564, 'police': 565, 'hit': 566, 'stop': 567, 'happens': 568, 'particularly': 569, 'known': 570, 'involved': 571, 'happened': 572, 'extremely': 573, 'daughter': 574, 'obvious': 575, 'told': 576, 'chance': 577, 'living': 578, 'coming': 579, 'lack': 580, 'alone': 581, 'experience': 582, "wouldn't": 583, 'including': 584, 'murder': 585, 'attempt': 586, 's': 587, 'please': 588, 'james': 589, 'happen': 590, 'wonder': 591, 'crap': 592, 'ago': 593, 'brother': 594, "film's": 595, 'gore': 596, 'none': 597, 'complete': 598, 'interest': 599, 'score': 600, 'group': 601, 'cut': 602, 'simple': 603, 'save': 604, 'ok': 605, 'hell': 606, 'looked': 607, 'career': 608, 'number': 609, 'song': 610, 'possible': 611, 'seriously': 612, 'annoying': 613, 'shown': 614, 'exactly': 615, 'sad': 616, 'running': 617, 'musical': 618, 'serious': 619, 'taken': 620, 'yourself': 621, 'whose': 622, 'released': 623, 'cinematography': 624, 'david': 625, 'scary': 626, 'ends': 627, 'english': 628, 'hero': 629, 'usually': 630, 'hours': 631, 'reality': 632, 'opening': 633, "i'll": 634, 'across': 635, 'today': 636, 'jokes': 637, 'light': 638, 'hilarious': 639, 'somewhat': 640, 'usual': 641, 'started': 642, 'cool': 643, 'ridiculous': 644, 'body': 645, 'relationship': 646, 'view': 647, 'level': 648, 'opinion': 649, 'change': 650, 'happy': 651, 'middle': 652, 'taking': 653, 'wish': 654, 'husband': 655, 'finds': 656, 'saying': 657, 'order': 658, 'talking': 659, 'ones': 660, 'documentary': 661, 'shots': 662, 'huge': 663, 'novel': 664, 'female': 665, 'mostly': 666, 'robert': 667, 'power': 668, 'episodes': 669, 'room': 670, 'important': 671, 'rating': 672, 'talent': 673, 'five': 674, 'major': 675, 'turned': 676, 'strange': 677, 'word': 678, 'modern': 679, 'call': 680, 'apparently': 681, 'disappointed': 682, 'single': 683, 'events': 684, 'due': 685, 'four': 686, 'songs': 687, 'basically': 688, 'attention': 689, '7': 690, 'knows': 691, 'clearly': 692, 'supporting': 693, 'knew': 694, 'british': 695, 'television': 696, 'comic': 697, 'non': 698, 'fast': 699, 'earth': 700, 'country': 701, 'future': 702, 'cheap': 703, 'class': 704, 'thriller': 705, '8': 706, 'silly': 707, 'king': 708, 'problems': 709, "aren't": 710, 'easily': 711, 'words': 712, 'tells': 713, 'miss': 714, 'jack': 715, 'local': 716, 'sequence': 717, 'bring': 718, 'entertainment': 719, 'paul': 720, 'beyond': 721, 'upon': 722, 'whether': 723, 'predictable': 724, 'moving': 725, 'similar': 726, 'straight': 727, 'romantic': 728, 'sets': 729, 'review': 730, 'falls': 731, 'oscar': 732, 'mystery': 733, 'enjoyable': 734, 'needs': 735, 'appears': 736, 'talk': 737, 'rock': 738, 'george': 739, 'giving': 740, 'eye': 741, 'richard': 742, 'within': 743, 'ten': 744, 'animation': 745, 'message': 746, 'theater': 747, 'near': 748, 'above': 749, 'dull': 750, 'nearly': 751, 'sequel': 752, 'theme': 753, 'points': 754, "'": 755, 'stand': 756, 'mention': 757, 'lady': 758, 'bunch': 759, 'add': 760, 'feels': 761, 'herself': 762, 'release': 763, 'red': 764, 'team': 765, 'storyline': 766, 'surprised': 767, 'ways': 768, 'using': 769, 'named': 770, "haven't": 771, 'lots': 772, 'easy': 773, 'fantastic': 774, 'begins': 775, 'actual': 776, 'working': 777, 'effort': 778, 'york': 779, 'die': 780, 'hate': 781, 'french': 782, 'minute': 783, 'tale': 784, 'clear': 785, 'stay': 786, '9': 787, 'elements': 788, 'feature': 789, 'among': 790, 'follow': 791, 'comments': 792, 're': 793, 'viewers': 794, 'avoid': 795, 'sister': 796, 'showing': 797, 'typical': 798, 'editing': 799, "what's": 800, 'famous': 801, 'tried': 802, 'sorry': 803, 'dialog': 804, 'check': 805, 'fall': 806, 'period': 807, 'season': 808, 'form': 809, 'certain': 810, 'filmed': 811, 'weak': 812, 'soundtrack': 813, 'means': 814, 'buy': 815, 'material': 816, 'somehow': 817, 'realistic': 818, 'figure': 819, 'crime': 820, 'doubt': 821, 'gone': 822, 'peter': 823, 'tom': 824, 'kept': 825, 'viewing': 826, 't': 827, 'general': 828, 'leads': 829, 'greatest': 830, 'space': 831, 'lame': 832, 'suspense': 833, 'dance': 834, 'imagine': 835, 'brought': 836, 'third': 837, 'atmosphere': 838, 'hear': 839, 'particular': 840, 'sequences': 841, 'whatever': 842, 'parents': 843, 'move': 844, 'lee': 845, 'indeed': 846, 'learn': 847, 'rent': 848, 'de': 849, 'eventually': 850, 'note': 851, 'deal': 852, 'average': 853, 'reviews': 854, 'wait': 855, 'forget': 856, 'japanese': 857, 'sexual': 858, 'poorly': 859, 'premise': 860, 'okay': 861, 'zombie': 862, 'surprise': 863, 'believable': 864, 'stage': 865, 'possibly': 866, 'sit': 867, "who's": 868, 'decided': 869, 'expected': 870, "you've": 871, 'subject': 872, 'nature': 873, 'became': 874, 'difficult': 875, 'free': 876, 'killing': 877, 'screenplay': 878, 'truth': 879, 'romance': 880, 'dr': 881, 'nor': 882, 'reading': 883, 'needed': 884, 'question': 885, 'leaves': 886, 'street': 887, '20': 888, 'meets': 889, 'hot': 890, 'unless': 891, 'begin': 892, 'baby': 893, 'superb': 894, 'credits': 895, 'imdb': 896, 'otherwise': 897, 'write': 898, 'shame': 899, "let's": 900, 'situation': 901, 'dramatic': 902, 'memorable': 903, 'directors': 904, 'earlier': 905, 'meet': 906, 'disney': 907, 'open': 908, 'dog': 909, 'badly': 910, 'joe': 911, 'male': 912, 'weird': 913, 'acted': 914, 'forced': 915, 'laughs': 916, 'sci': 917, 'emotional': 918, 'older': 919, 'realize': 920, 'fi': 921, 'dream': 922, 'society': 923, 'writers': 924, 'interested': 925, 'footage': 926, 'forward': 927, 'comment': 928, 'crazy': 929, 'deep': 930, 'sounds': 931, 'plus': 932, 'beauty': 933, 'whom': 934, 'america': 935, 'fantasy': 936, 'directing': 937, 'keeps': 938, 'ask': 939, 'development': 940, 'features': 941, 'air': 942, 'quickly': 943, 'mess': 944, 'creepy': 945, 'towards': 946, 'perfectly': 947, 'mark': 948, 'worked': 949, 'box': 950, 'cheesy': 951, 'unique': 952, 'setting': 953, 'hands': 954, 'plenty': 955, 'result': 956, 'previous': 957, 'brings': 958, 'effect': 959, 'e': 960, 'total': 961, 'personal': 962, 'incredibly': 963, 'rate': 964, 'fire': 965, 'monster': 966, 'business': 967, 'leading': 968, 'apart': 969, 'casting': 970, 'admit': 971, 'joke': 972, 'powerful': 973, 'appear': 974, 'background': 975, 'telling': 976, 'girlfriend': 977, 'meant': 978, 'christmas': 979, 'hardly': 980, 'present': 981, 'battle': 982, 'potential': 983, 'create': 984, 'bill': 985, 'break': 986, 'pay': 987, 'masterpiece': 988, 'gay': 989, 'political': 990, 'return': 991, 'dumb': 992, 'fails': 993, 'fighting': 994, 'various': 995, 'era': 996, 'portrayed': 997, 'co': 998, 'cop': 999, 'secret': 1000, 'inside': 1001, 'outside': 1002, 'nudity': 1003, 'reasons': 1004, 'ideas': 1005, 'twist': 1006, 'western': 1007, 'front': 1008, 'missing': 1009, 'boys': 1010, 'match': 1011, 'deserves': 1012, 'jane': 1013, 'expecting': 1014, 'fairly': 1015, 'villain': 1016, 'talented': 1017, 'married': 1018, 'ben': 1019, 'success': 1020, 'william': 1021, 'unlike': 1022, 'rich': 1023, 'attempts': 1024, 'spoilers': 1025, 'list': 1026, 'manages': 1027, 'social': 1028, 'odd': 1029, 'recently': 1030, 'remake': 1031, 'flat': 1032, 'cute': 1033, 'further': 1034, 'sadly': 1035, 'copy': 1036, 'wrote': 1037, 'agree': 1038, 'doctor': 1039, 'cold': 1040, 'plain': 1041, 'following': 1042, 'mentioned': 1043, 'sweet': 1044, 'incredible': 1045, 'missed': 1046, 'pure': 1047, 'crew': 1048, 'office': 1049, 'wasted': 1050, 'ended': 1051, 'produced': 1052, 'gun': 1053, 'filmmakers': 1054, 'large': 1055, 'caught': 1056, 'revenge': 1057, 'filled': 1058, 'pace': 1059, 'popular': 1060, 'waiting': 1061, "'the": 1062, 'members': 1063, 'science': 1064, 'decides': 1065, 'considering': 1066, 'hold': 1067, 'public': 1068, 'cartoon': 1069, 'party': 1070, 'tension': 1071, 'created': 1072, 'slightly': 1073, 'uses': 1074, 'convincing': 1075, 'compared': 1076, 'la': 1077, 'familiar': 1078, 'neither': 1079, 'mary': 1080, 'spent': 1081, 'sees': 1082, '6': 1083, 'suddenly': 1084, '30': 1085, 'intelligent': 1086, 'escape': 1087, 'scott': 1088, 'fear': 1089, 'water': 1090, 'brothers': 1091, 'd': 1092, 'clever': 1093, 'entirely': 1094, 'kills': 1095, 'choice': 1096, 'bored': 1097, 'language': 1098, 'moves': 1099, 'spirit': 1100, 'laughing': 1101, 'dancing': 1102, "we're": 1103, 'value': 1104, 'cover': 1105, 'credit': 1106, 'state': 1107, 'island': 1108, 'successful': 1109, 'trouble': 1110, 'visual': 1111, 'violent': 1112, 'ultimately': 1113, 'century': 1114, 'singing': 1115, '15': 1116, 'concept': 1117, 'basic': 1118, 'italian': 1119, 'positive': 1120, 'german': 1121, 'animated': 1122, 'biggest': 1123, 'exciting': 1124, 'speak': 1125, 'runs': 1126, 'store': 1127, 'died': 1128, 'cat': 1129, 'consider': 1130, 'effective': 1131, 'walk': 1132, 'recent': 1133, 'depth': 1134, 'former': 1135, 'amusing': 1136, 'control': 1137, 'common': 1138, 'spend': 1139, 'band': 1140, 'appreciate': 1141, 'zombies': 1142, 'portrayal': 1143, 'force': 1144, 'c': 1145, 'pointless': 1146, 'rated': 1147, 'books': 1148, 'focus': 1149, 'hair': 1150, 'adventure': 1151, 'younger': 1152, 'solid': 1153, 'trash': 1154, 'adult': 1155, 'impressive': 1156, 'follows': 1157, 'respect': 1158, 'bizarre': 1159, 'tone': 1160, 'law': 1161, 'super': 1162, 'amount': 1163, 'impossible': 1164, 'mad': 1165, 'company': 1166, 'college': 1167, 'van': 1168, 'prison': 1169, "weren't": 1170, 'conclusion': 1171, 'chemistry': 1172, 'win': 1173, 'showed': 1174, 'recommended': 1175, 'slasher': 1176, 'producers': 1177, 'culture': 1178, 'studio': 1179, 'fit': 1180, 'starring': 1181, 'heavy': 1182, 'situations': 1183, 'project': 1184, 'makers': 1185, 'trip': 1186, 'awesome': 1187, 'accent': 1188, 'considered': 1189, 'disturbing': 1190, 'changed': 1191, 'sick': 1192, 'failed': 1193, 'decide': 1194, 'somewhere': 1195, 'won': 1196, 'leaving': 1197, 'barely': 1198, 'honest': 1199, 'cause': 1200, 'questions': 1201, 'shooting': 1202, 'u': 1203, 'longer': 1204, 'post': 1205, 'f': 1206, 'anti': 1207, 'tough': 1208, 'aside': 1209, 'ghost': 1210, 'fake': 1211, 'cult': 1212, 'thanks': 1213, 'meaning': 1214, 'images': 1215, 'fiction': 1216, 'charming': 1217, 'audiences': 1218, 'computer': 1219, 'tony': 1220, 'brain': 1221, 'planet': 1222, 'south': 1223, 'literally': 1224, 'generally': 1225, 'touch': 1226, 'steve': 1227, 'stick': 1228, 'likes': 1229, 'ex': 1230, 'values': 1231, 'pathetic': 1232, 'magic': 1233, 'involving': 1234, 'surprisingly': 1235, 'alive': 1236, 'jim': 1237, 'immediately': 1238, 'grade': 1239, 'yeah': 1240, 'garbage': 1241, '100': 1242, 'dad': 1243, 'bought': 1244, 'military': 1245, 'natural': 1246, 'camp': 1247, 'aspect': 1248, 'honestly': 1249, 'adaptation': 1250, 'utterly': 1251, 'detective': 1252, 'ability': 1253, 'fair': 1254, 'shoot': 1255, 'smith': 1256, 'explain': 1257, 'pick': 1258, 'genius': 1259, 'west': 1260, 'glad': 1261, 'frank': 1262, 'sitting': 1263, 'appearance': 1264, 'pictures': 1265, 'week': 1266, 'motion': 1267, 'appeal': 1268, 'army': 1269, 'standard': 1270, 'attack': 1271, 'knowing': 1272, 'personally': 1273, 'catch': 1274, 'drive': 1275, 'sexy': 1276, 'normal': 1277, 'rare': 1278, 'nowhere': 1279, 'added': 1280, 'sam': 1281, 'humour': 1282, 'walking': 1283, 'remains': 1284, 'purpose': 1285, 'edge': 1286, 'comedies': 1287, 'thinks': 1288, 'loud': 1289, 'beautifully': 1290, 'thank': 1291, 'silent': 1292, 'taste': 1293, 'unbelievable': 1294, 'naked': 1295, 'twists': 1296, 'master': 1297, 'touching': 1298, 'subtle': 1299, 'terms': 1300, 'date': 1301, 'equally': 1302, 'dreams': 1303, 'terrific': 1304, 'channel': 1305, 'drawn': 1306, 'mood': 1307, 'journey': 1308, 'door': 1309, 'chase': 1310, 'fully': 1311, 'complex': 1312, 'london': 1313, 'key': 1314, 'wow': 1315, 'managed': 1316, 'road': 1317, 'narrative': 1318, 'laughable': 1319, 'mistake': 1320, 'bottom': 1321, 'producer': 1322, 'themes': 1323, "movie's": 1324, 'pieces': 1325, 'likely': 1326, 'climax': 1327, 'g': 1328, 'disappointing': 1329, 'club': 1330, 'lovely': 1331, 'harry': 1332, 'blue': 1333, 'nobody': 1334, 'excuse': 1335, 'outstanding': 1336, 'soldiers': 1337, 'issues': 1338, 'stewart': 1339, 'constantly': 1340, 'award': 1341, 'pass': 1342, 'thus': 1343, 'plan': 1344, 'surely': 1345, 'marriage': 1346, 'painful': 1347, 'justice': 1348, 'costumes': 1349, 'presented': 1350, 'batman': 1351, "80's": 1352, 'innocent': 1353, 'soul': 1354, 'wild': 1355, 'noir': 1356, 'cinematic': 1357, 'spoiler': 1358, 'vampire': 1359, 'finish': 1360, 'slowly': 1361, 'ride': 1362, 'gang': 1363, 'contains': 1364, 'christopher': 1365, 'presence': 1366, 'places': 1367, 'besides': 1368, 'government': 1369, 'details': 1370, 'train': 1371, 'central': 1372, 'thrown': 1373, 'manner': 1374, 'chris': 1375, 'historical': 1376, 'stunning': 1377, 'photography': 1378, 'charm': 1379, 'hoping': 1380, 'impression': 1381, 'scenery': 1382, 'speaking': 1383, 'disappointment': 1384, 'loves': 1385, 'animals': 1386, "you'd": 1387, 'developed': 1388, 'drug': 1389, 'smart': 1390, 'charles': 1391, 'indian': 1392, 'numbers': 1393, 'mysterious': 1394, 'expectations': 1395, 'color': 1396, 'hey': 1397, 'exception': 1398, 'throw': 1399, 'minor': 1400, 'ahead': 1401, 'double': 1402, 'track': 1403, 'stands': 1404, 'suppose': 1405, 'aspects': 1406, 'boss': 1407, 'woods': 1408, 'sent': 1409, 'festival': 1410, 'bother': 1411, 'cry': 1412, 'church': 1413, 'feelings': 1414, 'critics': 1415, 'green': 1416, 'brief': 1417, 'acts': 1418, 'opera': 1419, 'filming': 1420, 'mainly': 1421, 'support': 1422, 'emotion': 1423, 'element': 1424, 'held': 1425, 'fascinating': 1426, 'building': 1427, 'million': 1428, 'boyfriend': 1429, 'names': 1430, 'opportunity': 1431, 'serial': 1432, 'intended': 1433, 'forever': 1434, 'emotions': 1435, 'available': 1436, 'victim': 1437, 'charlie': 1438, 'dies': 1439, 'changes': 1440, 'compelling': 1441, 'bed': 1442, 'six': 1443, 'born': 1444, 'happening': 1445, 'bar': 1446, 'paris': 1447, 'likable': 1448, 'lived': 1449, 'twice': 1450, 'falling': 1451, 'hotel': 1452, 'zero': 1453, 'puts': 1454, 'tired': 1455, 'image': 1456, 'pain': 1457, 'lover': 1458, 'everybody': 1459, 'giant': 1460, 'offer': 1461, 'shock': 1462, 'spot': 1463, 'suggest': 1464, 'j': 1465, 'henry': 1466, 'include': 1467, 'confused': 1468, 'trailer': 1469, 'adults': 1470, 'difference': 1471, 'student': 1472, 'fresh': 1473, 'followed': 1474, 'bruce': 1475, 'r': 1476, 'kelly': 1477, "hasn't": 1478, 'appeared': 1479, 'approach': 1480, 'victims': 1481, 'christian': 1482, 'fellow': 1483, 'hurt': 1484, 'impact': 1485, 'putting': 1486, 'gorgeous': 1487, 'step': 1488, 'sub': 1489, 'mix': 1490, 'event': 1491, 'notice': 1492, 'murders': 1493, 'share': 1494, 'laughed': 1495, 'confusing': 1496, 'content': 1497, 'mediocre': 1498, '11': 1499, 'lacks': 1500, 'direct': 1501, 'supposedly': 1502, 'summer': 1503, 'actresses': 1504, 'flaws': 1505, 'porn': 1506, 'system': 1507, 'page': 1508, 'holes': 1509, 'wall': 1510, 'billy': 1511, 'moral': 1512, 'jerry': 1513, 'worthy': 1514, 'creative': 1515, 'relationships': 1516, 'rape': 1517, 'tragedy': 1518, 'race': 1519, 'thin': 1520, 'lighting': 1521, 'helps': 1522, 'random': 1523, 'answer': 1524, 'gem': 1525, 'funniest': 1526, 'ii': 1527, 'americans': 1528, 'jones': 1529, 'merely': 1530, 'proves': 1531, 'wondering': 1532, 'alien': 1533, 'students': 1534, 'ray': 1535, 'paid': 1536, 'al': 1537, 'land': 1538, 'seven': 1539, 'damn': 1540, 'agent': 1541, 'delivers': 1542, 'imagination': 1543, 'park': 1544, 'childhood': 1545, 'flying': 1546, 'hospital': 1547, 'forgotten': 1548, '90': 1549, 'standards': 1550, 'flicks': 1551, 'impressed': 1552, 'finding': 1553, 'absolute': 1554, 'ugly': 1555, 'beat': 1556, 'jean': 1557, 'don': 1558, 'thoroughly': 1559, 'ms': 1560, 'attractive': 1561, 'ground': 1562, 'negative': 1563, 'wise': 1564, 'provides': 1565, 'latter': 1566, '50': 1567, 'stuck': 1568, 'extreme': 1569, 'seemingly': 1570, 'seconds': 1571, 'becoming': 1572, 'winning': 1573, 'addition': 1574, 'reminded': 1575, 'tragic': 1576, 'offers': 1577, 'inspired': 1578, 'count': 1579, 'fell': 1580, 'thats': 1581, 'lose': 1582, 'affair': 1583, 'turning': 1584, 'folks': 1585, 'detail': 1586, 'faces': 1587, 'cliché': 1588, 'design': 1589, 'martin': 1590, 'collection': 1591, 'afraid': 1592, 'intense': 1593, 'fashion': 1594, 'pull': 1595, 'hidden': 1596, 'industry': 1597, "man's": 1598, 'allen': 1599, 'apartment': 1600, 'o': 1601, 'quick': 1602, 'nasty': 1603, 'arthur': 1604, 'adds': 1605, 'area': 1606, 'rented': 1607, 'alan': 1608, 'angry': 1609, 'personality': 1610, 'artistic': 1611, 'length': 1612, "shouldn't": 1613, 'therefore': 1614, 'information': 1615, 'chinese': 1616, 'brian': 1617, 'shocking': 1618, 'location': 1619, 'ready': 1620, 'professional': 1621, 'lets': 1622, 'animal': 1623, 'anymore': 1624, 'games': 1625, 'teen': 1626, 'states': 1627, 'soldier': 1628, 'listen': 1629, 'mom': 1630, 'describe': 1631, 'lord': 1632, 'news': 1633, 'picked': 1634, 'led': 1635, 'wooden': 1636, 'favourite': 1637, 'dirty': 1638, 'mouth': 1639, 'asks': 1640, 'food': 1641, 'deliver': 1642, 'onto': 1643, 'martial': 1644, 'bond': 1645, 'clothes': 1646, 'wars': 1647, 'struggle': 1648, 'queen': 1649, 'redeeming': 1650, 'stone': 1651, 'jason': 1652, 'scientist': 1653, 'p': 1654, 'wearing': 1655, 'ed': 1656, 'stephen': 1657, 'compare': 1658, 'castle': 1659, 'intelligence': 1660, 'creature': 1661, 'cross': 1662, 'sleep': 1663, 'teenage': 1664, 'allowed': 1665, 'wonderfully': 1666, 'necessary': 1667, 'carry': 1668, 'drugs': 1669, '40': 1670, 'tears': 1671, 'fox': 1672, 'criminal': 1673, 'rip': 1674, 'helped': 1675, 'member': 1676, 'desperate': 1677, 'moved': 1678, 'sight': 1679, 'cgi': 1680, 'trust': 1681, 'deeply': 1682, 'roll': 1683, 'includes': 1684, 'willing': 1685, 'whatsoever': 1686, 'disaster': 1687, '12': 1688, 'machine': 1689, 'ship': 1690, 'treat': 1691, 'began': 1692, 'mid': 1693, 'uncle': 1694, 'grace': 1695, 'phone': 1696, "70's": 1697, 'williams': 1698, 'commentary': 1699, 'build': 1700, 'accident': 1701, 'captain': 1702, 'realized': 1703, 'plane': 1704, 'energy': 1705, 'station': 1706, 'warning': 1707, 'epic': 1708, 'davis': 1709, 'rarely': 1710, 'humans': 1711, 'loving': 1712, 'theatre': 1713, 'comedic': 1714, 'witch': 1715, 'pop': 1716, 'suicide': 1717, 'dying': 1718, 'powers': 1719, 'filmmaker': 1720, 'independent': 1721, 'introduced': 1722, 'nightmare': 1723, 'extra': 1724, 'engaging': 1725, 'actions': 1726, "character's": 1727, 'superior': 1728, 'unusual': 1729, 'arts': 1730, 'apparent': 1731, 'suit': 1732, 'religious': 1733, 'heroes': 1734, 'danny': 1735, 'remarkable': 1736, 'artist': 1737, 'allow': 1738, 'pleasure': 1739, 'continue': 1740, 'unnecessary': 1741, 'x': 1742, 'ring': 1743, 'returns': 1744, 'physical': 1745, 'sky': 1746, 'teacher': 1747, 'pre': 1748, 'mental': 1749, 'watchable': 1750, 'provide': 1751, 'absurd': 1752, 'tim': 1753, 'memory': 1754, 'grand': 1755, 'technical': 1756, 'normally': 1757, 'wedding': 1758, 'desire': 1759, 'limited': 1760, 'anywhere': 1761, 'scared': 1762, 'russian': 1763, 'surprising': 1764, 'douglas': 1765, 'finished': 1766, 'brutal': 1767, 'skip': 1768, 'vision': 1769, 'process': 1770, 'intriguing': 1771, 'bloody': 1772, 'media': 1773, 'holds': 1774, 'exist': 1775, 'accept': 1776, 'nicely': 1777, 'suspect': 1778, '000': 1779, 'jump': 1780, 'twenty': 1781, 'paced': 1782, 'wanting': 1783, 'search': 1784, 'cops': 1785, 'torture': 1786, 'growing': 1787, 'reminds': 1788, 'jr': 1789, 'according': 1790, 'pacing': 1791, 'legend': 1792, 'soft': 1793, 'passion': 1794, 'andy': 1795, 'player': 1796, 'hated': 1797, 'bits': 1798, 'fred': 1799, 'asked': 1800, 'faith': 1801, 'joy': 1802, 'johnny': 1803, 'clichés': 1804, 'jeff': 1805, 'academy': 1806, 'dressed': 1807, 'pilot': 1808, 'eddie': 1809, 'constant': 1810, 'anybody': 1811, 'ill': 1812, 'deserved': 1813, 'horse': 1814, 'gold': 1815, 'drunk': 1816, 'joan': 1817, 'blame': 1818, 'originally': 1819, 'explanation': 1820, 'dangerous': 1821, 'instance': 1822, 'smile': 1823, 'heaven': 1824, 'heads': 1825, 'sat': 1826, 'community': 1827, 'england': 1828, 'superman': 1829, 'deserve': 1830, 'issue': 1831, 'nonsense': 1832, 'met': 1833, 'dick': 1834, 'lies': 1835, 'capture': 1836, 'gotten': 1837, 'toward': 1838, 'kevin': 1839, 'somebody': 1840, 'soap': 1841, 'field': 1842, 'lovers': 1843, 'plots': 1844, 'taylor': 1845, 'mixed': 1846, 'players': 1847, 'nick': 1848, 'explained': 1849, 'record': 1850, 'fail': 1851, 'creating': 1852, 'vhs': 1853, 'knowledge': 1854, 'quiet': 1855, 'unknown': 1856, 'fights': 1857, 'starting': 1858, 'friendship': 1859, 'accurate': 1860, 'whilst': 1861, 'guns': 1862, 'price': 1863, 'adam': 1864, 'kate': 1865, "hadn't": 1866, 'sucks': 1867, 'ball': 1868, 'river': 1869, 'floor': 1870, 'european': 1871, 'spanish': 1872, 'wide': 1873, 'cable': 1874, 'radio': 1875, 'fu': 1876, 'cars': 1877, 'jackson': 1878, 'realism': 1879, 'memories': 1880, 'moon': 1881, 'finest': 1882, 'heroine': 1883, 'aware': 1884, 'loose': 1885, 'eating': 1886, 'featuring': 1887, 'prince': 1888, 'lacking': 1889, 'responsible': 1890, 'saved': 1891, 'keeping': 1892, 'empty': 1893, 'understanding': 1894, 'japan': 1895, 'treated': 1896, 'eat': 1897, 'results': 1898, 'cuts': 1899, 'ice': 1900, 'bland': 1901, 'terribly': 1902, 'pulled': 1903, 'saving': 1904, 'below': 1905, 'officer': 1906, 'villains': 1907, 'candy': 1908, 'broken': 1909, 'sign': 1910, 'ladies': 1911, 'hopes': 1912, 'rubbish': 1913, 'delightful': 1914, 'vs': 1915, 'judge': 1916, 'witty': 1917, 'manage': 1918, 'fat': 1919, 'mine': 1920, 'gene': 1921, 'noticed': 1922, 'included': 1923, 'bright': 1924, 'months': 1925, 'forces': 1926, 'screaming': 1927, 'higher': 1928, 'kinda': 1929, 'wind': 1930, 'tarzan': 1931, 'cage': 1932, 'hits': 1933, 'loss': 1934, "today's": 1935, 'monsters': 1936, 'youth': 1937, 'sing': 1938, 'numerous': 1939, 'partner': 1940, 'conflict': 1941, 'whenever': 1942, 'humanity': 1943, 'concerned': 1944, 'pretentious': 1945, 'fate': 1946, 'singer': 1947, 'dealing': 1948, 'mike': 1949, 'driving': 1950, 'jesus': 1951, 'private': 1952, 'talents': 1953, 'discovered': 1954, 'naturally': 1955, 'skills': 1956, 'unfunny': 1957, 'opposite': 1958, 'finale': 1959, 'bigger': 1960, 'v': 1961, 'ann': 1962, 'international': 1963, 'dated': 1964, 'kick': 1965, 'ups': 1966, 'prove': 1967, 'perspective': 1968, 'morning': 1969, 'mission': 1970, 'discover': 1971, 'portray': 1972, 'blonde': 1973, "here's": 1974, 'loses': 1975, 'locations': 1976, 'visit': 1977, 'ordinary': 1978, 'bank': 1979, 'm': 1980, 'humorous': 1981, 'werewolf': 1982, 'streets': 1983, 'psychological': 1984, 'regular': 1985, 'reviewers': 1986, 'received': 1987, 'kong': 1988, 'w': 1989, 'edited': 1990, 'gags': 1991, 'ass': 1992, 'luck': 1993, 'curious': 1994, 'gary': 1995, 'continues': 1996, 'magnificent': 1997, '13': 1998, "we've": 1999, 'behavior': 2000, 'captured': 2001, 'jimmy': 2002, 'satire': 2003, 'survive': 2004, 'context': 2005, 'visually': 2006, 'breaks': 2007, 'existence': 2008, 'shallow': 2009, 'opens': 2010, 'l': 2011, 'mrs': 2012, 'debut': 2013, 'advice': 2014, 'calls': 2015, 'sea': 2016, 'foot': 2017, 'morgan': 2018, 'shop': 2019, 'h': 2020, 'murdered': 2021, 'connection': 2022, 'core': 2023, 'essentially': 2024, 'current': 2025, 'revealed': 2026, "director's": 2027, 'corny': 2028, 'remembered': 2029, 'deals': 2030, 'blind': 2031, 'frankly': 2032, 'occasionally': 2033, 'lesson': 2034, 'genuine': 2035, 'scream': 2036, 'traditional': 2037, "they've": 2038, 'lucky': 2039, 'identity': 2040, 'dimensional': 2041, 'african': 2042, 'bob': 2043, 'anthony': 2044, 'efforts': 2045, 'sean': 2046, 'golden': 2047, 'learned': 2048, 'segment': 2049, 'stock': 2050, 'window': 2051, 'cameo': 2052, 'owner': 2053, 'visuals': 2054, 'versions': 2055, 'village': 2056, 'albert': 2057, 'develop': 2058, 'santa': 2059, 'formula': 2060, 'miles': 2061, 'keaton': 2062, "one's": 2063, 'sucked': 2064, 'decade': 2065, 'buddy': 2066, 'genuinely': 2067, 'grown': 2068, 'references': 2069, 'suffering': 2070, 'boat': 2071, 'lewis': 2072, 'unexpected': 2073, 'favor': 2074, 'study': 2075, 'washington': 2076, 'allows': 2077, 'program': 2078, 'national': 2079, 'grew': 2080, '80s': 2081, 'proved': 2082, 'meanwhile': 2083, 'overly': 2084, 'ages': 2085, 'board': 2086, 'standing': 2087, 'logic': 2088, 'desert': 2089, 'spectacular': 2090, 'awkward': 2091, 'ultimate': 2092, 'comparison': 2093, 'reaction': 2094, 'rob': 2095, 'sheer': 2096, 'jennifer': 2097, 'reach': 2098, 'thomas': 2099, 'unable': 2100, 'failure': 2101, 'brilliantly': 2102, 'travel': 2103, 'grant': 2104, 'ford': 2105, 'vampires': 2106, 'types': 2107, 'parody': 2108, 'gangster': 2109, 'devil': 2110, 'steal': 2111, 'brown': 2112, 'passed': 2113, 'sudden': 2114, 'stereotypes': 2115, 'sake': 2116, 'flesh': 2117, 'leader': 2118, 'frame': 2119, 'bear': 2120, 'strength': 2121, 'speed': 2122, 'creates': 2123, 'eric': 2124, 'awards': 2125, 'laughter': 2126, 'dan': 2127, 'technology': 2128, 'delivered': 2129, 'author': 2130, 'bet': 2131, 'kung': 2132, 'crappy': 2133, 'wood': 2134, 'site': 2135, 'broadway': 2136, 'insane': 2137, 'trek': 2138, 'executed': 2139, 'relief': 2140, 'lake': 2141, 'hitler': 2142, 'gonna': 2143, 'discovers': 2144, 'emotionally': 2145, 'painfully': 2146, 'dreadful': 2147, 'marie': 2148, 'utter': 2149, 'commercial': 2150, 'decision': 2151, 'code': 2152, 'steven': 2153, 'fault': 2154, 'anime': 2155, 'majority': 2156, 'anne': 2157, 'round': 2158, 'pair': 2159, 'robin': 2160, 'caused': 2161, 'bomb': 2162, 'families': 2163, 'psycho': 2164, 'driven': 2165, 'attitude': 2166, 'clean': 2167, 'built': 2168, 'gratuitous': 2169, 'harris': 2170, 'native': 2171, 'luke': 2172, 'entertained': 2173, 'graphic': 2174, 'ran': 2175, 'killers': 2176, 'meeting': 2177, 'test': 2178, 'simon': 2179, 'flashbacks': 2180, 'underrated': 2181, 'nevertheless': 2182, 'model': 2183, 'seasons': 2184, 'asian': 2185, 'foreign': 2186, 'hill': 2187, 'levels': 2188, 'obsessed': 2189, 'evening': 2190, 'feet': 2191, 'halloween': 2192, 'vehicle': 2193, 'barbara': 2194, 'relate': 2195, 'treatment': 2196, 'rise': 2197, 'practically': 2198, 'range': 2199, 'endless': 2200, 'freedom': 2201, 'costs': 2202, 'religion': 2203, 'gory': 2204, 'cash': 2205, 'described': 2206, 'wit': 2207, 'pleasant': 2208, 'aged': 2209, 'ancient': 2210, 'tape': 2211, 'reviewer': 2212, 'center': 2213, 'president': 2214, 'chosen': 2215, 'lynch': 2216, 'product': 2217, 'combination': 2218, 'send': 2219, 'fly': 2220, 'seat': 2221, 'sell': 2222, '70s': 2223, 'irritating': 2224, 'exploitation': 2225, 'excited': 2226, 'stopped': 2227, 'hearing': 2228, 'rescue': 2229, 'fill': 2230, 'howard': 2231, 'portrays': 2232, 'gordon': 2233, 'assume': 2234, 'parker': 2235, 'classics': 2236, 'pity': 2237, '0': 2238, 'produce': 2239, 'hunter': 2240, 'breaking': 2241, 'dry': 2242, 'fame': 2243, 'anna': 2244, 'generation': 2245, 'sheriff': 2246, 'capable': 2247, 'believes': 2248, 'handsome': 2249, 'theatrical': 2250, 'asking': 2251, 'sports': 2252, 'largely': 2253, 'choose': 2254, 'theaters': 2255, 'sympathetic': 2256, 'extras': 2257, 'proper': 2258, 'ruined': 2259, 'cares': 2260, 'contrived': 2261, 'portraying': 2262, 'drew': 2263, 'individual': 2264, 'embarrassing': 2265, 'rules': 2266, 'unrealistic': 2267, 'learns': 2268, 'warm': 2269, 'victor': 2270, 'daniel': 2271, 'marry': 2272, 'appealing': 2273, 'safe': 2274, 'dubbed': 2275, 'depressing': 2276, 'canadian': 2277, 'freddy': 2278, 'shakespeare': 2279, 'recall': 2280, 'chick': 2281, 'uk': 2282, 'winner': 2283, 'hearted': 2284, 'contrast': 2285, 'sequels': 2286, 'involves': 2287, 'par': 2288, 'woody': 2289, 'crowd': 2290, 'matters': 2291, 'k': 2292, 'correct': 2293, 'chief': 2294, 'costume': 2295, 'haunting': 2296, 'paper': 2297, 'research': 2298, 'vote': 2299, 'strongly': 2300, 'heck': 2301, 'nominated': 2302, 'grow': 2303, 'clue': 2304, 'claim': 2305, 'facts': 2306, 'eight': 2307, 'protagonist': 2308, 'matt': 2309, 'rose': 2310, 'evidence': 2311, 'joseph': 2312, 'appropriate': 2313, 'disgusting': 2314, 'excitement': 2315, 'football': 2316, 'lousy': 2317, 'germany': 2318, 'cost': 2319, 'france': 2320, 'saturday': 2321, 'priest': 2322, 'talks': 2323, 'substance': 2324, 'losing': 2325, 'patrick': 2326, 'destroy': 2327, 'circumstances': 2328, 'tedious': 2329, 'training': 2330, 'thoughts': 2331, 'hunt': 2332, 'market': 2333, 'scare': 2334, 'voices': 2335, 'promise': 2336, 'naive': 2337, 'bringing': 2338, 'amateurish': 2339, 'teenager': 2340, 'angel': 2341, 'walter': 2342, 'captures': 2343, 'convinced': 2344, 'hanging': 2345, 'satisfying': 2346, 'bodies': 2347, 'united': 2348, 'fits': 2349, 'tend': 2350, 'jackie': 2351, 'trilogy': 2352, 'roy': 2353, 'horribly': 2354, 'lower': 2355, 'asleep': 2356, 'virtually': 2357, 'baseball': 2358, 'robot': 2359, 'hopefully': 2360, 'rental': 2361, 'alex': 2362, 'com': 2363, 'factor': 2364, 'haunted': 2365, 'teenagers': 2366, 'hall': 2367, 'walks': 2368, 'spoil': 2369, 'creatures': 2370, 'amateur': 2371, 'relatively': 2372, 'steals': 2373, 'mask': 2374, 'welcome': 2375, 'cinderella': 2376, 'covered': 2377, 'ryan': 2378, 'danger': 2379, 'europe': 2380, 'insult': 2381, 'category': 2382, 'continuity': 2383, 'mini': 2384, 'unlikely': 2385, 'drag': 2386, 'sinatra': 2387, 'skin': 2388, 'contemporary': 2389, 'louis': 2390, 'semi': 2391, 'viewed': 2392, 'fare': 2393, 'north': 2394, 'influence': 2395, 'depicted': 2396, 'handled': 2397, 'target': 2398, 'oliver': 2399, 'offensive': 2400, 'hat': 2401, 'initial': 2402, 'nancy': 2403, 'scale': 2404, 'lawyer': 2405, 'tiny': 2406, 'cutting': 2407, 'unfortunate': 2408, 'holding': 2409, 'witness': 2410, 'shocked': 2411, 'africa': 2412, 'remain': 2413, 'believed': 2414, 'fool': 2415, 'inner': 2416, 'politics': 2417, 'hide': 2418, 'reporter': 2419, 'presents': 2420, 'section': 2421, 'movement': 2422, 'provided': 2423, 'surreal': 2424, 'promising': 2425, 'designed': 2426, 'makeup': 2427, 'max': 2428, 'qualities': 2429, 'liners': 2430, 'refreshing': 2431, 'australian': 2432, 'source': 2433, '14': 2434, 'structure': 2435, 'closer': 2436, 'drop': 2437, 'forgettable': 2438, 'touches': 2439, 'welles': 2440, 'display': 2441, 'angles': 2442, 'pile': 2443, 'fairy': 2444, 'repeated': 2445, 'till': 2446, 'texas': 2447, 'wayne': 2448, 'claims': 2449, 'previously': 2450, 'faced': 2451, 'sharp': 2452, 'deaths': 2453, 'ruin': 2454, 'accents': 2455, 'surprises': 2456, 'universal': 2457, 'degree': 2458, 'focused': 2459, 'propaganda': 2460, 'plans': 2461, 'serves': 2462, 'speaks': 2463, 'supernatural': 2464, 'highlight': 2465, 'service': 2466, 'peace': 2467, 'chose': 2468, 'related': 2469, 'cartoons': 2470, 'adventures': 2471, 'erotic': 2472, '25': 2473, 'roger': 2474, 'suffers': 2475, 'blow': 2476, 'weekend': 2477, 'sisters': 2478, 'granted': 2479, 'mainstream': 2480, 'latest': 2481, 'weeks': 2482, 'prime': 2483, 'crash': 2484, 'cant': 2485, 'professor': 2486, 'experiences': 2487, 'speech': 2488, 'print': 2489, 'lesbian': 2490, 'harsh': 2491, 'deadly': 2492, 'veteran': 2493, 'mistakes': 2494, 'edward': 2495, 'routine': 2496, 'whoever': 2497, 'notch': 2498, 'uninteresting': 2499, 'realizes': 2500, 'invisible': 2501, 'combined': 2502, 'sympathy': 2503, 'accidentally': 2504, 'kim': 2505, 'twisted': 2506, 'brave': 2507, 'colors': 2508, 'dollars': 2509, 'security': 2510, 'draw': 2511, 'dogs': 2512, 'nude': 2513, 'rain': 2514, 'universe': 2515, 'struggling': 2516, 'dozen': 2517, 'teens': 2518, 'convince': 2519, 'guilty': 2520, 'path': 2521, 'appreciated': 2522, 'atrocious': 2523, 'mountain': 2524, 'treasure': 2525, 'walked': 2526, 'columbo': 2527, 'irish': 2528, 'frightening': 2529, "would've": 2530, 'committed': 2531, 'aliens': 2532, 'technically': 2533, 'recognize': 2534, 'cowboy': 2535, 'blah': 2536, 'birth': 2537, 'enter': 2538, 'gritty': 2539, 'enemy': 2540, 'aka': 2541, 'spy': 2542, 'changing': 2543, 'magical': 2544, 'anderson': 2545, 'princess': 2546, 'department': 2547, 'gas': 2548, 'occasional': 2549, 'friday': 2550, 'sword': 2551, 'directly': 2552, 'false': 2553, 'massive': 2554, 'surface': 2555, 'narration': 2556, 'legendary': 2557, 'featured': 2558, 'victoria': 2559, 'anger': 2560, 'offered': 2561, 'paint': 2562, 'performed': 2563, 'moore': 2564, 'explains': 2565, 'abuse': 2566, 'suspenseful': 2567, 'vietnam': 2568, 'kinds': 2569, 'terror': 2570, 'experienced': 2571, 'friendly': 2572, 'subtitles': 2573, 'reputation': 2574, 'crying': 2575, 'hong': 2576, 'sorts': 2577, 'passing': 2578, 'junk': 2579, 'beach': 2580, 'multiple': 2581, 'forest': 2582, 'stolen': 2583, 'everywhere': 2584, 'figures': 2585, 'forth': 2586, 'statement': 2587, 'exact': 2588, 'powell': 2589, 'variety': 2590, 'required': 2591, 'clark': 2592, 'reveal': 2593, 'donald': 2594, 'regret': 2595, 'conversation': 2596, 'prior': 2597, 'darkness': 2598, 'remotely': 2599, 'execution': 2600, 'theory': 2601, 'trapped': 2602, 'proud': 2603, 'belief': 2604, 'urban': 2605, 'russell': 2606, 'lonely': 2607, 'placed': 2608, 'downright': 2609, 'wilson': 2610, 'san': 2611, 'fictional': 2612, 'melodrama': 2613, 'spends': 2614, 'insight': 2615, 'court': 2616, 'effectively': 2617, 'listening': 2618, 'grave': 2619, 'express': 2620, 'demons': 2621, 'crude': 2622, 'figured': 2623, 'bothered': 2624, 'abandoned': 2625, 'scares': 2626, 'network': 2627, 'unconvincing': 2628, 'jobs': 2629, 'hired': 2630, 'revolution': 2631, 'favorites': 2632, 'jon': 2633, 'wear': 2634, 'minds': 2635, 'metal': 2636, 'worthwhile': 2637, 'emma': 2638, 'california': 2639, 'dean': 2640, 'buying': 2641, 'blockbuster': 2642, 'lifetime': 2643, 'bus': 2644, 'paying': 2645, 'pulls': 2646, 'account': 2647, 'angle': 2648, 'happiness': 2649, 'von': 2650, 'blown': 2651, 'afternoon': 2652, 'imagery': 2653, 'rights': 2654, 'driver': 2655, 'alright': 2656, 'rolling': 2657, 'matrix': 2658, 'mexican': 2659, 'productions': 2660, 'amazed': 2661, 'idiot': 2662, 'rings': 2663, 'cultural': 2664, 'status': 2665, 'delivery': 2666, 'thankfully': 2667, 'grim': 2668, 'reveals': 2669, 'rule': 2670, 'stayed': 2671, 'handed': 2672, 'alice': 2673, 'stays': 2674, 'scenario': 2675, 'focuses': 2676, 'ha': 2677, 'significant': 2678, 'quest': 2679, 'rough': 2680, 'starred': 2681, 'examples': 2682, 'julia': 2683, 'jungle': 2684, 'sir': 2685, 'indie': 2686, 'lights': 2687, 'mere': 2688, 'views': 2689, 'murphy': 2690, 'shadow': 2691, 'sarah': 2692, 'bore': 2693, 'con': 2694, 'teeth': 2695, 'heavily': 2696, 'mature': 2697, 'device': 2698, 'table': 2699, 'skill': 2700, 'interview': 2701, 'caine': 2702, 'tight': 2703, 'necessarily': 2704, "he'd": 2705, 'ron': 2706, 'sunday': 2707, 'clichéd': 2708, 'suffer': 2709, 'mexico': 2710, 'china': 2711, 'achieve': 2712, 'spite': 2713, 'understood': 2714, 'format': 2715, 'artists': 2716, 'position': 2717, 'initially': 2718, 'closing': 2719, 'campy': 2720, 'desperately': 2721, 'bound': 2722, 'fabulous': 2723, 'dress': 2724, 'sensitive': 2725, 'mgm': 2726, 'destroyed': 2727, 'hip': 2728, 'complicated': 2729, 'burns': 2730, 'demon': 2731, 'summary': 2732, 'seek': 2733, 'faithful': 2734, 'forgot': 2735, 'sun': 2736, 'decades': 2737, 'breath': 2738, 'gross': 2739, 'pitt': 2740, 'bourne': 2741, 'ghosts': 2742, 'titanic': 2743, 'cruel': 2744, 'murderer': 2745, 'stereotypical': 2746, 'deeper': 2747, 'lisa': 2748, 'facial': 2749, 'renting': 2750, 'ignore': 2751, 'pregnant': 2752, 'league': 2753, 'answers': 2754, 'racist': 2755, 'un': 2756, 'helping': 2757, 'ludicrous': 2758, 'beloved': 2759, 'flashback': 2760, 'slapstick': 2761, 'sleeping': 2762, '17': 2763, 'dude': 2764, 'cell': 2765, 'musicals': 2766, 'fourth': 2767, 'wing': 2768, 'intellectual': 2769, 'beast': 2770, 'sounded': 2771, 'settings': 2772, 'environment': 2773, 'suck': 2774, 'critical': 2775, 'drinking': 2776, 'nazi': 2777, 'reminiscent': 2778, 'brad': 2779, 'calling': 2780, 'lugosi': 2781, 'dragon': 2782, 'description': 2783, 'susan': 2784, 'prefer': 2785, 'amazingly': 2786, 'task': 2787, 'mildly': 2788, 'pacino': 2789, 'disbelief': 2790, 'encounter': 2791, 'regarding': 2792, 'larry': 2793, 'inept': 2794, 'greater': 2795, 'learning': 2796, 'arms': 2797, 'dennis': 2798, 'extraordinary': 2799, 'turkey': 2800, 'storytelling': 2801, 'funnier': 2802, 'julie': 2803, 'halfway': 2804, "ain't": 2805, 'expert': 2806, 'base': 2807, 'criticism': 2808, 'quirky': 2809, "father's": 2810, 'leslie': 2811, 'warned': 2812, 'cabin': 2813, 'flight': 2814, 'titles': 2815, 'criminals': 2816, 'johnson': 2817, 'raw': 2818, 'praise': 2819, 'depiction': 2820, 'screening': 2821, 'throwing': 2822, 'extent': 2823, 'expression': 2824, 'kiss': 2825, 'jail': 2826, 'studios': 2827, 'freeman': 2828, 'truck': 2829, 'convey': 2830, 'originality': 2831, 'chan': 2832, 'entertain': 2833, 'choices': 2834, 'spoof': 2835, 'notorious': 2836, 'tree': 2837, 'raised': 2838, 'touched': 2839, "children's": 2840, 'rachel': 2841, 'punch': 2842, 'experiment': 2843, 'daughters': 2844, 'prepared': 2845, 'comical': 2846, 'spoken': 2847, "people's": 2848, 'timing': 2849, 'india': 2850, 'headed': 2851, 'purely': 2852, "could've": 2853, 'basis': 2854, 'hoffman': 2855, 'bollywood': 2856, 'chilling': 2857, 'michelle': 2858, 'underground': 2859, 'dollar': 2860, 'via': 2861, 'picks': 2862, 'lie': 2863, 'inspiration': 2864, 'novels': 2865, 'wave': 2866, 'elizabeth': 2867, 'introduction': 2868, 'weapons': 2869, 'trick': 2870, 'lazy': 2871, 'jessica': 2872, 'graphics': 2873, 'breathtaking': 2874, 'notable': 2875, 'stomach': 2876, 'succeeds': 2877, 'term': 2878, 'crafted': 2879, 'join': 2880, 'throws': 2881, 'handle': 2882, 'strangely': 2883, 'properly': 2884, 'toy': 2885, 'nowadays': 2886, 'christ': 2887, 'sidney': 2888, 'reference': 2889, 'adding': 2890, 'claire': 2891, 'serve': 2892, 'ratings': 2893, 'locked': 2894, 'honor': 2895, 'wears': 2896, 'sitcom': 2897, 'ted': 2898, 'authentic': 2899, 'foster': 2900, 'regard': 2901, 'everyday': 2902, 'causes': 2903, 'maria': 2904, 'provoking': 2905, 'charge': 2906, 'protect': 2907, 'lesser': 2908, 'hitchcock': 2909, 'caring': 2910, 'mouse': 2911, 'mirror': 2912, 'bat': 2913, 'fallen': 2914, 'carrying': 2915, 'bitter': 2916, 'jewish': 2917, 'established': 2918, 'pet': 2919, 'amongst': 2920, 'east': 2921, 'shut': 2922, 'guard': 2923, 'midnight': 2924, 'sleazy': 2925, 'southern': 2926, 'determined': 2927, 'ned': 2928, 'challenge': 2929, 'daily': 2930, 'obnoxious': 2931, 'nonetheless': 2932, 'cases': 2933, 'carried': 2934, 'carries': 2935, 'wins': 2936, 'alas': 2937, 'remote': 2938, 'embarrassed': 2939, 'gruesome': 2940, 'hole': 2941, '2006': 2942, 'lane': 2943, 'attempting': 2944, 'westerns': 2945, 'escapes': 2946, 'sinister': 2947, 'confusion': 2948, 'nation': 2949, 'tales': 2950, 'ironic': 2951, 'tradition': 2952, 'interpretation': 2953, 'arrives': 2954, 'busy': 2955, 'replaced': 2956, 'risk': 2957, 'enjoying': 2958, 'sold': 2959, 'essential': 2960, 'needless': 2961, 'aunt': 2962, 'hardy': 2963, 'burt': 2964, 'goofy': 2965, 'mass': 2966, 'obsession': 2967, 'minded': 2968, 'balance': 2969, 'flow': 2970, 'clips': 2971, 'existent': 2972, 'successfully': 2973, 'legs': 2974, 'presentation': 2975, 'screenwriter': 2976, 'jumps': 2977, 'exists': 2978, 'attacked': 2979, 'blair': 2980, 'laid': 2981, 'mentally': 2982, 'bbc': 2983, 'seeking': 2984, 'raise': 2985, 'topic': 2986, 'oddly': 2987, 'warner': 2988, 'inspector': 2989, 'horrific': 2990, 'fortunately': 2991, 'shape': 2992, 'marvelous': 2993, 'usa': 2994, 'intentions': 2995, 'buck': 2996, 'retarded': 2997, 'madness': 2998, 'stupidity': 2999, 'stops': 3000, 'text': 3001, 'stylish': 3002, 'stanley': 3003, 'che': 3004, 'rival': 3005, 'served': 3006, 'workers': 3007, 'maker': 3008, 'sides': 3009, 'ashamed': 3010, 'shower': 3011, 'packed': 3012, 'comedian': 3013, 'thrilling': 3014, 'wwii': 3015, 'interviews': 3016, 'nine': 3017, 'laura': 3018, 'frequently': 3019, 'upper': 3020, 'mob': 3021, 'mansion': 3022, 'bridge': 3023, 'remind': 3024, 'tongue': 3025, 'navy': 3026, 'wanna': 3027, 'contain': 3028, 'albeit': 3029, 'intensity': 3030, 'attacks': 3031, 'vacation': 3032, 'thief': 3033, 'delight': 3034, 'manager': 3035, 'chair': 3036, 'sum': 3037, 'hence': 3038, '80': 3039, 'cheese': 3040, 'drives': 3041, '2001': 3042, 'expressions': 3043, 'struggles': 3044, 'flawed': 3045, 'poignant': 3046, 'angels': 3047, 'personalities': 3048, 'rogers': 3049, 'riding': 3050, 'revolves': 3051, 'refuses': 3052, 'adapted': 3053, 'opened': 3054, 'greatly': 3055, 'credibility': 3056, 'philip': 3057, 'cooper': 3058, 'glass': 3059, 'pitch': 3060, 'tracy': 3061, '1950s': 3062, 'jay': 3063, 'torn': 3064, 'dinner': 3065, 'bette': 3066, '18': 3067, 'cynical': 3068, 'upset': 3069, 'pool': 3070, 'sin': 3071, 'tour': 3072, '2000': 3073, 'internet': 3074, 'suspects': 3075, 'advantage': 3076, 'lessons': 3077, 'warn': 3078, 'lion': 3079, 'overcome': 3080, 'credible': 3081, 'wishes': 3082, 'thousands': 3083, 'spin': 3084, 'miller': 3085, 'racism': 3086, "90's": 3087, 'mindless': 3088, 'wealthy': 3089, 'innocence': 3090, 'tense': 3091, 'broke': 3092, 'bugs': 3093, 'happily': 3094, 'catholic': 3095, 'guessing': 3096, 'trial': 3097, 'lucy': 3098, 'hood': 3099, 'hundreds': 3100, 'trite': 3101, 'physically': 3102, 'thrillers': 3103, 'cook': 3104, 'fish': 3105, 'alike': 3106, 'dubbing': 3107, 'fbi': 3108, 'crisis': 3109, 'per': 3110, 'pride': 3111, 'succeed': 3112, 'controversial': 3113, 'suffered': 3114, 'reed': 3115, 'bag': 3116, 'technique': 3117, 'wasting': 3118, 'dislike': 3119, 'medical': 3120, 'sexuality': 3121, 'countries': 3122, 'perform': 3123, 'patient': 3124, 'stranger': 3125, 'enjoyment': 3126, 'corner': 3127, 'arm': 3128, 'glimpse': 3129, 'gripping': 3130, 'reunion': 3131, 'franchise': 3132, 'holmes': 3133, 'ensemble': 3134, 'separate': 3135, 'hundred': 3136, 'lincoln': 3137, "60's": 3138, 'sings': 3139, 'noble': 3140, 'shines': 3141, 'whereas': 3142, 'tied': 3143, 'ourselves': 3144, 'uncomfortable': 3145, 'infamous': 3146, 'neat': 3147, 'atmospheric': 3148, 'millions': 3149, 'shorts': 3150, 'contact': 3151, 'card': 3152, 'hint': 3153, 'pack': 3154, 'courage': 3155, 'irony': 3156, 'exceptional': 3157, 'plastic': 3158, 'storm': 3159, 'drink': 3160, 'ralph': 3161, 'searching': 3162, 'oscars': 3163, 'scripts': 3164, 'connected': 3165, 'italy': 3166, 'proof': 3167, 'sandler': 3168, 'snow': 3169, 'lying': 3170, 'flash': 3171, 'nose': 3172, 'curse': 3173, 'helen': 3174, 'sentimental': 3175, 'mst3k': 3176, 'grey': 3177, 'aired': 3178, 'holiday': 3179, 'steps': 3180, 'hills': 3181, 'performers': 3182, 'letting': 3183, 'chasing': 3184, 'suggests': 3185, 'dancer': 3186, 'tune': 3187, 'meaningful': 3188, 'idiotic': 3189, 'knife': 3190, 'quote': 3191, 'weapon': 3192, 'plague': 3193, 'sons': 3194, 'entry': 3195, 'kurt': 3196, 'fortune': 3197, 'cameos': 3198, 'consists': 3199, 'perfection': 3200, 'lovable': 3201, 'hoped': 3202, 'troubled': 3203, 'thousand': 3204, 'hiding': 3205, 'develops': 3206, 'unforgettable': 3207, 'accepted': 3208, 'noted': 3209, 'portrait': 3210, 'dear': 3211, 'equal': 3212, 'bettie': 3213, 'assistant': 3214, 'stretch': 3215, "woman's": 3216, 'saves': 3217, 'colorful': 3218, 'annoyed': 3219, 'larger': 3220, 'attraction': 3221, 'condition': 3222, 'miscast': 3223, 'chases': 3224, 'brooks': 3225, 'virgin': 3226, 'spots': 3227, 'basement': 3228, 'host': 3229, 'dialogs': 3230, 'shoots': 3231, 'gain': 3232, 'horses': 3233, 'guilt': 3234, 'protagonists': 3235, 'oil': 3236, 'terrifying': 3237, 'month': 3238, 'cousin': 3239, 'neighborhood': 3240, 'vincent': 3241, 'pg': 3242, 'belongs': 3243, 'stealing': 3244, '16': 3245, 'nelson': 3246, 'worry': 3247, 'burning': 3248, 'concert': 3249, 'ad': 3250, 'zone': 3251, 'strip': 3252, 'appearing': 3253, 'worlds': 3254, 'object': 3255, 'split': 3256, 'repeat': 3257, 'hang': 3258, 'boredom': 3259, 'destruction': 3260, 'thirty': 3261, 'redemption': 3262, 'hunting': 3263, 'encounters': 3264, 'imaginative': 3265, 'expensive': 3266, 'eerie': 3267, 'cube': 3268, 'seagal': 3269, 'jake': 3270, 'pie': 3271, 'competent': 3272, 'homeless': 3273, 'concerns': 3274, 'andrew': 3275, 'flaw': 3276, 'closely': 3277, 'bo': 3278, 'ultra': 3279, 'factory': 3280, '1st': 3281, 'multi': 3282, 'civil': 3283, 'dramas': 3284, 'gag': 3285, 'stunts': 3286, 'wake': 3287, 'guts': 3288, 'sends': 3289, '60': 3290, 'sutherland': 3291, 'glory': 3292, 'knock': 3293, 'matthau': 3294, 'massacre': 3295, 'letter': 3296, 'elsewhere': 3297, 'achieved': 3298, 'dig': 3299, 'checking': 3300, 'widmark': 3301, 'hooked': 3302, 'complaint': 3303, 'neck': 3304, 'endearing': 3305, 'segments': 3306, 'shark': 3307, 'sullivan': 3308, 'rushed': 3309, 'virus': 3310, 'ripped': 3311, 'charisma': 3312, 'incoherent': 3313, 'dragged': 3314, 'beating': 3315, 'dentist': 3316, 'essence': 3317, 'bears': 3318, 'profound': 3319, 'library': 3320, 'weight': 3321, 'tear': 3322, 'crimes': 3323, 'arnold': 3324, 'dare': 3325, 'appearances': 3326, 'solve': 3327, 'trade': 3328, 'pat': 3329, '24': 3330, 'stanwyck': 3331, 'colour': 3332, 'teach': 3333, 'dorothy': 3334, 'roberts': 3335, 'rocks': 3336, 'fest': 3337, 'spell': 3338, 'catherine': 3339, 'dealt': 3340, 'stan': 3341, 'fitting': 3342, 'hitting': 3343, 'striking': 3344, 'pro': 3345, '2005': 3346, 'tribute': 3347, 'tricks': 3348, '60s': 3349, 'battles': 3350, 'believing': 3351, 'briefly': 3352, 'countless': 3353, 'fashioned': 3354, 'loser': 3355, 'goal': 3356, 'gothic': 3357, 'noise': 3358, 'techniques': 3359, 'n': 3360, 'videos': 3361, 'health': 3362, 'thumbs': 3363, 'attempted': 3364, 'scientists': 3365, 'st': 3366, 'painting': 3367, 'baker': 3368, 'strikes': 3369, 'inspiring': 3370, 'huh': 3371, 'sexually': 3372, 'birthday': 3373, 'secretary': 3374, 'curtis': 3375, 'jeremy': 3376, 'covers': 3377, 'pointed': 3378, 'slight': 3379, 'specific': 3380, 'tea': 3381, 'hearts': 3382, 'unintentionally': 3383, 'denzel': 3384, 'horrendous': 3385, 'charismatic': 3386, 'silver': 3387, 'surrounded': 3388, 'surrounding': 3389, 'reactions': 3390, 'branagh': 3391, 'importance': 3392, 'rochester': 3393, 'admittedly': 3394, 'carefully': 3395, 'jerk': 3396, 'tons': 3397, 'hype': 3398, 'relevant': 3399, "they'd": 3400, 'walls': 3401, 'stood': 3402, 'eyed': 3403, 'bible': 3404, 'corrupt': 3405, 'rush': 3406, 'stunt': 3407, 'revelation': 3408, 'smoking': 3409, 'magazine': 3410, 'lloyd': 3411, 'kicks': 3412, 'karloff': 3413, 'stronger': 3414, 'grows': 3415, 'mild': 3416, 'hamlet': 3417, 'represents': 3418, 'dawn': 3419, 'andrews': 3420, 'intention': 3421, 'easier': 3422, 'enters': 3423, 'spending': 3424, 'scooby': 3425, 'fired': 3426, 'killings': 3427, 'stated': 3428, 'chances': 3429, 'shall': 3430, 'brand': 3431, 'exercise': 3432, 'university': 3433, 'increasingly': 3434, 'row': 3435, 'disagree': 3436, 'cardboard': 3437, 'winter': 3438, 'comics': 3439, 'requires': 3440, 'dropped': 3441, 'associated': 3442, "world's": 3443, 'chuck': 3444, 'iii': 3445, 'medium': 3446, 'bush': 3447, 'projects': 3448, 'bride': 3449, 'occurs': 3450, 'korean': 3451, 'inevitable': 3452, 'messages': 3453, 'brando': 3454, 'le': 3455, 'strike': 3456, 'poverty': 3457, 'forgive': 3458, 'performing': 3459, 'stiff': 3460, 'attached': 3461, 'drags': 3462, 'luckily': 3463, 'ian': 3464, 'identify': 3465, '1970s': 3466, 'gift': 3467, 'bobby': 3468, 'acceptable': 3469, 'resolution': 3470, 'eva': 3471, 'typically': 3472, 'canada': 3473, 'guest': 3474, 'nuclear': 3475, 'elvis': 3476, 'toilet': 3477, 'strictly': 3478, 'vague': 3479, 'spike': 3480, 'contract': 3481, 'hire': 3482, '1980s': 3483, 'thrills': 3484, 'selling': 3485, 'hudson': 3486, 'homage': 3487, 'lab': 3488, 'boll': 3489, 'mafia': 3490, 'depression': 3491, 'sophisticated': 3492, 'fifteen': 3493, 'disease': 3494, 'allowing': 3495, 'brilliance': 3496, 'investigation': 3497, 'continued': 3498, 'struck': 3499, 'insulting': 3500, 'worker': 3501, 'instantly': 3502, 'useless': 3503, 'breasts': 3504, 'barry': 3505, 'jesse': 3506, 'sally': 3507, 'afterwards': 3508, 'chaplin': 3509, 'britain': 3510, 'carter': 3511, 'executive': 3512, 'handful': 3513, 'importantly': 3514, 'godfather': 3515, 'estate': 3516, 'hanks': 3517, 'pleased': 3518, 'overlooked': 3519, 'evident': 3520, 'burn': 3521, 'gotta': 3522, 'wreck': 3523, 'nights': 3524, '2002': 3525, 'beings': 3526, 'ego': 3527, 'kidnapped': 3528, 'presumably': 3529, 'competition': 3530, 'press': 3531, 'partly': 3532, 'digital': 3533, 'shining': 3534, 'commit': 3535, 'tremendous': 3536, 'raped': 3537, 'menacing': 3538, 'silence': 3539, 'talked': 3540, 'derek': 3541, 'worthless': 3542, 'jamie': 3543, 'realise': 3544, 'ambitious': 3545, 'meat': 3546, 'wondered': 3547, 'photographed': 3548, 'sacrifice': 3549, 'arrested': 3550, 'buried': 3551, 'burton': 3552, 'threatening': 3553, 'smooth': 3554, 'aforementioned': 3555, 'superbly': 3556, 'boxing': 3557, 'kane': 3558, 'flawless': 3559, 'regardless': 3560, 'fears': 3561, 'creation': 3562, 'shy': 3563, 'heat': 3564, 'highlights': 3565, 'savage': 3566, 'persona': 3567, 'frustrated': 3568, 'drivel': 3569, 'conspiracy': 3570, 'individuals': 3571, 'wonders': 3572, 'listed': 3573, 'appalling': 3574, 'doc': 3575, "'s": 3576, 'spiritual': 3577, 'pushed': 3578, 'returning': 3579, 'jumping': 3580, 'elvira': 3581, 'cox': 3582, 'corpse': 3583, 'size': 3584, 'characterization': 3585, 'bullets': 3586, 'walken': 3587, 'generous': 3588, 'string': 3589, 'rex': 3590, 'doors': 3591, 'pleasantly': 3592, 'bucks': 3593, 'relative': 3594, '45': 3595, 'outrageous': 3596, 'kudos': 3597, 'planning': 3598, 'ticket': 3599, 'achievement': 3600, 'accomplished': 3601, 'miserably': 3602, 'monkey': 3603, 'beaten': 3604, 'neighbor': 3605, 'distant': 3606, 'fatal': 3607, 'repetitive': 3608, 'accused': 3609, 'picking': 3610, 'ironically': 3611, 'consequences': 3612, 'curiosity': 3613, 'union': 3614, 'admire': 3615, 'guide': 3616, 'splendid': 3617, 'prevent': 3618, 'reynolds': 3619, 'border': 3620, 'attracted': 3621, 'butt': 3622, 'clues': 3623, 'trap': 3624, 'notes': 3625, 'chain': 3626, 'opposed': 3627, 'watches': 3628, 'samurai': 3629, 'shortly': 3630, 'heston': 3631, 'twin': 3632, 'cole': 3633, 'glover': 3634, 'slightest': 3635, 'response': 3636, 'beer': 3637, 'territory': 3638, 'spooky': 3639, 'diamond': 3640, 'rap': 3641, 'horrors': 3642, '20th': 3643, 'cup': 3644, 'dire': 3645, 'spirited': 3646, 'melodramatic': 3647, 'lucas': 3648, 'flynn': 3649, 'los': 3650, 'piano': 3651, 'push': 3652, 'revealing': 3653, 'spoiled': 3654, 'uninspired': 3655, 'ritter': 3656, 'convoluted': 3657, 'pulling': 3658, 'ken': 3659, 'root': 3660, "they'll": 3661, 'streisand': 3662, 'motivation': 3663, 'directorial': 3664, 'installment': 3665, 'precious': 3666, 'titled': 3667, 'logical': 3668, 'documentaries': 3669, 'spring': 3670, 'lacked': 3671, 'suits': 3672, 'tall': 3673, 'subplot': 3674, 'mate': 3675, 'timeless': 3676, 'hatred': 3677, 'throat': 3678, 'blows': 3679, 'jealous': 3680, 'creators': 3681, 'blank': 3682, 'farce': 3683, 'spielberg': 3684, 'slap': 3685, 'ward': 3686, 'carol': 3687, 'subsequent': 3688, 'cared': 3689, 'mile': 3690, 'exaggerated': 3691, 'duke': 3692, 'morality': 3693, 'liberal': 3694, 'francisco': 3695, 'indians': 3696, 'psychotic': 3697, 'overdone': 3698, 'psychiatrist': 3699, 'astaire': 3700, 'intrigued': 3701, 'jet': 3702, 'blob': 3703, "50's": 3704, 'conceived': 3705, 'fx': 3706, 'neil': 3707, 'aimed': 3708, 'remaining': 3709, 'doo': 3710, 'ignored': 3711, 'elderly': 3712, 'reasonably': 3713, 'mitchell': 3714, 'failing': 3715, 'sole': 3716, 'obscure': 3717, 'drunken': 3718, 'minimal': 3719, 'temple': 3720, 'progress': 3721, 'fancy': 3722, 'captivating': 3723, 'repeatedly': 3724, 'wes': 3725, 'tunes': 3726, 'shoes': 3727, 'grandmother': 3728, 'cia': 3729, 'nurse': 3730, 'marks': 3731, 'notably': 3732, 'emily': 3733, 'soviet': 3734, 'shirt': 3735, 'explore': 3736, 'smoke': 3737, 'souls': 3738, 'pushing': 3739, 'argument': 3740, 'distance': 3741, 'warrior': 3742, 'outcome': 3743, 'reduced': 3744, 'loosely': 3745, 'scientific': 3746, 'goldberg': 3747, 'gradually': 3748, 'bleak': 3749, 'timothy': 3750, 'manhattan': 3751, 'idiots': 3752, 'restaurant': 3753, 'scripted': 3754, 'misses': 3755, 'explicit': 3756, 'providing': 3757, 'elaborate': 3758, 'poster': 3759, 'lou': 3760, 'dignity': 3761, 'carpenter': 3762, 'norman': 3763, 'rid': 3764, 'turner': 3765, "show's": 3766, 'davies': 3767, 'draws': 3768, 'discussion': 3769, 'exposed': 3770, 'mel': 3771, 'sticks': 3772, 'kenneth': 3773, 'definite': 3774, 'darker': 3775, 'laurel': 3776, 'intent': 3777, "1950's": 3778, 'returned': 3779, 'superhero': 3780, 'sloppy': 3781, 'cried': 3782, 'worried': 3783, 'childish': 3784, 'shadows': 3785, 'craig': 3786, 'cruise': 3787, 'hysterical': 3788, 'imagined': 3789, 'reasonable': 3790, 'editor': 3791, 'ah': 3792, 'birds': 3793, 'horrid': 3794, 'areas': 3795, 'wicked': 3796, 'gentle': 3797, 'wannabe': 3798, 'alexander': 3799, 'thick': 3800, 'contrary': 3801, 'joey': 3802, 'empire': 3803, 'connect': 3804, 'discovery': 3805, 'unbearable': 3806, 'tortured': 3807, 'screams': 3808, 'fever': 3809, 'unbelievably': 3810, '1930s': 3811, 'disc': 3812, '99': 3813, 'load': 3814, 'heroic': 3815, 'absence': 3816, 'reached': 3817, 'ho': 3818, 'choreography': 3819, 'triumph': 3820, 'complain': 3821, 'annie': 3822, 'broad': 3823, 'improved': 3824, 'concerning': 3825, 'brazil': 3826, 'movements': 3827, '2003': 3828, '2004': 3829, 'dave': 3830, 'folk': 3831, 'eve': 3832, 'purple': 3833, 'commercials': 3834, 'futuristic': 3835, 'vicious': 3836, 'gray': 3837, 'freak': 3838, 'threat': 3839, 'cusack': 3840, 'extended': 3841, 'citizen': 3842, 'stole': 3843, 'anyways': 3844, 'glenn': 3845, 'existed': 3846, 'cheek': 3847, 'broadcast': 3848, 'photographer': 3849, 'translation': 3850, 'arrive': 3851, 'differences': 3852, 'displays': 3853, 'critic': 3854, 'slave': 3855, 'landscape': 3856, 'occurred': 3857, 'builds': 3858, 'drawing': 3859, 'incident': 3860, 'warren': 3861, 'burned': 3862, 'involvement': 3863, 'styles': 3864, 'bathroom': 3865, 'machines': 3866, 'narrator': 3867, 'antics': 3868, "he'll": 3869, 'fisher': 3870, 'swear': 3871, 'australia': 3872, 'matthew': 3873, 'resembles': 3874, 'lily': 3875, 'overrated': 3876, 'currently': 3877, 'symbolism': 3878, 'ought': 3879, 'bare': 3880, 'audio': 3881, 'web': 3882, 'farm': 3883, 'contained': 3884, 'greek': 3885, 'affected': 3886, 'blend': 3887, 'q': 3888, 'recognized': 3889, 'duo': 3890, 'genres': 3891, 'population': 3892, 'carrie': 3893, 'ranks': 3894, 'demands': 3895, "we'll": 3896, 'abc': 3897, 'prom': 3898, 'altogether': 3899, 'superficial': 3900, 'kitchen': 3901, 'pseudo': 3902, 'sunshine': 3903, 'sadness': 3904, 'secrets': 3905, 'bone': 3906, 'website': 3907, 'receive': 3908, 'popcorn': 3909, 'threw': 3910, 'craft': 3911, 'enjoys': 3912, 'occur': 3913, 'twelve': 3914, 'block': 3915, "girl's": 3916, 'proceedings': 3917, 'dynamic': 3918, 'daring': 3919, 'swedish': 3920, 'argue': 3921, 'bite': 3922, 'wolf': 3923, 'adequate': 3924, 'investigate': 3925, 'harder': 3926, 'ruth': 3927, 'ridiculously': 3928, 'tap': 3929, 'dinosaurs': 3930, 'hugh': 3931, 'synopsis': 3932, 'beats': 3933, 'carrey': 3934, 'explosion': 3935, 'foul': 3936, 'merit': 3937, 'suited': 3938, 'holy': 3939, 'staged': 3940, 'journalist': 3941, 'pretend': 3942, 'composed': 3943, 'cagney': 3944, 'robots': 3945, 'giallo': 3946, 'aging': 3947, 'fay': 3948, 'sadistic': 3949, 'engaged': 3950, 'escaped': 3951, 'juvenile': 3952, 'rambo': 3953, 'ireland': 3954, 'conversations': 3955, 'thugs': 3956, 'modesty': 3957, 'selfish': 3958, 'margaret': 3959, 'dialogues': 3960, 'ease': 3961, 'cameras': 3962, 'tame': 3963, 'leg': 3964, 'rural': 3965, 'comfortable': 3966, 'nazis': 3967, 'clothing': 3968, 'innovative': 3969, 'terry': 3970, 'thrill': 3971, '2nd': 3972, 'dancers': 3973, 'brosnan': 3974, 'explosions': 3975, 'bin': 3976, 'rage': 3977, 'overwhelming': 3978, 'jazz': 3979, 'vivid': 3980, 'coherent': 3981, 'bullet': 3982, 'odds': 3983, 'mountains': 3984, 'kidding': 3985, 'versus': 3986, 'lit': 3987, 'offering': 3988, "mother's": 3989, 'trio': 3990, 'newspaper': 3991, 'pulp': 3992, 'ellen': 3993, 'dawson': 3994, 'bird': 3995, 'buddies': 3996, 'combat': 3997, 'dracula': 3998, 'lol': 3999, 'grab': 4000, 'orders': 4001, 'staff': 4002, 'nearby': 4003, 'cats': 4004, 'wealth': 4005, 'unpleasant': 4006, 'staying': 4007, 'devoted': 4008, 'centered': 4009, 'errors': 4010, 'disturbed': 4011, 'bell': 4012, 'atlantis': 4013, 'snake': 4014, 'felix': 4015, 'damage': 4016, 'clint': 4017, 'lust': 4018, 'groups': 4019, 'banned': 4020, 'blowing': 4021, 'fighter': 4022, 'removed': 4023, 'react': 4024, 'conventional': 4025, 'kapoor': 4026, 'intrigue': 4027, 'possessed': 4028, 'cringe': 4029, 'eyre': 4030, 'liking': 4031, 'implausible': 4032, 'philosophy': 4033, 'producing': 4034, 'abilities': 4035, 'seventies': 4036, 'bang': 4037, 'murderous': 4038, 'deliberately': 4039, 'gandhi': 4040, 'tommy': 4041, 'meaningless': 4042, 'subjects': 4043, 'lips': 4044, 'ingredients': 4045, 'mildred': 4046, 'perry': 4047, 'warming': 4048, 'causing': 4049, 'possibility': 4050, 'detailed': 4051, 'walker': 4052, 'garden': 4053, 'prostitute': 4054, 'nightmares': 4055, 'cameron': 4056, 'flop': 4057, 'influenced': 4058, 'spare': 4059, 'unwatchable': 4060, 'undoubtedly': 4061, 'celluloid': 4062, 'relies': 4063, 'resemblance': 4064, 'neo': 4065, 'parent': 4066, 'falk': 4067, 'uneven': 4068, 'unintentional': 4069, 'eccentric': 4070, 'mistaken': 4071, 'distracting': 4072, 'careers': 4073, 'yesterday': 4074, 'forbidden': 4075, 'panic': 4076, 'crack': 4077, 'brains': 4078, 'highest': 4079, 'occasion': 4080, 'signs': 4081, 'focusing': 4082, 'hollow': 4083, 'explored': 4084, 'aid': 4085, 'cary': 4086, 'scheme': 4087, 'shine': 4088, "it'll": 4089, 'kirk': 4090, 'bedroom': 4091, 'satisfied': 4092, 'rat': 4093, 'passes': 4094, 'survival': 4095, 'coffee': 4096, 'furthermore': 4097, 'primary': 4098, 'succeeded': 4099, 'politically': 4100, 'pays': 4101, 'apes': 4102, 'stiller': 4103, 'dating': 4104, 'defeat': 4105, 'sport': 4106, 'catches': 4107, 'mickey': 4108, 'clown': 4109, 'roman': 4110, 'discuss': 4111, 'karen': 4112, 'clumsy': 4113, 'chaos': 4114, 'financial': 4115, 'official': 4116, 'trees': 4117, 'explaining': 4118, 'models': 4119, 'spirits': 4120, 'carl': 4121, 'jeffrey': 4122, 'duty': 4123, 'whale': 4124, 'funeral': 4125, 'secondly': 4126, 'sentence': 4127, '2007': 4128, 'classes': 4129, 'sidekick': 4130, 'tracks': 4131, 'props': 4132, 'travels': 4133, 'flies': 4134, 'remarkably': 4135, 'smaller': 4136, 'wallace': 4137, 'awake': 4138, '1996': 4139, 'brady': 4140, 'blatant': 4141, 'decisions': 4142, 'afford': 4143, 'notion': 4144, 'recorded': 4145, 'glorious': 4146, 'enterprise': 4147, 'maggie': 4148, 'consistently': 4149, 'toys': 4150, 'offended': 4151, 'officers': 4152, 'danes': 4153, 'backdrop': 4154, 'beneath': 4155, 'masters': 4156, 'measure': 4157, 'endings': 4158, 'doomed': 4159, 'mysteries': 4160, 'lifestyle': 4161, 'houses': 4162, 'portion': 4163, 'primarily': 4164, 'satan': 4165, 'hates': 4166, 'devoid': 4167, 'impress': 4168, 'outer': 4169, 'generic': 4170, 'dutch': 4171, 'punk': 4172, 'lyrics': 4173, 'yellow': 4174, 'eastwood': 4175, 'exotic': 4176, 'represent': 4177, 'instant': 4178, 'desperation': 4179, 'mixture': 4180, 'settle': 4181, 'frustration': 4182, 'unfolds': 4183, 'goodness': 4184, 'wives': 4185, 'directs': 4186, 'fetched': 4187, 'ape': 4188, 'cheating': 4189, 'dozens': 4190, 'rebel': 4191, 'cuba': 4192, 'paulie': 4193, 'enormous': 4194, 'revolutionary': 4195, 'hints': 4196, 'shelf': 4197, 'brooklyn': 4198, 'florida': 4199, 'dances': 4200, 'motives': 4201, 'destiny': 4202, '1999': 4203, 'donna': 4204, 'hardcore': 4205, 'mill': 4206, 'wrestling': 4207, 'subtlety': 4208, 'forty': 4209, 'describes': 4210, 'drops': 4211, 'blake': 4212, 'stinker': 4213, 'doll': 4214, 'painted': 4215, 'fond': 4216, 'linda': 4217, 'principal': 4218, 'rank': 4219, 'ideal': 4220, 'kennedy': 4221, 'hammer': 4222, 'montage': 4223, "hollywood's": 4224, 'tie': 4225, 'disjointed': 4226, '3rd': 4227, 'reaches': 4228, 'amy': 4229, 'immensely': 4230, 'ginger': 4231, 'judging': 4232, 'companion': 4233, 'communist': 4234, 'urge': 4235, 'winds': 4236, 'developing': 4237, 'trailers': 4238, 'cliff': 4239, 'lawrence': 4240, 'stellar': 4241, 'topless': 4242, 'circle': 4243, 'surviving': 4244, 'avoided': 4245, 'relations': 4246, 'bold': 4247, 'hideous': 4248, 'voight': 4249, 'closet': 4250, 'et': 4251, 'surfing': 4252, 'melting': 4253, 'soccer': 4254, 'edie': 4255, 'matches': 4256, 'backgrounds': 4257, 'planned': 4258, 'enemies': 4259, 'advance': 4260, 'bull': 4261, 'authority': 4262, 'crush': 4263, 'outfit': 4264, 'emphasis': 4265, 'method': 4266, 'terrorist': 4267, 'senseless': 4268, 'pig': 4269, 'uwe': 4270, 'simplistic': 4271, 'benefit': 4272, 'adorable': 4273, 'eighties': 4274, 'ruthless': 4275, 'godzilla': 4276, 'blew': 4277, 'countryside': 4278, 'specifically': 4279, 'wont': 4280, 'performer': 4281, 'hbo': 4282, 'traveling': 4283, 'todd': 4284, 'practice': 4285, 'diane': 4286, 'fix': 4287, 'faster': 4288, '1980': 4289, 'commented': 4290, 'sh': 4291, 'loyal': 4292, 'saga': 4293, 'ties': 4294, 'disappear': 4295, 'awe': 4296, 'earned': 4297, 'buff': 4298, 'rick': 4299, 'loads': 4300, 'link': 4301, 'angeles': 4302, 'corruption': 4303, 'forms': 4304, 'menace': 4305, 'miserable': 4306, 'claimed': 4307, 'vast': 4308, 'coach': 4309, 'divorce': 4310, 'hal': 4311, 'gadget': 4312, 'chorus': 4313, 'limits': 4314, 'cure': 4315, 'introduces': 4316, 'cards': 4317, 'solo': 4318, 'blues': 4319, 'splatter': 4320, 'april': 4321, 'endure': 4322, 'riveting': 4323, 'dedicated': 4324, 'tender': 4325, 'winters': 4326, 'illogical': 4327, 'choreographed': 4328, 'disappeared': 4329, 'unsettling': 4330, 'waters': 4331, 'guessed': 4332, 'lemmon': 4333, 'involve': 4334, 'transformation': 4335, 'depressed': 4336, 'rooms': 4337, 'lasted': 4338, 'displayed': 4339, 'weakest': 4340, 'leonard': 4341, 'philosophical': 4342, 'racial': 4343, 'interaction': 4344, 'arrogant': 4345, 'tag': 4346, 'rocket': 4347, 'similarities': 4348, 'hurts': 4349, 'thoughtful': 4350, 'realizing': 4351, 'harvey': 4352, 'justify': 4353, 'hook': 4354, 'survivors': 4355, 'represented': 4356, 'pot': 4357, 'possibilities': 4358, 'wore': 4359, 'disappoint': 4360, 'voiced': 4361, 'kicked': 4362, 'abysmal': 4363, 'hamilton': 4364, 'buffs': 4365, 'safety': 4366, 'widow': 4367, 'ears': 4368, 'nomination': 4369, 'trashy': 4370, 'honesty': 4371, 'stereotype': 4372, 'severe': 4373, 'formulaic': 4374, 'moody': 4375, 'similarly': 4376, 'stress': 4377, 'pan': 4378, 'chased': 4379, 'isolated': 4380, 'blond': 4381, 'stinks': 4382, 'mario': 4383, 'passionate': 4384, 'finger': 4385, 'shirley': 4386, 'march': 4387, 'hank': 4388, 'improve': 4389, 'mann': 4390, 'understandable': 4391, "characters'": 4392, 'considerable': 4393, 'scope': 4394, 'holly': 4395, 'diana': 4396, 'grasp': 4397, 'command': 4398, 'solely': 4399, "'em": 4400, 'concern': 4401, 'treats': 4402, 'akshay': 4403, 'promised': 4404, 'colonel': 4405, 'jonathan': 4406, 'faults': 4407, 'helicopter': 4408, 'inventive': 4409, 'sounding': 4410, 'quotes': 4411, 'trained': 4412, 'switch': 4413, 'celebrity': 4414, 'tad': 4415, 'swimming': 4416, 'orson': 4417, 'education': 4418, 'aids': 4419, 'nail': 4420, 'judy': 4421, 'cg': 4422, 'user': 4423, 'nervous': 4424, 'nostalgic': 4425, 'daddy': 4426, 'alert': 4427, 'amanda': 4428, 'facing': 4429, 'comparing': 4430, 'unhappy': 4431, 'preview': 4432, 'report': 4433, 'bonus': 4434, 'purchase': 4435, 'chess': 4436, 'wet': 4437, 'lately': 4438, 'horrifying': 4439, 'agrees': 4440, 'thru': 4441, 'dolls': 4442, 'cinematographer': 4443, 'ignorant': 4444, 'species': 4445, 'seed': 4446, 'consistent': 4447, 'downhill': 4448, 'corporate': 4449, 'photos': 4450, 'confidence': 4451, 'letters': 4452, 'berlin': 4453, 'dinosaur': 4454, 'rotten': 4455, 'taught': 4456, 'fooled': 4457, 'laws': 4458, 'nicholson': 4459, 'namely': 4460, 'shake': 4461, 'waited': 4462, 'wished': 4463, 'embarrassment': 4464, "everyone's": 4465, 'boot': 4466, 'pretending': 4467, 'reaching': 4468, "someone's": 4469, 'transfer': 4470, 'sits': 4471, 'armed': 4472, 'del': 4473, 'dub': 4474, 'defend': 4475, 'hart': 4476, '35': 4477, 'constructed': 4478, 'mall': 4479, 'poetic': 4480, 'motivations': 4481, 'inane': 4482, 'behave': 4483, 'tonight': 4484, 'staring': 4485, 'humble': 4486, 'snl': 4487, 'elephant': 4488, 'agents': 4489, 'oz': 4490, 'grandfather': 4491, 'writes': 4492, 'relation': 4493, 'hop': 4494, 'delivering': 4495, 'fonda': 4496, 'edgar': 4497, 'cave': 4498, 'artificial': 4499, 'grinch': 4500, 'sappy': 4501, 'prize': 4502, '1972': 4503, 'useful': 4504, 'buildings': 4505, 'li': 4506, 'cake': 4507, 'eager': 4508, 'closest': 4509, 'suitable': 4510, 'raising': 4511, 'destroying': 4512, 'combine': 4513, 'beatty': 4514, 'pants': 4515, 'cleverly': 4516, 'ballet': 4517, 'convincingly': 4518, 'porno': 4519, '1990': 4520, 'miike': 4521, 'affect': 4522, 'engage': 4523, 'cd': 4524, 'conservative': 4525, 'wound': 4526, 'arrived': 4527, 'stevens': 4528, 'alcoholic': 4529, 'valuable': 4530, 'ya': 4531, 'reads': 4532, 'scottish': 4533, 'elegant': 4534, 'vegas': 4535, 'chest': 4536, 'charlotte': 4537, 'climactic': 4538, 'tiresome': 4539, 'z': 4540, 'conflicts': 4541, 'babe': 4542, 'vengeance': 4543, 'square': 4544, 'bath': 4545, 'secretly': 4546, 'airport': 4547, 'campbell': 4548, 'kingdom': 4549, 'september': 4550, 'inferior': 4551, '1968': 4552, 'latin': 4553, 'plant': 4554, 'button': 4555, 'museum': 4556, 'maintain': 4557, 'wrapped': 4558, 'kicking': 4559, 'cheated': 4560, 'global': 4561, 'robbery': 4562, 'virginia': 4563, 'wells': 4564, 'waves': 4565, 'stilted': 4566, 'blunt': 4567, 'lena': 4568, 'boom': 4569, 'access': 4570, 'raymond': 4571, '1960s': 4572, 'catching': 4573, 'nicholas': 4574, 'yelling': 4575, 'scarecrow': 4576, 'beliefs': 4577, 'paranoia': 4578, 'christians': 4579, 'vice': 4580, 'jumped': 4581, 'lay': 4582, 'iron': 4583, 'steel': 4584, 'lowest': 4585, 'reflect': 4586, 'closed': 4587, 'mummy': 4588, 'transition': 4589, 'advertising': 4590, 'vulnerable': 4591, 'abusive': 4592, "1970's": 4593, 'spoke': 4594, 'plight': 4595, 'mars': 4596, 'spread': 4597, 'adams': 4598, 'wizard': 4599, 'poetry': 4600, 'im': 4601, 'sandra': 4602, 'germans': 4603, 'pokemon': 4604, 'progresses': 4605, '70': 4606, '00': 4607, 'hung': 4608, 'questionable': 4609, 'remarks': 4610, 'airplane': 4611, 'centers': 4612, 'potentially': 4613, 'bottle': 4614, 'chicago': 4615, 'guarantee': 4616, 'couples': 4617, 'messed': 4618, 'catchy': 4619, 'slick': 4620, 'gangsters': 4621, 'misery': 4622, 'blade': 4623, 'designs': 4624, 'construction': 4625, 'ethan': 4626, 'desired': 4627, 'miracle': 4628, 'carradine': 4629, 'firstly': 4630, 'scores': 4631, 'wandering': 4632, 'greedy': 4633, 'recognition': 4634, 'understated': 4635, 'restored': 4636, 'complexity': 4637, 'madonna': 4638, 'attitudes': 4639, 'rendition': 4640, 'hunters': 4641, 'intentionally': 4642, 'experiments': 4643, 'ruby': 4644, 'alongside': 4645, 'vaguely': 4646, 'inappropriate': 4647, 'copies': 4648, 'operation': 4649, 'brutally': 4650, 'taxi': 4651, 'amounts': 4652, 'stooges': 4653, 'joined': 4654, 'pearl': 4655, 'demand': 4656, 'crocodile': 4657, 'depicts': 4658, 'purchased': 4659, 'acid': 4660, 'myers': 4661, 'exploration': 4662, 'advise': 4663, 'illegal': 4664, 'balls': 4665, "king's": 4666, 'gundam': 4667, "disney's": 4668, 'gender': 4669, 'lengthy': 4670, 'survived': 4671, 'hopper': 4672, 'niro': 4673, 'advanced': 4674, 'simplicity': 4675, 'bela': 4676, 'parallel': 4677, 'ocean': 4678, 'slaughter': 4679, 'rising': 4680, 'witnesses': 4681, 'chicks': 4682, 'streep': 4683, 'visible': 4684, 'nostalgia': 4685, 'arguably': 4686, 'careful': 4687, 'intimate': 4688, 'online': 4689, 'floating': 4690, 'rubber': 4691, 'june': 4692, 'illness': 4693, 'resources': 4694, 'khan': 4695, 'jaw': 4696, 'newly': 4697, 'witches': 4698, 'showcase': 4699, 'signed': 4700, 'opinions': 4701, 'dust': 4702, 'eaten': 4703, 'civilization': 4704, 'shelley': 4705, 'incomprehensible': 4706, 'invasion': 4707, "lee's": 4708, 'monkeys': 4709, 'resort': 4710, 'literature': 4711, 'junior': 4712, 'likewise': 4713, 'homosexual': 4714, "family's": 4715, 'viewings': 4716, 'sue': 4717, 'wisdom': 4718, 'matched': 4719, 'amitabh': 4720, 'edition': 4721, 'witnessed': 4722, 'visits': 4723, 'mistress': 4724, '1983': 4725, 'demented': 4726, 'basketball': 4727, 'neighbors': 4728, 'macy': 4729, 'fascinated': 4730, 'dreary': 4731, 'suspicious': 4732, 'accompanied': 4733, 'worn': 4734, 'mail': 4735, 'challenging': 4736, 'doom': 4737, 'ensues': 4738, 'manipulative': 4739, 'robinson': 4740, 'classical': 4741, 'olivier': 4742, 'agreed': 4743, 'appreciation': 4744, 'franco': 4745, 'montana': 4746, 'troops': 4747, 'capturing': 4748, 'alternate': 4749, 'bands': 4750, 'twilight': 4751, 'ridden': 4752, 'responsibility': 4753, 'proceeds': 4754, 'chapter': 4755, 'jenny': 4756, 'prisoners': 4757, 'pops': 4758, 'analysis': 4759, 'subplots': 4760, 'lively': 4761, 'nuts': 4762, 'prisoner': 4763, 'incompetent': 4764, 'damon': 4765, 'sellers': 4766, 'mayor': 4767, 'rats': 4768, 'simpson': 4769, '90s': 4770, 'persons': 4771, 'feed': 4772, 'descent': 4773, 'reel': 4774, 'bay': 4775, 'assault': 4776, 'losers': 4777, 'widely': 4778, 'rabbit': 4779, 'smiling': 4780, 'relatives': 4781, 'excessive': 4782, 'defined': 4783, 'satisfy': 4784, 'solution': 4785, 'legal': 4786, 'molly': 4787, 'arrival': 4788, 'overacting': 4789, 'equivalent': 4790, 'iran': 4791, 'pit': 4792, 'masterful': 4793, 'capital': 4794, 'richardson': 4795, 'compelled': 4796, 'plausible': 4797, 'stale': 4798, 'scrooge': 4799, 'cities': 4800, 'francis': 4801, 'enthusiasm': 4802, 'lone': 4803, 'parties': 4804, 'tomatoes': 4805, 'channels': 4806, 'hilariously': 4807, 'rocky': 4808, 'crucial': 4809, 'dropping': 4810, 'unit': 4811, 'waitress': 4812, 'domestic': 4813, 'attorney': 4814, 'bakshi': 4815, 'serving': 4816, 'wrap': 4817, 'jaws': 4818, 'historically': 4819, '3d': 4820, 'defense': 4821, 'hello': 4822, 'greed': 4823, '1973': 4824, 'priceless': 4825, 'sincere': 4826, 'warmth': 4827, 'paltrow': 4828, 'gerard': 4829, 'tends': 4830, "god's": 4831, 'patients': 4832, 'creep': 4833, 'counter': 4834, 'dalton': 4835, 'kay': 4836, 'whats': 4837, 'louise': 4838, 'peoples': 4839, 'exceptionally': 4840, 'nyc': 4841, 'pal': 4842, 'seeks': 4843, 'terrorists': 4844, 'lumet': 4845, 'morris': 4846, 'ninja': 4847, 'randomly': 4848, 'frequent': 4849, 'despair': 4850, 'irrelevant': 4851, 'dressing': 4852, 'pursuit': 4853, 'prequel': 4854, 'creativity': 4855, 'imitation': 4856, 'bumbling': 4857, 'hyde': 4858, 'property': 4859, 'muslim': 4860, 'wishing': 4861, 'richards': 4862, 'bargain': 4863, '50s': 4864, 'creator': 4865, 'calm': 4866, 'bacall': 4867, 'gabriel': 4868, 'mentioning': 4869, 'rangers': 4870, 'methods': 4871, 'earl': 4872, 'royal': 4873, 'butler': 4874, 'justin': 4875, 'psychic': 4876, 'chooses': 4877, 'belong': 4878, 'der': 4879, 'photo': 4880, 'polanski': 4881, 'mundane': 4882, 'specially': 4883, 'mighty': 4884, 'homer': 4885, 'ear': 4886, 'masterpieces': 4887, 'generated': 4888, 'leo': 4889, 'improvement': 4890, 'poem': 4891, 'ham': 4892, 'cliche': 4893, 'marty': 4894, 'caliber': 4895, 'mentions': 4896, 'minimum': 4897, 'showdown': 4898, 'borrowed': 4899, 'elm': 4900, 'icon': 4901, 'brenda': 4902, 'polished': 4903, '1984': 4904, 'mechanical': 4905, 'overlook': 4906, 'loaded': 4907, 'map': 4908, 'recording': 4909, 'craven': 4910, 'tiger': 4911, 'roth': 4912, 'awfully': 4913, 'suffice': 4914, 'troubles': 4915, 'introduce': 4916, 'equipment': 4917, 'ashley': 4918, 'wendy': 4919, 'pamela': 4920, 'empathy': 4921, 'phantom': 4922, 'betty': 4923, 'resident': 4924, 'unreal': 4925, 'ruins': 4926, 'performs': 4927, 'promises': 4928, 'monk': 4929, 'iraq': 4930, 'hippie': 4931, 'purposes': 4932, 'marketing': 4933, 'angela': 4934, 'keith': 4935, 'sink': 4936, 'gifted': 4937, 'opportunities': 4938, 'garbo': 4939, 'assigned': 4940, 'feminist': 4941, 'household': 4942, 'wacky': 4943, 'alfred': 4944, 'absent': 4945, 'sneak': 4946, 'popularity': 4947, 'trail': 4948, 'inducing': 4949, 'moronic': 4950, 'wounded': 4951, 'receives': 4952, 'willis': 4953, 'unseen': 4954, 'stretched': 4955, 'fulci': 4956, 'unaware': 4957, 'dimension': 4958, 'dolph': 4959, 'definition': 4960, 'testament': 4961, 'educational': 4962, 'survivor': 4963, 'attend': 4964, 'clip': 4965, 'contest': 4966, 'petty': 4967, '13th': 4968, 'christy': 4969, 'respected': 4970, 'resist': 4971, "year's": 4972, 'album': 4973, 'expressed': 4974, 'randy': 4975, 'quit': 4976, 'phony': 4977, 'unoriginal': 4978, 'punishment': 4979, 'activities': 4980, 'suspend': 4981, 'rolled': 4982, 'eastern': 4983, '1933': 4984, 'instinct': 4985, 'distinct': 4986, 'championship': 4987, 'tech': 4988, 'doubts': 4989, 'interests': 4990, 'exposure': 4991, 'travesty': 4992, 'israel': 4993, 'sixties': 4994, 'pink': 4995, 'orange': 4996, 'resulting': 4997, 'spain': 4998, 'bergman': 4999, '1987': 5000, 'verhoeven': 5001, 'distribution': 5002, 'laughably': 5003, 'depicting': 5004, 'kissing': 5005, 'tooth': 5006, 'shed': 5007, 'kubrick': 5008, 'pin': 5009, 'nonsensical': 5010, 'roots': 5011, 'assumed': 5012, 'swim': 5013, 'whoopi': 5014, 'domino': 5015, 'heights': 5016, 'spock': 5017, 'inevitably': 5018, 'abraham': 5019, 'stunned': 5020, 'businessman': 5021, 'correctly': 5022, 'deceased': 5023, 'buffalo': 5024, 'wholly': 5025, 'underlying': 5026, 'dud': 5027, 'othello': 5028, 'unpredictable': 5029, 'package': 5030, 'hopeless': 5031, 'teaching': 5032, 'valley': 5033, 'uplifting': 5034, 'peters': 5035, 'integrity': 5036, '1993': 5037, 'biography': 5038, 'yard': 5039, 'brutality': 5040, "america's": 5041, 'trademark': 5042, 'retired': 5043, 'shaw': 5044, 'reflection': 5045, 'maniac': 5046, '–': 5047, 'meryl': 5048, 'accuracy': 5049, 'sid': 5050, 'compassion': 5051, 'dreck': 5052, '2008': 5053, 'edgy': 5054, 'greatness': 5055, 'assassin': 5056, 'greg': 5057, 'palace': 5058, 'suggested': 5059, 'patience': 5060, 'landscapes': 5061, '1971': 5062, 'mankind': 5063, 'supported': 5064, 'merits': 5065, 'directions': 5066, 'fed': 5067, 'romero': 5068, 'spider': 5069, 'mtv': 5070, 'metaphor': 5071, 'masses': 5072, 'puppet': 5073, 'seldom': 5074, "wife's": 5075, 'loyalty': 5076, 'deaf': 5077, 'grayson': 5078, 'strangers': 5079, '3000': 5080, 'passable': 5081, 'checked': 5082, 'connery': 5083, 'confess': 5084, 'shaky': 5085, 'drake': 5086, 'eugene': 5087, 'significance': 5088, 'pierce': 5089, 'unfair': 5090, 'maid': 5091, 'indulgent': 5092, 'comfort': 5093, 'orleans': 5094, 'willie': 5095, 'glasses': 5096, 'pressure': 5097, 'alec': 5098, 'composer': 5099, 'marion': 5100, 'nicole': 5101, 'tribe': 5102, 'fought': 5103, 'technicolor': 5104, 'watson': 5105, 'dee': 5106, 'emperor': 5107, 'adaptations': 5108, 'romp': 5109, 'peak': 5110, 'conditions': 5111, 'grabs': 5112, 'exchange': 5113, 'fury': 5114, 'immediate': 5115, "women's": 5116, 'timon': 5117, 'omen': 5118, 'generations': 5119, 'barrymore': 5120, 'resemble': 5121, '1995': 5122, '1997': 5123, 'confrontation': 5124, 'landing': 5125, 'frustrating': 5126, 'demise': 5127, 'spacey': 5128, 'lackluster': 5129, 'disliked': 5130, 'kyle': 5131, 'y': 5132, 'victory': 5133, 'wretched': 5134, '\x85': 5135, 'farrell': 5136, "we'd": 5137, 'respectively': 5138, 'crazed': 5139, 'din': 5140, 'expedition': 5141, 'chicken': 5142, 'cannibal': 5143, 'conscious': 5144, 'experimental': 5145, 'astonishing': 5146, 'inability': 5147, 'examination': 5148, 'wilderness': 5149, 'tube': 5150, 'blast': 5151, 'nerd': 5152, 'legacy': 5153, 'companies': 5154, 'subjected': 5155, 'ships': 5156, 'rises': 5157, 'invented': 5158, 'stuart': 5159, 'ambiguous': 5160, 'grief': 5161, 'rave': 5162, 'cracking': 5163, 'unexpectedly': 5164, 'scotland': 5165, 'stargate': 5166, 'milk': 5167, 'singers': 5168, 'darren': 5169, 'billed': 5170, 'tripe': 5171, 'ordered': 5172, 'furious': 5173, 'flair': 5174, 'griffith': 5175, 'refused': 5176, 'fascination': 5177, 'tastes': 5178, 'owen': 5179, 'frightened': 5180, 'amused': 5181, 'masks': 5182, 'females': 5183, 'graham': 5184, 'rates': 5185, 'simultaneously': 5186, 'senses': 5187, 'walsh': 5188, 'marc': 5189, 'simmons': 5190, 'shanghai': 5191, 'premiere': 5192, 'remained': 5193, 'warriors': 5194, '1936': 5195, 'josh': 5196, 'antwone': 5197, 'difficulties': 5198, 'shoulders': 5199, 'femme': 5200, 'alternative': 5201, 'sentiment': 5202, 'relax': 5203, 'ollie': 5204, 'leon': 5205, 'rooney': 5206, 'objective': 5207, 'deranged': 5208, 'alcohol': 5209, 'austin': 5210, 'sissy': 5211, 'tank': 5212, 'dysfunctional': 5213, 'vulgar': 5214, 'stumbled': 5215, 'desires': 5216, 'replace': 5217, 'dixon': 5218, 'claus': 5219, 'joel': 5220, 'hears': 5221, 'coast': 5222, 'poison': 5223, 'addicted': 5224, 'slice': 5225, 'lundgren': 5226, 'parade': 5227, 'gather': 5228, 'appropriately': 5229, 'abused': 5230, 'cream': 5231, 'challenged': 5232, 'awhile': 5233, 'tacky': 5234, 'interactions': 5235, 'function': 5236, 'pun': 5237, 'bud': 5238, 'filling': 5239, 'primitive': 5240, 'fishing': 5241, 'raises': 5242, 'infected': 5243, 'musicians': 5244, 'precisely': 5245, 'caricatures': 5246, 'karl': 5247, 'underneath': 5248, 'ross': 5249, 'alicia': 5250, 'prey': 5251, 'fingers': 5252, 'nephew': 5253, 'crystal': 5254, 'skull': 5255, 'remakes': 5256, 'favour': 5257, 'wildly': 5258, 'phil': 5259, 'phrase': 5260, 'julian': 5261, 'sopranos': 5262, 'complaints': 5263, 'presenting': 5264, 'noises': 5265, '19th': 5266, 'twins': 5267, 'les': 5268, 'ramones': 5269, 'lands': 5270, 'joins': 5271, 'wakes': 5272, 'require': 5273, 'fifty': 5274, 'items': 5275, 'frankenstein': 5276, 'nathan': 5277, 'christianity': 5278, 'reid': 5279, 'accomplish': 5280, '22': 5281, 'dana': 5282, 'wang': 5283, 'breed': 5284, 'millionaire': 5285, 'sums': 5286, 'knocked': 5287, 'teaches': 5288, 'literary': 5289, 'loneliness': 5290, 'fiancé': 5291, 'complaining': 5292, 'silliness': 5293, 'sharon': 5294, 'celebration': 5295, 'gentleman': 5296, 'ustinov': 5297, "husband's": 5298, 'exposition': 5299, 'choppy': 5300, 'altman': 5301, 'minus': 5302, 'amusement': 5303, 'sugar': 5304, 'husbands': 5305, 'framed': 5306, "other's": 5307, 'andre': 5308, 'unlikable': 5309, 'sunny': 5310, 'roommate': 5311, 'stark': 5312, 'absurdity': 5313, 'rifle': 5314, 'electric': 5315, 'posters': 5316, 'aspiring': 5317, 'conscience': 5318, 'fields': 5319, 'hackneyed': 5320, 'downey': 5321, 'buster': 5322, 'edit': 5323, 'straightforward': 5324, 'misleading': 5325, 'carell': 5326, 'murdering': 5327, 'credited': 5328, 'sung': 5329, 'releases': 5330, 'muddled': 5331, 'raines': 5332, 'coincidence': 5333, 'unfold': 5334, 'rude': 5335, 'charged': 5336, 'weakness': 5337, 'quietly': 5338, 'pitiful': 5339, 'marshall': 5340, 'objects': 5341, 'shared': 5342, 'inexplicably': 5343, 'automatically': 5344, 'heartfelt': 5345, 'agenda': 5346, 'dresses': 5347, 'trend': 5348, 'acclaimed': 5349, 'blacks': 5350, 'murray': 5351, 'beverly': 5352, 'asylum': 5353, 'belushi': 5354, 'en': 5355, 'moreover': 5356, 'shoddy': 5357, 'bernard': 5358, 'teachers': 5359, 'devices': 5360, 'cattle': 5361, 'preston': 5362, 'dont': 5363, 'grotesque': 5364, 'visited': 5365, 'discovering': 5366, 'roof': 5367, 'spark': 5368, 'realised': 5369, 'handling': 5370, 'adopted': 5371, 'bread': 5372, 'haired': 5373, 'ethnic': 5374, 'encourage': 5375, 'lock': 5376, 'conviction': 5377, 'imaginable': 5378, 'fog': 5379, 'crawford': 5380, 'firm': 5381, 'servant': 5382, 'invites': 5383, 'dirt': 5384, 'cancer': 5385, 'fantasies': 5386, 'rely': 5387, 'biased': 5388, 'occasions': 5389, 'dose': 5390, 'industrial': 5391, 'harm': 5392, 'hungry': 5393, 'vance': 5394, 'kansas': 5395, 'active': 5396, 'preposterous': 5397, 'profanity': 5398, 'positively': 5399, 'prepare': 5400, 'ladder': 5401, 'sketch': 5402, 'alison': 5403, 'controlled': 5404, 'squad': 5405, 'outfits': 5406, 'deniro': 5407, 'canyon': 5408, 'babies': 5409, 'frankie': 5410, 'referred': 5411, 'kumar': 5412, 'regarded': 5413, 'designer': 5414, '1988': 5415, 'paradise': 5416, 'comedians': 5417, 'russia': 5418, 'fido': 5419, 'provocative': 5420, 'behaviour': 5421, 'region': 5422, "1930's": 5423, 'baldwin': 5424, 'laurence': 5425, 'translated': 5426, 'tracking': 5427, 'clock': 5428, '1939': 5429, 'chills': 5430, 'hawke': 5431, 'cue': 5432, 'heist': 5433, 'citizens': 5434, 'da': 5435, '1978': 5436, 'mode': 5437, 'hk': 5438, 'counts': 5439, 'riot': 5440, 'uncut': 5441, 'musician': 5442, 'accepts': 5443, 'shoulder': 5444, 'heartbreaking': 5445, 'secondary': 5446, 'option': 5447, '75': 5448, 'roller': 5449, "1980's": 5450, 'fathers': 5451, 'mclaglen': 5452, 'hopelessly': 5453, 'tasteless': 5454, 'bye': 5455, 'challenges': 5456, 'bitch': 5457, 'additional': 5458, 'backs': 5459, "should've": 5460, 'swing': 5461, 'betrayal': 5462, 'labor': 5463, 'lush': 5464, 'morbid': 5465, 'abrupt': 5466, 'gambling': 5467, 'historic': 5468, 'iv': 5469, 'insurance': 5470, '1986': 5471, 'fade': 5472, 'screens': 5473, 'bike': 5474, 'damme': 5475, 'pages': 5476, 'nut': 5477, 'admirable': 5478, 'rejected': 5479, 'skits': 5480, 'lip': 5481, 'ignorance': 5482, 'chainsaw': 5483, 'cassidy': 5484, 'suspension': 5485, 'respective': 5486, 'nod': 5487, 'chuckle': 5488, 'recommendation': 5489, 'guitar': 5490, 'youngest': 5491, 'reign': 5492, '1970': 5493, 'biko': 5494, 'severely': 5495, 'affection': 5496, 'coaster': 5497, 'visiting': 5498, "kid's": 5499, 'darn': 5500, 'refer': 5501, 'boxer': 5502, 'naughty': 5503, 'macarthur': 5504, 'deserted': 5505, 'amazon': 5506, 'paramount': 5507, 'files': 5508, 'corpses': 5509, 'realm': 5510, 'nemesis': 5511, '1979': 5512, 'sabrina': 5513, 'address': 5514, 'beware': 5515, 'shares': 5516, 'tomorrow': 5517, 'prejudice': 5518, 'el': 5519, 'guaranteed': 5520, 'wwe': 5521, 'sooner': 5522, 'reluctant': 5523, '1989': 5524, 'invited': 5525, 'aim': 5526, 'dickens': 5527, 'evidently': 5528, 'lindsay': 5529, 'hyped': 5530, 'penny': 5531, 'praised': 5532, 'jews': 5533, 'sympathize': 5534, 'barrel': 5535, 'disappears': 5536, 'guests': 5537, 'anticipation': 5538, 'conventions': 5539, 'outs': 5540, 'tail': 5541, 'deleted': 5542, 'freaks': 5543, 'rome': 5544, 'indication': 5545, 'bunny': 5546, "actor's": 5547, '19': 5548, 'fist': 5549, 'mayhem': 5550, '1969': 5551, 'policeman': 5552, 'cannon': 5553, 'thread': 5554, 'basinger': 5555, 'bridget': 5556, 'selection': 5557, 'palma': 5558, 'inconsistent': 5559, 'saint': 5560, 'stopping': 5561, 'gut': 5562, 'burst': 5563, 'visions': 5564, 'angst': 5565, "daughter's": 5566, 'beside': 5567, 'reader': 5568, 'sentinel': 5569, 'nails': 5570, 'promote': 5571, 'weaknesses': 5572, 'heading': 5573, 'www': 5574, 'venture': 5575, 'malone': 5576, 'misguided': 5577, "1960's": 5578, 'muppet': 5579, 'uh': 5580, 'drove': 5581, 'overlong': 5582, 'gal': 5583, 'cope': 5584, 'mccoy': 5585, 'threatens': 5586, 'iconic': 5587, 'rita': 5588, 'stages': 5589, 'underworld': 5590, 'adolescent': 5591, 'tip': 5592, 'previews': 5593, 'depending': 5594, 'hammy': 5595, 'behold': 5596, 'steady': 5597, 'circus': 5598, 'filler': 5599, 'conveys': 5600, 'glowing': 5601, 'vader': 5602, 'shades': 5603, 'acceptance': 5604, 'psychology': 5605, 'bent': 5606, 'banal': 5607, 'receiving': 5608, 'palance': 5609, 'reflects': 5610, 'cruelty': 5611, "guy's": 5612, 'tyler': 5613, 'insipid': 5614, 'posted': 5615, 'hack': 5616, 'curly': 5617, 'sassy': 5618, 'nicolas': 5619, 'harmless': 5620, 'morally': 5621, 'affairs': 5622, 'macho': 5623, 'understands': 5624, 'fluff': 5625, 'demonstrates': 5626, 'exceptions': 5627, 'bow': 5628, 'investigating': 5629, 'widescreen': 5630, "30's": 5631, 'remade': 5632, 'studies': 5633, 'records': 5634, 'bros': 5635, 'unexplained': 5636, 'sirk': 5637, 'oldest': 5638, 'firing': 5639, 'vein': 5640, 'explores': 5641, 'completed': 5642, 'eternal': 5643, 'marvel': 5644, 'preachy': 5645, 'triple': 5646, 'schlock': 5647, 'min': 5648, 'employed': 5649, 'campaign': 5650, 'difficulty': 5651, 'strongest': 5652, 'gregory': 5653, 'grainy': 5654, 'popping': 5655, 'disguise': 5656, 'filth': 5657, 'dates': 5658, 'obligatory': 5659, 'robbins': 5660, 'terrified': 5661, 'portrayals': 5662, 'commander': 5663, 'hokey': 5664, 'emerges': 5665, 'confident': 5666, 'connections': 5667, 'lifted': 5668, 'artsy': 5669, 'height': 5670, 'entitled': 5671, 'outing': 5672, 'rukh': 5673, 'hopkins': 5674, 'pounds': 5675, 'sending': 5676, 'hapless': 5677, 'physics': 5678, 'phenomenon': 5679, 'assuming': 5680, 'unrelated': 5681, 'kitty': 5682, 'repeating': 5683, 'stores': 5684, 'attract': 5685, 'fifties': 5686, 'assured': 5687, 'clan': 5688, 'insists': 5689, 'interestingly': 5690, 'patricia': 5691, 'mentality': 5692, 'knight': 5693, '1981': 5694, 'bug': 5695, 'paxton': 5696, 'pole': 5697, 'hughes': 5698, 'communicate': 5699, 'sox': 5700, 'rhythm': 5701, 'nolan': 5702, 'bitten': 5703, 'despicable': 5704, 'slimy': 5705, 'predict': 5706, 'recognizable': 5707, 'rounded': 5708, "shakespeare's": 5709, 'gate': 5710, '1945': 5711, 'recycled': 5712, 'conclude': 5713, 'casual': 5714, 'disgusted': 5715, 'comparisons': 5716, 'zombi': 5717, 'couch': 5718, 'offs': 5719, 'vital': 5720, 'representation': 5721, 'rod': 5722, 'duck': 5723, 'martha': 5724, 'danish': 5725, 'yawn': 5726, 'studying': 5727, '1976': 5728, 'clarke': 5729, 'woo': 5730, 'route': 5731, 'prominent': 5732, 'tarantino': 5733, 'legends': 5734, 'paintings': 5735, 'suitably': 5736, 'someday': 5737, 'snakes': 5738, 'absorbed': 5739, 'stairs': 5740, 'redeem': 5741, 'gear': 5742, 'shortcomings': 5743, 'agency': 5744, 'tempted': 5745, 'rapist': 5746, 'inexplicable': 5747, 'locals': 5748, 'http': 5749, 'clueless': 5750, 'pleasing': 5751, 'vibrant': 5752, 'independence': 5753, 'marries': 5754, 'clad': 5755, 'charms': 5756, 'rendered': 5757, 'heartwarming': 5758, 'melody': 5759, 'shouting': 5760, 'wig': 5761, 'defeated': 5762, "friend's": 5763, 'stack': 5764, 'lois': 5765, 'novak': 5766, 'coup': 5767, 'globe': 5768, 'soup': 5769, 'claustrophobic': 5770, 'eats': 5771, 'flashy': 5772, 'trivia': 5773, 'spinal': 5774, 'thompson': 5775, 'considerably': 5776, 'forcing': 5777, 'befriends': 5778, 'grudge': 5779, 'chavez': 5780, 'net': 5781, 'shopping': 5782, 'gems': 5783, 'claiming': 5784, 'foxx': 5785, 'muppets': 5786, 'discussing': 5787, 'boston': 5788, 'ingenious': 5789, 'flowers': 5790, 'harold': 5791, 'feeding': 5792, 'eternity': 5793, 'norm': 5794, 'sharing': 5795, 'meg': 5796, 'quinn': 5797, 'election': 5798, 'camcorder': 5799, 'limit': 5800, 'genie': 5801, 'daniels': 5802, 'quaid': 5803, 'bacon': 5804, 'runner': 5805, 'tierney': 5806, 'champion': 5807, 'stallone': 5808, 'minister': 5809, 'publicity': 5810, 'static': 5811, 'springer': 5812, 'info': 5813, 'screw': 5814, 'inhabitants': 5815, "'70s": 5816, 'renaissance': 5817, 'carla': 5818, 'screwed': 5819, 'delicate': 5820, 'marlon': 5821, 'weather': 5822, 'deserving': 5823, 'incidentally': 5824, 'depends': 5825, 'winchester': 5826, 'boyle': 5827, 'gina': 5828, 'immature': 5829, 'lift': 5830, 'wings': 5831, 'partners': 5832, 'rope': 5833, 'ace': 5834, 'phillips': 5835, 'kathryn': 5836, 'elite': 5837, 'pete': 5838, "brother's": 5839, 'glamorous': 5840, 'transformed': 5841, 'blatantly': 5842, 'symbolic': 5843, 'traffic': 5844, 'belt': 5845, 'strings': 5846, 'excess': 5847, 'stalker': 5848, 'smiles': 5849, 'ton': 5850, 'politician': 5851, 'keen': 5852, 'esther': 5853, 'ambition': 5854, 'surgery': 5855, 'ants': 5856, 'audrey': 5857, 'housewife': 5858, 'ish': 5859, 'lasting': 5860, "allen's": 5861, 'dvds': 5862, 'schools': 5863, 'concepts': 5864, 'hilarity': 5865, 'newman': 5866, 'shaking': 5867, '28': 5868, 'programs': 5869, 'frames': 5870, 'coupled': 5871, 'cheer': 5872, 'disorder': 5873, 'salt': 5874, 'beatles': 5875, 'fuller': 5876, 'shorter': 5877, 'voted': 5878, 'toronto': 5879, 'raj': 5880, '1940': 5881, 'exploring': 5882, 'debate': 5883, 'yeti': 5884, 'layers': 5885, 'fontaine': 5886, 'backwards': 5887, 'continually': 5888, 'feat': 5889, 'georges': 5890, 'organized': 5891, 'destined': 5892, 'bombs': 5893, 'differently': 5894, 'nope': 5895, 'bend': 5896, 'towers': 5897, 'mothers': 5898, 'partially': 5899, 'outdated': 5900, 'punches': 5901, 'stumbles': 5902, 'bully': 5903, 'threatened': 5904, 'thrilled': 5905, 'leigh': 5906, 'charlton': 5907, 'wax': 5908, 'bondage': 5909, 'kolchak': 5910, 'spree': 5911, 'assassination': 5912, 'doctors': 5913, 'remove': 5914, 'claude': 5915, 'europa': 5916, 'wire': 5917, 'leather': 5918, 'messy': 5919, 'item': 5920, 'institution': 5921, 'departure': 5922, 'centre': 5923, "else's": 5924, 'detectives': 5925, 'triangle': 5926, 'lifeless': 5927, 'handles': 5928, 'hides': 5929, 'wanders': 5930, 'dudley': 5931, 'accurately': 5932, 'duration': 5933, 'hum': 5934, 'harrison': 5935, 'damaged': 5936, 'satirical': 5937, '1950': 5938, 'minority': 5939, 'suggestion': 5940, 'insightful': 5941, 'hangs': 5942, 'btw': 5943, 'preferred': 5944, 'sorely': 5945, 'windows': 5946, 'formed': 5947, 'profession': 5948, "boy's": 5949, 'commenting': 5950, 'newer': 5951, 'landed': 5952, 'colin': 5953, 'tenant': 5954, 'goers': 5955, 'gunga': 5956, 'uniformly': 5957, 'neurotic': 5958, 'trials': 5959, 'authorities': 5960, 'oriented': 5961, 'swept': 5962, 'northern': 5963, 'computers': 5964, 'dylan': 5965, 'racing': 5966, 'kline': 5967, '95': 5968, 'vocal': 5969, 'steele': 5970, '1990s': 5971, "viewer's": 5972, 'bridges': 5973, 'proving': 5974, 'entered': 5975, 'demonic': 5976, 'natives': 5977, 'seeming': 5978, 'brendan': 5979, 'reeves': 5980, 'obtain': 5981, 'rear': 5982, 'evolution': 5983, 'ie': 5984, 'christine': 5985, 'token': 5986, 'elevator': 5987, 'braveheart': 5988, 'garner': 5989, 'ripping': 5990, 'refuse': 5991, 'firmly': 5992, 'outright': 5993, 'mermaid': 5994, 'exquisite': 5995, 'mutual': 5996, 'posey': 5997, 'biblical': 5998, 'disastrous': 5999, 'sleaze': 6000, 'bars': 6001, 'helpful': 6002, 'wendigo': 6003, 'eleven': 6004, 'choosing': 6005, 'neatly': 6006, 'engrossing': 6007, 'kidman': 6008, "freddy's": 6009, 'earn': 6010, 'tops': 6011, 'uma': 6012, 'anton': 6013, 'justified': 6014, 'wtf': 6015, 'demanding': 6016, 'mannerisms': 6017, 'inspire': 6018, 'speeches': 6019, 'containing': 6020, 'pacific': 6021, 'myth': 6022, 'sleeps': 6023, 'reliable': 6024, 'fifth': 6025, 'gillian': 6026, 'setup': 6027, 'vile': 6028, 'cookie': 6029, '4th': 6030, "hitler's": 6031, 'bowl': 6032, "she'll": 6033, 'sincerely': 6034, 'tapes': 6035, 'vanessa': 6036, 'insanity': 6037, 'casts': 6038, 'ratso': 6039, 'brooding': 6040, 'disgrace': 6041, 'luis': 6042, 'helpless': 6043, '1991': 6044, 'mirrors': 6045, 'label': 6046, 'emerge': 6047, 'kent': 6048, 'altered': 6049, 'forgiven': 6050, 'predecessor': 6051, 'heels': 6052, 'skit': 6053, 'contempt': 6054, 'activity': 6055, 'crossing': 6056, 'describing': 6057, '1985': 6058, 'duvall': 6059, 'rampage': 6060, 'healthy': 6061, 'knightley': 6062, 'mercy': 6063, 'undead': 6064, 'cemetery': 6065, 'spies': 6066, 'mesmerizing': 6067, 'homicide': 6068, 'cons': 6069, 'frontal': 6070, 'ariel': 6071, 'restrained': 6072, 'valentine': 6073, 'approaches': 6074, 'startling': 6075, 'cerebral': 6076, 'vain': 6077, 'rooting': 6078, 'destroys': 6079, 'preparing': 6080, 'subtly': 6081, '1977': 6082, '1974': 6083, 'jordan': 6084, 'hats': 6085, 'grateful': 6086, 'pc': 6087, 'boasts': 6088, 'gere': 6089, 'regards': 6090, 'creek': 6091, 'survives': 6092, 'mixing': 6093, 'realities': 6094, 'conan': 6095, 'topics': 6096, 'educated': 6097, 'shaped': 6098, 'insights': 6099, 'melissa': 6100, 'carey': 6101, 'tunnel': 6102, 'artwork': 6103, 'hulk': 6104, 'hartley': 6105, 'radical': 6106, 'deny': 6107, 'modest': 6108, 'unlikeable': 6109, 'compete': 6110, '1994': 6111, 'sometime': 6112, 'statue': 6113, 'grounds': 6114, 'weaker': 6115, 'seedy': 6116, 'mitch': 6117, 'breakfast': 6118, 'inspirational': 6119, 'jess': 6120, 'hugely': 6121, 'leaders': 6122, 'coat': 6123, 'miami': 6124, 'scariest': 6125, 'owners': 6126, 'casino': 6127, 'miniseries': 6128, 'freeze': 6129, 'akin': 6130, 'timberlake': 6131, 'deer': 6132, 'jared': 6133, 'bulk': 6134, 'conrad': 6135, 'wardrobe': 6136, 'poker': 6137, 'crashes': 6138, 'hers': 6139, 'rapidly': 6140, 'applaud': 6141, 'tara': 6142, 'nominations': 6143, 'wrenching': 6144, 'votes': 6145, 'contribution': 6146, 'candidate': 6147, 'loretta': 6148, 'affects': 6149, 'homes': 6150, 'cinemas': 6151, 'dubious': 6152, "child's": 6153, 'stare': 6154, 'banter': 6155, 'exploits': 6156, 'advertised': 6157, '21st': 6158, 'guards': 6159, 'vastly': 6160, 'relentless': 6161, 'disguised': 6162, 'masterfully': 6163, 'critique': 6164, 'dim': 6165, 'located': 6166, 'refers': 6167, 'narrow': 6168, 'des': 6169, 'washed': 6170, 'origin': 6171, 'puppets': 6172, 'addict': 6173, 'internal': 6174, 'error': 6175, 'disgust': 6176, 'injured': 6177, 'cartoonish': 6178, 'bronson': 6179, 'gods': 6180, 'alvin': 6181, '30s': 6182, 'shell': 6183, 'owes': 6184, 'repulsive': 6185, 'gimmick': 6186, 'boris': 6187, 'linear': 6188, 'randolph': 6189, 'photographs': 6190, 'rides': 6191, 'ingrid': 6192, 'scifi': 6193, 'abruptly': 6194, 'limitations': 6195, 'joker': 6196, 'youthful': 6197, 'dandy': 6198, 'unsure': 6199, 'dazzling': 6200, 'gained': 6201, 'arab': 6202, 'detract': 6203, 'underwear': 6204, 'christina': 6205, 'caricature': 6206, 'bloom': 6207, 'continuing': 6208, 'lasts': 6209, 'inaccurate': 6210, "where's": 6211, 'swallow': 6212, 'standout': 6213, 'motive': 6214, 'nations': 6215, 'convicted': 6216, 'bravo': 6217, 'youtube': 6218, 'nolte': 6219, 'lauren': 6220, 'holocaust': 6221, 'vehicles': 6222, 'bones': 6223, 'thirties': 6224, 'audition': 6225, 'factors': 6226, 'headache': 6227, 'growth': 6228, 'natured': 6229, 'mason': 6230, 'expertly': 6231, 'spine': 6232, 'hires': 6233, 'zizek': 6234, 'undeniably': 6235, 'bates': 6236, 'excellently': 6237, 'highway': 6238, 'nina': 6239, 'screenwriters': 6240, 'buzz': 6241, 'chronicles': 6242, 'insults': 6243, 'corn': 6244, 'stunningly': 6245, 'dread': 6246, 'homosexuality': 6247, 'perception': 6248, 'antonio': 6249, 'lukas': 6250, 'reward': 6251, 'decline': 6252, "son's": 6253, 'las': 6254, 'mol': 6255, 'unsuspecting': 6256, 'strengths': 6257, 'convinces': 6258, 'spit': 6259, 'entering': 6260, 'natalie': 6261, 'tossed': 6262, 'toni': 6263, 'colours': 6264, 'ronald': 6265, 'mathieu': 6266, 'implied': 6267, 'teams': 6268, 'resolved': 6269, 'tower': 6270, 'entirety': 6271, 'confront': 6272, 'wander': 6273, 'derivative': 6274, 'missile': 6275, 'definitive': 6276, 'gates': 6277, 'supply': 6278, 'bachelor': 6279, "anyone's": 6280, 'divorced': 6281, 'attenborough': 6282, 'males': 6283, 'promptly': 6284, 'painter': 6285, 'sinking': 6286, 'polly': 6287, 'origins': 6288, 'endlessly': 6289, 'nerves': 6290, '1959': 6291, 'wagner': 6292, 'carmen': 6293, 'judd': 6294, 'poe': 6295, 'walt': 6296, 'unimaginative': 6297, 'anil': 6298, 'mice': 6299, '1940s': 6300, 'confronted': 6301, '200': 6302, 'lend': 6303, 'authenticity': 6304, 'siblings': 6305, 'longest': 6306, 'repressed': 6307, 'alexandre': 6308, 'span': 6309, 'sergeant': 6310, 'stardom': 6311, 'cassavetes': 6312, 'vividly': 6313, 'salvation': 6314, 'yep': 6315, 'jacket': 6316, 'users': 6317, 'jarring': 6318, 'enhanced': 6319, 'puerto': 6320, 'colleagues': 6321, 'referring': 6322, 'jedi': 6323, 'tokyo': 6324, 'niece': 6325, 'published': 6326, "jackson's": 6327, 'mates': 6328, 'cbs': 6329, 'damned': 6330, 'sgt': 6331, 'delicious': 6332, 'uniform': 6333, 'dominated': 6334, 'judgment': 6335, 'juliet': 6336, 'accessible': 6337, 'bsg': 6338, 'exterior': 6339, 'misfortune': 6340, 'zane': 6341, 'phillip': 6342, 'ally': 6343, 'giants': 6344, 'netflix': 6345, 'energetic': 6346, 'austen': 6347, 'unattractive': 6348, "devil's": 6349, 'mobile': 6350, 'underwater': 6351, 'stalking': 6352, 'disabled': 6353, 'depict': 6354, 'offbeat': 6355, 'earnest': 6356, 'servants': 6357, 'jill': 6358, 'bruno': 6359, 'cliches': 6360, 'crisp': 6361, 'nerve': 6362, 'peck': 6363, 'wounds': 6364, 'hepburn': 6365, 'terminator': 6366, 'sized': 6367, 'suburban': 6368, 'depths': 6369, 'buys': 6370, 'hindi': 6371, 'sticking': 6372, 'literal': 6373, 'playboy': 6374, 'gable': 6375, 'meandering': 6376, 'belly': 6377, 'sensible': 6378, 'lighter': 6379, '21': 6380, 'stranded': 6381, 'yokai': 6382, 'pray': 6383, 'mutant': 6384, 'sale': 6385, 'exit': 6386, 'estranged': 6387, 'anyhow': 6388, 'identical': 6389, 'foolish': 6390, 'eventual': 6391, 'errol': 6392, 'separated': 6393, 'bashing': 6394, 'cushing': 6395, 'soylent': 6396, 'antonioni': 6397, 'galaxy': 6398, 'glued': 6399, 'imo': 6400, 'tormented': 6401, 'syndrome': 6402, 'biting': 6403, 'dragons': 6404, 'macabre': 6405, 'dealer': 6406, 'filthy': 6407, 'residents': 6408, 'victorian': 6409, 'witchcraft': 6410, 'cents': 6411, 'improbable': 6412, 'inherent': 6413, 'alley': 6414, 'lester': 6415, 'readers': 6416, 'scratch': 6417, 'pirate': 6418, 'cher': 6419, 'pickford': 6420, 'astounding': 6421, 'devastating': 6422, 'breathing': 6423, 'clash': 6424, 'approaching': 6425, 'severed': 6426, 'owned': 6427, 'interact': 6428, 'cleaning': 6429, 'characteristics': 6430, 'expects': 6431, 'guinness': 6432, 'dismal': 6433, 'sniper': 6434, 'lance': 6435, 'sand': 6436, 'respectable': 6437, 'budgets': 6438, 'sought': 6439, 'scoop': 6440, 'slide': 6441, 'butch': 6442, 'nightclub': 6443, 'yours': 6444, 'blooded': 6445, "she'd": 6446, 'appeals': 6447, 'ebert': 6448, 'harriet': 6449, 'farmer': 6450, 'stylized': 6451, 'owns': 6452, 'noticeable': 6453, 'kurosawa': 6454, 'dustin': 6455, 'id': 6456, 'balanced': 6457, 'fragile': 6458, 'sublime': 6459, 'salman': 6460, 'answered': 6461, 'penn': 6462, 'amrita': 6463, 'adore': 6464, 'logan': 6465, 'demonstrate': 6466, 'concentrate': 6467, 'exploit': 6468, 'races': 6469, 'laden': 6470, 'psychopath': 6471, 'affleck': 6472, '1982': 6473, 'garland': 6474, 'worms': 6475, '23': 6476, 'filmmaking': 6477, 'pattern': 6478, 'habit': 6479, 'incapable': 6480, 'isolation': 6481, 'fatale': 6482, 'decidedly': 6483, 'steam': 6484, 'jules': 6485, "ford's": 6486, 'asia': 6487, 'possess': 6488, 'senior': 6489, 'reminder': 6490, 'cheaply': 6491, 'principals': 6492, 'immortal': 6493, 'christie': 6494, 'monty': 6495, 'sf': 6496, 'evelyn': 6497, 'denis': 6498, 'corporation': 6499, 'turd': 6500, 'soderbergh': 6501, 'deliverance': 6502, 'subway': 6503, 'potter': 6504, 'breakdown': 6505, 'flimsy': 6506, 'packs': 6507, 'judged': 6508, 'wisely': 6509, 'moe': 6510, 'bogus': 6511, 'enthusiastic': 6512, 'cries': 6513, 'conveyed': 6514, 'escaping': 6515, 'plotting': 6516, 'wilder': 6517, 'pale': 6518, 'deliberate': 6519, "dvd's": 6520, 'informed': 6521, 'promoted': 6522, 'axe': 6523, 'flashes': 6524, 'cypher': 6525, 'tremendously': 6526, 'esquire': 6527, '1944': 6528, 'feast': 6529, 'glaring': 6530, 'irene': 6531, 'spectacle': 6532, 'chopped': 6533, 'cyborg': 6534, 'assembled': 6535, 'drinks': 6536, 'dump': 6537, 'celebrated': 6538, 'quarter': 6539, 'boyer': 6540, 'clara': 6541, 'arguing': 6542, 'selected': 6543, 'numbing': 6544, 'romeo': 6545, 'volume': 6546, 'truman': 6547, 'combines': 6548, 'embrace': 6549, 'troma': 6550, 'expose': 6551, 'laurie': 6552, 'kidnapping': 6553, 'debt': 6554, 'contribute': 6555, 'ominous': 6556, 'jodie': 6557, 'magician': 6558, "o'hara": 6559, 'conveniently': 6560, 'outline': 6561, 'excruciatingly': 6562, 'accounts': 6563, 'pound': 6564, 'pixar': 6565, 'pierre': 6566, 'hackman': 6567, 'lightning': 6568, 'absorbing': 6569, 'copied': 6570, 'clone': 6571, 'lola': 6572, 'ugh': 6573, 'burke': 6574, 'cecil': 6575, 'jan': 6576, 'mitchum': 6577, 'jealousy': 6578, 'advised': 6579, '40s': 6580, 'ensure': 6581, 'collect': 6582, 'rewarding': 6583, 'updated': 6584, 'freaky': 6585, 'attacking': 6586, 'rescued': 6587, 'lex': 6588, '1975': 6589, 'dilemma': 6590, 'colored': 6591, 'beowulf': 6592, 'hi': 6593, 'melvyn': 6594, 'ps': 6595, 'pocket': 6596, 'passengers': 6597, 'accepting': 6598, 'sydney': 6599, 'classy': 6600, 'whiny': 6601, 'loy': 6602, 'experiencing': 6603, 'exorcist': 6604, 'destructive': 6605, '300': 6606, 'goods': 6607, 'spencer': 6608, 'corbett': 6609, 'shepherd': 6610, 'reports': 6611, 'expectation': 6612, 'sophie': 6613, 'sentimentality': 6614, 'pause': 6615, 'sidewalk': 6616, 'karate': 6617, 'quantum': 6618, 'intricate': 6619, 'tax': 6620, 'scarface': 6621, 'crippled': 6622, 'longing': 6623, 'nbc': 6624, 'reeve': 6625, 'vintage': 6626, 'crown': 6627, '1998': 6628, 'quentin': 6629, 'obsessive': 6630, 'immense': 6631, 'knocks': 6632, 'bounty': 6633, 'indiana': 6634, 'adaption': 6635, 'delighted': 6636, 'er': 6637, 'naschy': 6638, 'liam': 6639, 'establish': 6640, 'addiction': 6641, 'europeans': 6642, 'tool': 6643, 'stroke': 6644, 'overblown': 6645, 'goldblum': 6646, 'jaded': 6647, 'pursue': 6648, 'sucker': 6649, 'slip': 6650, 'theories': 6651, 'rookie': 6652, 'havoc': 6653, '1953': 6654, 'anticipated': 6655, 'dukes': 6656, 'principle': 6657, 'voyage': 6658, 'gamera': 6659, 'swearing': 6660, 'unsatisfying': 6661, 'wonderland': 6662, 'frontier': 6663, 'parallels': 6664, 'crashing': 6665, 'downs': 6666, 'incorrect': 6667, 'erika': 6668, 'aggressive': 6669, 'divine': 6670, 'paula': 6671, 'dashing': 6672, 'turmoil': 6673, 'suspected': 6674, 'aided': 6675, 'grass': 6676, "story's": 6677, 'distract': 6678, 'cape': 6679, 'snuff': 6680, 'bach': 6681, 'comprehend': 6682, 'werewolves': 6683, 'masterson': 6684, 'resulted': 6685, 'miranda': 6686, 'tendency': 6687, 'fright': 6688, 'spaghetti': 6689, 'goals': 6690, 'rainy': 6691, 'reviewing': 6692, 'juliette': 6693, 'establishment': 6694, 'redundant': 6695, 'switched': 6696, 'taped': 6697, 'sarcastic': 6698, 'arguments': 6699, 'rider': 6700, 'peaceful': 6701, 'barbra': 6702, 'butcher': 6703, 'shootout': 6704, 'bubble': 6705, 'routines': 6706, 'demonstrated': 6707, 'spice': 6708, 'backed': 6709, 'polish': 6710, 'cultures': 6711, 'parsons': 6712, 'distress': 6713, "hero's": 6714, 'chill': 6715, 'morons': 6716, 'slugs': 6717, 'subtext': 6718, 'ultimatum': 6719, 'intentional': 6720, 'virtual': 6721, 'morals': 6722, 'cutter': 6723, 'hayworth': 6724, 'mouthed': 6725, 'fleshed': 6726, 'fascist': 6727, 'dramatically': 6728, 'passage': 6729, 'realization': 6730, 'slaves': 6731, 'gentlemen': 6732, 'liu': 6733, 'hyper': 6734, 'peculiar': 6735, 'avoiding': 6736, 'lavish': 6737, 'adrian': 6738, 'vanilla': 6739, 'boiled': 6740, 'admired': 6741, 'thieves': 6742, 'moron': 6743, 'sixth': 6744, "'cause": 6745, 'arranged': 6746, 'climb': 6747, 'horny': 6748, 'approached': 6749, 'alleged': 6750, 'pumbaa': 6751, 'predictably': 6752, 'wielding': 6753, 'armstrong': 6754, 'commitment': 6755, 'seymour': 6756, 'serum': 6757, 'odyssey': 6758, 'hybrid': 6759, 'messing': 6760, 'begging': 6761, 'alter': 6762, 'establishing': 6763, 'toby': 6764, 'whining': 6765, 'canceled': 6766, 'collective': 6767, 'define': 6768, 'dame': 6769, 'bikini': 6770, 'afterward': 6771, 'mystical': 6772, 'tourist': 6773, 'furniture': 6774, 'fairbanks': 6775, 'casper': 6776, 'revolt': 6777, 'remembering': 6778, 'exploding': 6779, 'consideration': 6780, 'arrest': 6781, 'inmates': 6782, '1934': 6783, 'shift': 6784, 'aiming': 6785, 'samantha': 6786, 'puzzle': 6787, 'ghetto': 6788, 'arc': 6789, 'traits': 6790, 'apply': 6791, 'olds': 6792, 'sang': 6793, 'distraction': 6794, 'hateful': 6795, 'fools': 6796, 'anytime': 6797, 'reviewed': 6798, 'enhance': 6799, 'lunch': 6800, 'coke': 6801, 'upside': 6802, 'papers': 6803, 'insist': 6804, 'medieval': 6805, 'wine': 6806, 'vega': 6807, 'insomnia': 6808, 'arriving': 6809, "keaton's": 6810, 'phenomenal': 6811, 'fills': 6812, 'graveyard': 6813, 'stella': 6814, 'exploited': 6815, "writer's": 6816, 'acquired': 6817, 'strict': 6818, 'slapped': 6819, 'jewel': 6820, 'thelma': 6821, 'mcqueen': 6822, 'pedestrian': 6823, 'cal': 6824, 'anthology': 6825, 'vince': 6826, 'mythology': 6827, 'consciousness': 6828, 'kinnear': 6829, "life's": 6830, 'carnage': 6831, 'courtroom': 6832, 'tolerable': 6833, 'populated': 6834, 'huston': 6835, 'contributed': 6836, 'poses': 6837, "actors'": 6838, 'optimistic': 6839, 'verdict': 6840, 'rebellious': 6841, 'trace': 6842, 'whites': 6843, 'commits': 6844, "kelly's": 6845, 'mouths': 6846, 'stream': 6847, 'respects': 6848, 'leap': 6849, 'sickening': 6850, 'puppy': 6851, 'overboard': 6852, 'diverse': 6853, 'monologue': 6854, 'tuned': 6855, 'corman': 6856, 'gypo': 6857, 'skilled': 6858, 'seasoned': 6859, 'settled': 6860, 'horrified': 6861, 'remembers': 6862, 'relentlessly': 6863, 'dj': 6864, '\x97': 6865, 'jersey': 6866, 'psychologist': 6867, 'borders': 6868, 'lethal': 6869, "tony's": 6870, 'shoe': 6871, 'smash': 6872, 'taboo': 6873, 'wiped': 6874, 'excuses': 6875, 'crosses': 6876, 'salesman': 6877, 'ritual': 6878, 'mormon': 6879, 'achieves': 6880, 'thunderbirds': 6881, 'scored': 6882, 'vanity': 6883, 'pad': 6884, 'aussie': 6885, 'explodes': 6886, 'ira': 6887, 'dynamics': 6888, 'preminger': 6889, 'franklin': 6890, 'verbal': 6891, 'feminine': 6892, 'policy': 6893, 'flavor': 6894, 'expense': 6895, 'suggesting': 6896, 'trains': 6897, 'instincts': 6898, 'nuances': 6899, 'dumber': 6900, 'flock': 6901, 'feeble': 6902, 'deanna': 6903, 'hoot': 6904, 'cuban': 6905, 'kathy': 6906, 'possession': 6907, 'document': 6908, 'cohen': 6909, 'foundation': 6910, 'diary': 6911, 'guinea': 6912, 'covering': 6913, 'vomit': 6914, 'readily': 6915, 'fluid': 6916, 'cigarette': 6917, 'tactics': 6918, 'deliciously': 6919, 'seductive': 6920, 'circles': 6921, 'phase': 6922, 'themed': 6923, 'busey': 6924, 'marilyn': 6925, 'amidst': 6926, 'posing': 6927, 'lean': 6928, 'cooking': 6929, 'deputy': 6930, 'duel': 6931, 'brainless': 6932, 'mute': 6933, 'meantime': 6934, 'unsympathetic': 6935, 'wheel': 6936, 'update': 6937, 'immigrant': 6938, 'weary': 6939, 'basket': 6940, 'attending': 6941, 'mortal': 6942, 'clive': 6943, 'regularly': 6944, 'delightfully': 6945, 'possesses': 6946, 'newcomer': 6947, 'porter': 6948, 'invention': 6949, 'sources': 6950, 'wash': 6951, 'contestants': 6952, 'shockingly': 6953, 'wheelchair': 6954, 'stephanie': 6955, 'ritchie': 6956, 'wong': 6957, 'pushes': 6958, 'ricky': 6959, "audience's": 6960, 'einstein': 6961, 'controlling': 6962, 'mama': 6963, 'encountered': 6964, 'pathos': 6965, 'zorro': 6966, 'mysteriously': 6967, 'korea': 6968, 'bachchan': 6969, 'jury': 6970, 'keys': 6971, 'skinny': 6972, 'sells': 6973, 'satisfaction': 6974, 'romances': 6975, 'meal': 6976, 'explosive': 6977, 'defies': 6978, 'drab': 6979, 'clerk': 6980, 'pfeiffer': 6981, 'sunrise': 6982, 'symbol': 6983, 'pirates': 6984, 'otto': 6985, 'novelty': 6986, 'jacques': 6987, 'void': 6988, 'herbert': 6989, 'narrated': 6990, 'lionel': 6991, 'targets': 6992, 'august': 6993, 'razor': 6994, 'rivers': 6995, 'admitted': 6996, 'mum': 6997, 'sundance': 6998, 'lends': 6999, 'cliched': 7000, 'screwball': 7001, 'serials': 7002, 'neglected': 7003, 'olivia': 7004, 'truths': 7005, 'sided': 7006, 'steer': 7007, 'flower': 7008, 'indifferent': 7009, 'dumped': 7010, 'lucille': 7011, 'mole': 7012, 'products': 7013, 'beg': 7014, 'releasing': 7015, 'niven': 7016, "stewart's": 7017, 'ordeal': 7018, 'darth': 7019, 'um': 7020, 'crosby': 7021, 'statements': 7022, 'followers': 7023, 'psyche': 7024, 'excruciating': 7025, 'noteworthy': 7026, 'swinging': 7027, 'deed': 7028, 'aftermath': 7029, 'ranch': 7030, 'consist': 7031, 'embarrassingly': 7032, 'unusually': 7033, 'convention': 7034, 'shifts': 7035, 'produces': 7036, 'motorcycle': 7037, 'tickets': 7038, 'wider': 7039, 'longoria': 7040, 'gwyneth': 7041, 'employee': 7042, 'instances': 7043, 'parking': 7044, 'intact': 7045, 'starters': 7046, 'rapid': 7047, 'arrow': 7048, 'thurman': 7049, 'debbie': 7050, 'dumbest': 7051, 'wastes': 7052, 'sarandon': 7053, 'economic': 7054, 'israeli': 7055, 'additionally': 7056, 'fanatic': 7057, 'planes': 7058, 'pursued': 7059, 'legitimate': 7060, 'discussed': 7061, 'forties': 7062, 'introducing': 7063, 'anxious': 7064, 'cannes': 7065, 'biker': 7066, 'deciding': 7067, 'sanders': 7068, 'fuzzy': 7069, 'agony': 7070, 'alot': 7071, 'assignment': 7072, 'stones': 7073, 'scorsese': 7074, 'caron': 7075, 'degrees': 7076, 'medicine': 7077, 'hannah': 7078, 'reverse': 7079, 'inaccuracies': 7080, 'july': 7081, 'attended': 7082, 'gilbert': 7083, 'forgetting': 7084, "jane's": 7085, 'gielgud': 7086, 'angie': 7087, 'milo': 7088, 'laputa': 7089, "branagh's": 7090, 'motions': 7091, 'auto': 7092, 'controversy': 7093, 'grandma': 7094, 'cunningham': 7095, 'professionals': 7096, 'criticize': 7097, 'kidnap': 7098, 'artistry': 7099, 'sarcasm': 7100, 'fishburne': 7101, 'brow': 7102, 'bogart': 7103, 'columbia': 7104, 'incidents': 7105, 'vera': 7106, 'meteor': 7107, 'georgia': 7108, 'arty': 7109, 'freaking': 7110, 'hadley': 7111, 'suspicion': 7112, "scott's": 7113, 'coffin': 7114, 'juan': 7115, 'crossed': 7116, 'idol': 7117, 'grip': 7118, 'obstacles': 7119, 'mentor': 7120, 'consequently': 7121, 'begs': 7122, 'stating': 7123, 'ambitions': 7124, 'muslims': 7125, 'executives': 7126, 'daisy': 7127, 'manners': 7128, 'warns': 7129, '1948': 7130, 'jolie': 7131, 'arquette': 7132, 'distracted': 7133, 'centuries': 7134, 'abound': 7135, 'jose': 7136, 'factual': 7137, 'goodbye': 7138, 'trigger': 7139, 'breast': 7140, 'invite': 7141, 'tcm': 7142, 'unanswered': 7143, 'indicate': 7144, 'shepard': 7145, 'session': 7146, 'daylight': 7147, 'minnelli': 7148, 'cindy': 7149, 'funding': 7150, 'pains': 7151, 'predator': 7152, 'flames': 7153, 'fried': 7154, 'scripting': 7155, 'rational': 7156, 'stabbed': 7157, 'collette': 7158, "'i": 7159, 'compliment': 7160, 'hooker': 7161, 'cliffhanger': 7162, 'inclusion': 7163, 'debra': 7164, 'roughly': 7165, 'moss': 7166, '1967': 7167, 'awakening': 7168, 'viewpoint': 7169, 'kazan': 7170, 'rejects': 7171, 'toned': 7172, 'sentences': 7173, 'denise': 7174, 'originals': 7175, 'cycle': 7176, 'informative': 7177, 'pros': 7178, 'harlow': 7179, 'stern': 7180, 'corey': 7181, 'stalked': 7182, 'foil': 7183, 'plodding': 7184, 'varied': 7185, 'sweden': 7186, 'detroit': 7187, 'misunderstood': 7188, 'clay': 7189, 'relevance': 7190, 'depictions': 7191, 'blamed': 7192, 'paints': 7193, 'pointing': 7194, 'click': 7195, 'stance': 7196, 'protest': 7197, 'chamber': 7198, 'robbers': 7199, 'gooding': 7200, 'soprano': 7201, 'likeable': 7202, 'exclusively': 7203, 'slim': 7204, 'campus': 7205, 'haines': 7206, 'cheadle': 7207, 'cap': 7208, 'cab': 7209, 'rambling': 7210, 'paranoid': 7211, 'seats': 7212, 'frances': 7213, 'rowlands': 7214, '101': 7215, 'consequence': 7216, 'murky': 7217, 'abandon': 7218, 'gap': 7219, 'berkeley': 7220, 'ruining': 7221, 'stink': 7222, 'denouement': 7223, 'penelope': 7224, 'intro': 7225, 'abortion': 7226, 'tomei': 7227, 'replies': 7228, 'antagonist': 7229, 'gloria': 7230, 'stardust': 7231, 'tomb': 7232, 'gallery': 7233, "bug's": 7234, 'determination': 7235, "40's": 7236, "c'mon": 7237, 'translate': 7238, 'bait': 7239, "killer's": 7240, 'eagerly': 7241, 'relating': 7242, 'iranian': 7243, 'rips': 7244, 'momentum': 7245, 'uncanny': 7246, 'frozen': 7247, 'begun': 7248, 'generate': 7249, 'uniforms': 7250, 'intensely': 7251, 'dreamy': 7252, 'martian': 7253, 'festivals': 7254, 'grabbed': 7255, 'mock': 7256, 'jenna': 7257, "che's": 7258, 'schedule': 7259, 'surroundings': 7260, 'coma': 7261, 'imaginary': 7262, 'schneider': 7263, 'gus': 7264, 'foremost': 7265, 'composition': 7266, 'robertson': 7267, 'politicians': 7268, 'services': 7269, 'hysterically': 7270, 'snowman': 7271, 'maureen': 7272, 'omar': 7273, 'republic': 7274, 'lurking': 7275, 'pans': 7276, 'alliance': 7277, 'hostel': 7278, 'diner': 7279, 'sheen': 7280, 'injury': 7281, 'rupert': 7282, 'hippies': 7283, 'rosario': 7284, 'chamberlain': 7285, 'ww2': 7286, 'scenarios': 7287, 'participants': 7288, 'realistically': 7289, 'communication': 7290, 'kris': 7291, 'sg': 7292, 'kathleen': 7293, 'brat': 7294, 'redneck': 7295, 'launch': 7296, 'therapy': 7297, 'quasi': 7298, 'miyazaki': 7299, 'hmmm': 7300, '85': 7301, 'faux': 7302, 'geisha': 7303, 'bauer': 7304, 'mick': 7305, 'enigmatic': 7306, '1951': 7307, 'phones': 7308, 'shaggy': 7309, 'hostage': 7310, 'destination': 7311, 'lens': 7312, 'glimpses': 7313, '1943': 7314, 'lastly': 7315, 'rehash': 7316, 'gestures': 7317, 'shotgun': 7318, 'casablanca': 7319, 'dismiss': 7320, 'sights': 7321, 'periods': 7322, 'burnt': 7323, 'bats': 7324, 'resembling': 7325, "charlie's": 7326, 'apt': 7327, 'linked': 7328, 'widowed': 7329, 'dominic': 7330, 'glance': 7331, 'cow': 7332, 'tho': 7333, 'traps': 7334, 'curiously': 7335, 'heath': 7336, 'envy': 7337, 'playwright': 7338, 'gigantic': 7339, 'paths': 7340, 'bleed': 7341, 'ambiguity': 7342, 'gaps': 7343, 'bosses': 7344, 'hayes': 7345, 'sterling': 7346, 'necessity': 7347, 'comeback': 7348, 'sketches': 7349, 'sondra': 7350, 'ignoring': 7351, 'revolving': 7352, 'apocalyptic': 7353, 'reiser': 7354, 'sailor': 7355, 'saloon': 7356, 'frantic': 7357, 'resistance': 7358, 'pegg': 7359, 'overs': 7360, 'precise': 7361, 'herman': 7362, 'rounds': 7363, 'arkin': 7364, 'gloomy': 7365, 'pressed': 7366, 'haunt': 7367, '1992': 7368, 'enchanted': 7369, 'iturbi': 7370, 'fuel': 7371, 'blaise': 7372, 'mabel': 7373, 'laboratory': 7374, 'county': 7375, 'veterans': 7376, 'studied': 7377, 'cheers': 7378, 'bearing': 7379, 'eh': 7380, 'sunset': 7381, 'reflected': 7382, 'rolls': 7383, 'investigator': 7384, 'adele': 7385, 'pen': 7386, 'maintains': 7387, 'capacity': 7388, "kubrick's": 7389, 'unstable': 7390, 'avid': 7391, 'midst': 7392, "man'": 7393, 'qualify': 7394, 'bonnie': 7395, "person's": 7396, 'mins': 7397, 'geek': 7398, 'nun': 7399, 'jude': 7400, 'angelina': 7401, 'galactica': 7402, 'sufficient': 7403, 'substantial': 7404, 'incest': 7405, 'handicapped': 7406, 'trier': 7407, 'ample': 7408, "doctor's": 7409, 'warden': 7410, 'supreme': 7411, 'hinted': 7412, 'slashers': 7413, 'rewarded': 7414, 'rice': 7415, 'complications': 7416, 'trauma': 7417, 'biopic': 7418, 'sebastian': 7419, "'80s": 7420, 'characterizations': 7421, 'awareness': 7422, 'popped': 7423, 'sparks': 7424, 'vignettes': 7425, 'psychedelic': 7426, 'unclear': 7427, 'kells': 7428, 'tightly': 7429, 'existing': 7430, 'du': 7431, 'entrance': 7432, 'offend': 7433, 'goldie': 7434, 'guardian': 7435, 'collins': 7436, 'targeted': 7437, 'talky': 7438, 'extensive': 7439, 'ny': 7440, 'benefits': 7441, 'epics': 7442, 'pilots': 7443, 'payoff': 7444, 'stadium': 7445, 'october': 7446, 'stake': 7447, 'characterisation': 7448, 'applied': 7449, 'applies': 7450, 'pivotal': 7451, 'lowe': 7452, 'gathering': 7453, 'marisa': 7454, 'brent': 7455, 'upcoming': 7456, '1963': 7457, 'overbearing': 7458, 'eli': 7459, 'occult': 7460, 'joking': 7461, "ol'": 7462, 'graduate': 7463, 'beckinsale': 7464, 'nuanced': 7465, 'homicidal': 7466, 'addressed': 7467, 'evans': 7468, 'lunatic': 7469, 'parrot': 7470, 'edith': 7471, 'revival': 7472, 'convict': 7473, 'ignores': 7474, 'safely': 7475, 'plate': 7476, 'sour': 7477, 'turkish': 7478, 'favourites': 7479, 'ajay': 7480, 'boundaries': 7481, 'northam': 7482, 'profile': 7483, 'russ': 7484, 'skeptical': 7485, 'frog': 7486, 'invested': 7487, 'repeats': 7488, 'bias': 7489, "'60s": 7490, 'drowned': 7491, 'iq': 7492, 'diversity': 7493, 'outlandish': 7494, 'nightmarish': 7495, 'dynamite': 7496, 'unfolding': 7497, 'convent': 7498, 'clooney': 7499, 'observations': 7500, 'johansson': 7501, '1955': 7502, 'enchanting': 7503, 'tire': 7504, 'stabbing': 7505, 'disco': 7506, 'excellence': 7507, '27': 7508, 'clunky': 7509, 'valid': 7510, 'array': 7511, 'engine': 7512, 'sammo': 7513, 'doug': 7514, 'sly': 7515, 'interior': 7516, 'resolve': 7517, 'hating': 7518, 'olsen': 7519, 'interviewed': 7520, 'chong': 7521, 'protection': 7522, 'maximum': 7523, 'nauseating': 7524, 'versa': 7525, 'apocalypse': 7526, 'exploitative': 7527, 'observation': 7528, 'murderers': 7529, 'questioning': 7530, 'gosh': 7531, 'stereotyped': 7532, 'flag': 7533, 'shore': 7534, 'pose': 7535, 'acknowledge': 7536, 'fruit': 7537, 'caretaker': 7538, "rosemary's": 7539, 'interpretations': 7540, 'shin': 7541, 'stations': 7542, 'flavia': 7543, 'nutshell': 7544, 'announced': 7545, 'assure': 7546, 'silverman': 7547, 'duh': 7548, 'sonny': 7549, '1958': 7550, 'blockbusters': 7551, 'pornography': 7552, 'vivian': 7553, 'sensibility': 7554, 'courtesy': 7555, 'battlestar': 7556, 'macdonald': 7557, 'boots': 7558, 'brides': 7559, 'reunite': 7560, 'brooke': 7561, 'controls': 7562, 'masked': 7563, 'phantasm': 7564, 'prophecy': 7565, 'slower': 7566, 'relying': 7567, 'sweat': 7568, 'divided': 7569, 'mannered': 7570, 'marked': 7571, 'witnessing': 7572, 'girlfriends': 7573, 'snipes': 7574, 'fortunate': 7575, 'watcher': 7576, 'brett': 7577, 'ernie': 7578, 'villainous': 7579, 'strung': 7580, 'rebels': 7581, 'candle': 7582, 'counting': 7583, 'mccarthy': 7584, 'rodriguez': 7585, 'bonham': 7586, 'portuguese': 7587, 'daytime': 7588, 'rea': 7589, 'insert': 7590, 'misty': 7591, 'displaying': 7592, 'substitute': 7593, 'satanic': 7594, 'wayans': 7595, 'magically': 7596, 'sincerity': 7597, 'owl': 7598, 'cocaine': 7599, 'spotlight': 7600, 'inter': 7601, 'chewing': 7602, 'lopez': 7603, 'chiba': 7604, 'progressed': 7605, 'entries': 7606, 'demille': 7607, 'chuckles': 7608, 'climbing': 7609, '26': 7610, 'chaotic': 7611, 'criticized': 7612, 'confined': 7613, 'sanity': 7614, 'goat': 7615, 'unhinged': 7616, 'bittersweet': 7617, 'collar': 7618, 'realises': 7619, 'peril': 7620, 'bust': 7621, 'smell': 7622, 'turtle': 7623, 'wartime': 7624, 'admits': 7625, 'commanding': 7626, 'evokes': 7627, 'beard': 7628, 'seduce': 7629, 'harrowing': 7630, 'janet': 7631, 'phoenix': 7632, 'stiles': 7633, 'interrupted': 7634, 'whore': 7635, 'shocks': 7636, 'inadvertently': 7637, 'jar': 7638, 'wright': 7639, 'fart': 7640, 'resume': 7641, "lynch's": 7642, 'needing': 7643, 'delirious': 7644, 'upstairs': 7645, 'obscurity': 7646, 'famed': 7647, 'palm': 7648, 'weekly': 7649, 'replacement': 7650, 'monotonous': 7651, 'smug': 7652, 'preaching': 7653, 'projected': 7654, 'randall': 7655, 'enduring': 7656, 'hmm': 7657, 'organization': 7658, 'landmark': 7659, 'thereby': 7660, 'fundamental': 7661, 'ripoff': 7662, 'rightly': 7663, 'ins': 7664, 'chew': 7665, 'slavery': 7666, 'unnatural': 7667, 'arrogance': 7668, 'waking': 7669, 'manipulation': 7670, 'jagger': 7671, 'reserved': 7672, 'blazing': 7673, 'finishes': 7674, 'somethings': 7675, 'observe': 7676, 'raging': 7677, 'thrust': 7678, 'trivial': 7679, 'madsen': 7680, 'carlos': 7681, 'samuel': 7682, 'tones': 7683, 'commendable': 7684, 'crushed': 7685, 'similarity': 7686, 'deemed': 7687, 'choir': 7688, 'imagining': 7689, 'unappealing': 7690, 'understatement': 7691, 'apple': 7692, 'discipline': 7693, 'thailand': 7694, 'colleague': 7695, 'convenient': 7696, 'rendering': 7697, 'hines': 7698, 'cena': 7699, 'mandy': 7700, 'testing': 7701, 'motel': 7702, 'subsequently': 7703, 'fassbinder': 7704, 'reluctantly': 7705, 'platform': 7706, "men's": 7707, 'egyptian': 7708, 'aesthetic': 7709, 'hooper': 7710, 'accompanying': 7711, 'protective': 7712, 'penned': 7713, 'fetish': 7714, 'kirsten': 7715, 'herd': 7716, 'layered': 7717, 'scarecrows': 7718, 'incestuous': 7719, 'thunder': 7720, 'boogie': 7721, 'participate': 7722, 'forgiveness': 7723, 'baddies': 7724, 'hardened': 7725, 'forgets': 7726, 'comparable': 7727, 'combs': 7728, 'understandably': 7729, 'shahid': 7730, 'laying': 7731, 'marine': 7732, 'recover': 7733, 'scheming': 7734, 'cancelled': 7735, 'vargas': 7736, 'stumble': 7737, 'celebrities': 7738, 'merry': 7739, 'russo': 7740, 'frost': 7741, 'unfamiliar': 7742, 'madeleine': 7743, 'isabelle': 7744, 'crooks': 7745, 'python': 7746, 'filmography': 7747, 'explode': 7748, 'sylvia': 7749, 'article': 7750, 'climatic': 7751, 'achievements': 7752, 'conductor': 7753, 'pizza': 7754, 'reminding': 7755, 'remark': 7756, 'lo': 7757, 'gackt': 7758, 'traumatic': 7759, 'benjamin': 7760, 'stuffed': 7761, 'accidental': 7762, 'travis': 7763, 'govinda': 7764, "must've": 7765, 'quintessential': 7766, 'deathtrap': 7767, 'cheerful': 7768, 'hostile': 7769, 'orchestra': 7770, 'ninety': 7771, 'gorilla': 7772, 'marcel': 7773, 'cameraman': 7774, 'shred': 7775, 'sholay': 7776, 'wrestler': 7777, 'customers': 7778, 'hallmark': 7779, 'beers': 7780, 'glossy': 7781, 'despise': 7782, 'anita': 7783, 'goings': 7784, 'spontaneous': 7785, '1932': 7786, 'fleet': 7787, 'shameless': 7788, 'charges': 7789, 'camping': 7790, 'finishing': 7791, 'district': 7792, 'sins': 7793, 'dallas': 7794, 'file': 7795, 'yell': 7796, 'serbian': 7797, 'myrna': 7798, 'wholesome': 7799, 'titular': 7800, 'boo': 7801, "o'brien": 7802, 'implies': 7803, 'sack': 7804, 'flip': 7805, 'salvage': 7806, 'annoy': 7807, 'restraint': 7808, 'imho': 7809, 'creations': 7810, 'affecting': 7811, 'pornographic': 7812, 'spoiling': 7813, 'bonanza': 7814, 'ala': 7815, 'raid': 7816, 'raunchy': 7817, 'sales': 7818, 'cheering': 7819, 'captivated': 7820, 'je': 7821, 'espionage': 7822, 'license': 7823, 'defining': 7824, 'beforehand': 7825, 'se': 7826, 'conclusions': 7827, "bakshi's": 7828, 'hawn': 7829, 'sherlock': 7830, 'caprica': 7831, 'ruled': 7832, 'unconventional': 7833, 'diego': 7834, 'awry': 7835, 'verge': 7836, 'krueger': 7837, 'grin': 7838, 'whimsical': 7839, 'ideals': 7840, 'meyer': 7841, 'surround': 7842, 'characteristic': 7843, 'digging': 7844, 'shameful': 7845, 'coolest': 7846, 'philo': 7847, 'cells': 7848, 'reagan': 7849, 'seattle': 7850, 'infinitely': 7851, 'sickness': 7852, 'excels': 7853, '2009': 7854, 'novelist': 7855, '1946': 7856, 'burial': 7857, 'fades': 7858, 'faded': 7859, 'shannon': 7860, 'traditions': 7861, 'fraud': 7862, 'perverted': 7863, 'sheets': 7864, 'voodoo': 7865, 'desk': 7866, 'abundance': 7867, 'flashing': 7868, 'hunted': 7869, 'betrayed': 7870, 'admission': 7871, 'gershwin': 7872, 'rampant': 7873, 'relaxed': 7874, 'fires': 7875, 'polar': 7876, 'kindly': 7877, 'tits': 7878, 'melancholy': 7879, 'drowning': 7880, 'semblance': 7881, 'temper': 7882, 'cracks': 7883, 'tide': 7884, 'oblivious': 7885, 'miraculously': 7886, 'clarity': 7887, 'elliott': 7888, 'inserted': 7889, 'considers': 7890, 'constraints': 7891, 'drift': 7892, 'sunk': 7893, 'distributed': 7894, 'unnecessarily': 7895, "welles'": 7896, 'flows': 7897, 'sexist': 7898, 'beckham': 7899, 'summed': 7900, 'henchmen': 7901, 'tools': 7902, 'transparent': 7903, 'devotion': 7904, "hitchcock's": 7905, 'earliest': 7906, 'scarlett': 7907, 'dangerously': 7908, 'taut': 7909, 'dafoe': 7910, 'dreaming': 7911, 'seth': 7912, 'prop': 7913, 'cain': 7914, 'wesley': 7915, 'adapt': 7916, 'openly': 7917, 'sane': 7918, 'hugo': 7919, 'creasy': 7920, 'chops': 7921, 'pitched': 7922, 'juice': 7923, 'riff': 7924, 'blandings': 7925, 'shah': 7926, 'screened': 7927, 'tashan': 7928, 'meredith': 7929, 'doyle': 7930, 'mud': 7931, 'zodiac': 7932, 'regime': 7933, 'irritated': 7934, 'eagle': 7935, 'paycheck': 7936, 'egypt': 7937, 'spiral': 7938, 'letdown': 7939, 'wherever': 7940, 'madison': 7941, 'deeds': 7942, 'robotic': 7943, 'faint': 7944, 'outrageously': 7945, 'sheep': 7946, 'elsa': 7947, 'baron': 7948, 'overtones': 7949, 'searched': 7950, 'unleashed': 7951, 'sporting': 7952, 'lennon': 7953, 'gangs': 7954, 'dahmer': 7955, 'peggy': 7956, 'vapid': 7957, 'heap': 7958, 'circa': 7959, 'simpsons': 7960, 'slater': 7961, 'permanent': 7962, 'voyager': 7963, 'presidential': 7964, 'compensate': 7965, 'deepest': 7966, 'reject': 7967, 'uneasy': 7968, 'ghastly': 7969, 'gretchen': 7970, 'sophia': 7971, 'warehouse': 7972, 'switching': 7973, 'cedric': 7974, 'lara': 7975, 'evoke': 7976, 'flame': 7977, 'automatic': 7978, 'submarine': 7979, 'plug': 7980, 'programme': 7981, 'sucking': 7982, 'pursuing': 7983, 'avoids': 7984, 'assistance': 7985, 'assumes': 7986, 'orphan': 7987, 'mart': 7988, 'practical': 7989, 'joining': 7990, 'failures': 7991, 'liner': 7992, 'garfield': 7993, 'dwight': 7994, 'slut': 7995, 'oprah': 7996, 'committing': 7997, 'intend': 7998, 'ealing': 7999, 'shirts': 8000}
 1# Function that accepts raw text, applies the text_to_word_sequence
 2# utility to it, performs a lookup from vocab_map, and returns
 3# the corresponding sequence of integers
 4def preprocess(review):
 5    inp_tokens = text_to_word_sequence(review)
 6    seq = []
 7    for token in inp_tokens:
 8        seq.append(vocab_map.get(token))
 9    return seq
10
11
12print(preprocess(my_review))
[32, 318, 17]
1print(model.predict_classes([preprocess(my_review)]))
[[1]]

The output prediction is 1 (positive)

1my_review = "Don't watch this movie - poor acting, poor script, bad direction."
2print(model.predict_classes([preprocess(my_review)]))
[[0]]

The output prediction is 0 (negative)