Spectral analysis of 5000 movies network

by Macko Vladimir, Novakovic Milica, Pavué Clément, Roussaky Mehdi

Goal of the Project:

The aim is to create a graph in which nodes represent movies and edges represent similarity between the movies they are connecting. Described graph represents a network of movies and their relations using descriptions of 5000 selected movies leading to movie genre classification, suggestion of the best movie to represent the genre and quantifying how much $mainstream$ the movie is.

Data Acquisition:

The starting point is TMDB 5000 Movie Dataset, available at Kaggle web page, contains information about 5000 selected movies provided by users and reviewers from The Movie Database (TMDb). Namely, each of the selected movies has the following attributes: budget, genres, homepage, id, keywords, original language, original title, overview, popularity, production companies, production coutries, release data, revenue and personnel aspects of cast and crew members listing their names, genders and role or contribution to the movie production and other details. The majority of the data is in the text format encoded in JSON structure.

Since the files in JSON format are not practical for manipulations, one single dataset is prapered in Pandas data-frame structure from 2 original JSON datafiles. During this preparation the data is cleaned, e.g. unuseful collumns are removed and corrupted lines (which have missing movie title or other issues are removed), it was examined that there are no duplicates in the produced dataset.


In [1]:
#classical inputs
import sys, os, pathlib

import matplotlib.pyplot as plt
from sklearn import preprocessing, decomposition
from scipy import sparse, stats, spatial
import scipy.sparse.linalg
import seaborn as sns
import matplotlib
from sklearn.cluster import KMeans
from sklearn.metrics import f1_score
import numpy as np
import networkx as nx


#setting the path to folder with modules
sys.path.insert(0, str(pathlib.Path(os.getcwd()).parents[0] / 'python'))

#custom functions
from GetWeights import *
from Load_Datasets import *
from ProcessCategorical import *
from DropZeroLinesAndGetDistanes import *
from PlotMatrix import *
from BubbleReorderMatrix import *
from matchLabel import *

#Loading information about movies (transforming JSON files into pandas frame)
FileAddress_movies ="../Datasets/tmdb_5000_movies.csv"
FileAddress_credits="../Datasets/tmdb_5000_credits.csv"

Custom made function $Load Datasets$ in order to convert JSON database from two input files to one single Pandas dataframe which contains movies as lines and movie attributes as columns. For more details refer to function $Load Datasets$ implementation

After the first examination of the data, the following movie attributes are considered no usefull for further analysis movie id, production status (since the vast majority of movies are are released and those which are not released have no actors published and hence are subsequently removed) and homepage (since homepage address does not contains only information which is in the movie title)


In [2]:
#Loading information about movies
Movies = Load_Datasets(FileAddress_movies,FileAddress_credits)

Drops = ['homepage','status','id']
for drop in Drops:
    Movies = Movies.drop(drop, 1)

#pandas entries contain string arrays from which can be easily converted to lists using string.split(",")
#new datafile is generated
Movies.to_csv("../Datasets/Transformed.csv")

Final categoties are below: There is a list of actors for each movies and list of their genders. Also, there is a list of crew names and their job and departement and other movie markers such as movie popularity, revenue, etc.


In [3]:
list(Movies)


Out[3]:
['budget',
 'genres',
 'keywords',
 'original_language',
 'original_title',
 'overview',
 'popularity',
 'production_companies',
 'production_countries',
 'release_date',
 'revenue',
 'runtime',
 'spoken_languages',
 'tagline',
 'vote_average',
 'vote_count',
 'genres_id',
 'keywords_id',
 'production_companies_id',
 'actors',
 'actors_id',
 'actor_gender',
 'crew_names',
 'crew_names_id',
 'crew_jobs',
 'crew_departments',
 'primary_genre',
 'primary_production_company',
 'prime_actors',
 'prime_crew_names',
 'prime_keywords']

In [4]:
#Example 
print("Avatar 1st crew member is "+Movies['crew_names']['Avatar'].split(",")[0]
      +", he works at departement "+Movies['crew_departments']['Avatar'].split(",")[0]
      +", and his job is "+Movies['crew_jobs']['Avatar'].split(",")[0])


Avatar 1st crew member is Stephen E. Rivkin, he works at departement Editing, and his job is Editor

After removal of all the movies which are incomplete or not fully released, there are 4809 remaining movie entries in the dataset


In [5]:
len(Movies)


Out[5]:
4809

Data Exploration

Here we will present distributions of different features of the movies, i.e. movies budget, revenue, average vote, vote counts, popularity, number of actors and number of movies cast.

Dataset preview:


In [6]:
Movies.head(1)


Out[6]:
budget genres keywords original_language original_title overview popularity production_companies production_countries release_date ... actor_gender crew_names crew_names_id crew_jobs crew_departments primary_genre primary_production_company prime_actors prime_crew_names prime_keywords
title
#Horror 1500000 Drama,Mystery,Horror,Thriller de #Horror Inspired by actual events, a group of 12 year ... 2.815228 AST Studios,Lowland Pictures United States of America 2015-11-20 ... 1,1,1,2,2,1,0,0,1 Tara Subkoff,Tara Subkoff,Tara Subkoff,Jason L... 61111,61111,61111,1382445,1382446,1382448 Screenplay,Director,Producer,Producer,Producer... Writing,Directing,Production,Production,Produc... Drama AST Studios Taryn Manning,Natasha Lyonne,Chloë Sevigny,Bal... Tara Subkoff,Tara Subkoff,Tara Subkoff,Jason L...

1 rows × 31 columns


In [7]:
% matplotlib inline
fontsizes = 15
matplotlib.rcParams.update({'font.size': fontsizes})
fig, axes = plt.subplots(figsize=(15, 5))

# Budget is plotted in log scale on y axis
axes.set(yscale="symlog")

# Here we will set appropriate range of values x-axis and binsize so that ticks on x-coordinate correspond to 
# the end of every second bin
# for every other data i.e. reveunue, average vote, etc. the values of bin_size will be specific
# hence this procedure will be conducted for each column of interest

bin_size = 0.1*1e8
bins_hist = np.arange(min(Movies["budget"]), max(Movies["budget"]), bin_size)
g = sns.distplot(Movies['budget'], bins = bins_hist, kde=False, rug=False)
plt.xlim(0*1e8,3.4*1e8)
ticks = np.arange(0*1e8,3.4*1e8,0.2*1e8)
axes.set_xticks(ticks)
g.set(title='Histogram by the movies budget')
g.xaxis.set_major_formatter(matplotlib.ticker.ScalarFormatter(useMathText=True, useOffset=False))
plt.show()


Here is presented logarithmic vs. linear scale distribution of movies budget, due to tailed nature of distribution. We can notice there is a lot of movies with low budget less than $10^{8}$, and a small number of movies with budget grater than $3*10^{8}$


In [8]:
fig, axes = plt.subplots(figsize=(15, 5))
# Revenue is plotted in log scale on y axis
axes.set( yscale="symlog")

# Here we will set appropriate range of values on x-axis and binsize so that ticks on x-coordinate correspond to
# the end of every second bin

bin_size = 0.05*1e9
bins_hist = np.arange(min(Movies["revenue"]), max(Movies["revenue"]), bin_size)
g = sns.distplot(Movies['revenue'], bins = bins_hist, kde=False, rug=False)
plt.xlim(0,1.9*1e9)
g.set(title='Histogram by the movies revenue')
ticks = np.arange(0*1e9,2*1e9,0.1*1e9)
axes.set_xticks(ticks)
g.xaxis.set_major_formatter(matplotlib.ticker.ScalarFormatter(useMathText=True, useOffset=False))
plt.show()


The presented distribution has been plotted in logarithmic vs. linear scale, due to tailed nature of data. The revenue of the movie has usually value less than $10^{9}$, the its distribution is haevily tailed.The range of movies revenue is from $(0, 2.8*10^{9})$


In [9]:
fig, axes = plt.subplots(figsize=(15, 5))

# Here we will set appropriate range of values on x-axis and binsize so that ticks on x-coordinate correspond to
# the end of every second bin

bin_size = 0.2
bins_hist = np.arange(min(Movies["vote_average"]), max(Movies["vote_average"]), bin_size)
g = sns.distplot(Movies['vote_average'], bins = bins_hist, kde=False, rug=False)
plt.xlim(0,10)
ticks = np.arange(0,10,0.4)
axes.set_xticks(ticks)
g.set(title='Histogram by average vote', xlabel = "average vote")
plt.show()


Movies can receive a vote in range 0-10 from user. Average vote is calculated as mean value of all existing votes for that movie. The most frequent vote is less near 6.5. Also, one could notice there is a lot of average_votes in intervals 5.4-5.8, 6.0-6.8, and 7.0-7.6 compared to their "neighbourhood" intervals. There is a lot of movies with vote 0, so it could mean that 0 is written for movies who has not given the vote


In [10]:
fig, axes = plt.subplots(figsize=(15, 5))

# Here we will set appropriate range of values on x-axis and binsize so that ticks on x-coordinate correspond to
# the end of every fourth bin

bin_size = 100
bins_hist = np.arange(min(Movies["vote_count"]), max(Movies["vote_count"]), bin_size)
g = sns.distplot(Movies['vote_count'], bins = bins_hist, kde=False, rug=False)
plt.xlim(0,5000)
ticks = np.arange(0,5000, 400)
axes.set_xticks(ticks)
g.set(title='Histogram by vote count', xlabel = "vote count")
plt.show()


Distribution of vote count is tailed, usually movies has less than 400 votes, and vast majority has less than 2000 votes


In [11]:
fig, axes = plt.subplots(figsize=(15, 5))

# Here we will set appropriate range of values on x-axis and binsize so that ticks on x-coordinate correspond to
# the end of every second bin

bin_size = 5
bins_hist = np.arange(min(Movies["popularity"]), max(Movies["popularity"]), bin_size)
g = sns.distplot(Movies['popularity'], bins = bins_hist, kde=False, rug=False )
plt.xlim(0,180)
ticks = np.arange(0,180,10)
axes.set_xticks(ticks)
g.set(title='Histogram of movies popularity')
plt.show()


A lot of movies has a low popularity, it seems like 0 is popularity when movie has not given the popularity data


In [12]:
num_of_elements = lambda x: len(x.split(","))
num_of_actors = Movies["actors_id"].apply(num_of_elements)

fig, axes = plt.subplots(figsize=(15, 5))

# Here we will set appropriate range of values on x-axis and binsize so that ticks on x-coordinate correspond to
# the end of every second bin

bin_size = 2
bins_hist = np.arange(min(num_of_actors), max(num_of_actors), bin_size)
g = sns.distplot(num_of_actors, bins=bins_hist, kde=False, rug=False )
plt.xlim(0,120)
ticks = np.arange(0,120,10)
axes.set_xticks(ticks)
g.set(title='Histogram of number of actors in movie', xlabel = "number of actors")
plt.show()


The mode of actors in the movie is 15 or 16, and it does not fit very well in the rest of the distribution. Just a couple of movies has more then 100 actors


In [13]:
num_of_crew = Movies["crew_names_id"].apply(num_of_elements)

fig, axes = plt.subplots(figsize=(15, 5))

# Here we will set appropriate range of values on x-axis and binsize so that ticks on x-coordinate correspond to
# the end of every fifth bin

bin_size = 2
bins_hist = np.arange(min(num_of_actors), max(num_of_actors), bin_size)
g = sns.distplot(num_of_crew, bins = bins_hist, kde=False, rug=False )
plt.xlim(0,160)
ticks = np.arange(0,160,10)
axes.set_xticks(ticks)
g.set(title='Histogram of number of crew members in movie', xlabel = "number of crew members")
plt.show()


The number of crew members is most times less than 50, and there is some movie up to 200 crew members. It is more frequent to have cast larger than 50 crew members, than 50 actors which is expected

Now, we will find the most frequent keywords, crew members, production companies, actors and genres:

Here is the function which we use for representing most frequent how_much (i.e. 10) production companies and actors. What we are looking for we will call the item in the comments and code i.e. items are production companies or actors


In [14]:
def most_freq_items_with_id(how_much, col, col_id):
    # how_much: how_much top frequent items fo we search for, type:int
    # col: name of the column in Movies dataframe which has also corresponding id column i.e. "production_companies", type:string
    # col_id: name of the column in Movies dataframe with ids
    
    # Due to the fact that the id's as integers are more reliable data than the string type of data
    # we will find most frequent item's ids, and then look for the items name given in the column Movies[col]
    # of course we assume that we have obtained correct match between (items name, items id)

    # Here we will find the number of occurency of each items_id in database,
    # and store it in dictionary items_id_dict in pairs (items_id(type:int):items_name(type:string))
    # we will store in dictionary freq_items_ids in pairs (items_id(type:int):number_of_occurency(type:int))

    items_id_dict = {}
    freq_items_ids = {}
    
    for i in range(len(Movies)):
        for j in range(len(Movies.iloc[i][col_id].split(","))):
            if (len(Movies.iloc[i][col_id].split(",")[j])>0):
                items_id_int_key = int(Movies.iloc[i][col_id].split(",")[j])
                freq_items_ids[items_id_int_key] = freq_items_ids.get(items_id_int_key, 0) + 1
                items_id_dict[items_id_int_key] = Movies.iloc[i][col].split(",")[j]
    
    # Here we will find most how_much frequent items names
    # We will "sort" the dictionary of occurency by values, retrieve the ids of most frequent ones
    # and find corresponding names and store in most_freq_items
 
    how_much_items = how_much; 
    most_freq_ids = sorted(freq_items_ids, key=freq_items_ids.get)[-how_much_items:] #list
    most_freq_items = [items_id_dict[key]  for key in most_freq_ids]

    fig, ax = plt.subplots(figsize=(15,5))

    # in freq_items_plot is stored number_of-occurency in dataset of most frequent items
    freq_items_plot = [freq_items_ids[most_freq_ids[how_much_items-i-1]] for i in range(how_much_items)]
    plt.bar(range(how_much_items), freq_items_plot)
    string_title = col.replace("_"," ")
    plt.title("Most {} frequent ".format(how_much_items)+string_title)
    plt.xticks(range(how_much_items),(most_freq_items[::-1]), rotation=45, rotation_mode="anchor", ha="right")
    for i in ax.patches:
        ax.text(i.get_x()+.1, i.get_height(),str(round((i.get_height()))), fontsize=15, color='black')
    plt.show()

In [15]:
how_much_production = 15
column = "production_companies"
column_id = "production_companies_id"
most_freq_items_with_id(how_much_production, column, column_id)


Here are shown 15 most frequent production companies. The first three companies has made around 300 movies each which is nearly 20% of all the movies. The next three companies has made more than 150 movies each, and they are followed by the rest top companies who made 100 movies on average.

It seems like we have dominant production companies: Warner Bros. Universal Pictures and Paramount Pictures


In [16]:
how_much_actors = 15
column = "actors"
column_id = "actors_id"
most_freq_items_with_id(how_much_production, column, column_id)


Here are shown 15 most frequent actors. All of them has shown up in more than 40 movies. The most frequent actor Samuel L. Jaskson has been in nearly 70 movies, after the distribution of the top actors slowly decrease

Here is the function which we use for representing most frequent how_much (i.e. 10) keywords, crew and genres. What we are looking for we will call the item in the comments and code (i.e. item is keyword crew_name or genre)


In [17]:
def most_freq_items(how_much, col):
    # how_much: how_much top frequent items fo we search for, type:int
    # col: name of the column in Movies dataframe i.e. "keywords", type:string
    # string_title: string for title "Most how_much frequent"+string_title i.e. string_title="keywords", type:string
    
    # This function will be used to find most frequent keywords, crew_names and genres
    # Here we will find the number of occurency of each keyword in database,
    # and store it in dictionary items_dict in pairs (item(type:str):number_of_occurency(type:int))
    items_dict = {}

    for i in range(len(Movies)):
        if(len(Movies.iloc[i][col])>0):
            for j in range(len(Movies.iloc[i][col].split(","))):
                if (len(Movies.iloc[i][col].split(","))>0):
                    item = Movies.iloc[i][col].split(",")[j]
                    items_dict[item] = items_dict.get(item, 0) + 1
    # Here we will find most how_much_items frequent keywords
    # We will "sort" the dictionary by values, retrieve the ids, and find the most frequent items from original dictionary
    
    how_much_items = how_much
    most_freq_items = sorted(items_dict, key=items_dict.get)[-how_much_items:]
    
    fig, ax = plt.subplots(figsize=(15,5))
    
    freq_items_plot = [items_dict[most_freq_items[len(most_freq_items)-1-i]] for i in range(how_much_items)]
    plt.bar(range(how_much_items), freq_items_plot)
    string_title = col.replace("_"," ")
    plt.title("Most {} frequent ".format(how_much_items) + string_title)
    if string_title == "main genres":
        plt.title("Histogram of main genres")
    plt.xticks(range(how_much_items),(most_freq_items[::-1]), fontsize=15, rotation=45, rotation_mode="anchor", ha="right")
    for i in ax.patches:
        ax.text(i.get_x()+.1, i.get_height(),str(round((i.get_height()))), fontsize=15, color='black')
    plt.show()

In [18]:
how_much_keywords = 15
column = "keywords"

most_freq_items(how_much_keywords, column)


We can see that some words are very frequent in keywords . Woman director is most used keyword, and having in mind that we have nearly 4800 movies, the women director shows up as keyword in nearly 7% of movies


In [19]:
how_much_crew = 15
column = "crew_names"

most_freq_items(how_much_crew, column)


Here are shown the most frequent 15 crew names. Most working crew member is Robert Rodriguez with more than 100 movies, and the next member has been in nealry 80 movies. After these names, the number of different crew's movies slowly decrease form 80 to 60


In [20]:
how_much_genre = 15
column = "genres"

most_freq_items(how_much_genre, column)


Drama, Comedy and Thriller are most frequent genres. It seems like more than 40% movies has drama in its genre description. But having in mind that the first genre is most meaningful one, we will present distribution of primary genres


In [21]:
how_much_genre = 15
column = "primary_genre"
most_freq_items(how_much_genre, column)



In [22]:
genres_list = ["Drama","Action","Comedy","Adventure"]
genre_main = lambda x: x if (x in genres_list) else "Others"
main_genre = Movies["primary_genre"].apply(genre_main)
Movies["main_genres"] = main_genre

In [23]:
def get_genre(genre_list):
    genre_list = genre_list.split(",")
    for genre in genre_list:
        if genre =="Drama":
            return "Drama"
        if genre == "Action":
            return "Action"
        if genre == "Comedy":
            return "Comedy"
        #if genre == "Thriller":
        #    return "Thriller"
    return "Other"

list_genres = Movies["genres"].apply(get_genre)
print(len(list_genres))
Movies["main_genres"] = list_genres


4809

In [24]:
Movies["main_genres"].value_counts()


Out[24]:
Drama     1650
Comedy    1345
Action    1040
Other      774
Name: main_genres, dtype: int64

In [25]:
import matplotlib.pyplot as plt
how_much_genre = 4
column = "main_genres"
most_freq_items(how_much_genre, column)


Now we will look for correlation between numerical data such as budget, revenue, runtime, popularity, vote_average and vote_count. We expect to see high correlation between budget vs. revenue and popularity vs. vote_count, vote_average. Also not so high but still present correlation is expected at popularity vs. budget, revenue, and possible runtime vs popularity


In [26]:
sns.pairplot(Movies[["budget","popularity","revenue","runtime","vote_average","vote_count"]].dropna())
plt.show()



In [27]:
sns.heatmap(Movies.corr(), annot=True, fmt=".2f")
plt.show()


In the heatmap is quantified correlation between the data by Pearson coefficient. High value of correlation coefficents are obtained in case of: popularity vs vote_count, budget vs revenue, and slightly lower value in case of popularity vs revenue vote count vs budget, popularity vs budget. Because between these data there exist some relatively high correlation, we can pick just some of attributes as features, and lower dimensionality of our feature vector without losing to much information


In [28]:
# How many movies have tagline
len(Movies["tagline"].dropna())


Out[28]:
3965

Since many movies do not have a tagline and some words from tagline are included in the keywords, we will not use taglines


In [29]:
how_much_production = 30
column = "production_companies"
column_id = "production_companies_id"
most_freq_items_with_id(how_much_production, column, column_id)


Here we will present most frequent production countries

The most movies comes from the United States of America. We believe that with including this attribute we would get unbalanced set, hence this attribute will not be included in feature vector

Original language of the movie is the movie language that is most of time spoken.Here we will present the most frequent original languages


In [30]:
how_much_lang = 30
column = "original_language"
most_freq_items(how_much_lang, column)


The dominant language is English with frequency greater than 90%. From the same reason as before,original language we will not include in the feature vector. Moreover, we do not expect other attributes such that: realise date, runtime are connected with movies genre


In [31]:
Drops = ['release_date','runtime','budget','popularity', "original_language", "tagline", 'spoken_languages']
for drop in Drops:
    Movies = Movies.drop(drop, 1)

Data Expoitation and Evaluation

Two major data exploitation are considered:

1. Investigation of possibilty of using graph based on movies for genres classification
2. Construction of movie recommendation engine suggesting the next movie to watch

Investigation of possibility of genres classification

The graph clusstering method is investigated to in order to assess feasibility of classification leading to genre prediction using a selection of movie attributes. Prove of concept example below demostrates on indeal situation, where the graph contains only information of movie genre and nothing else, it is possible to use spectral clusterring method to assess the movie of the genre. Realistic scenario where we include all movie attributes without including genres is investigated later on.


In [37]:
#simplistic example
#DropLines=[]
Remains= (Movies.drop(DropLines))
Cat_remains = pd.DataFrame()
Cat_remains['Is_drama']   = Remains["main_genres"].apply(lambda x: 1 if x=='Drama'  else 0)
Cat_remains['Is_Comedy']  = Remains["main_genres"].apply(lambda x: 1 if x=='Comedy' else 0)
Cat_remains['Is_Action']  = Remains["main_genres"].apply(lambda x: 1 if x=='Action' else 0)
Cat_remains['Is_Other']   = Remains["main_genres"].apply(lambda x: 1 if x=='Other'  else 0)

#calculation of distances betseen movies in the genre spece using cosine metric, lines which contain only zeroes
#are removed from the dataset since zero vectors are not valid input for cosine distance calculation
Simple_distances, DL, NF = DropZeroLinesAndGetDistanes([Cat_remains,Cat_remains,Cat_remains])

PlotMatrix(Simple_distances[0])
#calculation the weight matrix from distances using gaussian kernel
SimpleW =  GetWeights(Simple_distances[0],5000-967)
simpleWEIGHTS = SimpleW
np.savez_compressed("../Datasets/simpleWEIGHTS.npz", simpleWEIGHTS, simpleWEIGHTS=simpleWEIGHTS)


Remaining % of movies: 0.9976574700676731
0.729239228549

In [38]:
Simple_genres = preprocessing.LabelEncoder().fit_transform((Movies.drop(DropLines)['main_genres']))
print(Simple_distances[0][0][-1])
print(simpleWEIGHTS[0][-1])
print(Simple_genres[0])
print(Simple_genres[-1])


1.0
0.0
1
0

In [39]:
#getting genres encoding
genres = preprocessing.LabelEncoder().fit_transform((Movies.drop(DropLines)['main_genres']))
#saving the matrix
np.savez_compressed("../Datasets/Simple_genres.npz", genres, genres=genres)
Sorted_simpleWEIGHTS = BubbleReorderMatrix(SimpleW,genres)  
plt.spy(Sorted_simpleWEIGHTS, markersize=0.005)


[1 2 1 1 2 2 0 2 2 1 0 3 0 0 1 2 0 0 0 1 2 1 3 0 2 2 1 2 0 1]
[0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0]
Out[39]:
<matplotlib.lines.Line2D at 0x7f6b1c712320>

After obtaining sparse matrix, we follow the first algorithm for unnormalized spectral classtering proposed in the tutorial page 5


In [40]:
simpleWEIGHTS = SimpleW

weights_sparse = simpleWEIGHTS

#laplacian preparation
degrees = np.count_nonzero(weights_sparse, axis=0)
D = np.diag(degrees)
laplacian_comb = D - weights_sparse

#calculation of eigenvalues and eigenvectors
how_much_genre = 4
eigenvalues, eigenvectors = scipy.sparse.linalg.eigsh(laplacian_comb, how_much_genre, which='SM')

#applying the kmeans algorithm
kmeans = KMeans(n_clusters=how_much_genre).fit(eigenvectors)
simple_l =kmeans.labels_
(Movies.drop(DropLines)).iloc[simple_l==3]
plt.hist(simple_l)
#generating the score estimate
genres = preprocessing.LabelEncoder().fit_transform((Movies.drop(DropLines)['main_genres']))
print("Score is ",f1_score(genres, matchLabel(simple_l,genres),average='micro'))
#Calculate metrics globally by counting the total true positives, false negatives and false positives.


Score is  0.33185840708

In [41]:
#visualization of movies
genres = preprocessing.LabelEncoder().fit_transform((Movies.drop(DropLines)['main_genres']))

features_pca = decomposition.PCA(n_components=2).fit_transform(eigenvectors)
plt.scatter(features_pca[:, 0], features_pca[:, 1], c=simple_l, cmap='RdBu', alpha=0.5)
plt.show()



In [42]:
genres = preprocessing.LabelEncoder().fit_transform((Movies.drop(DropLines)['main_genres']))

features_pca = decomposition.PCA(n_components=2).fit_transform(eigenvectors)
plt.scatter(features_pca[:, 0], features_pca[:, 1], c=genres, cmap='RdBu', alpha=0.5)
plt.show()



In [43]:
plt.scatter(eigenvectors[:, 1], eigenvectors[:, 2], c=simple_l, cmap='RdBu', alpha=0.5)
plt.show()



In [44]:
plt.scatter(eigenvectors[:, 1], eigenvectors[:, 2], c=genres, cmap='RdBu', alpha=0.5)
plt.show()


From our visualization of the simplistic scenario we see that the method has a potential for separation however, it is necessary to provide an input dataset which contains the information sufficien for genre classification

For the realistic scenario we need to select features from which distance matrix is constructed.

Here we are choosing which data should be included in the feature vector. In order to categorize the movie's genre the feature vector contains data about $N$ actors $M$ crew members and $K$ keywords, and these numbers are optimized manually in multiple itterations aiming to achieve best classification accuracy. Results of classification highly depends on these parameters.

More specficallty, aim is that we determine the main genre which is the first genre of Drama, Comedy, Romance. We have dropped some rows that has i.e. movies that has only one actor who does not play in other movies. The all_distances matrix contains three smaller matrix that has cosine distances between only actors, crew memebers and keywords, respectively

In order to maximize accuracy we calculate distance from selection of features. Since many features are categorical with many possible categories. To allow for efficient calculation of similarity, the categorical variables are transformed in a way that every possible category outcomes becomes a new column in the frame and then all collumns are combined into one dataframe which is later on a subject to PCA transformation in order to reduce the dimensionalty which after mentioned trasformation was beyond computable limits


In [ ]:
#Example:
#Actors=['Bruce Willis','Jim Carry'] --> Is_BruceWillis =1
#                                        Is_JimCarry    =1
#                                        Is_JuliaRoberts=0
#                                        ....           =0

In [32]:
Movies['actors']               = Movies['actors'].apply(lambda x: x.replace(" ", "_"))
Movies['keywords']             = Movies['keywords'].apply(lambda x: x.replace(" ", "_"))
Movies['crew_names']           = Movies['crew_names'].apply(lambda x: x.replace(" ", "_"))
Movies['production_companies'] = Movies['production_companies'].apply(lambda x: x.replace(" ", "_"))

Frames = []
for feature in ['prime_actors','prime_keywords','prime_crew_names']:
    Frames.append(((ProcessCategorical(Movies,feature)).fillna(0)))
         
print("DONE")

all_distances, DropLines, newFrames = DropZeroLinesAndGetDistanes(Frames)
genres = preprocessing.LabelEncoder().fit_transform((Movies.drop(DropLines)['main_genres']))

%matplotlib inline
#distaces in Actors
#PlotMatrix(all_distances[0])
#distaces in keywords
#PlotMatrix(all_distances[1])
#distaces in crew
#PlotMatrix(all_distances[2])

CatDistances = (all_distances[0] + all_distances[1] + all_distances[2])/3
#categorical distances
PlotMatrix(CatDistances)


Merging Started
Category processed
Merging Started
Category processed
Merging Started
Category processed
DONE
Remaining % of movies: 0.7970472031607403

The distribution of the squared distances is presented here:


In [45]:
#CatDistance distribution
fig, axes = plt.subplots(figsize=(15, 5))
axes.set(yscale="symlog")
plt.rcParams['figure.figsize'] = (17, 9)
plt.hist(CatDistances.reshape(-1), bins=100);


Here we use kNN method to sparsify the distance matrix. The our algortihm is extremly sensitive to the vlaue of this parameter


In [33]:
#getting raw categorical weights
NEIGHBORS = 80 #!WARNING extremly sensitive parameter    
RawCatweights = GetWeights(CatDistances,NEIGHBORS)


#Combining numerical and categoriacl features, leading to now improvment
features = pd.DataFrame()

#including

#for col in ['revenue', 'vote_average',  'vote_count']:
#    features[col]      = (Movies.drop(DropLines))[col] 
#features -= features.mean(axis=0)
#features /= features.std(axis=0)

for df in newFrames:
    features[df.columns] = df[df.columns]


0.995480235795

It t was investigated tha including numerical features does not lead to improvements

The feature vector is high dimensional vector, and due to this factor we decide to use PCA to obtain some lower dimensional representation. We will keep first 80 PCA components and calclate cosine distance on them


In [34]:
Catfeatures_pca = decomposition.PCA(n_components=80).fit_transform(features)
PCA_Cat_distances =scipy.spatial.distance.squareform(scipy.spatial.distance.pdist(Catfeatures_pca, metric='cosine') )

Here we present the histogram on new features distance obtained by usfar applying PCA


In [48]:
#PCA_Cat_distances distribution
fig, axes = plt.subplots(figsize=(15, 5))
#axes.set(yscale="symlog")
plt.rcParams['figure.figsize'] = (17, 9)
plt.hist(PCA_Cat_distances.reshape(-1), bins=100);


After obtaining new features using PCA, we will sparsify the adjacency matrix using kNN method. Our algorithm is very sensitive to the number of neighbours


In [35]:
#getting PCA categorical weights
NEIGHBORS = 50 #!WARNING extremly sensitive parameter    50 works
PCACatweights = GetWeights(PCA_Cat_distances,NEIGHBORS)


0.990126990153

Let's take a look at new sparsified adjacency matrix


In [131]:
plt.spy(PCACatweights, markersize=0.09)


Out[131]:
<matplotlib.lines.Line2D at 0x7f4525b55048>

Here we will reorder the matrix to get as close as possible diagonal matrix which should tell us how much weakly connected or disconnected components are there


In [36]:
genres = preprocessing.LabelEncoder().fit_transform((Movies.drop(DropLines)['main_genres']))            
Sorted_Full_WEIGHTS = BubbleReorderMatrix(PCACatweights,genres) 
np.savez_compressed("../Datasets/WEIGHTS.npz", PCACatweights, PCACatweights=PCACatweights)

plt.spy(Sorted_Full_WEIGHTS, markersize=0.8)
#PlotMatrix(WEIGHTS)


[1 2 1 1 2 2 0 2 2 1 0 3 0 0 1 2 0 0 0 1 2 1 3 0 2 2 1 2 0 1]
[0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0]
Out[36]:
<matplotlib.lines.Line2D at 0x7f6b1cddd0b8>

After reordering raws and column in the matrix it was not possible to find the clear squares representing separated genres. Given that genre other is a combination of all poorly populated genres the absence of the last square is understandable


In [133]:
weights_sparse = PCACatweights

degrees = np.count_nonzero(weights_sparse, axis=0)
D = np.diag(degrees)
laplacian_comb = D - weights_sparse

how_much_genre = 4
eigenvalues, eigenvectors = scipy.sparse.linalg.eigsh(laplacian_comb, how_much_genre, which='SM')


kmeans = KMeans(n_clusters=how_much_genre).fit(eigenvectors)
l =kmeans.labels_
#(Movies.drop(DropLines)).iloc[l==3]

In [134]:
genres = preprocessing.LabelEncoder().fit_transform((Movies.drop(DropLines)['main_genres']))
#for i in range(len(genres)):
#    print(genres[i],l[i])

In [135]:
plt.hist(l)


Out[135]:
(array([ 3659.,     0.,     0.,    92.,     0.,     0.,    60.,     0.,
            0.,    31.]),
 array([ 0. ,  0.3,  0.6,  0.9,  1.2,  1.5,  1.8,  2.1,  2.4,  2.7,  3. ]),
 <a list of 10 Patch objects>)

We observe there is no agreement between distributions of genre populations between predicted and groud truth populations which is most likely result of clustering on data which do not covey the necessary information clearly enough for a pattern to be found.


In [136]:
plt.hist(genres)
genres = preprocessing.LabelEncoder().fit_transform((Movies.drop(DropLines)['main_genres']))



In [137]:
eigenvalues


Out[137]:
array([ 7.73633251,  8.56403753,  8.83996876,  8.88827703])

In [138]:
plt.hist(eigenvalues)


Out[138]:
(array([ 1.,  0.,  0.,  0.,  0.,  0.,  0.,  1.,  0.,  2.]),
 array([ 7.73633251,  7.85152696,  7.96672142,  8.08191587,  8.19711032,
         8.31230477,  8.42749922,  8.54269367,  8.65788813,  8.77308258,
         8.88827703]),
 <a list of 10 Patch objects>)

In [139]:
plt.plot(eigenvalues, '.-', markersize=15);



In [140]:
f1_score(genres, matchLabel(l,genres),average='micro')
#Calculate metrics globally by counting the total true positives, false negatives and false positives.


Out[140]:
0.33107756376887038

As it is unclear which cluster number corresponds to which genres, we try to associate them by order of number of entries:


In [141]:
genres = preprocessing.LabelEncoder().fit_transform((Movies.drop(DropLines)['main_genres']))
print("Score is ",f1_score(genres, matchLabel(l,genres),average='micro'))


Score is  0.331077563769

However this assumption is not assured, therefore we test for all possible configurations to see whether other caluster-genre correspondace results it beter accuracy:


In [142]:
bestScore=0
for i in range(4):
    for j in range(4):
        if j == i:
            continue
        for k in range(4):
            if k==j:
                continue
            if k==i:
                continue 
            for m in range(4):
                if m==j:
                    continue
                if m==i:
                    continue
                if m==k:
                    continue
                for entry in range(len(l)):
                    if l[entry] == 0:
                        l[entry]=i
                    if l[entry] == 1:
                        l[entry]=k
                    if l[entry] == 2:   
                        l[entry]=j
                    if l[entry] == 3:
                        l[entry]=m
                    if bestScore < f1_score(genres, l,average='micro'):
                        bestScore = f1_score(genres, l,average='micro')
                        
print("Score is ",bestScore)


Score is  0.340968245705

In [143]:
features_pca = decomposition.PCA(n_components=2).fit_transform(eigenvectors)
genres = preprocessing.LabelEncoder().fit_transform(l)
plt.scatter(features_pca[:, 0], features_pca[:, 1], c=l, cmap='RdBu', alpha=0.5)
plt.show()



In [144]:
features_pca = decomposition.PCA(n_components=2).fit_transform(eigenvectors)
genres = preprocessing.LabelEncoder().fit_transform(l)
plt.scatter(features_pca[:, 0], features_pca[:, 1], c=genres, cmap='RdBu', alpha=0.5)
plt.show()



In [145]:
plt.scatter(eigenvectors[:, 1], eigenvectors[:, 2], c=l, cmap='RdBu', alpha=0.5)
plt.show()


Given that the best prediction is accuracy ~30% the described method when only simple features characterising the movies are in use. Low accuracy can be explain by several factors. Firstly, it is construction of the main genre which is used for scoring, in this construction we use take only one genre despite the movie is tagged with more than one. Secondly, one of main genres is "other" which is a commulative genre for many poorly populated genres. Thirdly, the numbers of representative actors, crew members and keywords has been tested with numerous configurations however there is no gaurantee that the best found configuration is optimal. Also, the number nearest neighbours plays a crucial role in visibility of the squares in the ordered weight matrix. Therefore, is seems like more advanced features such as audiovisual samples might be necessary in order to have accurate movie classification based purely on simple graph analysis.

Another outcome of this investigation is a list of unique movies which are separated from the analysis since they have no overlap with the rest of the dataset, the following movies are so unique that they be disconected points in the graph of movies:


In [44]:
DropLines


Out[44]:
['Theresa Is a Mother',
 'Animals United',
 'Peaceful Warrior',
 'ATL',
 'Two Can Play That Game',
 'Akira',
 'The Crew',
 "Gangster's Paradise: Jerusalema",
 'The Pet',
 "Dragon Nest: Warriors' Dawn",
 'The Best Man',
 'I Married a Strange Person!',
 'Fiza',
 'Here Comes the Boom',
 'Guiana 1838',
 'The Mummy: Tomb of the Dragon Emperor',
 'Faith Like Potatoes',
 'Shinjuku Incident',
 'The Flowers of War',
 'A Low Down Dirty Shame',
 "Madea's Witness Protection",
 'Royal Kill',
 'F.I.S.T.',
 'Sex With Strangers',
 'American Desi',
 'Samsara',
 'The Love Letter',
 'Tammy',
 'Why I Did (Not) Eat My Father',
 'Swelter',
 'Z Storm',
 'Bad Words',
 'The Hadza:  Last of the First',
 'The Ballad of Gregorio Cortez',
 'Murderball',
 'Silver Medalist',
 'Antarctica: A Year on Ice',
 'The Helpers',
 'The Sound and the Shadow',
 'Faith Connections',
 'Dysfunctional Friends',
 'Superstar',
 'The Ghastly Love of Johnny X',
 'The Nutcracker: The Untold Story',
 'March of the Penguins',
 'Boynton Beach Club',
 'Cargo',
 'Winter Passing',
 'Journey from the Fall',
 "What's Love Got to Do with It",
 'Wind Walkers',
 'Cheri',
 'The Hit List',
 'Unaccompanied Minors',
 'Air Bud',
 'Saints and Soldiers',
 'The Swindle',
 'Lake Mungo',
 'Filly Brown',
 'Escape from Tomorrow',
 'Beauty Shop',
 'Sisters in Law',
 'Standard Operating Procedure',
 'Raise the Titanic',
 'I Come with the Rain',
 'Jane Got a Gun',
 'The Living Wake',
 'They Came Together',
 'The Wailing',
 'Inescapable',
 'Flying By',
 'Fighting Tommy Riley',
 'Born Of War',
 'Forbidden Kingdom',
 'Heli',
 'L.I.E.',
 'Drumline',
 'Why Did I Get Married?',
 'Deuces Wild',
 'Solaris',
 'On the Line',
 'The Naked Ape',
 'The Return',
 'Conversations with Other Women',
 'House Party 2',
 'Loving Annabelle',
 'As It Is in Heaven',
 'Blood Done Sign My Name',
 'Green Street Hooligans: Underground',
 'Whatever It Takes',
 'Sex and the City 2',
 "I Love You, Don't Touch Me!",
 'Ramanujan',
 'The Wood',
 'Run, Hide, Die',
 'Plastic',
 'Aroused',
 "My Boss's Daughter",
 'The Jerky Boys',
 'Why Did I Get Married Too?',
 'Saved!',
 "Doc Holliday's Revenge",
 'Code Name: The Cleaner',
 'Sands of Iwo Jima',
 'The Virginity Hit',
 'Metropolitan',
 'Lovely, Still',
 'Oscar and Lucinda',
 'Harper',
 'Life or Something Like It',
 'What the #$*! Do We (K)now!?',
 'The Motel',
 'Griff the Invisible',
 'Frat Party',
 'Bang',
 'Shanghai Calling',
 'Good',
 'The Dead Undead',
 'The Algerian',
 'Bleeding Hearts',
 'Hits',
 'Civil Brand',
 'Jimmy and Judy',
 'In Too Deep',
 'The Good Guy',
 'Independence Daysaster',
 'The Beast from 20,000 Fathoms',
 'Whipped',
 'Imaginary Heroes',
 'One True Thing',
 "2016: Obama's America",
 'Beloved',
 'Sparkler',
 'Love Jones',
 'N-Secure',
 'The Lion of Judah',
 '8 Days',
 'The Assassin',
 'Gracie',
 'Being Julia',
 'Sound of My Voice',
 "Let's Kill Ward's Wife",
 'Wal-Mart: The High Cost of Low Price',
 'Mutual Friends',
 'Down to Earth',
 "Teacher's Pet",
 'The Triplets of Belleville',
 'Imagine That',
 'Motherhood',
 "Barney's Great Adventure",
 'The Timber',
 'Lion of the Desert',
 'Supporting Characters',
 'Detention',
 'Inchon',
 'Win a Date with Tad Hamilton!',
 'Tupac: Resurrection',
 'Jungle Shuffle',
 'Parental Guidance',
 'Compliance',
 'Wordplay',
 'Six Days Seven Nights',
 'Sunday School Musical',
 'Misconduct',
 'Safe',
 'Sea Rex 3D: Journey to a Prehistoric World',
 'Shade',
 'You Will Meet a Tall Dark Stranger',
 "Breakin' All the Rules",
 "Say It Isn't So",
 '10 Days in a Madhouse',
 'The Other Side of Heaven',
 'Good Boy!',
 'Moonlight Mile',
 'Modern Times',
 "Dancin' It's On",
 'Perrier’s Bounty',
 'ABCD (Any Body Can Dance)',
 'Stone',
 'Iraq for Sale: The War Profiteers',
 'Pound of Flesh',
 'Higher Ground',
 'The Lost Skeleton of Cadavra',
 'Another Happy Day',
 'The Square',
 'The Claim',
 'The Last Godfather',
 'Extreme Movie',
 'Alpha and Omega: The Legend of the Saw Tooth Cave',
 'The Adventures of Pinocchio',
 'Rocket Singh: Salesman of the Year',
 'Soul Kitchen',
 'Dancer, Texas Pop. 81',
 'Ajami',
 'Ink',
 'The To Do List',
 'The Funeral',
 'Give Me Shelter',
 'The Bubble',
 'Aqua Teen Hunger Force Colon Movie Film for Theaters',
 'The Crime of Padre Amaro',
 'All Good Things',
 'Adulterers',
 'Evil Words',
 'DysFunktional Family',
 'Me You and Five Bucks',
 'Without Men',
 'Nighthawks',
 'Return to Oz',
 'The Stewardesses',
 'Manito',
 'Getaway',
 'Listening',
 'The R.M.',
 'Fear Clinic',
 'Da Sweet Blood of Jesus',
 'America Is Still the Place',
 'Teeth and Blood',
 'East Is East',
 'Dream with the Fishes',
 'Food, Inc.',
 'Nomad: The Warrior',
 'The House of Sand',
 'Trekkies',
 'Bullet to the Head',
 'Tae Guk Gi: The Brotherhood of War',
 'The Little Ponderosa Zoo',
 'The Secret',
 'Antibirth',
 'The Wicked Within',
 'Travellers and Magicians',
 'Archaeology of a Woman',
 "My Baby's Daddy",
 'Miss Julie',
 'The Man from Snowy River',
 'Fat, Sick & Nearly Dead',
 'The Image Revolution',
 'Better Luck Tomorrow',
 'Madison',
 'Summer Catch',
 'The Past Is a Grotesque Animal',
 '4 Months, 3 Weeks and 2 Days',
 'Old Joy',
 'Space Dogs',
 'College',
 'Fantasia',
 'Truth or Dare',
 'Extraordinary Measures',
 'All or Nothing',
 'Simon Birch',
 'The Company',
 'Rotor DR1',
 'First Love, Last Rites',
 'Running Forever',
 'Fabled',
 'The Yellow Handkerchief',
 'Born to Fly: Elizabeth Streb vs. Gravity',
 'Unstoppable',
 'They Will Have to Kill Us First',
 'Son of God',
 'The Lunchbox',
 'The Great Beauty',
 'To Be Frank, Sinatra at 100',
 'Fat Albert',
 'The Act of Killing',
 'Mommie Dearest',
 'Go for It!',
 'Ong Bak 2',
 'Show Me',
 'Forget Me Not',
 'The Raid',
 'Chicago Overcoat',
 'Knock Off',
 'Held Up',
 'Welcome to Mooseport',
 'Dutch Kills',
 'The Amazing Catfish',
 'The Outrageous Sophie Tucker',
 'Iguana',
 'Teeth',
 'L!fe Happens',
 'House at the End of the Drive',
 'Bon voyage',
 'Snow Day',
 'The In Crowd',
 'Girls Gone Dead',
 'Atlas Shrugged Part II',
 'An Everlasting Piece',
 'I Spit on Your Grave',
 'The Incredibly True Adventure of Two Girls In Love',
 'Secondhand Lions',
 'Treachery',
 'The Rocket: The Legend of Rocket Richard',
 'Alien Zone',
 'R100',
 'The Hebrew Hammer',
 "Pandora's Box",
 'Windsor Drive',
 'Shanghai Surprise',
 'Beneath Hill 60',
 'B-Girl',
 'The Chambermaid on the Titanic',
 'Semi-Pro',
 'Damsels in Distress',
 'Benji',
 'Bamboozled',
 'Waitress',
 'El Rey de Najayo',
 'The Blade of Don Juan',
 'Soul Surfer',
 'Western Religion',
 'Nine Dead',
 'Larry the Cable Guy: Health Inspector',
 'Live-In Maid',
 'Once',
 'Close Range',
 'The Mighty Macs',
 'The Lost Medallion: The Adventures of Billy Stone',
 'A Fine Step',
 'The Dictator',
 'Little Big Top',
 'Burn',
 'Out of the Dark',
 'Bottle Shock',
 "Dude Where's My Dog?",
 'The Young Unknowns',
 'Rise of the Entrepreneur: The Search for a Better Way',
 'From a Whisper to a Scream',
 'Trust the Man',
 'Stitches',
 'Vessel',
 'Cure',
 'Déjà Vu',
 'Interview with the Assassin',
 'Bending Steel',
 'Touching the Void',
 'Detention of the Dead',
 'Newlyweds',
 "Legends of Oz: Dorothy's Return",
 'Sahara',
 '3 Ninjas Kick Back',
 'The Best of Me',
 'Control',
 'Crazy Stone',
 'The Master of Disguise',
 'The Bélier Family',
 'Ed and His Dead Mother',
 'This Is Martin Bonner',
 'Creature',
 'Abandoned',
 'Ordet',
 'Namastey London',
 'Cinco de Mayo: La Batalla',
 'Celeste & Jesse Forever',
 'Like Crazy',
 'Crossroads',
 'Smiling Fish & Goat On Fire',
 "Should've Been Romeo",
 'Cradle Will Rock',
 'Kites',
 'Guten Tag, Ramón',
 'The Vatican Exorcisms',
 'Quest for Camelot',
 'Cavite',
 'U.F.O.',
 'Absentia',
 'The Work and The Story',
 'A Woman, a Gun and a Noodle Shop',
 'The Original Kings of Comedy',
 'The Best Years of Our Lives',
 'Marci X',
 'The Frozen',
 'Flipper',
 'Barbecue',
 'Naturally Native',
 'You Got Served',
 'Brigham City',
 'Little Nicholas',
 'The Wicked Lady',
 'Light It Up',
 'Tanner Hall',
 'Wolves',
 'Night of the Living Dead',
 'The Good, The Bad, The Weird',
 'Urbania',
 'Bizarre',
 'Last Orders',
 'Time Changer',
 "The Brain That Wouldn't Die",
 'Tycoon',
 'Think Like a Man Too',
 'Janky Promoters',
 'Rust',
 'The Oogieloves in the Big Balloon Adventure',
 '1982',
 'Krrish',
 'The Christmas Bunny',
 'Certifiably Jonathan',
 'Rockaway',
 'Easy Virtue',
 'Brick Lane',
 'The Best Man Holiday',
 'Animals',
 'Brighton Rock',
 'The Widow of Saint-Pierre',
 'The Missing Person',
 'Ira & Abby',
 'Slam',
 'Agent Cody Banks 2: Destination London',
 '16 to Life',
 'Indie Game: The Movie',
 'Housebound',
 'Heroes of Dirt',
 'Sugar Hill',
 'The Class',
 'This Thing of Ours',
 'Her Cry: La Llorona Investigation',
 'Journey to Saturn',
 'Unnatural',
 'The Case of the Grinning Cat',
 'Nicholas Nickleby',
 'The Work and the Glory',
 'Rodeo Girl',
 'Standing Ovation',
 'Clay Pigeons',
 'Corky Romano',
 'The Horror Network Vol. 1',
 "Big Momma's House",
 'The Longshots',
 'U2 3D',
 'Along the Roadside',
 'Good Dick',
 'Sholem Aleichem: Laughing In The Darkness',
 'Khumba',
 'The Wash',
 '10th & Wolf',
 'Scott Walker: 30 Century Man',
 'The Second Mother',
 'Re-Kill',
 'The Sleepwalker',
 'Carousel of Revenge',
 "Sarah's Key",
 'Gun Shy',
 'Last I Heard',
 'Repo Man',
 '8: The Mormon Proposition',
 'Invasion U.S.A.',
 'The Sisterhood of Night',
 'Penitentiary',
 "Anderson's Cross",
 'Decoys',
 'Two Lovers and a Bear',
 'Some Guy Who Kills People',
 'Exiled',
 'Quinceañera',
 'Gory Gory Hallelujah',
 'Made',
 'Slow Burn',
 'High Road',
 'Tiger Orange',
 'The Last Dragon',
 'And Then Came Love',
 'Alatriste',
 'The Blood of My Brother: A Story of Death in Iraq',
 'Rize',
 'Incident at Loch Ness',
 'Pandaemonium',
 'Death Calls',
 'I Got the Hook Up',
 'Digimon: The Movie',
 'Waltz with Bashir',
 'The Eclipse',
 'Pink Narcissus',
 'Drive Hard',
 "River's Edge",
 'Stolen Summer',
 'The House of Mirth',
 'Fuel',
 'The Unborn',
 'Below Zero',
 'Thomas and the Magic Railroad',
 'Dogtooth',
 "Valley of the Heart's Delight",
 'Grave Encounters',
 'Supercapitalist',
 'Parker',
 'Hav Plenty',
 'The Singing Detective',
 'Malevolence',
 'Dwegons',
 'Excessive Force',
 'Blue Like Jazz',
 "There's Always Woodstock",
 'Restless',
 'One Direction: This Is Us',
 'Slacker Uprising',
 'Peace, Propaganda & the Promised Land',
 'The Women',
 'May',
 'The Call of Cthulhu',
 'The Horse Boy',
 'Good Intentions',
 'Shorts',
 'Tracker',
 'Betty Fisher and Other Stories',
 'Dum Maaro Dum',
 'Ladder 49',
 'Loose Cannons',
 'Redemption Road',
 'The Invention of Lying',
 'The Circle',
 'Saint John of Las Vegas',
 'The Monkey King 2',
 'The Sticky Fingers of Time',
 'Water & Power',
 'The Geographer Drank His Globe Away',
 'Exam',
 'Outside Bet',
 'Nine Queens',
 'Down & Out With The Dolls',
 "But I'm a Cheerleader",
 'Short Cut to Nirvana: Kumbh Mela',
 'Bled',
 'The Poker House',
 'Inspector Gadget',
 'Snow White: A Deadly Summer',
 'Open Road',
 'On the Outs',
 'Love in the Time of Monsters',
 'Fight to the Finish',
 "The Legend of Hell's Gate: An American Conspiracy",
 'The Tooth Fairy',
 "Recess: School's Out",
 'Because of Winn-Dixie',
 'Meet the Deedles',
 'The Big Tease',
 'Light from the Darkroom',
 'The Dog Lover',
 'Containment',
 'Red Riding: In the Year of Our Lord 1974',
 'Valiant',
 'Le Havre',
 'End of the Spear',
 'Miracle',
 'The Girl on the Train',
 "Doug's 1st Movie",
 'Top Spin',
 'Chairman of the Board',
 'Next Day Air',
 'Duplex',
 'Bang Bang Baby',
 'Lisa Picard Is Famous',
 'Winnie Mandela',
 'Elling',
 'Echo Dr.',
 'The Oh in Ohio',
 'Slackers',
 'September Dawn',
 'Grace Unplugged',
 'Elza',
 'Mona Lisa Smile',
 'Tin Can Man',
 'Dead Snow',
 'Green Zone',
 'Bloody Sunday',
 'I Want Someone to Eat Cheese With',
 'Deadline - U.S.A.',
 'In the Shadow of the Moon',
 'The Exploding Girl',
 'Samantha: An American Girl Holiday',
 "World's Greatest Dad",
 'Midnight Cabaret',
 'A Dog Of Flanders',
 'Censored Voices',
 'Stung',
 'Six-String Samurai',
 'Hope Springs',
 'Mutant World',
 'Dinner Rush',
 'Tuck Everlasting',
 'Saving Private Perez',
 'To Save A Life',
 'The Little Vampire',
 'Housefull',
 'Blue Car',
 'The Book of Mormon Movie, Volume 1: The Journey',
 'Children of Heaven',
 'The Last Shot',
 'October Baby',
 'Psycho Beach Party',
 'The Greatest Show on Earth',
 'Trade Of Innocents',
 'Black Water Transit',
 'Taxman',
 'Precious',
 'Starsuckers',
 'The Big Swap',
 'Chain Letter',
 'Khiladi 786',
 'Special',
 'Among Giants',
 'Hayride',
 'Woodstock',
 'Witless Protection',
 'Harrison Montgomery',
 'Paa',
 "A Beginner's Guide to Snuff",
 'Molly',
 'Beat the World',
 'Kundun',
 'Ayurveda: Art of Being',
 'The Haunting of Molly Hartley',
 'Breaking Upwards',
 'Circumstance',
 'Hum To Mohabbat Karega',
 'Freakonomics',
 'The Californians',
 'The Game of Their Lives',
 'Antarctic Edge: 70° South',
 'Shattered Glass',
 'Latter Days',
 'For Your Consideration',
 'The Statement',
 'The Basket',
 'Screwed',
 'Galaxina',
 "R.L. Stine's Monsterville: The Cabinet of Souls",
 'The Dirties',
 'Against the Wild',
 'Chocolate: Deep Dark Secrets',
 "Daddy's Home",
 'Amnesiac',
 'Faster',
 'Roadside',
 'Love and Other Catastrophes',
 'City of Ghosts',
 'Supercross',
 'The Slaughter Rule',
 "Amidst the Devil's Wings",
 'Joyful Noise',
 'Code of Honor',
 'Hidden Away',
 'Never Again',
 'Space Pirate Captain Harlock',
 'Dirty Work',
 'My Big Fat Independent Movie',
 'Locker 13',
 'Departure',
 'Unsullied',
 'Lottery Ticket',
 'Virgin Territory',
 'Come Early Morning',
 'The Dress',
 'Emma',
 'Kiss the Bride',
 'Wuthering Heights',
 'Raising Cain',
 'Trucker',
 'The Legend of Suriyothai',
 'The Open Road',
 'Poolhall Junkies',
 'Epic Movie',
 'The Lizzie McGuire Movie',
 'Idlewild',
 'Donkey Punch',
 'I Think I Love My Wife',
 'The Harvest (La Cosecha)',
 'Hollywood Shuffle',
 '30 Minutes or Less',
 'Harsh Times',
 'A Home at the End of the World',
 'Bad Moms',
 'Lilya 4-ever',
 'The Four Seasons',
 'A LEGO Brickumentary',
 'Hard to Be a God',
 'The Velocity of Gary',
 'Impact Point',
 'Hansel and Gretel Get Baked',
 'A Separation',
 'Wicked Blood',
 'The Goods: Live Hard, Sell Hard',
 'Hit & Run',
 'Witchboard',
 'The Opposite Sex',
 'Four Single Fathers',
 'The White Countess',
 'State Fair',
 'The Adventures of Elmo in Grouchland',
 "No Man's Land: The Rise of Reeker",
 'Limbo',
 'Christmas Mail',
 "Mozart's Sister",
 'Who Killed the Electric Car?',
 'The Marine 4: Moving Target',
 'Shadow Conspiracy',
 'Godzilla 2000',
 'The Pursuit of D.B. Cooper',
 'Begin Again',
 'The Good Night',
 'Gabriela',
 'Caravans',
 'We Have Your Husband',
 'Only the Strong',
 'Space Battleship Yamato',
 'This Christmas',
 'Instructions Not Included',
 'Dragon Blade',
 '51 Birch Street',
 'Easy Money',
 'Stan Helsing',
 'Dream House',
 'Under the Rainbow',
 'Baggage Claim',
 'Dawn of the Crescent Moon',
 'Smoke Signals',
 'Signed, Sealed, Delivered',
 'Legally Blonde',
 'The Last Exorcism Part II',
 'I Dreamed of Africa',
 'Brooklyn Rules',
 'Enter Nowhere',
 'Brotherly Love',
 '1776',
 'Spaced Invaders',
 'Character',
 "Max Keeble's Big Move",
 'The Business of Strangers',
 'Desire',
 '20 Feet from Stardom',
 'Operation Chromite',
 'Subconscious',
 'The Rise of the Krays',
 'Fight Valley',
 'Closer to the Moon',
 'The Sisterhood of the Traveling Pants 2',
 'Love Stinks',
 'Of Horses and Men',
 'Don McKay',
 'American Beast',
 'The Lovers',
 'The World Is Mine',
 'Chill Factor',
 'Trapeze',
 'Woman Thou Art Loosed',
 'Zulu',
 'Crowsnest',
 'The Inkwell',
 'Woo',
 'Anne of Green Gables',
 'Beyond the Black Rainbow',
 'Stories of Our Lives',
 'For Greater Glory - The True Story of Cristiada',
 'The Son of No One',
 'The Grace Card',
 'August',
 'Silmido',
 'Fugly',
 'Walter',
 'Legend of a Rabbit',
 'The Possession',
 'Metropolis',
 'My Last Day Without You',
 'Taxi to the Dark Side',
 "Sweet Sweetback's Baadasssss Song",
 'Hands of Stone',
 'The Jimmy Show',
 'Crying with Laughter',
 'Goddess of Love',
 'The Protector',
 'The Walking Deceased',
 'Doogal',
 'Last Holiday',
 "The True Story of Puss 'n Boots",
 'Chain of Command',
 'Restoration',
 'H.',
 'The Land Girls',
 'Counting',
 'Queen of the Mountains',
 "The Legend of God's Gun",
 'Caramel',
 'Karachi se Lahore',
 'Roll Bounce',
 'Phat Girlz',
 'Open Secret',
 "Love's Abiding Joy",
 'Sanctuary: Quite a Conundrum',
 'Sharkskin',
 'Sardaarji',
 'Black November',
 'Fled',
 'Navy Seals vs. Zombies',
 'Star Trek III: The Search for Spock',
 'The Masked Saint',
 'Checkmate',
 'A True Story',
 'The Red Violin',
 'Soul Survivors',
 'The Mudge Boy',
 'Weekend',
 'On The Downlow',
 'An Alan Smithee Film: Burn, Hollywood, Burn',
 'The Gallows',
 'Super Size Me',
 'The Night Visitor',
 'Stonewall',
 'Dil Jo Bhi Kahey...',
 'Mooz-lum',
 'Alex Cross',
 'Waiting...',
 'Treading Water',
 'The Deported',
 'American Hero',
 'Modern Problems',
 'The Ballad of Jack and Rose',
 'United Passions',
 'Bon Cop Bad Cop',
 'The Trials Of Darryl Hunt',
 'Forsaken',
 'The Other Dream Team',
 'Lake of Fire',
 'Thr3e',
 'Elmer Gantry',
 "The Emperor's Club",
 '#Horror',
 'My Dog Tulip',
 'Chasing Papi',
 'Chicken Tikka Masala',
 'Zombie Hunter',
 'Brown Sugar',
 'I Love Your Work',
 'Alpha and Omega',
 'The Joneses',
 'Childless',
 'The Betrayed',
 'The Boys from Brazil',
 'Yeh Jawaani Hai Deewani',
 'Madadayo',
 'An American in Hollywood',
 "Hell's Angels",
 'Man of the House',
 'One to Another',
 'Aloft',
 'UnDivided',
 'Troll Hunter',
 'Eye of the Dolphin',
 'The Work and the Glory II: American Zion',
 'Zambezia',
 'Letters to God',
 'Timecrimes',
 "Tim and Eric's Billion Dollar Movie",
 'Juliet and Alfa Romeo',
 'All About the Benjamins',
 'ZMD: Zombies of Mass Destruction',
 'Mad Hot Ballroom',
 'The Singles Ward',
 'I Served the King of England',
 'Awake',
 'Intolerance',
 'Womb',
 'Pink Ribbons, Inc.',
 'Hardflip',
 '3 Backyards',
 'Grand Theft Parsons',
 'Mi America',
 'Broken Vessels',
 'Pokémon: Spell of the Unknown',
 'Train',
 'Johnson Family Vacation',
 'Renaissance',
 'The Beyond',
 'Osama',
 'Jonah: A VeggieTales Movie',
 "The Maid's Room",
 'Tarnation',
 'Proud',
 'Mama',
 'Yesterday Was a Lie',
 'Growing Up Smith',
 'The Heart of Me',
 'Harriet the Spy',
 'Man on Wire',
 'Butterfly Girl',
 'Fort McCoy',
 'Big Trouble',
 'Fly Me to the Moon',
 'Extreme Ops',
 'Diary of a Mad Black Woman',
 'Happy, Texas',
 'Steppin: The Movie',
 'Princess Kaiulani',
 'Ice Princess',
 'Water for Elephants',
 'Straight Out of Brooklyn',
 "King's Ransom",
 'Keeping Up with the Steins',
 'Lucky Break',
 'Gandhi, My Father',
 'Camping Sauvage',
 'Baahubali: The Beginning',
 'Eddie: The Sleepwalking Cannibal',
 'The Helix... Loaded',
 'An Ideal Husband',
 'The Looking Glass',
 'I Want Your Money',
 'Silent Trigger',
 "Pooh's Heffalump Movie",
 'Diamond Ruff',
 'Circle',
 'The Brown Bunny',
 'The Blue Butterfly',
 'Perfect Cowboy',
 'The FP',
 'Compadres',
 'Hey Arnold! The Movie',
 'Not Easily Broken',
 'The Woman Chaser',
 'The Real Cancun',
 'Identity Thief',
 'Vaalu',
 'Reality Show',
 'The Loss of Sexual Innocence',
 'Enter the Dangerous Mind',
 'Broken Horses',
 'The Nutcracker',
 'Primer',
 'Super Hybrid',
 'Northfork',
 'The Valley of Decision',
 'Step Up Revolution',
 'How to Fall in Love',
 'The Torture Chamber of Dr. Sadism',
 'Food Chains',
 'Ultramarines: A Warhammer 40,000 Movie',
 'Grown Ups 2',
 'Roadside Romeo',
 'Queen Crab',
 'War, Inc.',
 'Bran Nue Dae',
 'Call + Response',
 'Fetching Cody',
 'Cheap Thrills',
 'Love and Death on Long Island',
 'George and the Dragon',
 'Blood Ties',
 'Crazy in Alabama',
 'Alone With Her',
 'The Gatekeepers',
 'Nothing But a Man',
 'Hereafter',
 "Dracula: Pages from a Virgin's Diary",
 'Small Apartments',
 'Marmaduke',
 'There Goes My Baby',
 'Krush Groove',
 'Lords of London',
 '3 Strikes',
 'Tumbleweeds',
 'Out of Inferno',
 'Mumford',
 'Valley of the Wolves: Iraq',
 'Freedom',
 'Delgo',
 'Eden',
 'The Words',
 'The Snow Queen']

Construction of movie recommendation engine

We will now use another, new, empirically constructed cost_function (calculated separately using genres, votes and keywords, categories selected to see most relevant predictions) to try to determine which movie to recommend to an user. Detains in implementation

We first load .npz file containing the costs. We also drop the movies without votes because the cost funtion are based on it.


In [3]:
costs = np.load('../Datasets/costs_parallelized.npz')
costs = costs['costs']
np.fill_diagonal(costs,0)

Movies = pd.read_csv('../Datasets/Transformed.csv')
Movies = Movies.loc[Movies['vote_average'] > 0]

In [4]:
plt.spy(costs)
plt.show()


This is the recommandations of the engine. For example the engine recommand 'Captain America' for Iron Man 2


In [5]:
for i in range(Movies.loc[Movies['vote_average'] > 0].shape[0]):
    best_movie = np.argmax(costs[i])
    
    print('Original film: {} || Predicted movie: {}'.format(Movies.iloc[i]['title'],Movies.iloc[best_movie]['title']))


Original film: #Horror || Predicted movie: The Shawshank Redemption
Original film: (500) Days of Summer || Predicted movie: Seven Psychopaths
Original film: 10 Cloverfield Lane || Predicted movie: Pulp Fiction
Original film: 10 Days in a Madhouse || Predicted movie: The Departed
Original film: 10 Things I Hate About You || Predicted movie: Dancer, Texas Pop. 81
Original film: 102 Dalmatians || Predicted movie: Dancer, Texas Pop. 81
Original film: 10th & Wolf || Predicted movie: Batman Begins
Original film: 11:14 || Predicted movie: The Secret in Their Eyes
Original film: 12 Angry Men || Predicted movie: Dead Man Walking
Original film: 12 Rounds || Predicted movie: Dark Blue
Original film: 12 Years a Slave || Predicted movie: Django Unchained
Original film: 127 Hours || Predicted movie: The Great Escape
Original film: 13 Going on 30 || Predicted movie: Dancer, Texas Pop. 81
Original film: 13 Hours: The Secret Soldiers of Benghazi || Predicted movie: We Were Soldiers
Original film: 1408 || Predicted movie: The Shining
Original film: 15 Minutes || Predicted movie: Die Hard: With a Vengeance
Original film: 16 Blocks || Predicted movie: The Bourne Identity
Original film: 16 to Life || Predicted movie: Dancer, Texas Pop. 81
Original film: 17 Again || Predicted movie: Dancer, Texas Pop. 81
Original film: 1776 || Predicted movie: American History X
Original film: 1911 || Predicted movie: The Lord of the Rings: The Return of the King
Original film: 1941 || Predicted movie: Das Boot
Original film: 1982 || Predicted movie: Almost Famous
Original film: 2 Fast 2 Furious || Predicted movie: The Fast and the Furious
Original film: 2 Guns || Predicted movie: Batman Begins
Original film: 20 Dates || Predicted movie: Me You and Five Bucks
Original film: 20 Feet from Stardom || Predicted movie: Counting
Original film: 20,000 Leagues Under the Sea || Predicted movie: The Abyss
Original film: 200 Cigarettes || Predicted movie: Little Big Top
Original film: 2001: A Space Odyssey || Predicted movie: Moon
Original film: 2012 || Predicted movie: The Dark Knight Rises
Original film: 2016: Obama's America || Predicted movie: Counting
Original film: 2046 || Predicted movie: The Green Mile
Original film: 21 || Predicted movie: Dead Poets Society
Original film: 21 & Over || Predicted movie: Dancer, Texas Pop. 81
Original film: 21 Grams || Predicted movie: Doctor Zhivago
Original film: 21 Jump Street || Predicted movie: Guardians of the Galaxy
Original film: 22 Jump Street || Predicted movie: Freedom Writers
Original film: 24 7: Twenty Four Seven || Predicted movie: Dancer, Texas Pop. 81
Original film: 25th Hour || Predicted movie: Se7en
Original film: 27 Dresses || Predicted movie: Four Weddings and a Funeral
Original film: 28 Days || Predicted movie: Dancer, Texas Pop. 81
Original film: 28 Days Later || Predicted movie: 28 Weeks Later
Original film: 28 Weeks Later || Predicted movie: 28 Days Later
Original film: 2:13 || Predicted movie: The Shining
Original film: 3 Backyards || Predicted movie: Ordet
Original film: 3 Days to Kill || Predicted movie: Tombstone
Original film: 3 Ninjas Kick Back || Predicted movie: Princess Mononoke
Original film: 3 Strikes || Predicted movie: Love & Basketball
Original film: 30 Days of Night || Predicted movie: Interview with the Vampire
Original film: 30 Minutes or Less || Predicted movie: Guardians of the Galaxy
Original film: 30 Nights of Paranormal Activity With the Devil Inside the Girl With the Dragon Tattoo || Predicted movie: Dancer, Texas Pop. 81
Original film: 300 || Predicted movie: Gladiator
Original film: 3000 Miles to Graceland || Predicted movie: Guardians of the Galaxy
Original film: 300: Rise of an Empire || Predicted movie: Captain America: The Winter Soldier
Original film: 3:10 to Yuma || Predicted movie: Once Upon a Time in the West
Original film: 4 Months, 3 Weeks and 2 Days || Predicted movie: American History X
Original film: 40 Days and 40 Nights || Predicted movie: Dancer, Texas Pop. 81
Original film: 42 || Predicted movie: Raging Bull
Original film: 42nd Street || Predicted movie: Mr. Holland's Opus
Original film: 47 Ronin || Predicted movie: The Last Emperor
Original film: 5 Days of War || Predicted movie: The Boy in the Striped Pyjamas
Original film: 50 First Dates || Predicted movie: Dancer, Texas Pop. 81
Original film: 50/50 || Predicted movie: Dancer, Texas Pop. 81
Original film: 51 Birch Street || Predicted movie: Counting
Original film: 54 || Predicted movie: The Business of Fancydancing
Original film: 55 Days at Peking || Predicted movie: Seven Samurai
Original film: 8 Heads in a Duffel Bag || Predicted movie: Dancer, Texas Pop. 81
Original film: 8 Mile || Predicted movie: Straight Outta Compton
Original film: 8 Women || Predicted movie: Dancer, Texas Pop. 81
Original film: 88 Minutes || Predicted movie: Se7en
Original film: 8: The Mormon Proposition || Predicted movie: Hoop Dreams
Original film: 8MM || Predicted movie: Pulp Fiction
Original film: 9 || Predicted movie: The Matrix
Original film: 90 Minutes in Heaven || Predicted movie: Room
Original film: A Beautiful Mind || Predicted movie: Good Will Hunting
Original film: A Better Life || Predicted movie: Biutiful
Original film: A Bridge Too Far || Predicted movie: The Pianist
Original film: A Bug's Life || Predicted movie: Princess Mononoke
Original film: A Charlie Brown Christmas || Predicted movie: A Christmas Carol
Original film: A Christmas Carol || Predicted movie: A Charlie Brown Christmas
Original film: A Christmas Story || Predicted movie: Dancer, Texas Pop. 81
Original film: A Cinderella Story || Predicted movie: Dancer, Texas Pop. 81
Original film: A Civil Action || Predicted movie: The Godfather
Original film: A Cock and Bull Story || Predicted movie: Dancer, Texas Pop. 81
Original film: A Dangerous Method || Predicted movie: GoodFellas
Original film: A Dog Of Flanders || Predicted movie: The Shawshank Redemption
Original film: A Dog's Breakfast || Predicted movie: Little Big Top
Original film: A Farewell to Arms || Predicted movie: Room
Original film: A Few Good Men || Predicted movie: Cat on a Hot Tin Roof
Original film: A Fine Step || Predicted movie: The Shawshank Redemption
Original film: A Fistful of Dollars || Predicted movie: Once Upon a Time in the West
Original film: A Funny Thing Happened on the Way to the Forum || Predicted movie: Dancer, Texas Pop. 81
Original film: A Good Day to Die Hard || Predicted movie: The Living Daylights
Original film: A Good Year || Predicted movie: Dancer, Texas Pop. 81
Original film: A Guy Named Joe || Predicted movie: Saving Private Ryan
Original film: A Guy Thing || Predicted movie: Dancer, Texas Pop. 81
Original film: A Hard Day's Night || Predicted movie: Dancer, Texas Pop. 81
Original film: A Haunted House || Predicted movie: Dancer, Texas Pop. 81
Original film: A Haunted House 2 || Predicted movie: Dancer, Texas Pop. 81
Original film: A History of Violence || Predicted movie: Fight Club
Original film: A Home at the End of the World || Predicted movie: Me You and Five Bucks
Original film: A Knight's Tale || Predicted movie: Big Hero 6
Original film: A LEGO Brickumentary || Predicted movie: Trekkies
Original film: A League of Their Own || Predicted movie: Dancer, Texas Pop. 81
Original film: A Lonely Place to Die || Predicted movie: The Prisoner of Zenda
Original film: A Lot Like Love || Predicted movie: The Apartment
Original film: A Low Down Dirty Shame || Predicted movie: Sicario
Original film: A Madea Christmas || Predicted movie: Dancer, Texas Pop. 81
Original film: A Man Apart || Predicted movie: The Boondock Saints
Original film: A Man for All Seasons || Predicted movie: 12 Angry Men
Original film: A Mighty Heart || Predicted movie: Ordet
Original film: A Mighty Wind || Predicted movie: Dancer, Texas Pop. 81
Original film: A Million Ways to Die in the West || Predicted movie: Dancer, Texas Pop. 81
Original film: A Monster in Paris || Predicted movie: Big Hero 6
Original film: A Most Violent Year || Predicted movie: The Wolf of Wall Street
Original film: A Most Wanted Man || Predicted movie: Pulp Fiction
Original film: A Night at the Roxbury || Predicted movie: Dancer, Texas Pop. 81
Original film: A Nightmare on Elm Street || Predicted movie: A Nightmare on Elm Street 3: Dream Warriors
Original film: A Nightmare on Elm Street 3: Dream Warriors || Predicted movie: A Nightmare on Elm Street
Original film: A Nightmare on Elm Street 4: The Dream Master || Predicted movie: A Nightmare on Elm Street
Original film: A Nightmare on Elm Street 5: The Dream Child || Predicted movie: A Nightmare on Elm Street
Original film: A Nightmare on Elm Street Part 2: Freddy's Revenge || Predicted movie: New Nightmare
Original film: A Passage to India || Predicted movie: Veer-Zaara
Original film: A Perfect Getaway || Predicted movie: Eastern Promises
Original film: A Prairie Home Companion || Predicted movie: American History X
Original film: A Room for Romeo Brass || Predicted movie: Dead Poets Society
Original film: A Room with a View || Predicted movie: The Perks of Being a Wallflower
Original film: A Scanner Darkly || Predicted movie: Coraline
Original film: A Separation || Predicted movie: 12 Angry Men
Original film: A Serious Man || Predicted movie: Dancer, Texas Pop. 81
Original film: A Shine of Rainbows || Predicted movie: Anne of Green Gables
Original film: A Simple Plan || Predicted movie: American History X
Original film: A Simple Wish || Predicted movie: Harry Potter and the Prisoner of Azkaban
Original film: A Single Man || Predicted movie: The Help
Original film: A Sound of Thunder || Predicted movie: Pulp Fiction
Original film: A Streetcar Named Desire || Predicted movie: The Color Purple
Original film: A Tale of Three Cities || Predicted movie: City of God
Original film: A Thin Line Between Love and Hate || Predicted movie: Dancer, Texas Pop. 81
Original film: A Thousand Words || Predicted movie: The Shawshank Redemption
Original film: A Time to Kill || Predicted movie: On the Waterfront
Original film: A True Story || Predicted movie: Dancer, Texas Pop. 81
Original film: A Turtle's Tale: Sammy's Adventures || Predicted movie: Frozen
Original film: A Very Harold & Kumar Christmas || Predicted movie: Dancer, Texas Pop. 81
Original film: A Very Long Engagement || Predicted movie: One Flew Over the Cuckoo's Nest
Original film: A View to a Kill || Predicted movie: The Spy Who Loved Me
Original film: A Walk Among the Tombstones || Predicted movie: The Funeral
Original film: A Walk on the Moon || Predicted movie: Walk the Line
Original film: A Walk to Remember || Predicted movie: Titanic
Original film: A Woman, a Gun and a Noodle Shop || Predicted movie: Dancer, Texas Pop. 81
Original film: A.I. Artificial Intelligence || Predicted movie: Fight Club
Original film: ABCD (Any Body Can Dance) || Predicted movie: The Prestige
Original film: ATL || Predicted movie: The Shawshank Redemption
Original film: AVP: Alien vs. Predator || Predicted movie: Treasure Planet
Original film: AWOL-72 || Predicted movie: Eastern Promises
Original film: Abandon || Predicted movie: Fish Tank
Original film: Abandoned || Predicted movie: The Shawshank Redemption
Original film: Abduction || Predicted movie: Bridge of Spies
Original film: Aberdeen || Predicted movie: Transamerica
Original film: About Last Night || Predicted movie: Dancer, Texas Pop. 81
Original film: About Schmidt || Predicted movie: The Theory of Everything
Original film: About Time || Predicted movie: Dancer, Texas Pop. 81
Original film: About a Boy || Predicted movie: Finding Neverland
Original film: Abraham Lincoln: Vampire Hunter || Predicted movie: Captain America: The Winter Soldier
Original film: Absentia || Predicted movie: Memento
Original film: Absolute Power || Predicted movie: Changeling
Original film: Accidental Love || Predicted movie: Me You and Five Bucks
Original film: Ace Ventura: Pet Detective || Predicted movie: Dancer, Texas Pop. 81
Original film: Ace Ventura: When Nature Calls || Predicted movie: Se7en
Original film: Across the Universe || Predicted movie: The Wizard of Oz
Original film: Act of Valor || Predicted movie: Das Boot
Original film: Action Jackson || Predicted movie: Beverly Hills Cop
Original film: Adam || Predicted movie: The Shawshank Redemption
Original film: Adam Resurrected || Predicted movie: Schindler's List
Original film: Adaptation. || Predicted movie: Dancer, Texas Pop. 81
Original film: Addicted || Predicted movie: The Devil's Advocate
Original film: Admission || Predicted movie: Dancer, Texas Pop. 81
Original film: Adore || Predicted movie: City of God
Original film: Adulterers || Predicted movie: Pulp Fiction
Original film: Adventureland || Predicted movie: Dancer, Texas Pop. 81
Original film: After || Predicted movie: Memento
Original film: After Earth || Predicted movie: Blade Runner
Original film: After the Sunset || Predicted movie: Seven Samurai
Original film: After.Life || Predicted movie: Me Before You
Original film: Against the Ropes || Predicted movie: Me You and Five Bucks
Original film: Against the Wild || Predicted movie: The Lord of the Rings: The Two Towers
Original film: Agent Cody Banks || Predicted movie: Spy Game
Original film: Agent Cody Banks 2: Destination London || Predicted movie: Dancer, Texas Pop. 81
Original film: Agora || Predicted movie: Back to the Future
Original film: Aimee & Jaguar || Predicted movie: Circumstance
Original film: Air Bud || Predicted movie: Dancer, Texas Pop. 81
Original film: Air Force One || Predicted movie: The Negotiator
Original film: Airborne || Predicted movie: Love & Basketball
Original film: Airlift || Predicted movie: Pulp Fiction
Original film: Airplane! || Predicted movie: Dancer, Texas Pop. 81
Original film: Ajami || Predicted movie: Se7en
Original film: Akeelah and the Bee || Predicted movie: The Color Purple
Original film: Akira || Predicted movie: District 9
Original film: Aladdin || Predicted movie: Tangled
Original film: Alatriste || Predicted movie: Seven Samurai
Original film: Albert Nobbs || Predicted movie: The Help
Original film: Albino Alligator || Predicted movie: Frenzy
Original film: Alex & Emma || Predicted movie: Forrest Gump
Original film: Alex Cross || Predicted movie: Seven Samurai
Original film: Alexander || Predicted movie: The Boy in the Striped Pyjamas
Original film: Alexander and the Terrible, Horrible, No Good, Very Bad Day || Predicted movie: Willy Wonka & the Chocolate Factory
Original film: Alexander's Ragtime Band || Predicted movie: Dancer in the Dark
Original film: Alfie || Predicted movie: Dancer, Texas Pop. 81
Original film: Ali || Predicted movie: Raging Bull
Original film: Alice Through the Looking Glass || Predicted movie: How to Train Your Dragon 2
Original film: Alice in Wonderland || Predicted movie: Willy Wonka & the Chocolate Factory
Original film: Alien || Predicted movie: Aliens
Original film: Alien Zone || Predicted movie: The Shining
Original film: Alien: Resurrection || Predicted movie: Alien³
Original film: Aliens || Predicted movie: Alien
Original film: Aliens in the Attic || Predicted movie: Transformers
Original film: Aliens vs Predator: Requiem || Predicted movie: Spirited Away
Original film: Alien³ || Predicted movie: Alien: Resurrection
Original film: Alive || Predicted movie: The Grey
Original film: All About Steve || Predicted movie: Dancer, Texas Pop. 81
Original film: All About the Benjamins || Predicted movie: The Bourne Ultimatum
Original film: All Good Things || Predicted movie: The Godfather
Original film: All Hat || Predicted movie: Silverado
Original film: All Is Bright || Predicted movie: Dancer, Texas Pop. 81
Original film: All Is Lost || Predicted movie: Das Boot
Original film: All Superheroes Must Die || Predicted movie: The Avengers
Original film: All That Jazz || Predicted movie: The Hunt
Original film: All The Queen's Men || Predicted movie: Das Boot
Original film: All or Nothing || Predicted movie: Dancer, Texas Pop. 81
Original film: All the Boys Love Mandy Lane || Predicted movie: The Texas Chainsaw Massacre: The Beginning
Original film: All the King's Men || Predicted movie: The Lives of Others
Original film: All the Pretty Horses || Predicted movie: American History X
Original film: All the Real Girls || Predicted movie: Anne of Green Gables
Original film: Allegiant || Predicted movie: Insurgent
Original film: Alleluia! The Devil's Carnival || Predicted movie: Mr. Holland's Opus
Original film: Almost Famous || Predicted movie: GoodFellas
Original film: Aloft || Predicted movie: City of God
Original film: Aloha || Predicted movie: Inside Out
Original film: Alone With Her || Predicted movie: Taxi Driver
Original film: Alone in the Dark || Predicted movie: V for Vendetta
Original film: Along Came Polly || Predicted movie: Dancer, Texas Pop. 81
Original film: Along Came a Spider || Predicted movie: Se7en
Original film: Along the Roadside || Predicted movie: Me You and Five Bucks
Original film: Alpha and Omega || Predicted movie: Karachi se Lahore
Original film: Alpha and Omega: The Legend of the Saw Tooth Cave || Predicted movie: Karachi se Lahore
Original film: Alvin and the Chipmunks || Predicted movie: Walk Hard: The Dewey Cox Story
Original film: Alvin and the Chipmunks: Chipwrecked || Predicted movie: Dancer, Texas Pop. 81
Original film: Alvin and the Chipmunks: The Road Chip || Predicted movie: Captain America: Civil War
Original film: Alvin and the Chipmunks: The Squeakquel || Predicted movie: Dancer, Texas Pop. 81
Original film: Amadeus || Predicted movie: The Godfather
Original film: Amen. || Predicted movie: Schindler's List
Original film: America's Sweethearts || Predicted movie: Dancer, Texas Pop. 81
Original film: American Beauty || Predicted movie: City of God
Original film: American Desi || Predicted movie: Rocket Singh: Salesman of the Year
Original film: American Dreamz || Predicted movie: Dancer, Texas Pop. 81
Original film: American Gangster || Predicted movie: GoodFellas
Original film: American Graffiti || Predicted movie: Good Morning, Vietnam
Original film: American Heist || Predicted movie: Warrior
Original film: American Hero || Predicted movie: Seven Samurai
Original film: American History X || Predicted movie: Incendies
Original film: American Hustle || Predicted movie: The Departed
Original film: American Ninja 2: The Confrontation || Predicted movie: Batman Begins
Original film: American Outlaws || Predicted movie: Silverado
Original film: American Pie || Predicted movie: The Spectacular Now
Original film: American Pie 2 || Predicted movie: (500) Days of Summer
Original film: American Psycho || Predicted movie: The Girl with the Dragon Tattoo
Original film: American Reunion || Predicted movie: Dancer, Texas Pop. 81
Original film: American Sniper || Predicted movie: Enemy at the Gates
Original film: American Splendor || Predicted movie: Little Big Top
Original film: American Wedding || Predicted movie: Dancer, Texas Pop. 81
Original film: Amigo || Predicted movie: Platoon
Original film: Amistad || Predicted movie: The Godfather: Part II
Original film: Amnesiac || Predicted movie: Pulp Fiction
Original film: Among Giants || Predicted movie: Dancer, Texas Pop. 81
Original film: Amores perros || Predicted movie: Brokeback Mountain
Original film: Amour || Predicted movie: Doctor Zhivago
Original film: Amélie || Predicted movie: Dancer, Texas Pop. 81
Original film: An Alan Smithee Film: Burn, Hollywood, Burn || Predicted movie: Dancer, Texas Pop. 81
Original film: An American Carol || Predicted movie: Dancer, Texas Pop. 81
Original film: An American Haunting || Predicted movie: Halloween
Original film: An Education || Predicted movie: City of God
Original film: An Everlasting Piece || Predicted movie: Dancer, Texas Pop. 81
Original film: An Ideal Husband || Predicted movie: The Shawshank Redemption
Original film: An Inconvenient Truth || Predicted movie: Inside Job
Original film: An Unfinished Life || Predicted movie: Brokeback Mountain
Original film: Anaconda || Predicted movie: The Rundown
Original film: Anacondas: The Hunt for the Blood Orchid || Predicted movie: Interstellar
Original film: Analyze That || Predicted movie: Dancer, Texas Pop. 81
Original film: Analyze This || Predicted movie: Dancer, Texas Pop. 81
Original film: Anastasia || Predicted movie: Mulan
Original film: Anatomy || Predicted movie: The Shining
Original film: Anchorman 2: The Legend Continues || Predicted movie: Anchorman: The Legend of Ron Burgundy
Original film: Anchorman: The Legend of Ron Burgundy || Predicted movie: Anchorman 2: The Legend Continues
Original film: And So It Goes || Predicted movie: Dancer, Texas Pop. 81
Original film: And Then Came Love || Predicted movie: Dancer, Texas Pop. 81
Original film: Angel Eyes || Predicted movie: Dancer in the Dark
Original film: Angela's Ashes || Predicted movie: GoodFellas
Original film: Angels & Demons || Predicted movie: The Da Vinci Code
Original film: Animal House || Predicted movie: Dancer, Texas Pop. 81
Original film: Animals || Predicted movie: The Shawshank Redemption
Original film: Animals United || Predicted movie: WALL·E
Original film: Anna Karenina || Predicted movie: Anne of Green Gables
Original film: Anna and the King || Predicted movie: The Hunt
Original film: Annabelle || Predicted movie: Bride of Chucky
Original film: Anne of Green Gables || Predicted movie: Rebecca
Original film: Annie || Predicted movie: Dancer, Texas Pop. 81
Original film: Annie Get Your Gun || Predicted movie: O Brother, Where Art Thou?
Original film: Annie Hall || Predicted movie: Dancer, Texas Pop. 81
Original film: Anomalisa || Predicted movie: WALL·E
Original film: Anonymous || Predicted movie: 12 Angry Men
Original film: Another Earth || Predicted movie: Good Will Hunting
Original film: Another Happy Day || Predicted movie: Dancer, Texas Pop. 81
Original film: Another Year || Predicted movie: Dancer, Texas Pop. 81
Original film: Ant-Man || Predicted movie: The Avengers
Original film: Antarctica: A Year on Ice || Predicted movie: Schindler's List
Original film: Antibirth || Predicted movie: The Shining
Original film: Antitrust || Predicted movie: Live Free or Die Hard
Original film: Antiviral || Predicted movie: District 9
Original film: Antwone Fisher || Predicted movie: Schindler's List
Original film: Antz || Predicted movie: Princess Mononoke
Original film: Any Given Sunday || Predicted movie: Remember the Titans
Original film: Anything Else || Predicted movie: Dancer, Texas Pop. 81
Original film: Anywhere But Here || Predicted movie: Inside Out
Original film: Apocalypse Now || Predicted movie: One Flew Over the Cuckoo's Nest
Original film: Apocalypto || Predicted movie: Seven Samurai
Original film: Apollo 13 || Predicted movie: The Martian
Original film: Apollo 18 || Predicted movie: Alien
Original film: Appaloosa || Predicted movie: It's a Wonderful Life
Original film: April Fool's Day || Predicted movie: Halloween
Original film: Aqua Teen Hunger Force Colon Movie Film for Theaters || Predicted movie: South Park: Bigger, Longer & Uncut
Original film: Aquamarine || Predicted movie: Donnie Darko
Original film: Arachnophobia || Predicted movie: Dancer, Texas Pop. 81
Original film: Ararat || Predicted movie: The Boy in the Striped Pyjamas
Original film: Arbitrage || Predicted movie: Spotlight
Original film: Are We There Yet? || Predicted movie: The Prisoner of Zenda
Original film: Area 51 || Predicted movie: [REC]
Original film: Argo || Predicted movie: The Pianist
Original film: Arlington Road || Predicted movie: Sea of Love
Original film: Armageddon || Predicted movie: Guardians of the Galaxy
Original film: Armored || Predicted movie: Inception
Original film: Army of Darkness || Predicted movie: Howl's Moving Castle
Original film: Arn: The Knight Templar || Predicted movie: Seven Samurai
Original film: Around the World in 80 Days || Predicted movie: From Russia with Love
Original film: Aroused || Predicted movie: The Square
Original film: Arthur Christmas || Predicted movie: It's a Wonderful Life
Original film: Arthur and the Invisibles || Predicted movie: Raiders of the Lost Ark
Original film: As Above, So Below || Predicted movie: Interview with the Vampire
Original film: As Good as It Gets || Predicted movie: Dancer, Texas Pop. 81
Original film: As It Is in Heaven || Predicted movie: Me You and Five Bucks
Original film: Ask Me Anything || Predicted movie: The Shawshank Redemption
Original film: Assassins || Predicted movie: Clear and Present Danger
Original film: Assault on Precinct 13 || Predicted movie: Pulp Fiction
Original film: Asterix at the Olympic Games || Predicted movie: Spirited Away
Original film: Astro Boy || Predicted movie: WALL·E
Original film: At First Sight || Predicted movie: Seven Pounds
Original film: Atlantis: The Lost Empire || Predicted movie: The Secret of Kells
Original film: Atlas Shrugged Part II || Predicted movie: The Shawshank Redemption
Original film: Atlas Shrugged Part III: Who is John Galt? || Predicted movie: The Shawshank Redemption
Original film: Atonement || Predicted movie: The Book Thief
Original film: Attack the Block || Predicted movie: It's a Mad, Mad, Mad, Mad World
Original film: August || Predicted movie: Weekend
Original film: August Rush || Predicted movie: Closer
Original film: August: Osage County || Predicted movie: Dancer, Texas Pop. 81
Original film: Austin Powers in Goldmember || Predicted movie: Dancer, Texas Pop. 81
Original film: Austin Powers: International Man of Mystery || Predicted movie: The Avengers
Original film: Austin Powers: The Spy Who Shagged Me || Predicted movie: Interstellar
Original film: Australia || Predicted movie: Schindler's List
Original film: Auto Focus || Predicted movie: GoodFellas
Original film: Automata || Predicted movie: The Thirteenth Floor
Original film: Autumn in New York || Predicted movie: August Rush
Original film: Avatar || Predicted movie: Star Trek Into Darkness
Original film: Avengers: Age of Ultron || Predicted movie: Captain America: The Winter Soldier
Original film: Awake || Predicted movie: Pulp Fiction
Original film: Away We Go || Predicted movie: The Shawshank Redemption
Original film: Ayurveda: Art of Being || Predicted movie: Counting
Original film: B-Girl || Predicted movie: Boyz n the Hood
Original film: Baahubali: The Beginning || Predicted movie: Star Wars: Clone Wars: Volume 1
Original film: Babe || Predicted movie: Spirited Away
Original film: Babe: Pig in the City || Predicted movie: Mad Max 2: The Road Warrior
Original film: Babel || Predicted movie: Oldboy
Original film: Baby Boy || Predicted movie: Reservoir Dogs
Original film: Baby Geniuses || Predicted movie: 2001: A Space Odyssey
Original film: Baby Mama || Predicted movie: Dancer, Texas Pop. 81
Original film: Baby's Day Out || Predicted movie: Kiss Kiss Bang Bang
Original film: Babylon A.D. || Predicted movie: The Matrix
Original film: Bachelorette || Predicted movie: Dancer, Texas Pop. 81
Original film: Back to the Future || Predicted movie: Back to the Future Part II
Original film: Back to the Future Part II || Predicted movie: Back to the Future
Original film: Back to the Future Part III || Predicted movie: Back to the Future
Original film: Backmask || Predicted movie: Pulp Fiction
Original film: Bad Boys || Predicted movie: Die Hard: With a Vengeance
Original film: Bad Boys II || Predicted movie: Back to the Future Part III
Original film: Bad Company || Predicted movie: The Bourne Identity
Original film: Bad Grandpa || Predicted movie: Dancer, Texas Pop. 81
Original film: Bad Moms || Predicted movie: Neighbors
Original film: Bad Santa || Predicted movie: It's a Wonderful Life
Original film: Bad Teacher || Predicted movie: Dancer, Texas Pop. 81
Original film: Bad Words || Predicted movie: Dancer, Texas Pop. 81
Original film: Baggage Claim || Predicted movie: Dancer, Texas Pop. 81
Original film: Baghead || Predicted movie: The Shawshank Redemption
Original film: Bait || Predicted movie: Kill Bill: Vol. 1
Original film: Ballistic: Ecks vs. Sever || Predicted movie: Apocalypto
Original film: Bambi || Predicted movie: Monsters, Inc.
Original film: Bamboozled || Predicted movie: Dancer, Texas Pop. 81
Original film: Bananas || Predicted movie: Dancer, Texas Pop. 81
Original film: Bandidas || Predicted movie: Kill Bill: Vol. 1
Original film: Bandits || Predicted movie: First Blood
Original film: Bandslam || Predicted movie: Dancer, Texas Pop. 81
Original film: Bang || Predicted movie: Gran Torino
Original film: Bang Bang Baby || Predicted movie: 2001: A Space Odyssey
Original film: Bangkok Dangerous || Predicted movie: The Bourne Identity
Original film: Banshee Chapter || Predicted movie: The Shining
Original film: Barbarella || Predicted movie: 2001: A Space Odyssey
Original film: Barbecue || Predicted movie: Dancer, Texas Pop. 81
Original film: Barbershop || Predicted movie: Dancer, Texas Pop. 81
Original film: Barbershop 2:  Back in Business || Predicted movie: Dancer, Texas Pop. 81
Original film: Barney's Great Adventure || Predicted movie: Karachi se Lahore
Original film: Barney's Version || Predicted movie: Little Big Top
Original film: Barnyard || Predicted movie: Ratatouille
Original film: Barry Lyndon || Predicted movie: Dancer in the Dark
Original film: Barry Munday || Predicted movie: Dancer, Texas Pop. 81
Original film: Basic || Predicted movie: Seven Samurai
Original film: Basic Instinct 2 || Predicted movie: The Wolf of Wall Street
Original film: Basquiat || Predicted movie: Trainspotting
Original film: Bathing Beauty || Predicted movie: Dancer, Texas Pop. 81
Original film: Bathory: Countess of Blood || Predicted movie: Trainspotting
Original film: Batman || Predicted movie: Batman
Original film: Batman || Predicted movie: Batman
Original film: Batman || Predicted movie: Batman
Original film: Batman || Predicted movie: Batman
Original film: Batman & Robin || Predicted movie: Batman Begins
Original film: Batman Begins || Predicted movie: The Dark Knight Rises
Original film: Batman Forever || Predicted movie: Batman Begins
Original film: Batman Returns || Predicted movie: Batman Begins
Original film: Batman v Superman: Dawn of Justice || Predicted movie: Batman Begins
Original film: Batman: The Dark Knight Returns, Part 2 || Predicted movie: Batman Begins
Original film: Bats || Predicted movie: The Shining
Original film: Battle for the Planet of the Apes || Predicted movie: Terminator 2: Judgment Day
Original film: Battle of the Year || Predicted movie: Mr. Holland's Opus
Original film: Battle: Los Angeles || Predicted movie: Batman Begins
Original film: Battlefield Earth || Predicted movie: Maze Runner: The Scorch Trials
Original film: Battleship || Predicted movie: Pulp Fiction
Original film: Be Cool || Predicted movie: Dancer, Texas Pop. 81
Original film: Be Kind Rewind || Predicted movie: American Beauty
Original film: Beastly || Predicted movie: Anne of Green Gables
Original film: Beastmaster 2: Through the Portal of Time || Predicted movie: The Bourne Ultimatum
Original film: Beasts of the Southern Wild || Predicted movie: Shutter Island
Original film: Beat the World || Predicted movie: The Business of Fancydancing
Original film: Beautiful Creatures || Predicted movie: Spirited Away
Original film: Beauty Shop || Predicted movie: Dancer, Texas Pop. 81
Original film: Beavis and Butt-Head Do America || Predicted movie: South Park: Bigger, Longer & Uncut
Original film: Because I Said So || Predicted movie: Dancer, Texas Pop. 81
Original film: Because of Winn-Dixie || Predicted movie: Dancer, Texas Pop. 81
Original film: Becoming Jane || Predicted movie: The Color Purple
Original film: Bedazzled || Predicted movie: Spirited Away
Original film: Bedtime Stories || Predicted movie: Spirited Away
Original film: Bee Movie || Predicted movie: Willy Wonka & the Chocolate Factory
Original film: Beer League || Predicted movie: Dancer, Texas Pop. 81
Original film: Beerfest || Predicted movie: Dancer, Texas Pop. 81
Original film: Beetlejuice || Predicted movie: Enter the Void
Original film: Before I Go to Sleep || Predicted movie: Memento
Original film: Before Midnight || Predicted movie: Me You and Five Bucks
Original film: Before Sunrise || Predicted movie: Before Sunset
Original film: Before Sunset || Predicted movie: Before Sunrise
Original film: Begin Again || Predicted movie: Dancer, Texas Pop. 81
Original film: Beginners || Predicted movie: The Godfather
Original film: Behind Enemy Lines || Predicted movie: Cloverfield
Original film: Being John Malkovich || Predicted movie: Spirited Away
Original film: Being Julia || Predicted movie: Dancer, Texas Pop. 81
Original film: Bella || Predicted movie: Good Will Hunting
Original film: Beloved || Predicted movie: The Shawshank Redemption
Original film: Below Zero || Predicted movie: Pulp Fiction
Original film: Ben-Hur || Predicted movie: The Shawshank Redemption
Original film: Bend It Like Beckham || Predicted movie: Dancer, Texas Pop. 81
Original film: Bending Steel || Predicted movie: Counting
Original film: Beneath Hill 60 || Predicted movie: The Shawshank Redemption
Original film: Beneath the Planet of the Apes || Predicted movie: Interstellar
Original film: Benji || Predicted movie: Interstellar
Original film: Beowulf || Predicted movie: The Prisoner of Zenda
Original film: Bernie || Predicted movie: Dancer, Texas Pop. 81
Original film: Best in Show || Predicted movie: Little Big Top
Original film: Better Luck Tomorrow || Predicted movie: Se7en
Original film: Betty Fisher and Other Stories || Predicted movie: The Shawshank Redemption
Original film: Beverly Hills Chihuahua || Predicted movie: The Lego Movie
Original film: Beverly Hills Cop || Predicted movie: Beverly Hills Cop II
Original film: Beverly Hills Cop II || Predicted movie: Beverly Hills Cop
Original film: Beverly Hills Cop III || Predicted movie: Beverly Hills Cop II
Original film: Beyond Borders || Predicted movie: Apocalypse Now
Original film: Beyond the Black Rainbow || Predicted movie: Spirited Away
Original film: Beyond the Lights || Predicted movie: Me You and Five Bucks
Original film: Beyond the Mat || Predicted movie: Hoop Dreams
Original film: Beyond the Sea || Predicted movie: The Chorus
Original film: Beyond the Valley of the Dolls || Predicted movie: Dancer, Texas Pop. 81
Original film: Bicentennial Man || Predicted movie: Dancer, Texas Pop. 81
Original film: Big || Predicted movie: Spirited Away
Original film: Big Daddy || Predicted movie: Dancer, Texas Pop. 81
Original film: Big Eyes || Predicted movie: 12 Angry Men
Original film: Big Fat Liar || Predicted movie: Dancer, Texas Pop. 81
Original film: Big Fish || Predicted movie: Interstellar
Original film: Big Hero 6 || Predicted movie: Harry Potter and the Prisoner of Azkaban
Original film: Big Miracle || Predicted movie: Captain America: Civil War
Original film: Big Momma's House || Predicted movie: Se7en
Original film: Big Momma's House 2 || Predicted movie: Dancer, Texas Pop. 81
Original film: Big Mommas: Like Father, Like Son || Predicted movie: The Silence of the Lambs
Original film: Big Trouble || Predicted movie: Seven Samurai
Original film: Big Trouble in Little China || Predicted movie: Kung Fu Hustle
Original film: Bill & Ted's Bogus Journey || Predicted movie: Bill & Ted's Excellent Adventure
Original film: Bill & Ted's Excellent Adventure || Predicted movie: Back to the Future
Original film: Billy Elliot || Predicted movie: Gandhi
Original film: Birdman || Predicted movie: Whiplash
Original film: Birth || Predicted movie: Dear Frankie
Original film: Birthday Girl || Predicted movie: Dancer, Texas Pop. 81
Original film: Biutiful || Predicted movie: A Better Life
Original film: Bizarre || Predicted movie: The Shawshank Redemption
Original film: Black Book || Predicted movie: Schindler's List
Original film: Black Christmas || Predicted movie: Halloween
Original film: Black Hawk Down || Predicted movie: Captain Phillips
Original film: Black Knight || Predicted movie: The Prisoner of Zenda
Original film: Black Mass || Predicted movie: Monster
Original film: Black Nativity || Predicted movie: Nowhere Boy
Original film: Black November || Predicted movie: The Shawshank Redemption
Original film: Black Rain || Predicted movie: Kill Bill: Vol. 1
Original film: Black Rock || Predicted movie: American Psycho
Original film: Black Snake Moan || Predicted movie: Ordet
Original film: Black Swan || Predicted movie: Whiplash
Original film: Black or White || Predicted movie: Gran Torino
Original film: Blackhat || Predicted movie: The Silence of the Lambs
Original film: Blackthorn || Predicted movie: The Wild Bunch
Original film: Blade || Predicted movie: Interview with the Vampire
Original film: Blade II || Predicted movie: Spirited Away
Original film: Blade Runner || Predicted movie: 2001: A Space Odyssey
Original film: Blade: Trinity || Predicted movie: The Avengers
Original film: Blades of Glory || Predicted movie: Race
Original film: Blast from the Past || Predicted movie: Dancer, Texas Pop. 81
Original film: Blazing Saddles || Predicted movie: One Man's Hero
Original film: Bled || Predicted movie: Interview with the Vampire
Original film: Bleeding Hearts || Predicted movie: The Shining
Original film: Blended || Predicted movie: Dancer, Texas Pop. 81
Original film: Bless the Child || Predicted movie: Cries and Whispers
Original film: Blindness || Predicted movie: Django Unchained
Original film: Blonde Ambition || Predicted movie: Dancer, Texas Pop. 81
Original film: Blood Diamond || Predicted movie: One Flew Over the Cuckoo's Nest
Original film: Blood Done Sign My Name || Predicted movie: The Shawshank Redemption
Original film: Blood Ties || Predicted movie: Pulp Fiction
Original film: Blood Work || Predicted movie: Se7en
Original film: Blood and Chocolate || Predicted movie: City of God
Original film: Blood and Wine || Predicted movie: Tsotsi
Original film: BloodRayne || Predicted movie: Seven Samurai
Original film: Bloodsport || Predicted movie: Race
Original film: Bloody Sunday || Predicted movie: Seven Samurai
Original film: Blow || Predicted movie: Requiem for a Dream
Original film: Blow Out || Predicted movie: The Right Stuff
Original film: Blue Car || Predicted movie: Morvern Callar
Original film: Blue Crush || Predicted movie: The Prisoner of Zenda
Original film: Blue Jasmine || Predicted movie: Dancer, Texas Pop. 81
Original film: Blue Like Jazz || Predicted movie: The Shawshank Redemption
Original film: Blue Ruin || Predicted movie: Glengarry Glen Ross
Original film: Blue Streak || Predicted movie: Cradle 2 the Grave
Original film: Blue Valentine || Predicted movie: Days of Heaven
Original film: Boat Trip || Predicted movie: Dancer, Texas Pop. 81
Original film: Bobby || Predicted movie: Milk
Original film: Bobby Jones: Stroke of Genius || Predicted movie: Million Dollar Baby
Original film: Body Double || Predicted movie: Changeling
Original film: Body of Lies || Predicted movie: Das Boot
Original film: Bodyguards and Assassins || Predicted movie: Drive
Original film: Bogus || Predicted movie: Spirited Away
Original film: Boiler Room || Predicted movie: Wall Street
Original film: Bolt || Predicted movie: Up
Original film: Bon Cop Bad Cop || Predicted movie: The Negotiator
Original film: Bon voyage || Predicted movie: Dancer, Texas Pop. 81
Original film: Boogeyman || Predicted movie: Mulholland Drive
Original film: Boogie Nights || Predicted movie: Irreversible
Original film: Book of Shadows: Blair Witch 2 || Predicted movie: Memento
Original film: Boom Town || Predicted movie: Mad Max 2: The Road Warrior
Original film: Boomerang || Predicted movie: Dancer, Texas Pop. 81
Original film: Borat: Cultural Learnings of America for Make Benefit Glorious Nation of Kazakhstan || Predicted movie: Dancer, Texas Pop. 81
Original film: Born Of War || Predicted movie: The Matrix
Original film: Born on the Fourth of July || Predicted movie: Platoon
Original film: Born to Fly: Elizabeth Streb vs. Gravity || Predicted movie: The Square
Original film: Bottle Rocket || Predicted movie: Little Big Top
Original film: Bottle Shock || Predicted movie: Dancer, Texas Pop. 81
Original film: Bound || Predicted movie: The Silence of the Lambs
Original film: Bound by Honor || Predicted movie: Training Day
Original film: Bowfinger || Predicted movie: Ed Wood
Original film: Bowling for Columbine || Predicted movie: Tarnation
Original film: Boyhood || Predicted movie: American History X
Original film: Boynton Beach Club || Predicted movie: Little Big Top
Original film: Boys Don't Cry || Predicted movie: Monster
Original film: Boys and Girls || Predicted movie: Dancer, Texas Pop. 81
Original film: Boyz n the Hood || Predicted movie: Freedom Writers
Original film: Bran Nue Dae || Predicted movie: Dancer, Texas Pop. 81
Original film: Brave || Predicted movie: Frozen
Original film: Brave New Girl || Predicted movie: The Shawshank Redemption
Original film: Braveheart || Predicted movie: Seven Samurai
Original film: Brazil || Predicted movie: Sleeper
Original film: Breakdown || Predicted movie: Room
Original film: Breakfast of Champions || Predicted movie: Dancer, Texas Pop. 81
Original film: Breakin' All the Rules || Predicted movie: Dancer, Texas Pop. 81
Original film: Breaking Upwards || Predicted movie: Little Big Top
Original film: Brick Lane || Predicted movie: Morvern Callar
Original film: Brick Mansions || Predicted movie: The Matrix
Original film: Bride & Prejudice || Predicted movie: City of God
Original film: Bride Wars || Predicted movie: Dancer, Texas Pop. 81
Original film: Bride of Chucky || Predicted movie: Annabelle
Original film: Bridesmaids || Predicted movie: Pitch Perfect
Original film: Bridge of Spies || Predicted movie: Pulp Fiction
Original film: Bridge to Terabithia || Predicted movie: The Little Prince
Original film: Bridget Jones's Diary || Predicted movie: The Holiday
Original film: Bridget Jones: The Edge of Reason || Predicted movie: Dancer, Texas Pop. 81
Original film: Brigham City || Predicted movie: Se7en
Original film: Bright Lights, Big City || Predicted movie: Dallas Buyers Club
Original film: Bright Star || Predicted movie: Morvern Callar
Original film: Brighton Rock || Predicted movie: This Is England
Original film: Bring It On || Predicted movie: DodgeBall: A True Underdog Story
Original film: Bringing Down the House || Predicted movie: Dancer, Texas Pop. 81
Original film: Bringing Out the Dead || Predicted movie: Trainspotting
Original film: Brokeback Mountain || Predicted movie: Amores perros
Original film: Brokedown Palace || Predicted movie: The Shawshank Redemption
Original film: Broken Arrow || Predicted movie: Die Hard
Original film: Broken City || Predicted movie: Gattaca
Original film: Broken Horses || Predicted movie: Pulp Fiction
Original film: Broken Vessels || Predicted movie: The Shawshank Redemption
Original film: Bronson || Predicted movie: The Shawshank Redemption
Original film: Brooklyn || Predicted movie: GoodFellas
Original film: Brooklyn Rules || Predicted movie: The Shawshank Redemption
Original film: Brooklyn's Finest || Predicted movie: Monster
Original film: Brother || Predicted movie: Se7en
Original film: Brotherly Love || Predicted movie: The Shawshank Redemption
Original film: Brothers || Predicted movie: American History X
Original film: Brown Sugar || Predicted movie: Dancer, Texas Pop. 81
Original film: Bruce Almighty || Predicted movie: Spirited Away
Original film: Brüno || Predicted movie: Dancer, Texas Pop. 81
Original film: Bubba Ho-tep || Predicted movie: Dancer, Texas Pop. 81
Original film: Bubble Boy || Predicted movie: Big Fish
Original film: Bucky Larson: Born to Be a Star || Predicted movie: Dancer, Texas Pop. 81
Original film: Buffalo '66 || Predicted movie: Me You and Five Bucks
Original film: Buffalo Soldiers || Predicted movie: Irreversible
Original film: Bullet to the Head || Predicted movie: Seven Samurai
Original film: Bulletproof Monk || Predicted movie: Run Lola Run
Original film: Bullets Over Broadway || Predicted movie: The Count of Monte Cristo
Original film: Bully || Predicted movie: Trust
Original film: Bulworth || Predicted movie: Dancer, Texas Pop. 81
Original film: Buried || Predicted movie: Django Unchained
Original film: Burlesque || Predicted movie: American History X
Original film: Burn || Predicted movie: Cavite
Original film: Burn After Reading || Predicted movie: Dancer, Texas Pop. 81
Original film: Burnt || Predicted movie: Dallas Buyers Club
Original film: But I'm a Cheerleader || Predicted movie: Little Big Top
Original film: Butch Cassidy and the Sundance Kid || Predicted movie: Nixon
Original film: Butterfly || Predicted movie: Lilya 4-ever
Original film: Butterfly on a Wheel || Predicted movie: The Night Visitor
Original film: By the Sea || Predicted movie: City of God
Original film: C.H.U.D. || Predicted movie: Halloween
Original film: CJ7 || Predicted movie: Dancer, Texas Pop. 81
Original film: Ca$h || Predicted movie: Nine Queens
Original film: Cabin Fever || Predicted movie: Halloween
Original film: Caddyshack || Predicted movie: Dancer, Texas Pop. 81
Original film: Cadillac Records || Predicted movie: City of God
Original film: Call + Response || Predicted movie: Counting
Original film: Camping Sauvage || Predicted movie: The Shawshank Redemption
Original film: Can't Hardly Wait || Predicted movie: Jawbreaker
Original film: Can't Stop the Music || Predicted movie: Dancer, Texas Pop. 81
Original film: Cape Fear || Predicted movie: The Secret in Their Eyes
Original film: Capitalism: A Love Story || Predicted movie: Inside Job
Original film: Capote || Predicted movie: Freedom Writers
Original film: Capricorn One || Predicted movie: The Martian
Original film: Captain America: Civil War || Predicted movie: Thor
Original film: Captain America: The First Avenger || Predicted movie: Captain America: The Winter Soldier
Original film: Captain America: The Winter Soldier || Predicted movie: Thor: The Dark World
Original film: Captain Corelli's Mandolin || Predicted movie: The Bridge on the River Kwai
Original film: Captain Phillips || Predicted movie: Gladiator
Original film: Captive || Predicted movie: Monster
Original film: Caramel || Predicted movie: Atonement
Original film: Caravans || Predicted movie: Seven Samurai
Original film: Cargo || Predicted movie: Mulholland Drive
Original film: Carlos || Predicted movie: Se7en
Original film: Carnage || Predicted movie: Dancer, Texas Pop. 81
Original film: Carrie || Predicted movie: GoodFellas
Original film: Carriers || Predicted movie: Maze Runner: The Scorch Trials
Original film: Cars || Predicted movie: Finding Nemo
Original film: Cars 2 || Predicted movie: Cars
Original film: Casa De Mi Padre || Predicted movie: Dancer, Texas Pop. 81
Original film: Casablanca || Predicted movie: Schindler's List
Original film: Case 39 || Predicted movie: Blade
Original film: Casino || Predicted movie: Ray
Original film: Casino Jack || Predicted movie: The Wolf of Wall Street
Original film: Casino Royale || Predicted movie: Back to the Future
Original film: Casper || Predicted movie: Beetlejuice
Original film: Cast Away || Predicted movie: Dances with Wolves
Original film: Cat People || Predicted movie: Oldboy
Original film: Cat on a Hot Tin Roof || Predicted movie: One Flew Over the Cuckoo's Nest
Original film: Catch Me If You Can || Predicted movie: Schindler's List
Original film: Catch That Kid || Predicted movie: Karachi se Lahore
Original film: Catch a Fire || Predicted movie: Kill Bill: Vol. 2
Original film: Catch-22 || Predicted movie: The Boy in the Striped Pyjamas
Original film: Cats & Dogs || Predicted movie: Dancer, Texas Pop. 81
Original film: Cats & Dogs 2 : The Revenge of Kitty Galore || Predicted movie: Dancer, Texas Pop. 81
Original film: Cats Don't Dance || Predicted movie: Mulan
Original film: Catwoman || Predicted movie: The Dark Knight Rises
Original film: Cavite || Predicted movie: Burn
Original film: Cecil B. Demented || Predicted movie: Mulholland Drive
Original film: Cedar Rapids || Predicted movie: Dancer, Texas Pop. 81
Original film: Celebrity || Predicted movie: Ordet
Original film: Celeste & Jesse Forever || Predicted movie: Dancer, Texas Pop. 81
Original film: Cellular || Predicted movie: First Blood
Original film: Censored Voices || Predicted movie: Selma
Original film: Center Stage || Predicted movie: Black Swan
Original film: Central Intelligence || Predicted movie: Salt
Original film: Central Station || Predicted movie: Elite Squad
Original film: Centurion || Predicted movie: The Lord of the Rings: The Return of the King
Original film: Chain Letter || Predicted movie: The Loved Ones
Original film: Chain Reaction || Predicted movie: Guardians of the Galaxy
Original film: Chain of Command || Predicted movie: The Equalizer
Original film: Chairman of the Board || Predicted movie: Dancer, Texas Pop. 81
Original film: Changeling || Predicted movie: Hot Fuzz
Original film: Changing Lanes || Predicted movie: Enemy of the State
Original film: Chappie || Predicted movie: Se7en
Original film: Character || Predicted movie: The Shawshank Redemption
Original film: Chariots of Fire || Predicted movie: American Gangster
Original film: Charlie Bartlett || Predicted movie: Little Big Top
Original film: Charlie St. Cloud || Predicted movie: The Longest Ride
Original film: Charlie Wilson's War || Predicted movie: Dancer, Texas Pop. 81
Original film: Charlie and the Chocolate Factory || Predicted movie: Willy Wonka & the Chocolate Factory
Original film: Charlie's Angels || Predicted movie: The Matrix
Original film: Charlie's Angels: Full Throttle || Predicted movie: The Dark Knight Rises
Original film: Charlotte's Web || Predicted movie: Dancer, Texas Pop. 81
Original film: Charly || Predicted movie: Good Will Hunting
Original film: Chasing Amy || Predicted movie: Little Big Top
Original film: Chasing Liberty || Predicted movie: Dancer, Texas Pop. 81
Original film: Chasing Mavericks || Predicted movie: Million Dollar Baby
Original film: Chasing Papi || Predicted movie: Dancer, Texas Pop. 81
Original film: Cheap Thrills || Predicted movie: Rebecca
Original film: Cheaper by the Dozen || Predicted movie: Dancer, Texas Pop. 81
Original film: Cheaper by the Dozen 2 || Predicted movie: Dancer, Texas Pop. 81
Original film: Checkmate || Predicted movie: Pulp Fiction
Original film: Cheri || Predicted movie: The Shawshank Redemption
Original film: Chernobyl Diaries || Predicted movie: The Shining
Original film: Chiamatemi Francesco - Il Papa della gente || Predicted movie: Schindler's List
Original film: Chicago || Predicted movie: Seven Samurai
Original film: Chicago Overcoat || Predicted movie: Seven Samurai
Original film: Chicken Little || Predicted movie: Despicable Me
Original film: Chicken Run || Predicted movie: Toy Story 3
Original film: Chicken Tikka Masala || Predicted movie: Dancer, Texas Pop. 81
Original film: Child 44 || Predicted movie: The Silence of the Lambs
Original film: Child's Play || Predicted movie: Halloween
Original film: Child's Play 2 || Predicted movie: Blow Out
Original film: Childless || Predicted movie: #Horror
Original film: Children of Heaven || Predicted movie: 12 Angry Men
Original film: Children of Men || Predicted movie: Metropolis
Original film: Chill Factor || Predicted movie: Seven Samurai
Original film: Chloe || Predicted movie: The Shawshank Redemption
Original film: Chocolat || Predicted movie: Dancer, Texas Pop. 81
Original film: Chocolate: Deep Dark Secrets || Predicted movie: Pulp Fiction
Original film: Choke || Predicted movie: Dancer, Texas Pop. 81
Original film: Christmas Eve || Predicted movie: Me You and Five Bucks
Original film: Christmas Mail || Predicted movie: Dancer, Texas Pop. 81
Original film: Christmas with the Kranks || Predicted movie: Dancer, Texas Pop. 81
Original film: Chronicle || Predicted movie: Eternal Sunshine of the Spotless Mind
Original film: Chuck & Buck || Predicted movie: Little Big Top
Original film: Cinco de Mayo: La Batalla || Predicted movie: The Boy in the Striped Pyjamas
Original film: Cinderella || Predicted movie: Me You and Five Bucks
Original film: Cinderella Man || Predicted movie: Me You and Five Bucks
Original film: Circle || Predicted movie: The Shining
Original film: Circumstance || Predicted movie: City of God
Original film: Cirque du Freak: The Vampire's Assistant || Predicted movie: Big Hero 6
Original film: Cirque du Soleil: Worlds Away || Predicted movie: Spirited Away
Original film: City By The Sea || Predicted movie: On the Waterfront
Original film: City Hall || Predicted movie: Buffalo Soldiers
Original film: City Island || Predicted movie: The Prestige
Original film: City of Angels || Predicted movie: 21 Grams
Original film: City of Ember || Predicted movie: The Little Prince
Original film: City of Ghosts || Predicted movie: Pulp Fiction
Original film: City of God || Predicted movie: American Beauty
Original film: City of Life and Death || Predicted movie: The Last Samurai
Original film: Civil Brand || Predicted movie: Boys Don't Cry
Original film: Clash of the Titans || Predicted movie: Wrath of the Titans
Original film: Class of 1984 || Predicted movie: The Bounty
Original film: Clay Pigeons || Predicted movie: Dancer, Texas Pop. 81
Original film: Clean || Predicted movie: Trainspotting
Original film: Clear and Present Danger || Predicted movie: Die Hard
Original film: Cleopatra || Predicted movie: Downfall
Original film: Clerks || Predicted movie: Dancer, Texas Pop. 81
Original film: Clerks II || Predicted movie: Little Big Top
Original film: Click || Predicted movie: Dancer, Texas Pop. 81
Original film: Cliffhanger || Predicted movie: Fast Five
Original film: Clockstoppers || Predicted movie: Big Fish
Original film: Clockwatchers || Predicted movie: Little Big Top
Original film: Close Encounters of the Third Kind || Predicted movie: E.T. the Extra-Terrestrial
Original film: Close Range || Predicted movie: Se7en
Original film: Closer || Predicted movie: August Rush
Original film: Closer to the Moon || Predicted movie: Dancer, Texas Pop. 81
Original film: Cloud Atlas || Predicted movie: Metropolis
Original film: Cloudy with a Chance of Meatballs || Predicted movie: WALL·E
Original film: Cloudy with a Chance of Meatballs 2 || Predicted movie: WALL·E
Original film: Cloverfield || Predicted movie: Behind Enemy Lines
Original film: Club Dread || Predicted movie: Dancer, Texas Pop. 81
Original film: Clueless || Predicted movie: Dancer, Texas Pop. 81
Original film: Coach Carter || Predicted movie: The Class
Original film: Coal Miner's Daughter || Predicted movie: Schindler's List
Original film: Coco Before Chanel || Predicted movie: City of God
Original film: Code 46 || Predicted movie: Metropolis
Original film: Code Name: The Cleaner || Predicted movie: Seven Samurai
Original film: Code of Honor || Predicted movie: Seven Samurai
Original film: Coffee Town || Predicted movie: Dancer, Texas Pop. 81
Original film: Cold Mountain || Predicted movie: The Godfather
Original film: Collateral || Predicted movie: Crash
Original film: Collateral Damage || Predicted movie: Die Hard
Original film: College || Predicted movie: Dancer, Texas Pop. 81
Original film: Colombiana || Predicted movie: Seven Samurai
Original film: Come Early Morning || Predicted movie: Psycho
Original film: Coming Home || Predicted movie: The Last Emperor
Original film: Commando || Predicted movie: Inception
Original film: Compadres || Predicted movie: Seven Samurai
Original film: Compliance || Predicted movie: The Shawshank Redemption
Original film: Con Air || Predicted movie: Die Hard 2
Original film: Conan the Barbarian || Predicted movie: The Lord of the Rings: The Return of the King
Original film: Conan the Destroyer || Predicted movie: Harry Potter and the Half-Blood Prince
Original film: Concussion || Predicted movie: Schindler's List
Original film: Confessions of a Dangerous Mind || Predicted movie: Dancer, Texas Pop. 81
Original film: Confessions of a Teenage Drama Queen || Predicted movie: Dancer, Texas Pop. 81
Original film: Confidence || Predicted movie: Seven Samurai
Original film: Congo || Predicted movie: Seven Samurai
Original film: Connie and Carla || Predicted movie: Dancer, Texas Pop. 81
Original film: Conquest of the Planet of the Apes || Predicted movie: The Matrix
Original film: Conspiracy Theory || Predicted movie: The Bourne Ultimatum
Original film: Contact || Predicted movie: The Martian
Original film: Contagion || Predicted movie: Straight Outta Compton
Original film: Containment || Predicted movie: Pulp Fiction
Original film: Contraband || Predicted movie: Pulp Fiction
Original film: Control || Predicted movie: Dreamgirls
Original film: Conversations with Other Women || Predicted movie: Before Sunrise
Original film: Cool Runnings || Predicted movie: Dancer, Texas Pop. 81
Original film: Cop Land || Predicted movie: Bad Boys
Original film: Cop Out || Predicted movie: Kill Bill: Vol. 2
Original film: Copycat || Predicted movie: Do the Right Thing
Original film: Copying Beethoven || Predicted movie: City of God
Original film: Coraline || Predicted movie: Finding Nemo
Original film: Coriolanus || Predicted movie: Dr. Strangelove or: How I Learned to Stop Worrying and Love the Bomb
Original film: Corky Romano || Predicted movie: Seven Samurai
Original film: Corpse Bride || Predicted movie: Me You and Five Bucks
Original film: Cotton Comes to Harlem || Predicted movie: Seven Samurai
Original film: Counting || Predicted movie: Call + Response
Original film: Country Strong || Predicted movie: The Hustler
Original film: Couples Retreat || Predicted movie: Dancer, Texas Pop. 81
Original film: Courage Under Fire || Predicted movie: Patton
Original film: Courageous || Predicted movie: The Hunt
Original film: Coyote Ugly || Predicted movie: Dancer, Texas Pop. 81
Original film: Cradle 2 the Grave || Predicted movie: Killing Zoe
Original film: Cradle Will Rock || Predicted movie: The Shawshank Redemption
Original film: Crank || Predicted movie: The Bourne Identity
Original film: Crank: High Voltage || Predicted movie: The Bourne Ultimatum
Original film: Crash || Predicted movie: Straight Outta Compton
Original film: Crazy Heart || Predicted movie: The Lost Weekend
Original film: Crazy Stone || Predicted movie: Seven Samurai
Original film: Crazy in Alabama || Predicted movie: Dancer, Texas Pop. 81
Original film: Crazy, Stupid, Love. || Predicted movie: Dancer, Texas Pop. 81
Original film: Crazy/Beautiful || Predicted movie: August Rush
Original film: Creative Control || Predicted movie: The Shawshank Redemption
Original film: Creature || Predicted movie: The Shining
Original film: Creed || Predicted movie: Moneyball
Original film: Creepshow || Predicted movie: Day of the Dead
Original film: Creepshow 2 || Predicted movie: Creepshow
Original film: Cries and Whispers || Predicted movie: One Flew Over the Cuckoo's Nest
Original film: Criminal || Predicted movie: Man on Fire
Original film: Criminal Activities || Predicted movie: Pulp Fiction
Original film: Crimson Tide || Predicted movie: Das Boot
Original film: Critical Care || Predicted movie: Dancer, Texas Pop. 81
Original film: Crocodile Dundee || Predicted movie: Into the Wild
Original film: Crocodile Dundee II || Predicted movie: Live and Let Die
Original film: Crocodile Dundee in Los Angeles || Predicted movie: The Prisoner of Zenda
Original film: Crooklyn || Predicted movie: Little Big Top
Original film: Crossover || Predicted movie: Love & Basketball
Original film: Crossroads || Predicted movie: Inception
Original film: Crouching Tiger, Hidden Dragon || Predicted movie: Kung Fu Panda
Original film: Crowsnest || Predicted movie: #Horror
Original film: Cruel Intentions || Predicted movie: Anne of Green Gables
Original film: Cry Freedom || Predicted movie: Gandhi
Original film: Cry_Wolf || Predicted movie: Halloween
Original film: Crying with Laughter || Predicted movie: Dancer, Texas Pop. 81
Original film: Cube || Predicted movie: Now You See Me
Original film: Cure || Predicted movie: The Secret in Their Eyes
Original film: Curious George || Predicted movie: Life of Pi
Original film: Curse of the Golden Flower || Predicted movie: The Matrix
Original film: Cursed || Predicted movie: Night of the Living Dead
Original film: Cutthroat Island || Predicted movie: Captain Phillips
Original film: Cypher || Predicted movie: Gattaca
Original film: Cyrus || Predicted movie: Dancer, Texas Pop. 81
Original film: D-Tox || Predicted movie: Hud
Original film: D.E.B.S. || Predicted movie: The Matrix
Original film: DOA: Dead or Alive || Predicted movie: The Hunger Games: Catching Fire
Original film: Da Sweet Blood of Jesus || Predicted movie: Pulp Fiction
Original film: Daddy Day Camp || Predicted movie: Dancer, Texas Pop. 81
Original film: Daddy Day Care || Predicted movie: Dancer, Texas Pop. 81
Original film: Daddy's Home || Predicted movie: Dancer, Texas Pop. 81
Original film: Dallas Buyers Club || Predicted movie: Straight Outta Compton
Original film: Damnation Alley || Predicted movie: The Bourne Ultimatum
Original film: Damsels in Distress || Predicted movie: Pitch Perfect
Original film: Dance Flick || Predicted movie: Seven Samurai
Original film: Dancer in the Dark || Predicted movie: One Flew Over the Cuckoo's Nest
Original film: Dancer, Texas Pop. 81 || Predicted movie: Little Big Top
Original film: Dances with Wolves || Predicted movie: The Great Escape
Original film: Dancin' It's On || Predicted movie: Black Swan
Original film: Dangerous Liaisons || Predicted movie: Cruel Intentions
Original film: Danny Collins || Predicted movie: Dancer, Texas Pop. 81
Original film: Dante's Peak || Predicted movie: Die Hard
Original film: Dark Blue || Predicted movie: Training Day
Original film: Dark City || Predicted movie: Memento
Original film: Dark Shadows || Predicted movie: Dancer, Texas Pop. 81
Original film: Dark Water || Predicted movie: The Hunt
Original film: Darkness || Predicted movie: Insidious: Chapter 2
Original film: Darkness Falls || Predicted movie: Pulp Fiction
Original film: Darling Companion || Predicted movie: Django Unchained
Original film: Darling Lili || Predicted movie: Casablanca
Original film: Das Boot || Predicted movie: Crimson Tide
Original film: Date Movie || Predicted movie: Dancer, Texas Pop. 81
Original film: Date Night || Predicted movie: Mr. Smith Goes to Washington
Original film: Dave Chappelle's Block Party || Predicted movie: Dancer, Texas Pop. 81
Original film: Dawn of the Crescent Moon || Predicted movie: Pulp Fiction
Original film: Dawn of the Dead || Predicted movie: Army of Darkness
Original film: Dawn of the Planet of the Apes || Predicted movie: The Hunger Games: Mockingjay - Part 1
Original film: Day of the Dead || Predicted movie: Creepshow
Original film: Daybreakers || Predicted movie: Howl's Moving Castle
Original film: Daylight || Predicted movie: Die Hard: With a Vengeance
Original film: Days of Heaven || Predicted movie: The Time Traveler's Wife
Original film: Days of Thunder || Predicted movie: The Prisoner of Zenda
Original film: Dazed and Confused || Predicted movie: Dancer, Texas Pop. 81
Original film: De-Lovely || Predicted movie: Schindler's List
Original film: Dead Like Me: Life After Death || Predicted movie: City of Angels
Original film: Dead Man Down || Predicted movie: Now You See Me
Original film: Dead Man Walking || Predicted movie: 12 Angry Men
Original film: Dead Man on Campus || Predicted movie: Dancer, Texas Pop. 81
Original film: Dead Man's Shoes || Predicted movie: Oldboy
Original film: Dead Poets Society || Predicted movie: Finding Forrester
Original film: Dead Snow || Predicted movie: The Beyond
Original film: Deadfall || Predicted movie: The Secret in Their Eyes
Original film: Deadline - U.S.A. || Predicted movie: Se7en
Original film: Deadpool || Predicted movie: Captain America: The Winter Soldier
Original film: Dear Frankie || Predicted movie: The Hunt
Original film: Dear John || Predicted movie: Anne of Green Gables
Original film: Dear Wendy || Predicted movie: Dancer, Texas Pop. 81
Original film: Death Becomes Her || Predicted movie: The Age of Adaline
Original film: Death Race || Predicted movie: Terminator 2: Judgment Day
Original film: Death Race 2000 || Predicted movie: The Matrix
Original film: Death Sentence || Predicted movie: Face/Off
Original film: Death at a Funeral || Predicted movie: Dancer, Texas Pop. 81
Original film: Death to Smoochy || Predicted movie: Dancer, Texas Pop. 81
Original film: Deceptive Practice: The Mysteries and Mentors of Ricky Jay || Predicted movie: The Square
Original film: Deck the Halls || Predicted movie: Dancer, Texas Pop. 81
Original film: Deconstructing Harry || Predicted movie: Little Big Top
Original film: Decoys || Predicted movie: The Shining
Original film: Deep Blue Sea || Predicted movie: Seven Samurai
Original film: Deep Impact || Predicted movie: Armageddon
Original film: Deep Rising || Predicted movie: The Prisoner of Zenda
Original film: Def Jam's How to Be a Player || Predicted movie: (500) Days of Summer
Original film: Def-Con 4 || Predicted movie: Dawn of the Planet of the Apes
Original film: Defendor || Predicted movie: The Dark Knight
Original film: Definitely, Maybe || Predicted movie: Dancer, Texas Pop. 81
Original film: Delgo || Predicted movie: The Prisoner of Zenda
Original film: Deliver Us from Evil || Predicted movie: Pulp Fiction
Original film: Delivery Man || Predicted movie: Dancer, Texas Pop. 81
Original film: Demonic || Predicted movie: Gattaca
Original film: Departure || Predicted movie: Philadelphia
Original film: Derailed || Predicted movie: GoodFellas
Original film: Desert Blue || Predicted movie: Little Big Top
Original film: Desert Dancer || Predicted movie: Schindler's List
Original film: Desire || Predicted movie: Dogtooth
Original film: Desperado || Predicted movie: Pulp Fiction
Original film: Despicable Me || Predicted movie: Despicable Me 2
Original film: Despicable Me 2 || Predicted movie: Despicable Me
Original film: Detention || Predicted movie: Halloween
Original film: Detention of the Dead || Predicted movie: Little Big Top
Original film: Deterrence || Predicted movie: Seven Samurai
Original film: Detroit Rock City || Predicted movie: Little Big Top
Original film: Deuce Bigalow: European Gigolo || Predicted movie: Dancer, Texas Pop. 81
Original film: Deuce Bigalow: Male Gigolo || Predicted movie: Dancer, Texas Pop. 81
Original film: Deuces Wild || Predicted movie: Bound by Honor
Original film: Devil || Predicted movie: The Shining
Original film: Devil's Due || Predicted movie: [REC]
Original film: Diamond Ruff || Predicted movie: #Horror
Original film: Diamonds Are Forever || Predicted movie: Dr. No
Original film: Diary of a Mad Black Woman || Predicted movie: Dancer, Texas Pop. 81
Original film: Diary of a Wimpy Kid || Predicted movie: Dancer, Texas Pop. 81
Original film: Diary of a Wimpy Kid: Dog Days || Predicted movie: Dancer, Texas Pop. 81
Original film: Diary of a Wimpy Kid: Rodrick Rules || Predicted movie: Willy Wonka & the Chocolate Factory
Original film: Diary of the Dead || Predicted movie: Night of the Living Dead
Original film: Dick || Predicted movie: Dancer, Texas Pop. 81
Original film: Dick Tracy || Predicted movie: The Prisoner of Zenda
Original film: Dickie Roberts: Former Child Star || Predicted movie: Dancer, Texas Pop. 81
Original film: Did You Hear About the Morgans? || Predicted movie: Dancer, Texas Pop. 81
Original film: Die Another Day || Predicted movie: Casino Royale
Original film: Die Hard || Predicted movie: Live Free or Die Hard
Original film: Die Hard 2 || Predicted movie: Die Hard
Original film: Die Hard: With a Vengeance || Predicted movie: Die Hard
Original film: Digimon: The Movie || Predicted movie: Spirited Away
Original film: Diner || Predicted movie: Dancer, Texas Pop. 81
Original film: Dinner Rush || Predicted movie: The Shawshank Redemption
Original film: Dinner for Schmucks || Predicted movie: Dancer, Texas Pop. 81
Original film: Dinosaur || Predicted movie: Ice Age
Original film: Dirty Grandpa || Predicted movie: Dancer, Texas Pop. 81
Original film: Dirty Pretty Things || Predicted movie: Cure
Original film: Dirty Work || Predicted movie: Dancer, Texas Pop. 81
Original film: Disaster Movie || Predicted movie: Guardians of the Galaxy
Original film: Disclosure || Predicted movie: The Shawshank Redemption
Original film: District 9 || Predicted movie: Akira
Original film: District B13 || Predicted movie: The Matrix
Original film: Disturbia || Predicted movie: Pulp Fiction
Original film: Disturbing Behavior || Predicted movie: Nerve
Original film: Divergent || Predicted movie: The Hunger Games: Catching Fire
Original film: Divine Secrets of the Ya-Ya Sisterhood || Predicted movie: Dancer, Texas Pop. 81
Original film: Django Unchained || Predicted movie: 12 Years a Slave
Original film: Do You Believe? || Predicted movie: Spirited Away
Original film: Do the Right Thing || Predicted movie: Straight Outta Compton
Original film: Doc Holliday's Revenge || Predicted movie: One Man's Hero
Original film: Doctor Dolittle || Predicted movie: Dancer, Texas Pop. 81
Original film: Doctor Zhivago || Predicted movie: Amour
Original film: DodgeBall: A True Underdog Story || Predicted movie: Dancer, Texas Pop. 81
Original film: Dogma || Predicted movie: Spirited Away
Original film: Dogtooth || Predicted movie: American Beauty
Original film: Dogtown and Z-Boys || Predicted movie: Hoop Dreams
Original film: Dolphin Tale || Predicted movie: Atonement
Original film: Dolphin Tale 2 || Predicted movie: Karachi se Lahore
Original film: Dolphins and Whales: Tribes of the Ocean || Predicted movie: Oceans
Original film: Dom Hemingway || Predicted movie: Dancer, Texas Pop. 81
Original film: Domestic Disturbance || Predicted movie: The Sixth Sense
Original film: Domino || Predicted movie: The Incredibles
Original film: Don Jon || Predicted movie: Me You and Five Bucks
Original film: Don Juan DeMarco || Predicted movie: Me You and Five Bucks
Original film: Don McKay || Predicted movie: The Spanish Prisoner
Original film: Don't Be Afraid of the Dark || Predicted movie: Spirited Away
Original film: Don't Say a Word || Predicted movie: Mulholland Drive
Original film: Donkey Punch || Predicted movie: The Shining
Original film: Donnie Brasco || Predicted movie: Brooklyn's Finest
Original film: Donnie Darko || Predicted movie: Spirited Away
Original film: Donovan's Reef || Predicted movie: The Fifth Element
Original film: Doogal || Predicted movie: Karachi se Lahore
Original film: Doom || Predicted movie: The Prisoner of Zenda
Original film: Doomsday || Predicted movie: The Matrix
Original film: Dope || Predicted movie: The Wolf of Wall Street
Original film: Double Impact || Predicted movie: Pulp Fiction
Original film: Double Jeopardy || Predicted movie: Bound
Original film: Double Take || Predicted movie: The Prisoner of Zenda
Original film: Doubt || Predicted movie: Once Upon a Time in America
Original film: Doug's 1st Movie || Predicted movie: Toy Story
Original film: Down Terrace || Predicted movie: The Godfather
Original film: Down in the Valley || Predicted movie: Submarine
Original film: Down to Earth || Predicted movie: Spirited Away
Original film: Down to You || Predicted movie: Dancer, Texas Pop. 81
Original film: Downfall || Predicted movie: Judgment at Nuremberg
Original film: Dr. Dolittle 2 || Predicted movie: Dancer, Texas Pop. 81
Original film: Dr. No || Predicted movie: The Spy Who Loved Me
Original film: Dr. Strangelove or: How I Learned to Stop Worrying and Love the Bomb || Predicted movie: The Lives of Others
Original film: Dracula || Predicted movie: Me You and Five Bucks
Original film: Dracula 2000 || Predicted movie: Pulp Fiction
Original film: Dracula Untold || Predicted movie: Interview with the Vampire
Original film: Dracula: Pages from a Virgin's Diary || Predicted movie: Halloween
Original film: Draft Day || Predicted movie: The Blind Side
Original film: Drag Me to Hell || Predicted movie: Halloween
Original film: Dragon Blade || Predicted movie: Seven Samurai
Original film: Dragon Hunters || Predicted movie: Mulan
Original film: Dragon Nest: Warriors' Dawn || Predicted movie: The Prisoner of Zenda
Original film: Dragon Wars: D-War || Predicted movie: Spirited Away
Original film: DragonHeart || Predicted movie: How to Train Your Dragon
Original film: Dragonball Evolution || Predicted movie: Captain America: The Winter Soldier
Original film: Dragonfly || Predicted movie: Room
Original film: Dragonslayer || Predicted movie: How to Train Your Dragon 2
Original film: Dream House || Predicted movie: The Shawshank Redemption
Original film: Dream with the Fishes || Predicted movie: Little Big Top
Original film: Dreamcatcher || Predicted movie: The Exorcist
Original film: Dreamer: Inspired By a True Story || Predicted movie: The Straight Story
Original film: Dreamgirls || Predicted movie: Control
Original film: Dreaming of Joseph Lees || Predicted movie: Me You and Five Bucks
Original film: Dredd || Predicted movie: Snowpiercer
Original film: Dressed to Kill || Predicted movie: Halloween
Original film: Drillbit Taylor || Predicted movie: Election
Original film: Drinking Buddies || Predicted movie: Me You and Five Bucks
Original film: Drive || Predicted movie: GoodFellas
Original film: Drive Angry || Predicted movie: Spirited Away
Original film: Drive Hard || Predicted movie: Seven Samurai
Original film: Drive Me Crazy || Predicted movie: A Walk to Remember
Original film: Driven || Predicted movie: Run Lola Run
Original film: Driving Lessons || Predicted movie: Coach Carter
Original film: Driving Miss Daisy || Predicted movie: Dancer, Texas Pop. 81
Original film: Drop Dead Gorgeous || Predicted movie: Dancer, Texas Pop. 81
Original film: Drowning Mona || Predicted movie: Dancer, Texas Pop. 81
Original film: Drumline || Predicted movie: The Shawshank Redemption
Original film: Dry Spell || Predicted movie: Dancer, Texas Pop. 81
Original film: Dude, Where’s My Car? || Predicted movie: Dancer, Texas Pop. 81
Original film: Dudley Do-Right || Predicted movie: Dancer, Texas Pop. 81
Original film: Due Date || Predicted movie: Dancer, Texas Pop. 81
Original film: Duel in the Sun || Predicted movie: One Man's Hero
Original film: Duets || Predicted movie: Dancer, Texas Pop. 81
Original film: Dum Maaro Dum || Predicted movie: The Shawshank Redemption
Original film: Duma || Predicted movie: The Wizard of Oz
Original film: Dumb and Dumber || Predicted movie: Dancer, Texas Pop. 81
Original film: Dumb and Dumber To || Predicted movie: Dancer, Texas Pop. 81
Original film: Dumb and Dumberer: When Harry Met Lloyd || Predicted movie: Dancer, Texas Pop. 81
Original film: Dune || Predicted movie: The Matrix
Original film: Dungeons & Dragons: Wrath of the Dragon God || Predicted movie: The Hobbit: The Battle of the Five Armies
Original film: Duplex || Predicted movie: Seven Samurai
Original film: Duplicity || Predicted movie: Me You and Five Bucks
Original film: Dwegons || Predicted movie: WALL·E
Original film: Dying of the Light || Predicted movie: Bridge of Spies
Original film: Dylan Dog: Dead of Night || Predicted movie: V for Vendetta
Original film: DysFunktional Family || Predicted movie: Dancer, Texas Pop. 81
Original film: Dysfunctional Friends || Predicted movie: Dancer, Texas Pop. 81
Original film: Déjà Vu || Predicted movie: Me You and Five Bucks
Original film: E.T. the Extra-Terrestrial || Predicted movie: Close Encounters of the Third Kind
Original film: Eagle Eye || Predicted movie: Nerve
Original film: Earth || Predicted movie: Me Before You
Original film: Earth to Echo || Predicted movie: Karachi se Lahore
Original film: East Is East || Predicted movie: Dancer, Texas Pop. 81
Original film: Eastern Promises || Predicted movie: The Equalizer
Original film: Easy A || Predicted movie: Dancer, Texas Pop. 81
Original film: Easy Money || Predicted movie: The Shawshank Redemption
Original film: Easy Virtue || Predicted movie: Dancer, Texas Pop. 81
Original film: Eat Pray Love || Predicted movie: The Hunt
Original film: Echo Dr. || Predicted movie: Pulp Fiction
Original film: Ed Wood || Predicted movie: Dancer, Texas Pop. 81
Original film: Ed and His Dead Mother || Predicted movie: Dancer, Texas Pop. 81
Original film: Eddie the Eagle || Predicted movie: Dancer, Texas Pop. 81
Original film: Eddie: The Sleepwalking Cannibal || Predicted movie: The Shining
Original film: Eden || Predicted movie: Pulp Fiction
Original film: Eden Lake || Predicted movie: Silent Hill
Original film: Edge of Darkness || Predicted movie: The Funeral
Original film: Edge of Tomorrow || Predicted movie: Avatar
Original film: Edmond || Predicted movie: GoodFellas
Original film: Edtv || Predicted movie: Dancer, Texas Pop. 81
Original film: Edward Scissorhands || Predicted movie: Spirited Away
Original film: Eight Below || Predicted movie: Interstellar
Original film: Eight Legged Freaks || Predicted movie: Seven Samurai
Original film: El Mariachi || Predicted movie: Seven Samurai
Original film: Election || Predicted movie: Little Big Top
Original film: Elektra || Predicted movie: Batman Begins
Original film: Elf || Predicted movie: Dancer, Texas Pop. 81
Original film: Elite Squad || Predicted movie: Straight Outta Compton
Original film: Elizabeth || Predicted movie: Oldboy
Original film: Elizabeth: The Golden Age || Predicted movie: American Beauty
Original film: Elizabethtown || Predicted movie: Dancer, Texas Pop. 81
Original film: Ella Enchanted || Predicted movie: Willy Wonka & the Chocolate Factory
Original film: Elling || Predicted movie: Dancer, Texas Pop. 81
Original film: Elmer Gantry || Predicted movie: The Shawshank Redemption
Original film: Elsa & Fred || Predicted movie: Dancer, Texas Pop. 81
Original film: Elysium || Predicted movie: 2001: A Space Odyssey
Original film: Emma || Predicted movie: Me You and Five Bucks
Original film: Employee of the Month || Predicted movie: Dancer, Texas Pop. 81
Original film: Enchanted || Predicted movie: Dancer, Texas Pop. 81
Original film: End of Days || Predicted movie: Die Hard: With a Vengeance
Original film: End of Watch || Predicted movie: Baby Boy
Original film: End of the Spear || Predicted movie: The Prisoner of Zenda
Original film: Ender's Game || Predicted movie: Moon
Original film: Endless Love || Predicted movie: The Shawshank Redemption
Original film: Enemy at the Gates || Predicted movie: The Boy in the Striped Pyjamas
Original film: Enemy of the State || Predicted movie: Conspiracy Theory
Original film: Enough || Predicted movie: The Theory of Everything
Original film: Enough Said || Predicted movie: Dancer, Texas Pop. 81
Original film: Enter Nowhere || Predicted movie: Memento
Original film: Enter the Dangerous Mind || Predicted movie: Pulp Fiction
Original film: Enter the Void || Predicted movie: Beetlejuice
Original film: Entrapment || Predicted movie: Me You and Five Bucks
Original film: Envy || Predicted movie: Dancer, Texas Pop. 81
Original film: Epic || Predicted movie: WALL·E
Original film: Epic Movie || Predicted movie: Seven Samurai
Original film: Equilibrium || Predicted movie: V for Vendetta
Original film: Eragon || Predicted movie: The Green Mile
Original film: Eraser || Predicted movie: Die Hard
Original film: Eraserhead || Predicted movie: Hustle & Flow
Original film: Erin Brockovich || Predicted movie: GoodFellas
Original film: Ernest & Celestine || Predicted movie: Toy Story
Original film: Escape Plan || Predicted movie: First Blood
Original film: Escape from Alcatraz || Predicted movie: Freedom Writers
Original film: Escape from L.A. || Predicted movie: First Blood
Original film: Escape from New York || Predicted movie: Akira
Original film: Escape from Planet Earth || Predicted movie: Toy Story 3
Original film: Escape from Tomorrow || Predicted movie: The Shining
Original film: Escape from the Planet of the Apes || Predicted movie: The Matrix
Original film: Escobar: Paradise Lost || Predicted movie: Eastern Promises
Original film: Eternal Sunshine of the Spotless Mind || Predicted movie: The Man from Earth
Original film: Eulogy || Predicted movie: Little Big Top
Original film: EuroTrip || Predicted movie: Fast Times at Ridgemont High
Original film: Evan Almighty || Predicted movie: How to Train Your Dragon 2
Original film: Eve's Bayou || Predicted movie: The Second Mother
Original film: Event Horizon || Predicted movie: Aliens
Original film: Ever After: A Cinderella Story || Predicted movie: Anne of Green Gables
Original film: Everest || Predicted movie: The Empire Strikes Back
Original film: Everybody's Fine || Predicted movie: Inside Out
Original film: Everyone Says I Love You || Predicted movie: The Business of Fancydancing
Original film: Everything Must Go || Predicted movie: Little Big Top
Original film: Everything Put Together || Predicted movie: Ordet
Original film: Everything You Always Wanted to Know About Sex *But Were Afraid to Ask || Predicted movie: Dancer, Texas Pop. 81
Original film: Evil Dead || Predicted movie: The Thing
Original film: Evil Dead II || Predicted movie: The Evil Dead
Original film: Evil Words || Predicted movie: The Dead Zone
Original film: Evita || Predicted movie: The Imitation Game
Original film: Evolution || Predicted movie: Memento
Original film: Ex Machina || Predicted movie: Dancer in the Dark
Original film: Exam || Predicted movie: Pulp Fiction
Original film: Excessive Force || Predicted movie: Bound by Honor
Original film: Executive Decision || Predicted movie: Die Hard: With a Vengeance
Original film: Exiled || Predicted movie: Seven Samurai
Original film: Exit Wounds || Predicted movie: Scarface
Original film: Exodus: Gods and Kings || Predicted movie: Big Hero 6
Original film: Exorcist II: The Heretic || Predicted movie: The Wailing
Original film: Exorcist: The Beginning || Predicted movie: The Wailing
Original film: Exotica || Predicted movie: Heavenly Creatures
Original film: Extract || Predicted movie: Little Big Top
Original film: Extraordinary Measures || Predicted movie: The Shawshank Redemption
Original film: Extreme Measures || Predicted movie: Room
Original film: Extreme Movie || Predicted movie: Dancer, Texas Pop. 81
Original film: Extreme Ops || Predicted movie: Seven Samurai
Original film: Extremely Loud & Incredibly Close || Predicted movie: GoodFellas
Original film: Eye for an Eye || Predicted movie: American History X
Original film: Eye of the Beholder || Predicted movie: The Shawshank Redemption
Original film: Eye of the Dolphin || Predicted movie: Shutter Island
Original film: Eyes Wide Shut || Predicted movie: Memento
Original film: F.I.S.T. || Predicted movie: The Shawshank Redemption
Original film: Face/Off || Predicted movie: Die Hard: With a Vengeance
Original film: Facing the Giants || Predicted movie: The Visual Bible: The Gospel of John
Original film: Factory Girl || Predicted movie: Notes on a Scandal
Original film: Fahrenheit 9/11 || Predicted movie: The Act of Killing
Original film: Failure to Launch || Predicted movie: Dancer, Texas Pop. 81
Original film: Fair Game || Predicted movie: Inside Out
Original film: Faith Connections || Predicted movie: Counting
Original film: Faith Like Potatoes || Predicted movie: The Shawshank Redemption
Original film: Faithful || Predicted movie: Dancer, Texas Pop. 81
Original film: Falcon Rising || Predicted movie: The Prisoner of Zenda
Original film: Fame || Predicted movie: Mr. Holland's Opus
Original film: Family Plot || Predicted movie: Dancer, Texas Pop. 81
Original film: Fantasia || Predicted movie: Fantasia 2000
Original film: Fantasia 2000 || Predicted movie: Fantasia
Original film: Fantastic 4: Rise of the Silver Surfer || Predicted movie: Captain America: Civil War
Original film: Fantastic Four || Predicted movie: Avengers: Age of Ultron
Original film: Fantastic Mr. Fox || Predicted movie: Big Hero 6
Original film: Far from Heaven || Predicted movie: The Theory of Everything
Original film: Far from Men || Predicted movie: The Hunt
Original film: Farce of the Penguins || Predicted movie: Dancer, Texas Pop. 81
Original film: Fascination || Predicted movie: Me You and Five Bucks
Original film: Fast Five || Predicted movie: The Fast and the Furious
Original film: Fast Times at Ridgemont High || Predicted movie: Sex Drive
Original film: Faster || Predicted movie: Se7en
Original film: Fat Albert || Predicted movie: Dancer, Texas Pop. 81
Original film: Fat, Sick & Nearly Dead || Predicted movie: Counting
Original film: Fatal Attraction || Predicted movie: The Godfather
Original film: Fateless || Predicted movie: The Boy in the Striped Pyjamas
Original film: Fear Clinic || Predicted movie: The Shining
Original film: Fear and Loathing in Las Vegas || Predicted movie: The Prisoner of Zenda
Original film: FearDotCom || Predicted movie: Evil Dead II
Original film: Feast || Predicted movie: Guardians of the Galaxy
Original film: Felicia's Journey || Predicted movie: Rebecca
Original film: Femme Fatale || Predicted movie: Gattaca
Original film: Fetching Cody || Predicted movie: Little Big Top
Original film: Fever Pitch || Predicted movie: Dancer, Texas Pop. 81
Original film: Fiddler on the Roof || Predicted movie: My Fair Lady
Original film: Fido || Predicted movie: Me You and Five Bucks
Original film: Fifty Dead Men Walking || Predicted movie: The Matrix
Original film: Fifty Shades of Black || Predicted movie: Me You and Five Bucks
Original film: Fifty Shades of Grey || Predicted movie: Me Before You
Original film: Fight Club || Predicted movie: Whiplash
Original film: Fight Valley || Predicted movie: Warrior
Original film: Fight to the Finish || Predicted movie: Me You and Five Bucks
Original film: Fighting Tommy Riley || Predicted movie: Bloody Sunday
Original film: Filly Brown || Predicted movie: The Shawshank Redemption
Original film: Final Destination || Predicted movie: The Shining
Original film: Final Destination 2 || Predicted movie: The Shining
Original film: Final Destination 3 || Predicted movie: Alien
Original film: Final Destination 5 || Predicted movie: The Shining
Original film: Final Fantasy: The Spirits Within || Predicted movie: Interstellar
Original film: Find Me Guilty || Predicted movie: 12 Angry Men
Original film: Finding Forrester || Predicted movie: Dead Poets Society
Original film: Finding Nemo || Predicted movie: Coraline
Original film: Finding Neverland || Predicted movie: About a Boy
Original film: Finishing The Game || Predicted movie: Little Big Top
Original film: Firefox || Predicted movie: The Andromeda Strain
Original film: Fireproof || Predicted movie: The Visual Bible: The Gospel of John
Original film: Firestarter || Predicted movie: Spirited Away
Original film: Firestorm || Predicted movie: Seven Samurai
Original film: Firewall || Predicted movie: The Girl with the Dragon Tattoo
Original film: First Blood || Predicted movie: Rambo: First Blood Part II
Original film: First Knight || Predicted movie: Seven Samurai
Original film: First Love, Last Rites || Predicted movie: Trainspotting
Original film: Fish Tank || Predicted movie: Notes on a Scandal
Original film: Fiza || Predicted movie: Anne of Green Gables
Original film: Flags of Our Fathers || Predicted movie: The Boy in the Striped Pyjamas
Original film: Flame & Citron || Predicted movie: Reservoir Dogs
Original film: Flash Gordon || Predicted movie: Dawn of the Planet of the Apes
Original film: Flash of Genius || Predicted movie: Schindler's List
Original film: Flashdance || Predicted movie: Dancer in the Dark
Original film: Flatliners || Predicted movie: Once Upon a Time in America
Original film: Flawless || Predicted movie: Little Big Top
Original film: Fled || Predicted movie: 2 Guns
Original film: Flicka || Predicted movie: The Shawshank Redemption
Original film: Flight || Predicted movie: Saving Private Ryan
Original film: Flight of the Intruder || Predicted movie: Gladiator
Original film: Flight of the Phoenix || Predicted movie: Seven Samurai
Original film: Flightplan || Predicted movie: Pulp Fiction
Original film: Flipped || Predicted movie: The Fault in Our Stars
Original film: Flipper || Predicted movie: The Prisoner of Zenda
Original film: Flirting with Disaster || Predicted movie: Little Big Top
Original film: Florence Foster Jenkins || Predicted movie: Dancer, Texas Pop. 81
Original film: Flubber || Predicted movie: Dancer, Texas Pop. 81
Original film: Flushed Away || Predicted movie: Harry Potter and the Philosopher's Stone
Original film: Fly Me to the Moon || Predicted movie: Dancer, Texas Pop. 81
Original film: Flyboys || Predicted movie: Seven Samurai
Original film: Flying By || Predicted movie: The Shawshank Redemption
Original film: Flywheel || Predicted movie: Fireproof
Original film: Focus || Predicted movie: Me You and Five Bucks
Original film: Food Chains || Predicted movie: Counting
Original film: Food, Inc. || Predicted movie: Counting
Original film: Foodfight! || Predicted movie: WALL·E
Original film: Fool's Gold || Predicted movie: Me You and Five Bucks
Original film: Foolish || Predicted movie: Little Big Top
Original film: Footloose || Predicted movie: Center Stage
Original film: For Colored Girls || Predicted movie: American History X
Original film: For Greater Glory - The True Story of Cristiada || Predicted movie: The Imitation Game
Original film: For Love of the Game || Predicted movie: Million Dollar Baby
Original film: For Your Consideration || Predicted movie: Dancer, Texas Pop. 81
Original film: For Your Eyes Only || Predicted movie: The Spy Who Loved Me
Original film: For a Good Time, Call... || Predicted movie: Dancer, Texas Pop. 81
Original film: Forbidden Kingdom || Predicted movie: Pulp Fiction
Original film: Force 10 from Navarone || Predicted movie: Seven Samurai
Original film: Forget Me Not || Predicted movie: Ordet
Original film: Forgetting Sarah Marshall || Predicted movie: Dancer, Texas Pop. 81
Original film: Forrest Gump || Predicted movie: Dancer, Texas Pop. 81
Original film: Forsaken || Predicted movie: One Man's Hero
Original film: Fort McCoy || Predicted movie: The Boy in the Striped Pyjamas
Original film: Fortress || Predicted movie: Terminator 2: Judgment Day
Original film: Forty Shades of Blue || Predicted movie: Ordet
Original film: Four Brothers || Predicted movie: Kill Bill: Vol. 2
Original film: Four Christmases || Predicted movie: The Holiday
Original film: Four Lions || Predicted movie: Dancer, Texas Pop. 81
Original film: Four Rooms || Predicted movie: Baby Boy
Original film: Four Weddings and a Funeral || Predicted movie: 27 Dresses
Original film: Frailty || Predicted movie: The Devil's Rejects
Original film: Frances Ha || Predicted movie: Dancer, Texas Pop. 81
Original film: Frankenweenie || Predicted movie: My Dog Tulip
Original film: Frat Party || Predicted movie: Dancer, Texas Pop. 81
Original film: Freakonomics || Predicted movie: Inside Job
Original film: Freaky Deaky || Predicted movie: Dancer, Texas Pop. 81
Original film: Freaky Friday || Predicted movie: Dancer, Texas Pop. 81
Original film: Freddy Got Fingered || Predicted movie: Dancer, Texas Pop. 81
Original film: Freddy vs. Jason || Predicted movie: Halloween
Original film: Freddy's Dead: The Final Nightmare || Predicted movie: A Nightmare on Elm Street
Original film: Free Birds || Predicted movie: Despicable Me
Original film: Free State of Jones || Predicted movie: Glory
Original film: Free Style || Predicted movie: Inside Out
Original film: Freedom || Predicted movie: One Flew Over the Cuckoo's Nest
Original film: Freedom Writers || Predicted movie: To Kill a Mockingbird
Original film: Freeheld || Predicted movie: Me You and Five Bucks
Original film: Freeway || Predicted movie: Little Big Top
Original film: Freeze Frame || Predicted movie: Eastern Promises
Original film: Frenzy || Predicted movie: Se7en
Original film: Frequency || Predicted movie: Se7en
Original film: Frida || Predicted movie: Me Before You
Original film: Friday || Predicted movie: Dancer, Texas Pop. 81
Original film: Friday After Next || Predicted movie: Dancer, Texas Pop. 81
Original film: Friday the 13th Part 2 || Predicted movie: The Texas Chain Saw Massacre
Original film: Friday the 13th Part III || Predicted movie: Halloween
Original film: Friday the 13th Part VI: Jason Lives || Predicted movie: Halloween
Original film: Friday the 13th Part VII: The New Blood || Predicted movie: Halloween
Original film: Friday the 13th Part VIII: Jason Takes Manhattan || Predicted movie: Halloween
Original film: Friday the 13th: A New Beginning || Predicted movie: Halloween
Original film: Friday the 13th: The Final Chapter || Predicted movie: Halloween
Original film: Friends with Benefits || Predicted movie: Me You and Five Bucks
Original film: Friends with Money || Predicted movie: Dancer, Texas Pop. 81
Original film: Fright Night || Predicted movie: The Thing
Original film: From Dusk Till Dawn || Predicted movie: Blade
Original film: From Hell || Predicted movie: The Shining
Original film: From Here to Eternity || Predicted movie: The Boy in the Striped Pyjamas
Original film: From Justin to Kelly || Predicted movie: Dancer, Texas Pop. 81
Original film: From Paris with Love || Predicted movie: The Bourne Ultimatum
Original film: From Russia with Love || Predicted movie: You Only Live Twice
Original film: From a Whisper to a Scream || Predicted movie: Dancer, Texas Pop. 81
Original film: Frost/Nixon || Predicted movie: The Hunt
Original film: Frozen || Predicted movie: Aladdin
Original film: Frozen River || Predicted movie: City of God
Original film: Fruitvale Station || Predicted movie: Straight Outta Compton
Original film: Fuel || Predicted movie: Who Killed the Electric Car?
Original film: Fugly || Predicted movie: Dancer, Texas Pop. 81
Original film: Full Frontal || Predicted movie: Little Big Top
Original film: Fun Size || Predicted movie: Dancer, Texas Pop. 81
Original film: Fun with Dick and Jane || Predicted movie: Dancer, Texas Pop. 81
Original film: Funny Games || Predicted movie: Green Room
Original film: Funny Ha Ha || Predicted movie: The Shawshank Redemption
Original film: Funny People || Predicted movie: Dancer, Texas Pop. 81
Original film: Fur: An Imaginary Portrait of Diane Arbus || Predicted movie: The Elephant Man
Original film: Furious 7 || Predicted movie: Kill Bill: Vol. 1
Original film: Furry Vengeance || Predicted movie: Dancer, Texas Pop. 81
Original film: Fury || Predicted movie: The Boy in the Striped Pyjamas
Original film: Futuro Beach || Predicted movie: The Lives of Others
Original film: G-Force || Predicted movie: Spirited Away
Original film: G.I. Jane || Predicted movie: Lone Survivor
Original film: G.I. Joe: Retaliation || Predicted movie: The Hunger Games: Catching Fire
Original film: G.I. Joe: The Rise of Cobra || Predicted movie: The Hunger Games: Catching Fire
Original film: Gabriela || Predicted movie: The Shawshank Redemption
Original film: Galaxina || Predicted movie: Dancer, Texas Pop. 81
Original film: Galaxy Quest || Predicted movie: Dancer, Texas Pop. 81
Original film: Gamer || Predicted movie: The Maze Runner
Original film: Gandhi || Predicted movie: Saving Private Ryan
Original film: Gandhi, My Father || Predicted movie: Schindler's List
Original film: Gangs of New York || Predicted movie: GoodFellas
Original film: Gangster Squad || Predicted movie: Baby Boy
Original film: Gangster's Paradise: Jerusalema || Predicted movie: The Godfather
Original film: Garden State || Predicted movie: The Big Lebowski
Original film: Garfield || Predicted movie: WALL·E
Original film: Garfield: A Tail of Two Kitties || Predicted movie: WALL·E
Original film: Gattaca || Predicted movie: The Talented Mr. Ripley
Original film: Gentleman's Agreement || Predicted movie: Inglourious Basterds
Original film: Gentlemen Broncos || Predicted movie: Guardians of the Galaxy
Original film: George Washington || Predicted movie: Ordet
Original film: George and the Dragon || Predicted movie: Big Hero 6
Original film: George of the Jungle || Predicted movie: The Wizard of Oz
Original film: Georgia Rule || Predicted movie: Dancer, Texas Pop. 81
Original film: Gerry || Predicted movie: Memento
Original film: Get Carter || Predicted movie: Fast Five
Original film: Get Hard || Predicted movie: Dancer, Texas Pop. 81
Original film: Get Him to the Greek || Predicted movie: Dancer, Texas Pop. 81
Original film: Get Low || Predicted movie: Little Big Top
Original film: Get Over It || Predicted movie: Dancer, Texas Pop. 81
Original film: Get Rich or Die Tryin' || Predicted movie: Hustle & Flow
Original film: Get Shorty || Predicted movie: Thank You for Smoking
Original film: Get Smart || Predicted movie: True Lies
Original film: Get on Up || Predicted movie: Schindler's List
Original film: Get on the Bus || Predicted movie: The Pursuit of Happyness
Original film: Getaway || Predicted movie: Seven Samurai
Original film: Gettysburg || Predicted movie: Glory
Original film: Ghost || Predicted movie: Enter the Void
Original film: Ghost Dog: The Way of the Samurai || Predicted movie: On the Waterfront
Original film: Ghost Rider || Predicted movie: Pulp Fiction
Original film: Ghost Rider: Spirit of Vengeance || Predicted movie: Captain America: The Winter Soldier
Original film: Ghost Ship || Predicted movie: The Shining
Original film: Ghost Town || Predicted movie: Dancer, Texas Pop. 81
Original film: Ghost World || Predicted movie: Dancer, Texas Pop. 81
Original film: Ghostbusters || Predicted movie: Seven Samurai
Original film: Ghosts of Mars || Predicted movie: Seven Samurai
Original film: Ghosts of Mississippi || Predicted movie: Selma
Original film: Gigli || Predicted movie: Room
Original film: Girl 6 || Predicted movie: Little Big Top
Original film: Girl with a Pearl Earring || Predicted movie: Schindler's List
Original film: Girl, Interrupted || Predicted movie: GoodFellas
Original film: GirlHouse || Predicted movie: Halloween
Original film: Girls Gone Dead || Predicted movie: The Shining
Original film: Gladiator || Predicted movie: Kill Bill: Vol. 1
Original film: Glee: The Concert Movie || Predicted movie: One Direction: This Is Us
Original film: Glengarry Glen Ross || Predicted movie: Cure
Original film: Glitter || Predicted movie: Amadeus
Original film: Glory || Predicted movie: Gettysburg
Original film: Glory Road || Predicted movie: Coach Carter
Original film: Go || Predicted movie: The Wolf of Wall Street
Original film: Go for It! || Predicted movie: City of God
Original film: Goal!: The Dream Begins || Predicted movie: Unbroken
Original film: God's Not Dead 2 || Predicted movie: The Visual Bible: The Gospel of John
Original film: Goddess of Love || Predicted movie: Memento
Original film: Gods and Generals || Predicted movie: Casablanca
Original film: Gods and Monsters || Predicted movie: Schindler's List
Original film: Gods of Egypt || Predicted movie: How to Train Your Dragon 2
Original film: Godsend || Predicted movie: Waltz with Bashir
Original film: Godzilla 2000 || Predicted movie: The Prisoner of Zenda
Original film: Going the Distance || Predicted movie: Fast Times at Ridgemont High
Original film: GoldenEye || Predicted movie: Dr. No
Original film: Goldfinger || Predicted movie: Dr. No
Original film: Gone Girl || Predicted movie: The Sixth Sense
Original film: Gone in Sixty Seconds || Predicted movie: Die Hard: With a Vengeance
Original film: Gone with the Wind || Predicted movie: The Devil's Advocate
Original film: Good || Predicted movie: Schindler's List
Original film: Good Boy! || Predicted movie: Dancer, Texas Pop. 81
Original film: Good Deeds || Predicted movie: Dancer, Texas Pop. 81
Original film: Good Dick || Predicted movie: Little Big Top
Original film: Good Intentions || Predicted movie: Little Big Top
Original film: Good Kill || Predicted movie: Seven Samurai
Original film: Good Luck Chuck || Predicted movie: Dancer, Texas Pop. 81
Original film: Good Morning, Vietnam || Predicted movie: American Graffiti
Original film: Good Night, and Good Luck. || Predicted movie: The Lives of Others
Original film: Good Will Hunting || Predicted movie: The Departed
Original film: Good bye, Lenin! || Predicted movie: Brazil
Original film: GoodFellas || Predicted movie: The Godfather
Original film: Goodbye Bafana || Predicted movie: The Imitation Game
Original film: Goosebumps || Predicted movie: Harry Potter and the Prisoner of Azkaban
Original film: Gory Gory Hallelujah || Predicted movie: City of God
Original film: Gosford Park || Predicted movie: Psycho
Original film: Gossip || Predicted movie: Arlington Road
Original film: Gothika || Predicted movie: The Shining
Original film: Grabbers || Predicted movie: 2001: A Space Odyssey
Original film: Grace Unplugged || Predicted movie: The Visual Bible: The Gospel of John
Original film: Grace of Monaco || Predicted movie: Me You and Five Bucks
Original film: Gracie || Predicted movie: The Shawshank Redemption
Original film: Graduation Day || Predicted movie: Halloween
Original film: Gran Torino || Predicted movie: Straight Outta Compton
Original film: Grand Theft Parsons || Predicted movie: Blow
Original film: Grandma's Boy || Predicted movie: Dancer, Texas Pop. 81
Original film: Grave Encounters || Predicted movie: Man on Wire
Original film: Gravity || Predicted movie: 2001: A Space Odyssey
Original film: Grease || Predicted movie: Me You and Five Bucks
Original film: Green Lantern || Predicted movie: Captain America: Civil War
Original film: Green Room || Predicted movie: Maniac
Original film: Green Street Hooligans: Underground || Predicted movie: Seven Samurai
Original film: Green Zone || Predicted movie: The Boy in the Striped Pyjamas
Original film: Gremlins || Predicted movie: Edward Scissorhands
Original film: Gremlins 2: The New Batch || Predicted movie: Dancer, Texas Pop. 81
Original film: Gridiron Gang || Predicted movie: Soul Surfer
Original film: Griff the Invisible || Predicted movie: Me You and Five Bucks
Original film: Grindhouse || Predicted movie: Pulp Fiction
Original film: Groove || Predicted movie: Ordet
Original film: Grosse Pointe Blank || Predicted movie: The Bourne Identity
Original film: Groundhog Day || Predicted movie: Me You and Five Bucks
Original film: Growing Up Smith || Predicted movie: Dancer, Texas Pop. 81
Original film: Grown Ups || Predicted movie: Dancer, Texas Pop. 81
Original film: Grown Ups 2 || Predicted movie: Dancer, Texas Pop. 81
Original film: Grudge Match || Predicted movie: Dancer, Texas Pop. 81
Original film: Guardians of the Galaxy || Predicted movie: Captain America: The Winter Soldier
Original film: Guess Who || Predicted movie: Dancer, Texas Pop. 81
Original film: Guiana 1838 || Predicted movie: 12 Years a Slave
Original film: Gulliver's Travels || Predicted movie: Dancer, Texas Pop. 81
Original film: Gun Shy || Predicted movie: Seven Samurai
Original film: Gunless || Predicted movie: Django Unchained
Original film: Guten Tag, Ramón || Predicted movie: The Lives of Others
Original film: H. || Predicted movie: American Psycho
Original film: Hachi: A Dog's Tale || Predicted movie: Django Unchained
Original film: Hackers || Predicted movie: The Matrix
Original film: Hail, Caesar! || Predicted movie: Dancer, Texas Pop. 81
Original film: Hairspray || Predicted movie: Karachi se Lahore
Original film: Half Baked || Predicted movie: Dancer, Texas Pop. 81
Original film: Half Nelson || Predicted movie: Ordet
Original film: Half Past Dead || Predicted movie: Donnie Brasco
Original film: Hall Pass || Predicted movie: Dancer, Texas Pop. 81
Original film: Halloween || Predicted movie: Halloween 4: The Return of Michael Myers
Original film: Halloween 4: The Return of Michael Myers || Predicted movie: Halloween
Original film: Halloween 5: The Revenge of Michael Myers || Predicted movie: Halloween
Original film: Halloween II || Predicted movie: Halloween
Original film: Halloween III: Season of the Witch || Predicted movie: Halloween
Original film: Halloween: Resurrection || Predicted movie: Night of the Living Dead
Original film: Halloween: The Curse of Michael Myers || Predicted movie: Halloween
Original film: Hamlet || Predicted movie: The Godfather
Original film: Hamlet 2 || Predicted movie: Dancer, Texas Pop. 81
Original film: Hancock || Predicted movie: Howl's Moving Castle
Original film: Hands of Stone || Predicted movie: The Shawshank Redemption
Original film: Hang 'em High || Predicted movie: One Man's Hero
Original film: Hanging Up || Predicted movie: Dancer, Texas Pop. 81
Original film: Hanna || Predicted movie: Guardians of the Galaxy
Original film: Hannah Montana: The Movie || Predicted movie: Dancer, Texas Pop. 81
Original film: Hannibal Rising || Predicted movie: The Silence of the Lambs
Original film: Hansel & Gretel: Witch Hunters || Predicted movie: Spirited Away
Original film: Hansel and Gretel Get Baked || Predicted movie: Halloween
Original film: Happily N'Ever After || Predicted movie: Tangled
Original film: Happiness || Predicted movie: Little Big Top
Original film: Happy Christmas || Predicted movie: Dancer, Texas Pop. 81
Original film: Happy Feet || Predicted movie: Cats Don't Dance
Original film: Happy Feet Two || Predicted movie: Frozen
Original film: Happy Gilmore || Predicted movie: Dancer, Texas Pop. 81
Original film: Happy, Texas || Predicted movie: Dancer, Texas Pop. 81
Original film: Hard Candy || Predicted movie: The Hunt
Original film: Hard Rain || Predicted movie: Airlift
Original film: Hard to Be a God || Predicted movie: The Shawshank Redemption
Original film: Hardball || Predicted movie: Dancer, Texas Pop. 81
Original film: Hardflip || Predicted movie: Miracle
Original film: Harley Davidson and the Marlboro Man || Predicted movie: Training Day
Original film: Harold & Kumar Escape from Guantanamo Bay || Predicted movie: Dancer, Texas Pop. 81
Original film: Harold & Kumar Go to White Castle || Predicted movie: Dancer, Texas Pop. 81
Original film: Harper || Predicted movie: Seven Samurai
Original film: Harriet the Spy || Predicted movie: Dancer, Texas Pop. 81
Original film: Harry Brown || Predicted movie: Pulp Fiction
Original film: Harry Potter and the Chamber of Secrets || Predicted movie: Harry Potter and the Prisoner of Azkaban
Original film: Harry Potter and the Goblet of Fire || Predicted movie: Harry Potter and the Order of the Phoenix
Original film: Harry Potter and the Half-Blood Prince || Predicted movie: Harry Potter and the Prisoner of Azkaban
Original film: Harry Potter and the Order of the Phoenix || Predicted movie: Harry Potter and the Chamber of Secrets
Original film: Harry Potter and the Philosopher's Stone || Predicted movie: Harry Potter and the Chamber of Secrets
Original film: Harry Potter and the Prisoner of Azkaban || Predicted movie: Harry Potter and the Chamber of Secrets
Original film: Harsh Times || Predicted movie: Se7en
Original film: Hart's War || Predicted movie: Unbroken
Original film: Harvard Man || Predicted movie: Boogie Nights
Original film: Hatchet || Predicted movie: Dancer, Texas Pop. 81
Original film: Hayride || Predicted movie: Pulp Fiction
Original film: Haywire || Predicted movie: Deadpool
Original film: He Got Game || Predicted movie: Dead Man Walking
Original film: He's Just Not That Into You || Predicted movie: Think Like a Man
Original film: Head Over Heels || Predicted movie: Dancer, Texas Pop. 81
Original film: Head of State || Predicted movie: Wag the Dog
Original film: Headhunters || Predicted movie: Pulp Fiction
Original film: Heartbeeps || Predicted movie: Dancer, Texas Pop. 81
Original film: Heartbreakers || Predicted movie: Se7en
Original film: Hearts in Atlantis || Predicted movie: Inside Out
Original film: Heaven is for Real || Predicted movie: Philomena
Original film: Heaven's Gate || Predicted movie: The Legend of Drunken Master
Original film: Heavenly Creatures || Predicted movie: Notes on a Scandal
Original film: Heavy Metal || Predicted movie: Persepolis
Original film: Hedwig and the Angry Inch || Predicted movie: Dancer, Texas Pop. 81
Original film: Heist || Predicted movie: Reservoir Dogs
Original film: Held Up || Predicted movie: Dancer, Texas Pop. 81
Original film: Heli || Predicted movie: Se7en
Original film: Hell's Angels || Predicted movie: Seven Samurai
Original film: Hellboy || Predicted movie: Howl's Moving Castle
Original film: Hellboy II: The Golden Army || Predicted movie: The Empire Strikes Back
Original film: Hellraiser || Predicted movie: Silent Hill
Original film: Henry & Me || Predicted movie: Karachi se Lahore
Original film: Henry V || Predicted movie: Fury
Original film: Her || Predicted movie: Me You and Five Bucks
Original film: Herbie Fully Loaded || Predicted movie: Dancer, Texas Pop. 81
Original film: Hercules || Predicted movie: Seven Samurai
Original film: Here Comes the Boom || Predicted movie: Dancer, Texas Pop. 81
Original film: Here On Earth || Predicted movie: Me You and Five Bucks
Original film: Hereafter || Predicted movie: The Shawshank Redemption
Original film: Hero || Predicted movie: Brokeback Mountain
Original film: Hesher || Predicted movie: Psycho
Original film: Hey Arnold! The Movie || Predicted movie: WALL·E
Original film: Hidalgo || Predicted movie: One Man's Hero
Original film: Hidden Away || Predicted movie: Me You and Five Bucks
Original film: Hide and Seek || Predicted movie: Night of the Living Dead
Original film: High Anxiety || Predicted movie: Dancer, Texas Pop. 81
Original film: High Crimes || Predicted movie: Anne of Green Gables
Original film: High Fidelity || Predicted movie: Dancer, Texas Pop. 81
Original film: High Heels and Low Lifes || Predicted movie: Warrior
Original film: High Noon || Predicted movie: The Man Who Shot Liberty Valance
Original film: High Plains Drifter || Predicted movie: The Man Who Shot Liberty Valance
Original film: High Road || Predicted movie: Dancer, Texas Pop. 81
Original film: High School Musical || Predicted movie: High School Musical 3: Senior Year
Original film: High School Musical 2 || Predicted movie: Dancer, Texas Pop. 81
Original film: High School Musical 3: Senior Year || Predicted movie: Dazed and Confused
Original film: High Tension || Predicted movie: Halloween
Original film: Higher Ground || Predicted movie: Ordet
Original film: Highlander || Predicted movie: Monty Python and the Holy Grail
Original film: Highlander: Endgame || Predicted movie: Inception
Original film: Highlander: The Final Dimension || Predicted movie: Seven Samurai
Original film: Highway || Predicted movie: Seven Samurai
Original film: History of the World: Part I || Predicted movie: Dancer, Texas Pop. 81
Original film: Hit & Run || Predicted movie: Guardians of the Galaxy
Original film: Hitch || Predicted movie: Dancer, Texas Pop. 81
Original film: Hitman || Predicted movie: The Bourne Ultimatum
Original film: Hits || Predicted movie: Amadeus
Original film: Hobo with a Shotgun || Predicted movie: Terminator 2: Judgment Day
Original film: Hocus Pocus || Predicted movie: Dancer, Texas Pop. 81
Original film: Hoffa || Predicted movie: Changeling
Original film: Holes || Predicted movie: The Prisoner of Zenda
Original film: Hollow Man || Predicted movie: Seven Samurai
Original film: Hollywood Ending || Predicted movie: Dancer, Texas Pop. 81
Original film: Hollywood Homicide || Predicted movie: Seven Samurai
Original film: Hollywood Shuffle || Predicted movie: Dancer, Texas Pop. 81
Original film: Holy Man || Predicted movie: Network
Original film: Holy Motors || Predicted movie: The Shawshank Redemption
Original film: Home || Predicted movie: How to Train Your Dragon
Original film: Home Alone || Predicted movie: Dancer, Texas Pop. 81
Original film: Home Alone 2: Lost in New York || Predicted movie: Dancer, Texas Pop. 81
Original film: Home Fries || Predicted movie: Things We Lost in the Fire
Original film: Home Run || Predicted movie: Good Will Hunting
Original film: Home for the Holidays || Predicted movie: Dancer, Texas Pop. 81
Original film: Home on the Range || Predicted movie: WALL·E
Original film: Homefront || Predicted movie: Das Boot
Original film: Honey || Predicted movie: Me You and Five Bucks
Original film: Hoodwinked Too! Hood VS. Evil || Predicted movie: Dancer, Texas Pop. 81
Original film: Hoodwinked! || Predicted movie: WALL·E
Original film: Hook || Predicted movie: Interstellar
Original film: Hoop Dreams || Predicted movie: The Other Dream Team
Original film: Hoot || Predicted movie: If I Stay
Original film: Hop || Predicted movie: Finding Nemo
Original film: Hope Floats || Predicted movie: Room
Original film: Hope Springs || Predicted movie: The Shawshank Redemption
Original film: Horrible Bosses || Predicted movie: Dancer, Texas Pop. 81
Original film: Horrible Bosses 2 || Predicted movie: Dancer, Texas Pop. 81
Original film: Horse Camp || Predicted movie: Karachi se Lahore
Original film: Hostage || Predicted movie: Memento
Original film: Hostel || Predicted movie: Silent Hill
Original film: Hostel: Part II || Predicted movie: The Shining
Original film: Hot Fuzz || Predicted movie: The Secret in Their Eyes
Original film: Hot Pursuit || Predicted movie: The Matrix
Original film: Hot Rod || Predicted movie: Guardians of the Galaxy
Original film: Hot Tub Time Machine || Predicted movie: Primer
Original film: Hot Tub Time Machine 2 || Predicted movie: Dancer, Texas Pop. 81
Original film: Hotel Rwanda || Predicted movie: GoodFellas
Original film: Hotel Transylvania || Predicted movie: Hotel Transylvania 2
Original film: Hotel Transylvania 2 || Predicted movie: Hotel Transylvania
Original film: Hotel for Dogs || Predicted movie: Dancer, Texas Pop. 81
Original film: House Party 2 || Predicted movie: Dancer, Texas Pop. 81
Original film: House at the End of the Street || Predicted movie: Evil Dead II
Original film: House of 1000 Corpses || Predicted movie: Halloween
Original film: House of D || Predicted movie: Dancer, Texas Pop. 81
Original film: House of Flying Daggers || Predicted movie: The Empire Strikes Back
Original film: House of Sand and Fog || Predicted movie: A Separation
Original film: House of Wax || Predicted movie: The Thing
Original film: House on Haunted Hill || Predicted movie: The Shining
Original film: Housebound || Predicted movie: The Others
Original film: Housefull || Predicted movie: The Shawshank Redemption
Original film: How Do You Know || Predicted movie: Dancer, Texas Pop. 81
Original film: How Green Was My Valley || Predicted movie: Prisoners
Original film: How High || Predicted movie: Dancer, Texas Pop. 81
Original film: How She Move || Predicted movie: The Color Purple
Original film: How Stella Got Her Groove Back || Predicted movie: Dancer, Texas Pop. 81
Original film: How the Grinch Stole Christmas || Predicted movie: Jingle All the Way
Original film: How to Be Single || Predicted movie: Dancer, Texas Pop. 81
Original film: How to Deal || Predicted movie: City of God
Original film: How to Fall in Love || Predicted movie: Dancer, Texas Pop. 81
Original film: How to Lose Friends & Alienate People || Predicted movie: Dancer, Texas Pop. 81
Original film: How to Lose a Guy in 10 Days || Predicted movie: Dancer, Texas Pop. 81
Original film: How to Train Your Dragon || Predicted movie: How to Train Your Dragon 2
Original film: How to Train Your Dragon 2 || Predicted movie: How to Train Your Dragon
Original film: Howard the Duck || Predicted movie: Dancer, Texas Pop. 81
Original film: Howards End || Predicted movie: The Color Purple
Original film: Howl's Moving Castle || Predicted movie: Spirited Away
Original film: Hud || Predicted movie: Seven Samurai
Original film: Hudson Hawk || Predicted movie: V for Vendetta
Original film: Hugo || Predicted movie: Big Hero 6
Original film: Hulk || Predicted movie: The Dark Knight
Original film: Human Traffic || Predicted movie: Dancer, Texas Pop. 81
Original film: Hurricane Streets || Predicted movie: Me You and Five Bucks
Original film: Hustle & Flow || Predicted movie: Straight Outta Compton
Original film: I Am Legend || Predicted movie: Fight Club
Original film: I Am Love || Predicted movie: American Beauty
Original film: I Am Number Four || Predicted movie: Men in Black
Original film: I Am Sam || Predicted movie: City of God
Original film: I Am Wrath || Predicted movie: Four Brothers
Original film: I Can Do Bad All By Myself || Predicted movie: Inside Out
Original film: I Come with the Rain || Predicted movie: Pulp Fiction
Original film: I Don't Know How She Does It || Predicted movie: Me You and Five Bucks
Original film: I Dreamed of Africa || Predicted movie: Me You and Five Bucks
Original film: I Got the Hook Up || Predicted movie: Seven Samurai
Original film: I Heart Huckabees || Predicted movie: Little Big Top
Original film: I Hope They Serve Beer in Hell || Predicted movie: Dancer, Texas Pop. 81
Original film: I Know What You Did Last Summer || Predicted movie: The Loved Ones
Original film: I Love You Phillip Morris || Predicted movie: Dancer, Texas Pop. 81
Original film: I Love You, Beth Cooper || Predicted movie: The Princess Diaries
Original film: I Love You, Don't Touch Me! || Predicted movie: Dancer, Texas Pop. 81
Original film: I Love You, Man || Predicted movie: Dancer, Texas Pop. 81
Original film: I Love Your Work || Predicted movie: The Shawshank Redemption
Original film: I Married a Strange Person! || Predicted movie: The Shawshank Redemption
Original film: I Origins || Predicted movie: Timecrimes
Original film: I Served the King of England || Predicted movie: Dancer, Texas Pop. 81
Original film: I Spit on Your Grave || Predicted movie: The Girl with the Dragon Tattoo
Original film: I Spy || Predicted movie: Inception
Original film: I Still Know What You Did Last Summer || Predicted movie: Halloween
Original film: I Think I Love My Wife || Predicted movie: Dancer, Texas Pop. 81
Original film: I Want Someone to Eat Cheese With || Predicted movie: Little Big Top
Original film: I Want Your Money || Predicted movie: Counting
Original film: I'm Not There. || Predicted movie: Once
Original film: I, Frankenstein || Predicted movie: Silent Hill
Original film: I, Robot || Predicted movie: The Matrix
Original film: Ice Age || Predicted movie: Dinosaur
Original film: Ice Age: Continental Drift || Predicted movie: Ice Age
Original film: Ice Age: Dawn of the Dinosaurs || Predicted movie: Despicable Me
Original film: Ice Age: The Meltdown || Predicted movie: Ice Age
Original film: Ice Princess || Predicted movie: If I Stay
Original film: Ida || Predicted movie: Inglourious Basterds
Original film: Identity || Predicted movie: Memento
Original film: Identity Thief || Predicted movie: Dancer, Texas Pop. 81
Original film: Idiocracy || Predicted movie: The Hunger Games: Catching Fire
Original film: Idle Hands || Predicted movie: Pulp Fiction
Original film: Idlewild || Predicted movie: Se7en
Original film: If I Stay || Predicted movie: Now Is Good
Original film: Igby Goes Down || Predicted movie: Little Big Top
Original film: Iguana || Predicted movie: #Horror
Original film: Illuminata || Predicted movie: The Shawshank Redemption
Original film: Imaginary Heroes || Predicted movie: Dancer, Texas Pop. 81
Original film: Imagine Me & You || Predicted movie: Trainspotting
Original film: Imagine That || Predicted movie: Dancer, Texas Pop. 81
Original film: Immortals || Predicted movie: Pan's Labyrinth
Original film: Impact Point || Predicted movie: Pulp Fiction
Original film: Impostor || Predicted movie: Edge of Tomorrow
Original film: In & Out || Predicted movie: Summer Storm
Original film: In Bruges || Predicted movie: Dancer, Texas Pop. 81
Original film: In Cold Blood || Predicted movie: On the Waterfront
Original film: In Dreams || Predicted movie: Room
Original film: In Good Company || Predicted movie: Dancer, Texas Pop. 81
Original film: In Her Line of Fire || Predicted movie: One Flew Over the Cuckoo's Nest
Original film: In Time || Predicted movie: Mad Max: Fury Road
Original film: In Too Deep || Predicted movie: The Shawshank Redemption
Original film: In the Bedroom || Predicted movie: Ordet
Original film: In the Company of Men || Predicted movie: Little Big Top
Original film: In the Cut || Predicted movie: Eyes Wide Shut
Original film: In the Heart of the Sea || Predicted movie: Airlift
Original film: In the Land of Blood and Honey || Predicted movie: Hotel Rwanda
Original film: In the Land of Women || Predicted movie: The Fault in Our Stars
Original film: In the Name of the King III || Predicted movie: Seven Samurai
Original film: In the Name of the King: A Dungeon Siege Tale || Predicted movie: The Prisoner of Zenda
Original film: In the Shadow of the Moon || Predicted movie: Counting
Original film: In the Valley of Elah || Predicted movie: The Imitation Game
Original film: Incendies || Predicted movie: American History X
Original film: Inception || Predicted movie: Die Hard
Original film: Inchon || Predicted movie: The Shawshank Redemption
Original film: Incident at Loch Ness || Predicted movie: The Prisoner of Zenda
Original film: Independence Day || Predicted movie: Edge of Tomorrow
Original film: Independence Day: Resurgence || Predicted movie: Edge of Tomorrow
Original film: Independence Daysaster || Predicted movie: Independence Day
Original film: Indiana Jones and the Kingdom of the Crystal Skull || Predicted movie: Raiders of the Lost Ark
Original film: Indiana Jones and the Last Crusade || Predicted movie: Raiders of the Lost Ark
Original film: Indiana Jones and the Temple of Doom || Predicted movie: Raiders of the Lost Ark
Original film: Indie Game: The Movie || Predicted movie: The Square
Original film: Indignation || Predicted movie: Shutter Island
Original film: Inescapable || Predicted movie: American Psycho
Original film: Infamous || Predicted movie: 12 Angry Men
Original film: Inglourious Basterds || Predicted movie: The Pianist
Original film: Inherent Vice || Predicted movie: Dancer, Texas Pop. 81
Original film: Ink || Predicted movie: Gladiator
Original film: Inkheart || Predicted movie: The Little Prince
Original film: Inside Deep Throat || Predicted movie: The Imitation Game
Original film: Inside Job || Predicted movie: Capitalism: A Love Story
Original film: Inside Llewyn Davis || Predicted movie: Whiplash
Original film: Inside Man || Predicted movie: Reservoir Dogs
Original film: Inside Out || Predicted movie: American History X
Original film: Insidious || Predicted movie: Poltergeist
Original film: Insidious: Chapter 2 || Predicted movie: The Wailing
Original film: Insidious: Chapter 3 || Predicted movie: The Shawshank Redemption
Original film: Insomnia || Predicted movie: The Secret in Their Eyes
Original film: Inspector Gadget || Predicted movie: Seven Samurai
Original film: Instinct || Predicted movie: GoodFellas
Original film: Instructions Not Included || Predicted movie: Dancer, Texas Pop. 81
Original film: Insurgent || Predicted movie: Allegiant
Original film: Interstellar || Predicted movie: Silent Running
Original film: Interview with the Assassin || Predicted movie: JFK
Original film: Interview with the Vampire || Predicted movie: Blade
Original film: Into the Blue || Predicted movie: Scarface
Original film: Into the Grizzly Maze || Predicted movie: The Edge
Original film: Into the Storm || Predicted movie: The Day After Tomorrow
Original film: Into the Wild || Predicted movie: The Great Escape
Original film: Into the Woods || Predicted movie: Pan's Labyrinth
Original film: Intolerable Cruelty || Predicted movie: A Time to Kill
Original film: Intolerance || Predicted movie: Dancer in the Dark
Original film: Invaders from Mars || Predicted movie: The Avengers
Original film: Invasion U.S.A. || Predicted movie: Seven Samurai
Original film: Invictus || Predicted movie: Straight Outta Compton
Original film: Ip Man 3 || Predicted movie: Race
Original film: Ira & Abby || Predicted movie: Little Big Top
Original film: Iraq for Sale: The War Profiteers || Predicted movie: Counting
Original film: Iris || Predicted movie: Atonement
Original film: Iron Man || Predicted movie: Iron Man 3
Original film: Iron Man 2 || Predicted movie: Captain America: Civil War
Original film: Iron Man 3 || Predicted movie: Iron Man
Original film: Ironclad || Predicted movie: Me You and Five Bucks
Original film: Irreversible || Predicted movie: Fish Tank
Original film: Ishtar || Predicted movie: The Matrix
Original film: Isn't She Great || Predicted movie: Rain Man
Original film: It Follows || Predicted movie: The Shining
Original film: It Happened One Night || Predicted movie: Dancer, Texas Pop. 81
Original film: It's All Gone Pete Tong || Predicted movie: The Patriot
Original film: It's Complicated || Predicted movie: Dancer, Texas Pop. 81
Original film: It's Kind of a Funny Story || Predicted movie: Little Big Top
Original film: It's a Mad, Mad, Mad, Mad World || Predicted movie: The Italian Job
Original film: It's a Wonderful Afterlife || Predicted movie: Dancer, Texas Pop. 81
Original film: It's a Wonderful Life || Predicted movie: Girl, Interrupted
Original film: J. Edgar || Predicted movie: Patton
Original film: JFK || Predicted movie: Malcolm X
Original film: Jab Tak Hai Jaan || Predicted movie: My Name Is Khan
Original film: Jack Brooks: Monster Slayer || Predicted movie: Seven Samurai
Original film: Jack Reacher || Predicted movie: Se7en
Original film: Jack Ryan: Shadow Recruit || Predicted movie: Enemy of the State
Original film: Jack and Jill || Predicted movie: Dancer, Texas Pop. 81
Original film: Jack the Giant Slayer || Predicted movie: Seven Samurai
Original film: Jackass 3D || Predicted movie: Dancer, Texas Pop. 81
Original film: Jackass Number Two || Predicted movie: Black Hawk Down
Original film: Jackass: The Movie || Predicted movie: Shine a Light
Original film: Jackie Brown || Predicted movie: Dancer, Texas Pop. 81
Original film: Jade || Predicted movie: Die Hard
Original film: Jakob the Liar || Predicted movie: Dancer, Texas Pop. 81
Original film: Jane Got a Gun || Predicted movie: Seven Samurai
Original film: Janky Promoters || Predicted movie: Dancer, Texas Pop. 81
Original film: Jarhead || Predicted movie: There Will Be Blood
Original film: Jason Bourne || Predicted movie: The Bourne Identity
Original film: Jason Goes to Hell: The Final Friday || Predicted movie: How to Train Your Dragon 2
Original film: Jason X || Predicted movie: Alien
Original film: Jawbreaker || Predicted movie: Can't Hardly Wait
Original film: Jaws || Predicted movie: Jaws 2
Original film: Jaws 2 || Predicted movie: Jaws
Original film: Jaws: The Revenge || Predicted movie: Big Hero 6
Original film: Jay and Silent Bob Strike Back || Predicted movie: Dancer, Texas Pop. 81
Original film: Jeepers Creepers || Predicted movie: The Shining
Original film: Jeepers Creepers 2 || Predicted movie: The Shining
Original film: Jeff, Who Lives at Home || Predicted movie: Patton
Original film: Jefferson in Paris || Predicted movie: Schindler's List
Original film: Jekyll and Hyde ... Together Again || Predicted movie: Dancer, Texas Pop. 81
Original film: Jennifer's Body || Predicted movie: Dancer, Texas Pop. 81
Original film: Jerry Maguire || Predicted movie: Dancer, Texas Pop. 81
Original film: Jersey Boys || Predicted movie: The Business of Fancydancing
Original film: Jersey Girl || Predicted movie: Dancer, Texas Pop. 81
Original film: Jesus' Son || Predicted movie: Little Big Top
Original film: Jimmy Neutron: Boy Genius || Predicted movie: Avatar
Original film: Jimmy and Judy || Predicted movie: Kill Bill: Vol. 1
Original film: Jindabyne || Predicted movie: 25th Hour
Original film: Jingle All the Way || Predicted movie: How the Grinch Stole Christmas
Original film: Joe || Predicted movie: Spotlight
Original film: Joe Dirt || Predicted movie: Memento
Original film: Joe Somebody || Predicted movie: Dancer, Texas Pop. 81
Original film: John Carter || Predicted movie: Avatar
Original film: John Q || Predicted movie: Room
Original film: Johnny English || Predicted movie: Dr. No
Original film: Johnny English Reborn || Predicted movie: 25th Hour
Original film: Johnny Suede || Predicted movie: Little Big Top
Original film: Johnson Family Vacation || Predicted movie: Dancer, Texas Pop. 81
Original film: Jonah Hex || Predicted movie: Batman: The Dark Knight Returns, Part 2
Original film: Jonah: A VeggieTales Movie || Predicted movie: Seven Samurai
Original film: Josie and the Pussycats || Predicted movie: Dancer, Texas Pop. 81
Original film: Journey 2: The Mysterious Island || Predicted movie: Captain America: Civil War
Original film: Journey from the Fall || Predicted movie: Apocalypse Now
Original film: Journey to Saturn || Predicted movie: Seven Samurai
Original film: Journey to the Center of the Earth || Predicted movie: Captain America: The Winter Soldier
Original film: Joy || Predicted movie: Schindler's List
Original film: Joy Ride || Predicted movie: Memento
Original film: Joyeux Noël || Predicted movie: Me You and Five Bucks
Original film: Joyful Noise || Predicted movie: Dancer, Texas Pop. 81
Original film: Judgment at Nuremberg || Predicted movie: Schindler's List
Original film: Julia || Predicted movie: Good Will Hunting
Original film: Julie & Julia || Predicted movie: Me You and Five Bucks
Original film: Juliet and Alfa Romeo || Predicted movie: Dancer, Texas Pop. 81
Original film: Jumper || Predicted movie: The Wizard of Oz
Original film: Jumping the Broom || Predicted movie: Dancer, Texas Pop. 81
Original film: Jungle Shuffle || Predicted movie: Karachi se Lahore
Original film: Juno || Predicted movie: Where the Heart Is
Original film: Jupiter Ascending || Predicted movie: 2001: A Space Odyssey
Original film: Jurassic Park || Predicted movie: The Lost World: Jurassic Park
Original film: Jurassic Park III || Predicted movie: Jurassic Park
Original film: Jurassic World || Predicted movie: Star Trek Into Darkness
Original film: Just Go with It || Predicted movie: Me You and Five Bucks
Original film: Just Like Heaven || Predicted movie: Dancer, Texas Pop. 81
Original film: Just Looking || Predicted movie: Fish Tank
Original film: Just Married || Predicted movie: Dancer, Texas Pop. 81
Original film: Just My Luck || Predicted movie: Dancer, Texas Pop. 81
Original film: Just Visiting || Predicted movie: Dancer, Texas Pop. 81
Original film: Just Wright || Predicted movie: Dancer, Texas Pop. 81
Original film: Justin Bieber: Never Say Never || Predicted movie: Bowling for Columbine
Original film: Juwanna Mann || Predicted movie: Dancer, Texas Pop. 81
Original film: K-19: The Widowmaker || Predicted movie: City of God
Original film: K-PAX || Predicted movie: Dancer in the Dark
Original film: Kabhi Alvida Naa Kehna || Predicted movie: American Beauty
Original film: Kama Sutra - A Tale of Love || Predicted movie: The Piano
Original film: Kangaroo Jack || Predicted movie: Dancer, Texas Pop. 81
Original film: Kansas City || Predicted movie: Pulp Fiction
Original film: Karachi se Lahore || Predicted movie: The Lion King
Original film: Kate & Leopold || Predicted movie: Dancer, Texas Pop. 81
Original film: Katy Perry: Part of Me || Predicted movie: The Square
Original film: Keanu || Predicted movie: Beverly Hills Cop
Original film: Keeping Up with the Steins || Predicted movie: Little Big Top
Original film: Keeping the Faith || Predicted movie: Dancer, Texas Pop. 81
Original film: Kevin Hart: Laugh at My Pain || Predicted movie: Dancer, Texas Pop. 81
Original film: Kevin Hart: Let Me Explain || Predicted movie: Dancer, Texas Pop. 81
Original film: Khiladi 786 || Predicted movie: Seven Samurai
Original film: Khumba || Predicted movie: Frozen
Original film: Kick-Ass || Predicted movie: The Dark Knight Rises
Original film: Kick-Ass 2 || Predicted movie: Captain America: The Winter Soldier
Original film: Kickboxer: Vengeance || Predicted movie: The Matrix
Original film: Kicking & Screaming || Predicted movie: Me You and Five Bucks
Original film: Kicks || Predicted movie: The Prisoner of Zenda
Original film: Kids || Predicted movie: City of God
Original film: Kill Bill: Vol. 1 || Predicted movie: Seven Samurai
Original film: Kill Bill: Vol. 2 || Predicted movie: Guardians of the Galaxy
Original film: Kill List || Predicted movie: The Shining
Original film: Kill the Messenger || Predicted movie: Pulp Fiction
Original film: Killer Elite || Predicted movie: Mad Max: Fury Road
Original film: Killer Joe || Predicted movie: The Silence of the Lambs
Original film: Killers || Predicted movie: The Bourne Identity
Original film: Killing Them Softly || Predicted movie: Sexy Beast
Original film: Killing Zoe || Predicted movie: Die Hard
Original film: Kindergarten Cop || Predicted movie: Dancer, Texas Pop. 81
Original film: King Kong || Predicted movie: Pirates of the Caribbean: Dead Man's Chest
Original film: King's Ransom || Predicted movie: Dancer, Texas Pop. 81
Original film: Kingdom of Heaven || Predicted movie: Barry Lyndon
Original film: Kingdom of the Spiders || Predicted movie: The Shining
Original film: Kingpin || Predicted movie: Dancer, Texas Pop. 81
Original film: Kinsey || Predicted movie: Sex, Lies, and Videotape
Original film: Kiss Kiss Bang Bang || Predicted movie: V for Vendetta
Original film: Kiss of Death || Predicted movie: Kiss Kiss Bang Bang
Original film: Kiss of the Dragon || Predicted movie: Killing Zoe
Original film: Kiss the Bride || Predicted movie: The Shawshank Redemption
Original film: Kiss the Girls || Predicted movie: Shutter Island
Original film: Kissing Jessica Stein || Predicted movie: Little Big Top
Original film: Kit Kittredge: An American Girl || Predicted movie: Dancer, Texas Pop. 81
Original film: Kites || Predicted movie: The Shawshank Redemption
Original film: Knight and Day || Predicted movie: It's a Mad, Mad, Mad, Mad World
Original film: Knock Off || Predicted movie: Seven Samurai
Original film: Knockaround Guys || Predicted movie: Donnie Brasco
Original film: Knocked Up || Predicted movie: Dancer, Texas Pop. 81
Original film: Knowing || Predicted movie: Furious 7
Original film: Krampus || Predicted movie: The Shining
Original film: Krrish || Predicted movie: Seven Samurai
Original film: Krull || Predicted movie: Army of Darkness
Original film: Krush Groove || Predicted movie: The Shawshank Redemption
Original film: Kundun || Predicted movie: The Last Emperor
Original film: Kung Fu Hustle || Predicted movie: Big Trouble in Little China
Original film: Kung Fu Jungle || Predicted movie: Se7en
Original film: Kung Fu Panda || Predicted movie: Crouching Tiger, Hidden Dragon
Original film: Kung Fu Panda 2 || Predicted movie: Persepolis
Original film: Kung Fu Panda 3 || Predicted movie: The Matrix
Original film: Kung Pow: Enter the Fist || Predicted movie: The Incredibles
Original film: L!fe Happens || Predicted movie: Dancer, Texas Pop. 81
Original film: L.A. Confidential || Predicted movie: Se7en
Original film: L.I.E. || Predicted movie: Ordet
Original film: LOL || Predicted movie: City of God
Original film: La Bamba || Predicted movie: Apocalypse Now
Original film: Labor Day || Predicted movie: The Shawshank Redemption
Original film: Ladder 49 || Predicted movie: The Shawshank Redemption
Original film: Lady in White || Predicted movie: The Wailing
Original film: Lady in the Water || Predicted movie: Incendies
Original film: Ladyhawke || Predicted movie: Monty Python and the Holy Grail
Original film: Lage Raho Munna Bhai || Predicted movie: Dancer, Texas Pop. 81
Original film: Lake Mungo || Predicted movie: A Nightmare on Elm Street
Original film: Lake Placid || Predicted movie: Jaws
Original film: Lake of Fire || Predicted movie: Counting
Original film: Lakeview Terrace || Predicted movie: Oldboy
Original film: Land of the Dead || Predicted movie: Warm Bodies
Original film: Land of the Lost || Predicted movie: Jurassic Park
Original film: Lara Croft Tomb Raider: The Cradle of Life || Predicted movie: Raiders of the Lost Ark
Original film: Lara Croft: Tomb Raider || Predicted movie: Raiders of the Lost Ark
Original film: Larry Crowne || Predicted movie: Dancer, Texas Pop. 81
Original film: Larry the Cable Guy: Health Inspector || Predicted movie: Dancer, Texas Pop. 81
Original film: Lars and the Real Girl || Predicted movie: Dancer, Texas Pop. 81
Original film: Last Action Hero || Predicted movie: Harry Potter and the Prisoner of Azkaban
Original film: Last Holiday || Predicted movie: The Prisoner of Zenda
Original film: Last I Heard || Predicted movie: The Shawshank Redemption
Original film: Last Orders || Predicted movie: Forrest Gump
Original film: Last Vegas || Predicted movie: Dancer, Texas Pop. 81
Original film: Latter Days || Predicted movie: Maurice
Original film: Law Abiding Citizen || Predicted movie: 12 Angry Men
Original film: Lawrence of Arabia || Predicted movie: The Lord of the Rings: The Return of the King
Original film: Laws of Attraction || Predicted movie: Batman Begins
Original film: Layer Cake || Predicted movie: GoodFellas
Original film: Le Havre || Predicted movie: Days of Heaven
Original film: Leap Year || Predicted movie: Me You and Five Bucks
Original film: Leatherheads || Predicted movie: Dancer, Texas Pop. 81
Original film: Leaving Las Vegas || Predicted movie: One Flew Over the Cuckoo's Nest
Original film: Left Behind || Predicted movie: The Girl with the Dragon Tattoo
Original film: Legal Eagles || Predicted movie: Dancer, Texas Pop. 81
Original film: Legally Blonde || Predicted movie: Dancer, Texas Pop. 81
Original film: Legally Blonde 2: Red, White & Blonde || Predicted movie: Dancer, Texas Pop. 81
Original film: Legend || Predicted movie: The Wolf of Wall Street
Original film: Legend of a Rabbit || Predicted movie: WALL·E
Original film: Legend of the Guardians: The Owls of Ga'Hoole || Predicted movie: Winnie the Pooh
Original film: Legends of Oz: Dorothy's Return || Predicted movie: WALL·E
Original film: Legends of the Fall || Predicted movie: The Lord of the Rings: The Return of the King
Original film: Legion || Predicted movie: The Wailing
Original film: Les Misérables || Predicted movie: Psycho
Original film: Lesbian Vampire Killers || Predicted movie: Halloween
Original film: Let Me In || Predicted movie: City of God
Original film: Let's Be Cops || Predicted movie: Seven Psychopaths
Original film: Let's Go to Prison || Predicted movie: Dancer, Texas Pop. 81
Original film: Let's Kill Ward's Wife || Predicted movie: Dancer, Texas Pop. 81
Original film: Lethal Weapon 3 || Predicted movie: Big Hero 6
Original film: Lethal Weapon 4 || Predicted movie: Seven Samurai
Original film: Letters from Iwo Jima || Predicted movie: Das Boot
Original film: Letters to God || Predicted movie: Guardians of the Galaxy
Original film: Letters to Juliet || Predicted movie: Stiff Upper Lips
Original film: Liar Liar || Predicted movie: Dancer, Texas Pop. 81
Original film: Licence to Kill || Predicted movie: Goldfinger
Original film: License to Wed || Predicted movie: Dancer, Texas Pop. 81
Original film: Lies in Plain Sight || Predicted movie: City of God
Original film: Life During Wartime || Predicted movie: Little Big Top
Original film: Life as a House || Predicted movie: The Hunt
Original film: Life of Pi || Predicted movie: Pirates of the Caribbean: At World's End
Original film: Life or Something Like It || Predicted movie: Dancer, Texas Pop. 81
Original film: Lifeforce || Predicted movie: Spirited Away
Original film: Light It Up || Predicted movie: The Shawshank Redemption
Original film: Light Sleeper || Predicted movie: The Lives of Others
Original film: Lights Out || Predicted movie: The Conjuring
Original film: Like Crazy || Predicted movie: The Shawshank Redemption
Original film: Like Mike || Predicted movie: Dancer, Texas Pop. 81
Original film: Lilo & Stitch || Predicted movie: Up
Original film: Lilya 4-ever || Predicted movie: Sexy Beast
Original film: Limbo || Predicted movie: The Prisoner of Zenda
Original film: Lincoln || Predicted movie: Nixon
Original film: Lion of the Desert || Predicted movie: 13 Hours: The Secret Soldiers of Benghazi
Original film: Lions for Lambs || Predicted movie: Die Hard
Original film: Lisa Picard Is Famous || Predicted movie: #Horror
Original film: Listening || Predicted movie: Modern Times
Original film: Little Big Top || Predicted movie: Dancer, Texas Pop. 81
Original film: Little Black Book || Predicted movie: Dancer, Texas Pop. 81
Original film: Little Boy || Predicted movie: Dancer, Texas Pop. 81
Original film: Little Children || Predicted movie: Me You and Five Bucks
Original film: Little Fockers || Predicted movie: Dancer, Texas Pop. 81
Original film: Little Man || Predicted movie: Dancer, Texas Pop. 81
Original film: Little Miss Sunshine || Predicted movie: Dancer, Texas Pop. 81
Original film: Little Nicholas || Predicted movie: Dancer, Texas Pop. 81
Original film: Little Nicky || Predicted movie: Dancer, Texas Pop. 81
Original film: Little Shop of Horrors || Predicted movie: The Thing
Original film: Little Voice || Predicted movie: Little Big Top
Original film: Little White Lies || Predicted movie: Dancer, Texas Pop. 81
Original film: Little Women || Predicted movie: The Second Mother
Original film: Live Free or Die Hard || Predicted movie: Die Hard
Original film: Live and Let Die || Predicted movie: Dr. No
Original film: Live-In Maid || Predicted movie: The Shawshank Redemption
Original film: Living Out Loud || Predicted movie: Dancer, Texas Pop. 81
Original film: Lock, Stock and Two Smoking Barrels || Predicted movie: Dancer, Texas Pop. 81
Original film: Locker 13 || Predicted movie: [REC]
Original film: Lockout || Predicted movie: Avatar
Original film: Logan's Run || Predicted movie: Interstellar
Original film: Lolita || Predicted movie: Psycho
Original film: London || Predicted movie: Basquiat
Original film: London Has Fallen || Predicted movie: The Dark Knight Rises
Original film: London to Brighton || Predicted movie: The Silence of the Lambs
Original film: Lone Star || Predicted movie: The Shawshank Redemption
Original film: Lone Survivor || Predicted movie: Star Wars: Clone Wars: Volume 1
Original film: Lone Wolf McQuade || Predicted movie: Sicario
Original film: Lonesome Jim || Predicted movie: Dancer, Texas Pop. 81
Original film: Looney Tunes: Back in Action || Predicted movie: WALL·E
Original film: Looper || Predicted movie: Minority Report
Original film: Loose Cannons || Predicted movie: Dancer, Texas Pop. 81
Original film: Lord of War || Predicted movie: Se7en
Original film: Lords of Dogtown || Predicted movie: Morvern Callar
Original film: Lords of London || Predicted movie: Sexy Beast
Original film: Loser || Predicted movie: Whiplash
Original film: Losin' It || Predicted movie: Porky's
Original film: Lost Souls || Predicted movie: Rosemary's Baby
Original film: Lost in Space || Predicted movie: Back to the Future
Original film: Lost in Translation || Predicted movie: Leaving Las Vegas
Original film: Lottery Ticket || Predicted movie: Dancer, Texas Pop. 81
Original film: Love & Basketball || Predicted movie: The Matrix
Original film: Love & Other Drugs || Predicted movie: American Beauty
Original film: Love Actually || Predicted movie: The Apartment
Original film: Love Happens || Predicted movie: Psycho
Original film: Love Jones || Predicted movie: Little Big Top
Original film: Love Letters || Predicted movie: Notes on a Scandal
Original film: Love Me Tender || Predicted movie: Gone with the Wind
Original film: Love Ranch || Predicted movie: Ordet
Original film: Love Stinks || Predicted movie: Dancer, Texas Pop. 81
Original film: Love and Death on Long Island || Predicted movie: Rebecca
Original film: Love and Other Catastrophes || Predicted movie: Little Big Top
Original film: Love in the Time of Cholera || Predicted movie: Notes on a Scandal
Original film: Love in the Time of Monsters || Predicted movie: The Shining
Original film: Love the Coopers || Predicted movie: Dancer, Texas Pop. 81
Original film: Love's Abiding Joy || Predicted movie: We Have Your Husband
Original film: Lovely & Amazing || Predicted movie: Dancer, Texas Pop. 81
Original film: Lovely, Still || Predicted movie: Ordet
Original film: Loving Annabelle || Predicted movie: The Skeleton Twins
Original film: Lucky Break || Predicted movie: Seven Samurai
Original film: Lucky Number Slevin || Predicted movie: GoodFellas
Original film: Lucky Numbers || Predicted movie: The Matrix
Original film: Lucky You || Predicted movie: Casino
Original film: Lucy || Predicted movie: Star Trek Into Darkness
Original film: MacGruber || Predicted movie: Guardians of the Galaxy
Original film: Machete || Predicted movie: Seven Samurai
Original film: Machete Kills || Predicted movie: Guardians of the Galaxy
Original film: Machine Gun McCain || Predicted movie: The Departed
Original film: Machine Gun Preacher || Predicted movie: Guardians of the Galaxy
Original film: Mad City || Predicted movie: The Dark Knight Rises
Original film: Mad Hot Ballroom || Predicted movie: Top Spin
Original film: Mad Max || Predicted movie: Mad Max 2: The Road Warrior
Original film: Mad Max 2: The Road Warrior || Predicted movie: Mad Max
Original film: Mad Max Beyond Thunderdome || Predicted movie: Gladiator
Original film: Mad Max: Fury Road || Predicted movie: Terminator 2: Judgment Day
Original film: Mad Money || Predicted movie: The Matrix
Original film: Madadayo || Predicted movie: The Shawshank Redemption
Original film: Madagascar || Predicted movie: Madagascar: Escape 2 Africa
Original film: Madagascar 3: Europe's Most Wanted || Predicted movie: Frozen
Original film: Madagascar: Escape 2 Africa || Predicted movie: Madagascar
Original film: Made || Predicted movie: Seven Samurai
Original film: Made in Dagenham || Predicted movie: Dancer, Texas Pop. 81
Original film: Made of Honor || Predicted movie: Dancer, Texas Pop. 81
Original film: Madea Goes to Jail || Predicted movie: Dancer, Texas Pop. 81
Original film: Madea's Family Reunion || Predicted movie: The Sound of Music
Original film: Madea's Witness Protection || Predicted movie: The Shawshank Redemption
Original film: Madison || Predicted movie: Love & Basketball
Original film: Maggie || Predicted movie: Warm Bodies
Original film: Magic Mike || Predicted movie: GoodFellas
Original film: Magic Mike XXL || Predicted movie: Dancer, Texas Pop. 81
Original film: Magnolia || Predicted movie: My Life Without Me
Original film: Maid in Manhattan || Predicted movie: Dancer, Texas Pop. 81
Original film: Major Dundee || Predicted movie: The Boy in the Striped Pyjamas
Original film: Major League || Predicted movie: Dancer, Texas Pop. 81
Original film: Malcolm X || Predicted movie: The Shawshank Redemption
Original film: Maleficent || Predicted movie: How to Train Your Dragon 2
Original film: Malevolence || Predicted movie: The Silence of the Lambs
Original film: Malibu's Most Wanted || Predicted movie: Dancer, Texas Pop. 81
Original film: Mallrats || Predicted movie: Me You and Five Bucks
Original film: Malone || Predicted movie: Conspiracy Theory
Original film: Mama || Predicted movie: The Shining
Original film: Mambo Italiano || Predicted movie: Summer Storm
Original film: Mamma Mia! || Predicted movie: Bridget Jones's Diary
Original film: Man of Steel || Predicted movie: Superman
Original film: Man of the House || Predicted movie: Dancer, Texas Pop. 81
Original film: Man of the Year || Predicted movie: Dancer, Texas Pop. 81
Original film: Man on Fire || Predicted movie: Sicario
Original film: Man on Wire || Predicted movie: Mulholland Drive
Original film: Man on a Ledge || Predicted movie: Die Hard: With a Vengeance
Original film: Man on the Moon || Predicted movie: Dancer, Texas Pop. 81
Original film: Mandela: Long Walk to Freedom || Predicted movie: GoodFellas
Original film: Manderlay || Predicted movie: Inside Out
Original film: Maniac || Predicted movie: Green Room
Original film: Manito || Predicted movie: The Shawshank Redemption
Original film: Mao's Last Dancer || Predicted movie: Anne of Green Gables
Original film: March of the Penguins || Predicted movie: Touching the Void
Original film: March or Die || Predicted movie: Iron Man
Original film: Marci X || Predicted movie: Dancer, Texas Pop. 81
Original film: Margaret || Predicted movie: Notes on a Scandal
Original film: Margin Call || Predicted movie: American Psycho
Original film: Maria Full of Grace || Predicted movie: Saving Private Ryan
Original film: Marie Antoinette || Predicted movie: City of God
Original film: Marley & Me || Predicted movie: Dancer, Texas Pop. 81
Original film: Marmaduke || Predicted movie: Karachi se Lahore
Original film: Married Life || Predicted movie: The Wolf of Wall Street
Original film: Mars Attacks! || Predicted movie: Dancer, Texas Pop. 81
Original film: Mars Needs Moms || Predicted movie: Interstellar
Original film: Martha Marcy May Marlene || Predicted movie: Once Upon a Time in America
Original film: Martian Child || Predicted movie: The Blind Side
Original film: Martin Lawrence Live: Runteldat || Predicted movie: Dancer, Texas Pop. 81
Original film: Marvin's Room || Predicted movie: Howards End
Original film: Mary Poppins || Predicted movie: Dancer, Texas Pop. 81
Original film: Mary Reilly || Predicted movie: 12 Years a Slave
Original film: Masked and Anonymous || Predicted movie: Hustle & Flow
Original film: Master and Commander: The Far Side of the World || Predicted movie: The Prisoner of Zenda
Original film: Match Point || Predicted movie: Days of Heaven
Original film: Maurice || Predicted movie: American Beauty
Original film: Max || Predicted movie: Interstellar
Original film: Max Keeble's Big Move || Predicted movie: Dancer, Texas Pop. 81
Original film: Max Payne || Predicted movie: Guardians of the Galaxy
Original film: Maximum Risk || Predicted movie: The Boondock Saints
Original film: May || Predicted movie: GoodFellas
Original film: Maze Runner: The Scorch Trials || Predicted movie: The Maze Runner
Original film: McFarland, USA || Predicted movie: Me Before You
Original film: Me Before You || Predicted movie: It's a Wonderful Life
Original film: Me You and Five Bucks || Predicted movie: Dreaming of Joseph Lees
Original film: Me and Orson Welles || Predicted movie: Dancer, Texas Pop. 81
Original film: Me and You and Everyone We Know || Predicted movie: Little Big Top
Original film: Me, Myself & Irene || Predicted movie: Dancer, Texas Pop. 81
Original film: Mean Creek || Predicted movie: Boys Don't Cry
Original film: Mean Girls || Predicted movie: Dancer, Texas Pop. 81
Original film: Mean Machine || Predicted movie: Dancer, Texas Pop. 81
Original film: Mean Streets || Predicted movie: Amores perros
Original film: Medicine Man || Predicted movie: Big Fish
Original film: Meek's Cutoff || Predicted movie: The Piano
Original film: Meet Dave || Predicted movie: Dancer, Texas Pop. 81
Original film: Meet Joe Black || Predicted movie: Edward Scissorhands
Original film: Meet the Deedles || Predicted movie: WALL·E
Original film: Meet the Fockers || Predicted movie: My Big Fat Greek Wedding
Original film: Meet the Parents || Predicted movie: Dancer, Texas Pop. 81
Original film: Meet the Spartans || Predicted movie: Dancer, Texas Pop. 81
Original film: Megaforce || Predicted movie: The Wild Bunch
Original film: Megamind || Predicted movie: Toy Story 2
Original film: Megiddo: The Omega Code 2 || Predicted movie: The Matrix
Original film: Melancholia || Predicted movie: Ex Machina
Original film: Memento || Predicted movie: Dark City
Original film: Memoirs of a Geisha || Predicted movie: Atonement
Original film: Memoirs of an Invisible Man || Predicted movie: Dancer, Texas Pop. 81
Original film: Men in Black || Predicted movie: Men in Black II
Original film: Men in Black 3 || Predicted movie: Men in Black
Original film: Men in Black II || Predicted movie: Men in Black
Original film: Men of Honor || Predicted movie: The Shawshank Redemption
Original film: Men of War || Predicted movie: You Only Live Twice
Original film: Men with Brooms || Predicted movie: Dancer, Texas Pop. 81
Original film: Menace II Society || Predicted movie: Straight Outta Compton
Original film: Mercury Rising || Predicted movie: Sicario
Original film: Mercy Streets || Predicted movie: Furious 7
Original film: Message in a Bottle || Predicted movie: Me You and Five Bucks
Original film: Metallica: Through the Never || Predicted movie: The Business of Fancydancing
Original film: Meteor || Predicted movie: Tidal Wave
Original film: Metropolis || Predicted movie: The Pursuit of Happyness
Original film: Metropolitan || Predicted movie: Little Big Top
Original film: Michael Clayton || Predicted movie: The Hundred-Foot Journey
Original film: Michael Collins || Predicted movie: Barry Lyndon
Original film: Michael Jordan to the Max || Predicted movie: Beyond the Mat
Original film: Mickey Blue Eyes || Predicted movie: Dancer, Texas Pop. 81
Original film: Micmacs || Predicted movie: Seven Samurai
Original film: Middle of Nowhere || Predicted movie: The Shawshank Redemption
Original film: Midnight Cowboy || Predicted movie: Psycho
Original film: Midnight Run || Predicted movie: The Prisoner of Zenda
Original film: Midnight Special || Predicted movie: Interstellar
Original film: Midnight in Paris || Predicted movie: The Green Mile
Original film: Midnight in the Garden of Good and Evil || Predicted movie: Se7en
Original film: Mighty Joe Young || Predicted movie: First Blood
Original film: Milk || Predicted movie: The Imitation Game
Original film: Million Dollar Arm || Predicted movie: The Blind Side
Original film: Million Dollar Baby || Predicted movie: Raging Bull
Original film: Mindhunters || Predicted movie: Memento
Original film: Minions || Predicted movie: Wreck-It Ralph
Original film: Minority Report || Predicted movie: Looper
Original film: Miracle || Predicted movie: Straight Outta Compton
Original film: Miracle at St. Anna || Predicted movie: Platoon
Original film: Miracles from Heaven || Predicted movie: The Visual Bible: The Gospel of John
Original film: Mirror Mirror || Predicted movie: Princess Mononoke
Original film: Mirrormask || Predicted movie: Spirited Away
Original film: Mirrors || Predicted movie: The Wailing
Original film: Misconduct || Predicted movie: The Shawshank Redemption
Original film: Miss Congeniality || Predicted movie: Dancer, Texas Pop. 81
Original film: Miss Congeniality 2: Armed and Fabulous || Predicted movie: Die Hard: With a Vengeance
Original film: Miss Julie || Predicted movie: Good Will Hunting
Original film: Miss March || Predicted movie: Dancer, Texas Pop. 81
Original film: Miss Potter || Predicted movie: Before Sunset
Original film: Mission to Mars || Predicted movie: 2001: A Space Odyssey
Original film: Mission: Impossible || Predicted movie: Mission: Impossible III
Original film: Mission: Impossible - Ghost Protocol || Predicted movie: Star Trek Into Darkness
Original film: Mission: Impossible - Rogue Nation || Predicted movie: From Russia with Love
Original film: Mission: Impossible II || Predicted movie: Mission: Impossible
Original film: Mission: Impossible III || Predicted movie: Mission: Impossible
Original film: Mississippi Mermaid || Predicted movie: The Secret in Their Eyes
Original film: Mo' Better Blues || Predicted movie: The Chorus
Original film: Moby Dick || Predicted movie: The Lord of the Rings: The Return of the King
Original film: Modern Problems || Predicted movie: Dancer, Texas Pop. 81
Original film: Modern Times || Predicted movie: Schindler's List
Original film: Moliere || Predicted movie: Me You and Five Bucks
Original film: Molly || Predicted movie: The Shawshank Redemption
Original film: Mommie Dearest || Predicted movie: The Godfather
Original film: Moms' Night Out || Predicted movie: Dancer, Texas Pop. 81
Original film: Mona Lisa Smile || Predicted movie: The Shawshank Redemption
Original film: Mondays in the Sun || Predicted movie: Good Will Hunting
Original film: Money Monster || Predicted movie: American Psycho
Original film: Money Talks || Predicted movie: First Blood
Original film: Money Train || Predicted movie: Die Hard: With a Vengeance
Original film: Moneyball || Predicted movie: The Hustler
Original film: Mongol: The Rise of Genghis Khan || Predicted movie: The Imitation Game
Original film: Monkeybone || Predicted movie: Big Hero 6
Original film: Monsoon Wedding || Predicted movie: Dancer, Texas Pop. 81
Original film: Monster || Predicted movie: Brooklyn's Finest
Original film: Monster House || Predicted movie: Toy Story
Original film: Monster's Ball || Predicted movie: Transamerica
Original film: Monster-in-Law || Predicted movie: Me You and Five Bucks
Original film: Monsters || Predicted movie: Fight Club
Original film: Monsters University || Predicted movie: Monsters, Inc.
Original film: Monsters vs Aliens || Predicted movie: Up
Original film: Monsters, Inc. || Predicted movie: Monsters University
Original film: Monte Carlo || Predicted movie: The Prisoner of Zenda
Original film: Monty Python and the Holy Grail || Predicted movie: Ladyhawke
Original film: Moon || Predicted movie: 2001: A Space Odyssey
Original film: Moonlight Mile || Predicted movie: Me You and Five Bucks
Original film: Moonraker || Predicted movie: The Italian Job
Original film: Moonrise Kingdom || Predicted movie: Dancer, Texas Pop. 81
Original film: Mooz-lum || Predicted movie: Ordet
Original film: Morning Glory || Predicted movie: Dancer, Texas Pop. 81
Original film: Mortal Kombat || Predicted movie: Kill Bill: Vol. 1
Original film: Mortal Kombat: Annihilation || Predicted movie: Seven Samurai
Original film: Mortdecai || Predicted movie: Dancer, Texas Pop. 81
Original film: Morvern Callar || Predicted movie: City of God
Original film: Mother and Child || Predicted movie: The Second Mother
Original film: Motherhood || Predicted movie: Dancer, Texas Pop. 81
Original film: Moulin Rouge! || Predicted movie: Straight Outta Compton
Original film: Movie 43 || Predicted movie: Dancer, Texas Pop. 81
Original film: Mozart's Sister || Predicted movie: Amadeus
Original film: Mr. & Mrs. Smith || Predicted movie: The Incredibles
Original film: Mr. 3000 || Predicted movie: Dancer, Texas Pop. 81
Original film: Mr. Bean's Holiday || Predicted movie: Wreck-It Ralph
Original film: Mr. Church || Predicted movie: Dead Poets Society
Original film: Mr. Deeds || Predicted movie: Dancer, Texas Pop. 81
Original film: Mr. Holland's Opus || Predicted movie: The Blues Brothers
Original film: Mr. Nice Guy || Predicted movie: Se7en
Original film: Mr. Peabody & Sherman || Predicted movie: The Simpsons Movie
Original film: Mr. Popper's Penguins || Predicted movie: Dancer, Texas Pop. 81
Original film: Mr. Smith Goes to Washington || Predicted movie: Dancer, Texas Pop. 81
Original film: Mr. Turner || Predicted movie: The Imitation Game
Original film: Mrs Henderson Presents || Predicted movie: Dancer, Texas Pop. 81
Original film: Mrs. Doubtfire || Predicted movie: Dancer, Texas Pop. 81
Original film: Mrs. Winterbourne || Predicted movie: Dancer, Texas Pop. 81
Original film: Much Ado About Nothing || Predicted movie: Fight Club
Original film: Mud || Predicted movie: Apocalypse Now
Original film: Mulan || Predicted movie: Aladdin
Original film: Mulholland Drive || Predicted movie: Mystic River
Original film: Multiplicity || Predicted movie: Dancer, Texas Pop. 81
Original film: Mumford || Predicted movie: Dancer, Texas Pop. 81
Original film: Munich || Predicted movie: The Godfather: Part II
Original film: Muppets Most Wanted || Predicted movie: Dancer, Texas Pop. 81
Original film: Muppets from Space || Predicted movie: Spirited Away
Original film: Murder by Numbers || Predicted movie: The Secret in Their Eyes
Original film: Murderball || Predicted movie: Beyond the Mat
Original film: Music and Lyrics || Predicted movie: Dancer, Texas Pop. 81
Original film: Must Love Dogs || Predicted movie: Dancer, Texas Pop. 81
Original film: Mutant World || Predicted movie: Dawn of the Planet of the Apes
Original film: Mutual Appreciation || Predicted movie: Amadeus
Original film: My All American || Predicted movie: The Express
Original film: My Baby's Daddy || Predicted movie: Dancer, Texas Pop. 81
Original film: My Beautiful Laundrette || Predicted movie: Me You and Five Bucks
Original film: My Best Friend's Girl || Predicted movie: Me You and Five Bucks
Original film: My Best Friend's Wedding || Predicted movie: Dancer, Texas Pop. 81
Original film: My Big Fat Greek Wedding || Predicted movie: Meet the Fockers
Original film: My Big Fat Greek Wedding 2 || Predicted movie: Me You and Five Bucks
Original film: My Big Fat Independent Movie || Predicted movie: Little Big Top
Original film: My Bloody Valentine || Predicted movie: Memento
Original film: My Blueberry Nights || Predicted movie: The Godfather: Part II
Original film: My Boss's Daughter || Predicted movie: Dancer, Texas Pop. 81
Original film: My Cousin Vinny || Predicted movie: Dancer, Texas Pop. 81
Original film: My Date with Drew || Predicted movie: Counting
Original film: My Dog Skip || Predicted movie: Dancer, Texas Pop. 81
Original film: My Dog Tulip || Predicted movie: Persepolis
Original film: My Fair Lady || Predicted movie: Pride & Prejudice
Original film: My Favorite Martian || Predicted movie: Dancer, Texas Pop. 81
Original film: My Fellow Americans || Predicted movie: Dancer, Texas Pop. 81
Original film: My Girl || Predicted movie: Dancer, Texas Pop. 81
Original film: My Last Day Without You || Predicted movie: Dancer, Texas Pop. 81
Original film: My Life Without Me || Predicted movie: Magnolia
Original film: My Life in Ruins || Predicted movie: Dancer, Texas Pop. 81
Original film: My Lucky Star || Predicted movie: Dancer, Texas Pop. 81
Original film: My Name Is Bruce || Predicted movie: Dancer, Texas Pop. 81
Original film: My Name Is Khan || Predicted movie: Jab Tak Hai Jaan
Original film: My Own Private Idaho || Predicted movie: Transamerica
Original film: My Sister's Keeper || Predicted movie: 12 Angry Men
Original film: My Soul to Take || Predicted movie: Inside Out
Original film: My Stepmother is an Alien || Predicted movie: Dancer, Texas Pop. 81
Original film: My Summer of Love || Predicted movie: Circumstance
Original film: My Super Ex-Girlfriend || Predicted movie: Howl's Moving Castle
Original film: My Week with Marilyn || Predicted movie: GoodFellas
Original film: Mystery Men || Predicted movie: Captain America: Civil War
Original film: Mystery, Alaska || Predicted movie: Miracle
Original film: Mystic Pizza || Predicted movie: Little Big Top
Original film: Mystic River || Predicted movie: Mulholland Drive
Original film: N-Secure || Predicted movie: The Shawshank Redemption
Original film: Nacho Libre || Predicted movie: Dancer, Texas Pop. 81
Original film: Namastey London || Predicted movie: The Shawshank Redemption
Original film: Nancy Drew || Predicted movie: Die Hard
Original film: Nanny McPhee || Predicted movie: Spirited Away
Original film: Nanny McPhee and the Big Bang || Predicted movie: Dancer, Texas Pop. 81
Original film: Napoleon Dynamite || Predicted movie: Little Big Top
Original film: Narc || Predicted movie: Seven Samurai
Original film: National Lampoon's Loaded Weapon 1 || Predicted movie: Dancer, Texas Pop. 81
Original film: National Lampoon's Vacation || Predicted movie: Dancer, Texas Pop. 81
Original film: National Lampoon’s Van Wilder || Predicted movie: Dancer, Texas Pop. 81
Original film: National Treasure || Predicted movie: Raiders of the Lost Ark
Original film: Navy Seals vs. Zombies || Predicted movie: Evil Dead II
Original film: Neal 'n' Nikki || Predicted movie: Dancer, Texas Pop. 81
Original film: Nebraska || Predicted movie: It's a Wonderful Life
Original film: Need for Speed || Predicted movie: Captain America: The Winter Soldier
Original film: Neighbors || Predicted movie: Bad Moms
Original film: Neighbors 2: Sorority Rising || Predicted movie: Neighbors
Original film: Nerve || Predicted movie: Gone Girl
Original film: Network || Predicted movie: American Beauty
Original film: Never Again || Predicted movie: Dancer, Texas Pop. 81
Original film: Never Back Down || Predicted movie: The Godfather: Part II
Original film: Never Back Down 2: The Beatdown || Predicted movie: Raging Bull
Original film: Never Let Me Go || Predicted movie: Fight Club
Original film: Never Say Never Again || Predicted movie: Thunderball
Original film: New Nightmare || Predicted movie: A Nightmare on Elm Street
Original film: New Year's Eve || Predicted movie: Dancer, Texas Pop. 81
Original film: New York Minute || Predicted movie: Dancer, Texas Pop. 81
Original film: New York Stories || Predicted movie: Dancer, Texas Pop. 81
Original film: New York, New York || Predicted movie: Whiplash
Original film: New in Town || Predicted movie: Dancer, Texas Pop. 81
Original film: Newlyweds || Predicted movie: Dancer, Texas Pop. 81
Original film: Next Day Air || Predicted movie: Guardians of the Galaxy
Original film: Next Friday || Predicted movie: Dancer, Texas Pop. 81
Original film: Next Stop Wonderland || Predicted movie: Little Big Top
Original film: Niagara || Predicted movie: On the Waterfront
Original film: Nicholas Nickleby || Predicted movie: The Prisoner of Zenda
Original film: Nick and Norah's Infinite Playlist || Predicted movie: Dancer, Texas Pop. 81
Original film: Night Watch || Predicted movie: Spirited Away
Original film: Night at the Museum || Predicted movie: Guardians of the Galaxy
Original film: Night at the Museum: Battle of the Smithsonian || Predicted movie: The Lego Movie
Original film: Night at the Museum: Secret of the Tomb || Predicted movie: The Prisoner of Zenda
Original film: Night of the Living Dead || Predicted movie: 28 Days Later
Original film: Nightcrawler || Predicted movie: Lilya 4-ever
Original film: Nighthawks || Predicted movie: Seven Samurai
Original film: Nim's Island || Predicted movie: Pirates of the Caribbean: The Curse of the Black Pearl
Original film: Nine || Predicted movie: Inside Out
Original film: Nine 1/2 Weeks || Predicted movie: Lolita
Original film: Nine Dead || Predicted movie: On the Waterfront
Original film: Nine Queens || Predicted movie: The Secret in Their Eyes
Original film: Ninja Assassin || Predicted movie: You Only Live Twice
Original film: Nixon || Predicted movie: The Imitation Game
Original film: No Country for Old Men || Predicted movie: The Silence of the Lambs
Original film: No End in Sight || Predicted movie: Hoop Dreams
Original film: No Escape || Predicted movie: Lone Survivor
Original film: No Good Deed || Predicted movie: Nightcrawler
Original film: No Man's Land: The Rise of Reeker || Predicted movie: The Dead Zone
Original film: No Reservations || Predicted movie: Stiff Upper Lips
Original film: No Strings Attached || Predicted movie: Dancer, Texas Pop. 81
Original film: Noah || Predicted movie: The Visual Bible: The Gospel of John
Original film: Nomad: The Warrior || Predicted movie: Seven Samurai
Original film: Non-Stop || Predicted movie: Captain Phillips
Original film: North Country || Predicted movie: Heavenly Creatures
Original film: Northfork || Predicted movie: Spirited Away
Original film: Not Another Teen Movie || Predicted movie: DodgeBall: A True Underdog Story
Original film: Not Cool || Predicted movie: Fast Times at Ridgemont High
Original film: Not Easily Broken || Predicted movie: The Shawshank Redemption
Original film: Notes on a Scandal || Predicted movie: Heavenly Creatures
Original film: Nothing || Predicted movie: Little Big Top
Original film: Nothing But a Man || Predicted movie: The Shawshank Redemption
Original film: Nothing to Lose || Predicted movie: Guardians of the Galaxy
Original film: Notting Hill || Predicted movie: Me You and Five Bucks
Original film: November || Predicted movie: The Life of David Gale
Original film: Novocaine || Predicted movie: Little Big Top
Original film: Now Is Good || Predicted movie: If I Stay
Original film: Now You See Me || Predicted movie: Gattaca
Original film: Now You See Me 2 || Predicted movie: The Bourne Supremacy
Original film: Nowhere Boy || Predicted movie: If I Stay
Original film: Nowhere in Africa || Predicted movie: The Pianist
Original film: Nowhere to Run || Predicted movie: The Matrix
Original film: Nurse 3-D || Predicted movie: The Shining
Original film: Nurse Betty || Predicted movie: Little Big Top
Original film: Nutty Professor II: The Klumps || Predicted movie: Spirited Away
Original film: O || Predicted movie: Boogie Nights
Original film: O Brother, Where Art Thou? || Predicted movie: The Matrix
Original film: Oblivion || Predicted movie: Star Trek Into Darkness
Original film: Observe and Report || Predicted movie: Dancer, Texas Pop. 81
Original film: Obvious Child || Predicted movie: Little Big Top
Original film: Ocean's Eleven || Predicted movie: Snatch
Original film: Ocean's Thirteen || Predicted movie: Reservoir Dogs
Original film: Ocean's Twelve || Predicted movie: Pulp Fiction
Original film: Oceans || Predicted movie: Riding Giants
Original film: October Baby || Predicted movie: The Color Purple
Original film: Octopussy || Predicted movie: The Spy Who Loved Me
Original film: Oculus || Predicted movie: The Conjuring
Original film: Of Gods and Men || Predicted movie: Ordet
Original film: Of Horses and Men || Predicted movie: The Shawshank Redemption
Original film: Office Space || Predicted movie: Dancer, Texas Pop. 81
Original film: Old Dogs || Predicted movie: Dancer, Texas Pop. 81
Original film: Old Joy || Predicted movie: City of God
Original film: Old School || Predicted movie: Dancer, Texas Pop. 81
Original film: Oldboy || Predicted movie: Fight Club
Original film: Oliver Twist || Predicted movie: Sleepers
Original film: Oliver! || Predicted movie: Anne of Green Gables
Original film: Olympus Has Fallen || Predicted movie: Air Force One
Original film: On Deadly Ground || Predicted movie: The Matrix
Original film: On Her Majesty's Secret Service || Predicted movie: The Spy Who Loved Me
Original film: On The Downlow || Predicted movie: The Skeleton Twins
Original film: On the Line || Predicted movie: Dancer, Texas Pop. 81
Original film: On the Outs || Predicted movie: The Shawshank Redemption
Original film: On the Road || Predicted movie: Princess Mononoke
Original film: On the Waterfront || Predicted movie: The Silence of the Lambs
Original film: Once || Predicted movie: August Rush
Original film: Once Upon a Time in America || Predicted movie: The Shawshank Redemption
Original film: Once Upon a Time in Mexico || Predicted movie: Scarface
Original film: Once Upon a Time in the West || Predicted movie: The Good, the Bad and the Ugly
Original film: Once in a Lifetime: The Extraordinary Story of the New York Cosmos || Predicted movie: Shine a Light
Original film: Ondine || Predicted movie: Trainspotting
Original film: One Day || Predicted movie: Anne of Green Gables
Original film: One Direction: This Is Us || Predicted movie: Shine a Light
Original film: One Flew Over the Cuckoo's Nest || Predicted movie: The Sea Inside
Original film: One Hour Photo || Predicted movie: Halloween
Original film: One Man's Hero || Predicted movie: The Good, the Bad and the Ugly
Original film: One Missed Call || Predicted movie: The Shining
Original film: One Night with the King || Predicted movie: Anne of Green Gables
Original film: One True Thing || Predicted movie: A Walk to Remember
Original film: One for the Money || Predicted movie: Das Boot
Original film: One to Another || Predicted movie: Heavenly Creatures
Original film: Ong Bak 2 || Predicted movie: Back to the Future Part II
Original film: Only God Forgives || Predicted movie: A Single Man
Original film: Only the Strong || Predicted movie: Seven Samurai
Original film: Opal Dream || Predicted movie: Inside Out
Original film: Open Range || Predicted movie: One Man's Hero
Original film: Open Road || Predicted movie: Bon Cop Bad Cop
Original film: Open Season || Predicted movie: The Lord of the Rings: The Fellowship of the Ring
Original film: Open Secret || Predicted movie: The Lady from Shanghai
Original film: Open Water || Predicted movie: Waltz with Bashir
Original film: Operation Chromite || Predicted movie: The Imitation Game
Original film: Ordet || Predicted movie: Raising Victor Vargas
Original film: Ordinary People || Predicted movie: It's a Wonderful Life
Original film: Orgazmo || Predicted movie: Little Big Top
Original film: Original Sin || Predicted movie: The Godfather: Part II
Original film: Orphan || Predicted movie: The Shining
Original film: Osama || Predicted movie: Ordet
Original film: Oscar and Lucinda || Predicted movie: City of God
Original film: Osmosis Jones || Predicted movie: The Prisoner of Zenda
Original film: Ouija || Predicted movie: The Conjuring
Original film: Our Brand Is Crisis || Predicted movie: Dancer, Texas Pop. 81
Original film: Our Family Wedding || Predicted movie: Dancer, Texas Pop. 81
Original film: Our Idiot Brother || Predicted movie: Dancer, Texas Pop. 81
Original film: Our Kind of Traitor || Predicted movie: American Psycho
Original film: Out Cold || Predicted movie: Dancer, Texas Pop. 81
Original film: Out of Africa || Predicted movie: Django Unchained
Original film: Out of Inferno || Predicted movie: Seven Samurai
Original film: Out of Sight || Predicted movie: Me You and Five Bucks
Original film: Out of Time || Predicted movie: Pulp Fiction
Original film: Out of the Blue || Predicted movie: Out of the Blue
Original film: Out of the Blue || Predicted movie: Out of the Blue
Original film: Out of the Blue || Predicted movie: Out of the Blue
Original film: Out of the Blue || Predicted movie: Out of the Blue
Original film: Out of the Dark || Predicted movie: Pulp Fiction
Original film: Out of the Furnace || Predicted movie: Pulp Fiction
Original film: Outbreak || Predicted movie: Seven Samurai
Original film: Outside Bet || Predicted movie: Dancer, Texas Pop. 81
Original film: Outside Providence || Predicted movie: Me You and Five Bucks
Original film: Over Her Dead Body || Predicted movie: Dancer, Texas Pop. 81
Original film: Over the Hedge || Predicted movie: Dancer, Texas Pop. 81
Original film: Owning Mahowny || Predicted movie: Perfume: The Story of a Murderer
Original film: Oz: The Great and Powerful || Predicted movie: Spirited Away
Original film: P.S. I Love You || Predicted movie: One Flew Over the Cuckoo's Nest
Original film: PCU || Predicted movie: Dancer, Texas Pop. 81
Original film: Paa || Predicted movie: The Shawshank Redemption
Original film: Pacific Rim || Predicted movie: Captain America: The Winter Soldier
Original film: Paddington || Predicted movie: The Jungle Book
Original film: Pain & Gain || Predicted movie: Pulp Fiction
Original film: Paint Your Wagon || Predicted movie: The Shawshank Redemption
Original film: Pale Rider || Predicted movie: Me You and Five Bucks
Original film: Palo Alto || Predicted movie: The Diary of a Teenage Girl
Original film: Pan || Predicted movie: Harry Potter and the Prisoner of Azkaban
Original film: Pan's Labyrinth || Predicted movie: The Illusionist
Original film: Pandaemonium || Predicted movie: The Shawshank Redemption
Original film: Pandora's Box || Predicted movie: Lolita
Original film: Pandorum || Predicted movie: Mad Max: Fury Road
Original film: Panic Room || Predicted movie: Nine Queens
Original film: Paparazzi || Predicted movie: Bloody Sunday
Original film: Paper Towns || Predicted movie: A Walk to Remember
Original film: ParaNorman || Predicted movie: Wreck-It Ralph
Original film: Paranormal Activity || Predicted movie: Rosemary's Baby
Original film: Paranormal Activity 2 || Predicted movie: Paranormal Activity
Original film: Paranormal Activity 3 || Predicted movie: The Conjuring
Original film: Paranormal Activity 4 || Predicted movie: [REC]
Original film: Paranormal Activity: The Marked Ones || Predicted movie: Hellraiser
Original film: Parental Guidance || Predicted movie: Dancer, Texas Pop. 81
Original film: Paris, je t'aime || Predicted movie: Whiplash
Original film: Parker || Predicted movie: Seven Samurai
Original film: Partition || Predicted movie: Ordet
Original film: Party Monster || Predicted movie: The Great Beauty
Original film: Passchendaele || Predicted movie: Amour
Original film: Pat Garrett & Billy the Kid || Predicted movie: One Man's Hero
Original film: Patch Adams || Predicted movie: Dancer, Texas Pop. 81
Original film: Pathology || Predicted movie: Perfume: The Story of a Murderer
Original film: Patriot Games || Predicted movie: Lucky Number Slevin
Original film: Patton || Predicted movie: Schindler's List
Original film: Paul || Predicted movie: The Lego Movie
Original film: Paul Blart: Mall Cop || Predicted movie: Guardians of the Galaxy
Original film: Paul Blart: Mall Cop 2 || Predicted movie: Seven Samurai
Original film: Pay It Forward || Predicted movie: City of God
Original film: Payback || Predicted movie: Psycho
Original film: Paycheck || Predicted movie: The Matrix
Original film: Peace, Propaganda & the Promised Land || Predicted movie: Counting
Original film: Peaceful Warrior || Predicted movie: The Shawshank Redemption
Original film: Pearl Harbor || Predicted movie: The Imitation Game
Original film: Peeples || Predicted movie: Dancer, Texas Pop. 81
Original film: Peggy Sue Got Married || Predicted movie: Dancer, Texas Pop. 81
Original film: Penguins of Madagascar || Predicted movie: Madagascar: Escape 2 Africa
Original film: Penitentiary || Predicted movie: First Blood
Original film: People I Know || Predicted movie: Basquiat
Original film: Percy Jackson & the Olympians: The Lightning Thief || Predicted movie: Harry Potter and the Goblet of Fire
Original film: Percy Jackson: Sea of Monsters || Predicted movie: Big Hero 6
Original film: Perfect Cowboy || Predicted movie: The Shawshank Redemption
Original film: Perfume: The Story of a Murderer || Predicted movie: Cape Fear
Original film: Perrier’s Bounty || Predicted movie: Furious 7
Original film: Persepolis || Predicted movie: My Dog Tulip
Original film: Pet Sematary || Predicted movie: City of God
Original film: Pete's Dragon || Predicted movie: The Hobbit: The Desolation of Smaug
Original film: Phantasm II || Predicted movie: Seven Samurai
Original film: Phat Girlz || Predicted movie: Dancer, Texas Pop. 81
Original film: Phenomenon || Predicted movie: The Bucket List
Original film: Philadelphia || Predicted movie: 12 Angry Men
Original film: Philomena || Predicted movie: Red Dog
Original film: Phone Booth || Predicted movie: American Psycho
Original film: Pi || Predicted movie: Memento
Original film: Pieces of April || Predicted movie: Little Big Top
Original film: Pierrot le Fou || Predicted movie: Drive
Original film: Pineapple Express || Predicted movie: Sicario
Original film: Pink Flamingos || Predicted movie: Halloween
Original film: Pink Narcissus || Predicted movie: Inside Out
Original film: Pink Ribbons, Inc. || Predicted movie: The Square
Original film: Pinocchio || Predicted movie: Toy Story
Original film: Piranha 3D || Predicted movie: Dancer, Texas Pop. 81
Original film: Pirates of the Caribbean: At World's End || Predicted movie: Pirates of the Caribbean: Dead Man's Chest
Original film: Pirates of the Caribbean: Dead Man's Chest || Predicted movie: Pirates of the Caribbean: The Curse of the Black Pearl
Original film: Pirates of the Caribbean: On Stranger Tides || Predicted movie: Pirates of the Caribbean: Dead Man's Chest
Original film: Pirates of the Caribbean: The Curse of the Black Pearl || Predicted movie: Pirates of the Caribbean: Dead Man's Chest
Original film: Pitch Black || Predicted movie: Gattaca
Original film: Pitch Perfect || Predicted movie: Pitch Perfect 2
Original film: Pitch Perfect 2 || Predicted movie: Pitch Perfect
Original film: Pixels || Predicted movie: Captain America: The Winter Soldier
Original film: Planet 51 || Predicted movie: Serenity
Original film: Planet of the Apes || Predicted movie: Rise of the Planet of the Apes
Original film: Plastic || Predicted movie: The Shawshank Redemption
Original film: Platoon || Predicted movie: The Thin Red Line
Original film: Play It to the Bone || Predicted movie: Dancer, Texas Pop. 81
Original film: Playing for Keeps || Predicted movie: Dancer, Texas Pop. 81
Original film: Please Give || Predicted movie: Little Big Top
Original film: Plush || Predicted movie: American Psycho
Original film: Pocahontas || Predicted movie: Dances with Wolves
Original film: Pocketful of Miracles || Predicted movie: Dancer, Texas Pop. 81
Original film: Poetic Justice || Predicted movie: American History X
Original film: Point Blank || Predicted movie: Kill Bill: Vol. 1
Original film: Point Break || Predicted movie: Face/Off
Original film: Pokémon: Spell of the Unknown || Predicted movie: Princess Mononoke
Original film: Police Academy || Predicted movie: Dancer, Texas Pop. 81
Original film: Police Academy: Mission to Moscow || Predicted movie: Dancer, Texas Pop. 81
Original film: Polisse || Predicted movie: City of God
Original film: Pollock || Predicted movie: Lords of Dogtown
Original film: Poltergeist || Predicted movie: Jaws
Original film: Poltergeist III || Predicted movie: The Wailing
Original film: Pompeii || Predicted movie: Gladiator
Original film: Pontypool || Predicted movie: Day of the Dead
Original film: Ponyo || Predicted movie: Mulan
Original film: Pooh's Heffalump Movie || Predicted movie: WALL·E
Original film: Poolhall Junkies || Predicted movie: Little Big Top
Original film: Pootie Tang || Predicted movie: Annie Get Your Gun
Original film: Porky's || Predicted movie: Sex Drive
Original film: Poseidon || Predicted movie: Pirates of the Caribbean: Dead Man's Chest
Original film: Post Grad || Predicted movie: Dancer, Texas Pop. 81
Original film: Poultrygeist: Night of the Chicken Dead || Predicted movie: Night of the Living Dead
Original film: Pound of Flesh || Predicted movie: Seven Samurai
Original film: Practical Magic || Predicted movie: Anne of Green Gables
Original film: Precious || Predicted movie: American History X
Original film: Predator || Predicted movie: Dawn of the Planet of the Apes
Original film: Predator 2 || Predicted movie: Predator
Original film: Predators || Predicted movie: Avatar
Original film: Prefontaine || Predicted movie: Miracle
Original film: Premium Rush || Predicted movie: Rumble in the Bronx
Original film: Premonition || Predicted movie: Pulp Fiction
Original film: Pretty Woman || Predicted movie: Me You and Five Bucks
Original film: Pride & Prejudice || Predicted movie: My Fair Lady
Original film: Pride and Glory || Predicted movie: Pulp Fiction
Original film: Pride and Prejudice and Zombies || Predicted movie: Me You and Five Bucks
Original film: Priest || Predicted movie: Terminator 2: Judgment Day
Original film: Primary Colors || Predicted movie: Wag the Dog
Original film: Primer || Predicted movie: I Origins
Original film: Prince of Persia: The Sands of Time || Predicted movie: The Prisoner of Zenda
Original film: Princess Kaiulani || Predicted movie: GoodFellas
Original film: Princess Mononoke || Predicted movie: The Empire Strikes Back
Original film: Prison || Predicted movie: 25th Hour
Original film: Prisoners || Predicted movie: The Dark Knight
Original film: Private Benjamin || Predicted movie: Dancer, Texas Pop. 81
Original film: Project Almanac || Predicted movie: Primer
Original film: Project X || Predicted movie: Election
Original film: Prom || Predicted movie: As Good as It Gets
Original film: Prom Night || Predicted movie: Scream
Original film: Prometheus || Predicted movie: Blade Runner
Original film: Promised Land || Predicted movie: It's a Wonderful Life
Original film: Proof of Life || Predicted movie: The Negotiator
Original film: Prophecy || Predicted movie: Jaws
Original film: Proud || Predicted movie: City of God
Original film: Psycho || Predicted movie: Lolita
Original film: Psycho Beach Party || Predicted movie: Little Big Top
Original film: Public Enemies || Predicted movie: The Imitation Game
Original film: Pulp Fiction || Predicted movie: Traffic
Original film: Pulse || Predicted movie: The Thing
Original film: Punch-Drunk Love || Predicted movie: Dancer, Texas Pop. 81
Original film: Punisher: War Zone || Predicted movie: The Matrix
Original film: Purple Violets || Predicted movie: Little Big Top
Original film: Pushing Tin || Predicted movie: Dancer, Texas Pop. 81
Original film: Puss in Boots || Predicted movie: Seven Samurai
Original film: Quantum of Solace || Predicted movie: Mission: Impossible
Original film: Quarantine || Predicted movie: The Thing
Original film: Quartet || Predicted movie: Amadeus
Original film: Queen Crab || Predicted movie: 2001: A Space Odyssey
Original film: Queen of the Damned || Predicted movie: August Rush
Original film: Quest for Camelot || Predicted movie: Spirited Away
Original film: Quest for Fire || Predicted movie: The Croods
Original film: Quigley Down Under || Predicted movie: Me You and Five Bucks
Original film: Quills || Predicted movie: The Help
Original film: Quinceañera || Predicted movie: The Shawshank Redemption
Original film: Quo Vadis || Predicted movie: Barry Lyndon
Original film: R.I.P.D. || Predicted movie: DragonHeart
Original film: R.L. Stine's Monsterville: The Cabinet of Souls || Predicted movie: Dancer, Texas Pop. 81
Original film: R100 || Predicted movie: Dancer, Texas Pop. 81
Original film: RED || Predicted movie: Tombstone
Original film: RED 2 || Predicted movie: From Russia with Love
Original film: Rabbit Hole || Predicted movie: Days of Heaven
Original film: Rabbit-Proof Fence || Predicted movie: Mad Max 2: The Road Warrior
Original film: Race || Predicted movie: Soul Surfer
Original film: Race to Witch Mountain || Predicted movie: The Fifth Element
Original film: Rachel Getting Married || Predicted movie: Fish Tank
Original film: Racing Stripes || Predicted movie: Dancer, Texas Pop. 81
Original film: Radio || Predicted movie: Raging Bull
Original film: Radio Days || Predicted movie: Little Big Top
Original film: Radio Flyer || Predicted movie: 12 Years a Slave
Original film: Raging Bull || Predicted movie: Million Dollar Baby
Original film: Raiders of the Lost Ark || Predicted movie: Indiana Jones and the Last Crusade
Original film: Rain Man || Predicted movie: One Flew Over the Cuckoo's Nest
Original film: Raise Your Voice || Predicted movie: The Blues Brothers
Original film: Raise the Titanic || Predicted movie: Seven Samurai
Original film: Raising Cain || Predicted movie: The Shawshank Redemption
Original film: Raising Helen || Predicted movie: Hachi: A Dog's Tale
Original film: Raising Victor Vargas || Predicted movie: Ordet
Original film: Ramanujan || Predicted movie: Schindler's List
Original film: Rambo III || Predicted movie: Rambo: First Blood Part II
Original film: Rambo: First Blood Part II || Predicted movie: First Blood
Original film: Ramona and Beezus || Predicted movie: Dancer, Texas Pop. 81
Original film: Rampage || Predicted movie: Seven Samurai
Original film: Random Hearts || Predicted movie: Apocalypse Now
Original film: Rang De Basanti || Predicted movie: The Spanish Apartment
Original film: Rango || Predicted movie: WALL·E
Original film: Ransom || Predicted movie: Sicario
Original film: Rapa Nui || Predicted movie: Jurassic Park
Original film: Rat Race || Predicted movie: Casino Royale
Original film: Ratatouille || Predicted movie: Ernest & Celestine
Original film: Ravenous || Predicted movie: Dancer, Texas Pop. 81
Original film: Ray || Predicted movie: GoodFellas
Original film: Raymond Did It || Predicted movie: A Nightmare on Elm Street
Original film: Re-Kill || Predicted movie: Day of the Dead
Original film: Ready to Rumble || Predicted movie: Love & Basketball
Original film: Real Steel || Predicted movie: The Matrix
Original film: Real Women Have Curves || Predicted movie: Little Big Top
Original film: Reality Show || Predicted movie: The Theory of Everything
Original film: Rebecca || Predicted movie: Notes on a Scandal
Original film: Recess: School's Out || Predicted movie: Serenity
Original film: Red Cliff || Predicted movie: The Prisoner of Zenda
Original film: Red Dawn || Predicted movie: First Blood
Original film: Red Dog || Predicted movie: Hachi: A Dog's Tale
Original film: Red Dragon || Predicted movie: The Silence of the Lambs
Original film: Red Eye || Predicted movie: The Shining
Original film: Red Lights || Predicted movie: Pulp Fiction
Original film: Red Planet || Predicted movie: Pulp Fiction
Original film: Red Riding Hood || Predicted movie: Dogma
Original film: Red Riding: In the Year of Our Lord 1974 || Predicted movie: Pulp Fiction
Original film: Red River || Predicted movie: One Man's Hero
Original film: Red Sky || Predicted movie: Mission: Impossible - Ghost Protocol
Original film: Red Sonja || Predicted movie: Captain America: Civil War
Original film: Red State || Predicted movie: Orphan
Original film: Red Tails || Predicted movie: Schindler's List
Original film: Redacted || Predicted movie: The Hurt Locker
Original film: Redbelt || Predicted movie: The Artist
Original film: Redemption Road || Predicted movie: The Shawshank Redemption
Original film: Reds || Predicted movie: Before Sunset
Original film: Regression || Predicted movie: The Wailing
Original film: Reign Over Me || Predicted movie: American History X
Original film: Reign of Assassins || Predicted movie: The Imitation Game
Original film: Reign of Fire || Predicted movie: The Hobbit: The Desolation of Smaug
Original film: Reindeer Games || Predicted movie: Ocean's Eleven
Original film: Religulous || Predicted movie: Dancer, Texas Pop. 81
Original film: Remember Me || Predicted movie: The Longest Ride
Original film: Remember Me, My Love || Predicted movie: Lolita
Original film: Remember the Titans || Predicted movie: The Blind Side
Original film: Renaissance || Predicted movie: I, Robot
Original film: Renaissance Man || Predicted movie: Dancer, Texas Pop. 81
Original film: Rendition || Predicted movie: The Lives of Others
Original film: Reno 911!: Miami || Predicted movie: Die Hard
Original film: Rent || Predicted movie: Philadelphia
Original film: Repo Man || Predicted movie: Little Big Top
Original film: Repo Men || Predicted movie: Guardians of the Galaxy
Original film: Repo! The Genetic Opera || Predicted movie: Alien
Original film: Requiem for a Dream || Predicted movie: Taxi Driver
Original film: Rescue Dawn || Predicted movie: The Lord of the Rings: The Return of the King
Original film: Reservoir Dogs || Predicted movie: The Silence of the Lambs
Original film: Resident Evil || Predicted movie: Resident Evil: Apocalypse
Original film: Resident Evil: Afterlife || Predicted movie: Terminator 2: Judgment Day
Original film: Resident Evil: Apocalypse || Predicted movie: Resident Evil: Extinction
Original film: Resident Evil: Extinction || Predicted movie: Resident Evil: Apocalypse
Original film: Resident Evil: Retribution || Predicted movie: The Bourne Supremacy
Original film: Restless || Predicted movie: Love's Abiding Joy
Original film: Restoration || Predicted movie: The Shining
Original film: Resurrecting the Champ || Predicted movie: Million Dollar Baby
Original film: Return of the Jedi || Predicted movie: The Empire Strikes Back
Original film: Return of the Living Dead 3 || Predicted movie: Dancer, Texas Pop. 81
Original film: Return to Me || Predicted movie: Me You and Five Bucks
Original film: Return to Never Land || Predicted movie: The Prisoner of Zenda
Original film: Return to Oz || Predicted movie: The Prisoner of Zenda
Original film: Return to the Blue Lagoon || Predicted movie: Gran Torino
Original film: Revolutionary Road || Predicted movie: Cat on a Hot Tin Roof
Original film: Richard III || Predicted movie: GoodFellas
Original film: Riddick || Predicted movie: Serenity
Original film: Ride Along || Predicted movie: Guardians of the Galaxy
Original film: Ride Along 2 || Predicted movie: Die Hard: With a Vengeance
Original film: Ride with the Devil || Predicted movie: Good Will Hunting
Original film: Riding Giants || Predicted movie: Oceans
Original film: Riding in Cars with Boys || Predicted movie: Dancer, Texas Pop. 81
Original film: Righteous Kill || Predicted movie: Sicario
Original film: Rio || Predicted movie: Tangled
Original film: Rio 2 || Predicted movie: South Park: Bigger, Longer & Uncut
Original film: Ripley's Game || Predicted movie: No Country for Old Men
Original film: Rise of the Entrepreneur: The Search for a Better Way || Predicted movie: #Horror
Original film: Rise of the Guardians || Predicted movie: Spirited Away
Original film: Rise of the Planet of the Apes || Predicted movie: Gattaca
Original film: Risen || Predicted movie: Seven Samurai
Original film: River's Edge || Predicted movie: Boys Don't Cry
Original film: Rize || Predicted movie: Hoop Dreams
Original film: Ri¢hie Ri¢h || Predicted movie: Dancer, Texas Pop. 81
Original film: Road Hard || Predicted movie: Dancer, Texas Pop. 81
Original film: Road House || Predicted movie: Kill Bill: Vol. 1
Original film: Road Trip || Predicted movie: Fast Times at Ridgemont High
Original film: Road to Perdition || Predicted movie: Pulp Fiction
Original film: Roadside || Predicted movie: The Shining
Original film: Roadside Romeo || Predicted movie: WALL·E
Original film: Roar || Predicted movie: The Ghost and the Darkness
Original film: Rob Roy || Predicted movie: Into the Wild
Original film: Robin Hood || Predicted movie: Seven Samurai
Original film: Robin Hood: Prince of Thieves || Predicted movie: Shrek
Original film: Robin and Marian || Predicted movie: Seven Samurai
Original film: RoboCop || Predicted movie: Terminator 2: Judgment Day
Original film: RoboCop 3 || Predicted movie: The Matrix
Original film: Robot & Frank || Predicted movie: 2001: A Space Odyssey
Original film: Robots || Predicted movie: WALL·E
Original film: Rock Star || Predicted movie: The Business of Fancydancing
Original film: Rock of Ages || Predicted movie: Dancer, Texas Pop. 81
Original film: RockNRolla || Predicted movie: Bound by Honor
Original film: Rockaway || Predicted movie: Seven Samurai
Original film: Rocket Singh: Salesman of the Year || Predicted movie: Good Will Hunting
Original film: Rocky || Predicted movie: Rocky Balboa
Original film: Rocky Balboa || Predicted movie: Rocky
Original film: Rodeo Girl || Predicted movie: Karachi se Lahore
Original film: Roger & Me || Predicted movie: Inside Job
Original film: Role Models || Predicted movie: Dancer, Texas Pop. 81
Original film: Roll Bounce || Predicted movie: Dancer, Texas Pop. 81
Original film: Rollerball || Predicted movie: Gladiator
Original film: Romance & Cigarettes || Predicted movie: Dancer, Texas Pop. 81
Original film: Romeo + Juliet || Predicted movie: Dead Poets Society
Original film: Romeo Is Bleeding || Predicted movie: First Blood
Original film: Romeo Must Die || Predicted movie: The Matrix
Original film: Ronin || Predicted movie: The Bourne Ultimatum
Original film: Room || Predicted movie: Straight Outta Compton
Original film: Rosemary's Baby || Predicted movie: The Evil Dead
Original film: Rosewater || Predicted movie: GoodFellas
Original film: Rotor DR1 || Predicted movie: 2001: A Space Odyssey
Original film: Rounders || Predicted movie: The Usual Suspects
Original film: Royal Kill || Predicted movie: Edge of Tomorrow
Original film: Rubber || Predicted movie: Dancer, Texas Pop. 81
Original film: Ruby in Paradise || Predicted movie: Ordet
Original film: Rudderless || Predicted movie: The Business of Fancydancing
Original film: Rugrats Go Wild || Predicted movie: WALL·E
Original film: Rugrats in Paris: The Movie || Predicted movie: The Prisoner of Zenda
Original film: Rumble in the Bronx || Predicted movie: Reservoir Dogs
Original film: Run All Night || Predicted movie: Wild Target
Original film: Run Lola Run || Predicted movie: Kill Bill: Vol. 2
Original film: Run, Fatboy, Run || Predicted movie: Dancer, Texas Pop. 81
Original film: Run, Hide, Die || Predicted movie: Eastern Promises
Original film: Runaway Bride || Predicted movie: Dancer, Texas Pop. 81
Original film: Runner Runner || Predicted movie: Owning Mahowny
Original film: Running Scared || Predicted movie: Bound by Honor
Original film: Running with Scissors || Predicted movie: The Color Purple
Original film: Rush || Predicted movie: Million Dollar Baby
Original film: Rush Hour 2 || Predicted movie: Guardians of the Galaxy
Original film: Rush Hour 3 || Predicted movie: Seven Samurai
Original film: Rushmore || Predicted movie: Little Big Top
Original film: S.W.A.T. || Predicted movie: Beverly Hills Cop
Original film: Sabotage || Predicted movie: Seven Samurai
Original film: Safe || Predicted movie: Seven Samurai
Original film: Safe Haven || Predicted movie: Me You and Five Bucks
Original film: Safe House || Predicted movie: Terminator 2: Judgment Day
Original film: Safe Men || Predicted movie: Dancer, Texas Pop. 81
Original film: Safety Not Guaranteed || Predicted movie: Dancer, Texas Pop. 81
Original film: Sahara || Predicted movie: Seven Samurai
Original film: Saint John of Las Vegas || Predicted movie: Little Big Top
Original film: Saint Ralph || Predicted movie: Little Big Top
Original film: Saints and Soldiers || Predicted movie: The Train
Original film: Salt || Predicted movie: The Bourne Supremacy
Original film: Salton Sea || Predicted movie: Fight Club
Original film: Salvador || Predicted movie: The Last King of Scotland
Original film: Salvation Boulevard || Predicted movie: Dancer, Texas Pop. 81
Original film: Samantha: An American Girl Holiday || Predicted movie: The Shawshank Redemption
Original film: Samsara || Predicted movie: The Shawshank Redemption
Original film: San Andreas || Predicted movie: Captain America: The Winter Soldier
Original film: Sanctum || Predicted movie: Letters from Iwo Jima
Original film: Sands of Iwo Jima || Predicted movie: Seven Samurai
Original film: Sarah's Key || Predicted movie: The Shawshank Redemption
Original film: Sardaarji || Predicted movie: #Horror
Original film: Sausage Party || Predicted movie: The Prisoner of Zenda
Original film: Savage Grace || Predicted movie: Heavenly Creatures
Original film: Savages || Predicted movie: Brooklyn's Finest
Original film: Save the Last Dance || Predicted movie: Center Stage
Original film: Saved! || Predicted movie: Little Big Top
Original film: Saving Face || Predicted movie: Dancer, Texas Pop. 81
Original film: Saving Mr. Banks || Predicted movie: Dancer, Texas Pop. 81
Original film: Saving Private Perez || Predicted movie: Seven Samurai
Original film: Saving Private Ryan || Predicted movie: The Pianist
Original film: Saving Silverman || Predicted movie: Dancer, Texas Pop. 81
Original film: Savva. Heart of the Warrior || Predicted movie: How to Train Your Dragon
Original film: Saw || Predicted movie: The Shining
Original film: Saw II || Predicted movie: Halloween
Original film: Saw III || Predicted movie: Halloween
Original film: Saw IV || Predicted movie: Halloween
Original film: Saw V || Predicted movie: Evil Dead II
Original film: Saw VI || Predicted movie: The Shining
Original film: Saw: The Final Chapter || Predicted movie: Evil Dead II
Original film: Say It Isn't So || Predicted movie: Dancer, Texas Pop. 81
Original film: Scarface || Predicted movie: True Romance
Original film: Scary Movie 2 || Predicted movie: Dancer, Texas Pop. 81
Original film: Scary Movie 3 || Predicted movie: Dancer, Texas Pop. 81
Original film: Scary Movie 4 || Predicted movie: Dancer, Texas Pop. 81
Original film: Scary Movie 5 || Predicted movie: Dancer, Texas Pop. 81
Original film: Schindler's List || Predicted movie: The Pianist
Original film: School Daze || Predicted movie: Dancer, Texas Pop. 81
Original film: School for Scoundrels || Predicted movie: Dancer, Texas Pop. 81
Original film: School of Rock || Predicted movie: Dancer, Texas Pop. 81
Original film: Scooby-Doo || Predicted movie: Memento
Original film: Scooby-Doo 2: Monsters Unleashed || Predicted movie: Memento
Original film: Scoop || Predicted movie: Dancer, Texas Pop. 81
Original film: Scott Pilgrim vs. the World || Predicted movie: Guardians of the Galaxy
Original film: Scott Walker: 30 Century Man || Predicted movie: The Last Waltz
Original film: Scream || Predicted movie: Se7en
Original film: Scream 2 || Predicted movie: Halloween
Original film: Scream 3 || Predicted movie: Halloween
Original film: Scream 4 || Predicted movie: Halloween 4: The Return of Michael Myers
Original film: Screwed || Predicted movie: Seven Samurai
Original film: Scrooged || Predicted movie: The Santa Clause
Original film: Se7en || Predicted movie: The Secret in Their Eyes
Original film: Sea Rex 3D: Journey to a Prehistoric World || Predicted movie: Dolphins and Whales: Tribes of the Ocean
Original film: Sea of Love || Predicted movie: Network
Original film: Seabiscuit || Predicted movie: Modern Times
Original film: Secondhand Lions || Predicted movie: Dancer, Texas Pop. 81
Original film: Secret Window || Predicted movie: Eastern Promises
Original film: Secret in Their Eyes || Predicted movie: Se7en
Original film: Secretariat || Predicted movie: Schindler's List
Original film: Secretary || Predicted movie: Dancer, Texas Pop. 81
Original film: See Spot Run || Predicted movie: Seven Samurai
Original film: Seed of Chucky || Predicted movie: GoodFellas
Original film: Seeking a Friend for the End of the World || Predicted movie: Dancer, Texas Pop. 81
Original film: Selena || Predicted movie: Fiddler on the Roof
Original film: Self/less || Predicted movie: The Man from Earth
Original film: Selma || Predicted movie: The Imitation Game
Original film: Semi-Pro || Predicted movie: Dancer, Texas Pop. 81
Original film: Sense and Sensibility || Predicted movie: Anne of Green Gables
Original film: September Dawn || Predicted movie: The Shawshank Redemption
Original film: Serendipity || Predicted movie: Dancer, Texas Pop. 81
Original film: Serenity || Predicted movie: Blade Runner
Original film: Serial Mom || Predicted movie: Little Big Top
Original film: Serving Sara || Predicted movie: Dancer, Texas Pop. 81
Original film: Session 9 || Predicted movie: Evil Dead II
Original film: Set It Off || Predicted movie: American History X
Original film: Seven Pounds || Predicted movie: The Pianist
Original film: Seven Psychopaths || Predicted movie: (500) Days of Summer
Original film: Seven Samurai || Predicted movie: Kill Bill: Vol. 1
Original film: Seven Years in Tibet || Predicted movie: The Great Escape
Original film: Seventh Son || Predicted movie: Harry Potter and the Goblet of Fire
Original film: Severance || Predicted movie: The Shining
Original film: Sex Drive || Predicted movie: Fast Times at Ridgemont High
Original film: Sex Tape || Predicted movie: Dancer, Texas Pop. 81
Original film: Sex With Strangers || Predicted movie: Counting
Original film: Sex and the City 2 || Predicted movie: Dancer, Texas Pop. 81
Original film: Sex, Lies, and Videotape || Predicted movie: Kinsey
Original film: Sexy Beast || Predicted movie: Lilya 4-ever
Original film: Sgt. Bilko || Predicted movie: Dancer, Texas Pop. 81
Original film: Shade || Predicted movie: Seven Samurai
Original film: Shadow Conspiracy || Predicted movie: Seven Samurai
Original film: Shadow of the Vampire || Predicted movie: The Shawshank Redemption
Original film: Shadowlands || Predicted movie: Finding Neverland
Original film: Shaft || Predicted movie: Scarface
Original film: Shakespeare in Love || Predicted movie: Me You and Five Bucks
Original film: Shalako || Predicted movie: One Man's Hero
Original film: Shall We Dance? || Predicted movie: Cat on a Hot Tin Roof
Original film: Shallow Hal || Predicted movie: Dancer, Texas Pop. 81
Original film: Shame || Predicted movie: Whiplash
Original film: Shanghai Calling || Predicted movie: #Horror
Original film: Shanghai Knights || Predicted movie: Four Brothers
Original film: Shanghai Noon || Predicted movie: Dances with Wolves
Original film: Shanghai Surprise || Predicted movie: The Prisoner of Zenda
Original film: Shaolin Soccer || Predicted movie: The Matrix
Original film: Shark Lake || Predicted movie: Pulp Fiction
Original film: Shark Night || Predicted movie: Jaws
Original film: Shark Tale || Predicted movie: Frozen
Original film: Sharknado || Predicted movie: Love's Abiding Joy
Original film: Shattered Glass || Predicted movie: The Shawshank Redemption
Original film: Shaun of the Dead || Predicted movie: Night of the Living Dead
Original film: She Done Him Wrong || Predicted movie: Dancer, Texas Pop. 81
Original film: She Wore a Yellow Ribbon || Predicted movie: One Man's Hero
Original film: She's All That || Predicted movie: Dancer, Texas Pop. 81
Original film: She's Gotta Have It || Predicted movie: Little Big Top
Original film: She's Out of My League || Predicted movie: Dancer, Texas Pop. 81
Original film: She's the Man || Predicted movie: Dancer, Texas Pop. 81
Original film: She's the One || Predicted movie: Little Big Top
Original film: Sheena || Predicted movie: Inception
Original film: Sherlock Holmes || Predicted movie: V for Vendetta
Original film: Sherlock Holmes: A Game of Shadows || Predicted movie: The Prisoner of Zenda
Original film: Sherrybaby || Predicted movie: The Second Mother
Original film: Shin Godzilla || Predicted movie: Cloverfield
Original film: Shine || Predicted movie: The Pianist
Original film: Shine a Light || Predicted movie: One Direction: This Is Us
Original film: Shinjuku Incident || Predicted movie: The Shawshank Redemption
Original film: Shipwrecked || Predicted movie: Pirates of the Caribbean: Dead Man's Chest
Original film: Sholem Aleichem: Laughing In The Darkness || Predicted movie: Counting
Original film: Shooter || Predicted movie: Scarface
Original film: Shooting Fish || Predicted movie: Nine Queens
Original film: Shopgirl || Predicted movie: Dancer, Texas Pop. 81
Original film: Shortbus || Predicted movie: Me You and Five Bucks
Original film: Shorts || Predicted movie: Dancer, Texas Pop. 81
Original film: Shotgun Stories || Predicted movie: The Godfather
Original film: Show Boat || Predicted movie: Mr. Holland's Opus
Original film: Show Me || Predicted movie: Room
Original film: Showdown in Little Tokyo || Predicted movie: Kill Bill: Vol. 1
Original film: Showgirls || Predicted movie: American Beauty
Original film: Shrek || Predicted movie: Shrek 2
Original film: Shrek 2 || Predicted movie: Shrek
Original film: Shrek Forever After || Predicted movie: Dancer, Texas Pop. 81
Original film: Shrek the Third || Predicted movie: How to Train Your Dragon
Original film: Shutter || Predicted movie: The Thing
Original film: Shutter Island || Predicted movie: Brooklyn
Original film: Sicario || Predicted movie: Die Hard
Original film: Sicko || Predicted movie: Inside Job
Original film: Side Effects || Predicted movie: Swimming Pool
Original film: Sideways || Predicted movie: Dancer, Texas Pop. 81
Original film: Signed, Sealed, Delivered || Predicted movie: Dancer, Texas Pop. 81
Original film: Signs || Predicted movie: Prisoners
Original film: Silent Hill || Predicted movie: Eden Lake
Original film: Silent Hill: Revelation 3D || Predicted movie: Pulp Fiction
Original film: Silent House || Predicted movie: The Thing
Original film: Silent Movie || Predicted movie: Dancer, Texas Pop. 81
Original film: Silent Running || Predicted movie: Interstellar
Original film: Silent Trigger || Predicted movie: The Shawshank Redemption
Original film: Silmido || Predicted movie: The Incredibles
Original film: Silver Linings Playbook || Predicted movie: Trainspotting
Original film: Silver Medalist || Predicted movie: Seven Samurai
Original film: Silverado || Predicted movie: The Matrix
Original film: Simon Birch || Predicted movie: Dancer, Texas Pop. 81
Original film: Simply Irresistible || Predicted movie: Dancer, Texas Pop. 81
Original film: Sin City || Predicted movie: Snowpiercer
Original film: Sin City: A Dame to Kill For || Predicted movie: On the Waterfront
Original film: Sinbad: Legend of the Seven Seas || Predicted movie: Karachi se Lahore
Original film: Singin' in the Rain || Predicted movie: Dancer, Texas Pop. 81
Original film: Sinister || Predicted movie: The Purge: Anarchy
Original film: Sinister 2 || Predicted movie: The Others
Original film: Sisters in Law || Predicted movie: The Square
Original film: Six Days Seven Nights || Predicted movie: Seven Samurai
Original film: Six-String Samurai || Predicted movie: Bloody Sunday
Original film: Skin Trade || Predicted movie: Eastern Promises
Original film: Sky Captain and the World of Tomorrow || Predicted movie: Memento
Original film: Sky High || Predicted movie: Big Hero 6
Original film: Skyfall || Predicted movie: Spectre
Original film: Skyline || Predicted movie: Close Encounters of the Third Kind
Original film: Slacker || Predicted movie: Dancer, Texas Pop. 81
Original film: Slacker Uprising || Predicted movie: Counting
Original film: Slackers || Predicted movie: Dancer, Texas Pop. 81
Original film: Slam || Predicted movie: Ordet
Original film: Sleep Dealer || Predicted movie: Fight Club
Original film: Sleep Tight || Predicted movie: Pulp Fiction
Original film: Sleeper || Predicted movie: Little Big Top
Original film: Sleepers || Predicted movie: To Kill a Mockingbird
Original film: Sleepover || Predicted movie: Mean Girls
Original film: Sliding Doors || Predicted movie: Dancer, Texas Pop. 81
Original film: Sling Blade || Predicted movie: Ordet
Original film: Slither || Predicted movie: Dancer, Texas Pop. 81
Original film: Slow Burn || Predicted movie: Memento
Original film: Slow West || Predicted movie: Me You and Five Bucks
Original film: Slumdog Millionaire || Predicted movie: Anne of Green Gables
Original film: Slums of Beverly Hills || Predicted movie: Little Big Top
Original film: Small Apartments || Predicted movie: Dancer, Texas Pop. 81
Original film: Small Soldiers || Predicted movie: Dancer, Texas Pop. 81
Original film: Small Time Crooks || Predicted movie: Killing Zoe
Original film: Smiling Fish & Goat On Fire || Predicted movie: Dancer, Texas Pop. 81
Original film: Smilla's Sense of Snow || Predicted movie: Seven Samurai
Original film: Smoke Signals || Predicted movie: The Shawshank Redemption
Original film: Smokin' Aces || Predicted movie: Crank
Original film: Snake Eyes || Predicted movie: The Silence of the Lambs
Original film: Snakes on a Plane || Predicted movie: Guardians of the Galaxy
Original film: Snatch || Predicted movie: Ocean's Eleven
Original film: Snitch || Predicted movie: Airlift
Original film: Snow Angels || Predicted movie: The Celebration
Original film: Snow Day || Predicted movie: Dancer, Texas Pop. 81
Original film: Snow Dogs || Predicted movie: Into the Wild
Original film: Snow Falling on Cedars || Predicted movie: Blood Diamond
Original film: Snow Flower and the Secret Fan || Predicted movie: Inside Out
Original film: Snow White and the Huntsman || Predicted movie: Harry Potter and the Prisoner of Azkaban
Original film: Snow White and the Seven Dwarfs || Predicted movie: Spirited Away
Original film: Snow White: A Deadly Summer || Predicted movie: The Shining
Original film: Snow White: A Tale of Terror || Predicted movie: Army of Darkness
Original film: Snowpiercer || Predicted movie: Dredd
Original film: Solaris || Predicted movie: The Right Stuff
Original film: Soldier || Predicted movie: The Matrix
Original film: Solitary Man || Predicted movie: Dancer, Texas Pop. 81
Original film: Solomon and Sheba || Predicted movie: Waltz with Bashir
Original film: Some Guy Who Kills People || Predicted movie: Dancer, Texas Pop. 81
Original film: Some Like It Hot || Predicted movie: Dancer, Texas Pop. 81
Original film: Someone Like You... || Predicted movie: Dancer, Texas Pop. 81
Original film: Something Borrowed || Predicted movie: The Great Beauty
Original film: Something Wicked || Predicted movie: Memento
Original film: Something's Gotta Give || Predicted movie: Lost in Translation
Original film: Somewhere || Predicted movie: Little Big Top
Original film: Somewhere in Time || Predicted movie: Star Trek
Original film: Son of God || Predicted movie: Schindler's List
Original film: Son of the Mask || Predicted movie: How to Train Your Dragon 2
Original film: Song One || Predicted movie: City of God
Original film: Songcatcher || Predicted movie: Morvern Callar
Original film: Sorcerer || Predicted movie: Lone Survivor
Original film: Sorority Boys || Predicted movie: Dancer, Texas Pop. 81
Original film: Sorority Row || Predicted movie: Halloween
Original film: Soul Food || Predicted movie: Dancer, Texas Pop. 81
Original film: Soul Kitchen || Predicted movie: The Shawshank Redemption
Original film: Soul Men || Predicted movie: Dancer, Texas Pop. 81
Original film: Soul Plane || Predicted movie: Me You and Five Bucks
Original film: Soul Surfer || Predicted movie: Race
Original film: Soul Survivors || Predicted movie: Videodrome
Original film: Sound of My Voice || Predicted movie: I Origins
Original film: Source Code || Predicted movie: Mulholland Drive
Original film: South Park: Bigger, Longer & Uncut || Predicted movie: Aqua Teen Hunger Force Colon Movie Film for Theaters
Original film: Southland Tales || Predicted movie: Die Hard
Original film: Southpaw || Predicted movie: Love & Basketball
Original film: Space Battleship Yamato || Predicted movie: 2001: A Space Odyssey
Original film: Space Chimps || Predicted movie: Finding Nemo
Original film: Space Cowboys || Predicted movie: Armageddon
Original film: Space Dogs || Predicted movie: Karachi se Lahore
Original film: Space Jam || Predicted movie: WALL·E
Original film: Space Pirate Captain Harlock || Predicted movie: WALL·E
Original film: Spaceballs || Predicted movie: Dancer, Texas Pop. 81
Original film: Spaced Invaders || Predicted movie: Dancer, Texas Pop. 81
Original film: Spanglish || Predicted movie: Dancer, Texas Pop. 81
Original film: Sparkle || Predicted movie: Inside Out
Original film: Spawn || Predicted movie: Deadpool
Original film: Special || Predicted movie: The Dark Knight
Original film: Species || Predicted movie: Blade Runner
Original film: Spectre || Predicted movie: Skyfall
Original film: Speed || Predicted movie: Seven Samurai
Original film: Speed 2: Cruise Control || Predicted movie: Seven Samurai
Original film: Speed Racer || Predicted movie: Guardians of the Galaxy
Original film: Speedway Junky || Predicted movie: Me You and Five Bucks
Original film: Spellbound || Predicted movie: Rebecca
Original film: Sphere || Predicted movie: E.T. the Extra-Terrestrial
Original film: Sphinx || Predicted movie: The Spy Who Loved Me
Original film: Spice World || Predicted movie: The Prisoner of Zenda
Original film: Spider || Predicted movie: The Prestige
Original film: Spider-Man || Predicted movie: Spider-Man 3
Original film: Spider-Man 2 || Predicted movie: Avengers: Age of Ultron
Original film: Spider-Man 3 || Predicted movie: Spider-Man
Original film: Spirit: Stallion of the Cimarron || Predicted movie: One Man's Hero
Original film: Spirited Away || Predicted movie: Howl's Moving Castle
Original film: Splash || Predicted movie: Dancer, Texas Pop. 81
Original film: Splice || Predicted movie: The Shining
Original film: Split Second || Predicted movie: Pulp Fiction
Original film: Spotlight || Predicted movie: 12 Angry Men
Original film: Spring Breakers || Predicted movie: Irreversible
Original film: Spun || Predicted movie: Little Big Top
Original film: Spy Game || Predicted movie: Salt
Original film: Spy Hard || Predicted movie: Seven Samurai
Original film: Spy Kids || Predicted movie: Total Recall
Original film: Spy Kids 2: The Island of Lost Dreams || Predicted movie: The Incredibles
Original film: Spy Kids 3-D: Game Over || Predicted movie: Mission: Impossible - Rogue Nation
Original film: Spy Kids: All the Time in the World || Predicted movie: Karachi se Lahore
Original film: St. Trinian's || Predicted movie: Dancer, Texas Pop. 81
Original film: St. Vincent || Predicted movie: Dancer, Texas Pop. 81
Original film: Stake Land || Predicted movie: Anne of Green Gables
Original film: Stan Helsing || Predicted movie: Dancer, Texas Pop. 81
Original film: Stand by Me || Predicted movie: To Kill a Mockingbird
Original film: Standard Operating Procedure || Predicted movie: Aroused
Original film: Standing Ovation || Predicted movie: Dancer, Texas Pop. 81
Original film: Star Trek || Predicted movie: Star Trek IV: The Voyage Home
Original film: Star Trek Beyond || Predicted movie: Star Trek Into Darkness
Original film: Star Trek II: The Wrath of Khan || Predicted movie: Star Wars: Clone Wars: Volume 1
Original film: Star Trek III: The Search for Spock || Predicted movie: 2001: A Space Odyssey
Original film: Star Trek IV: The Voyage Home || Predicted movie: Star Trek
Original film: Star Trek Into Darkness || Predicted movie: Avatar
Original film: Star Trek V: The Final Frontier || Predicted movie: Star Trek VI: The Undiscovered Country
Original film: Star Trek VI: The Undiscovered Country || Predicted movie: Star Trek: First Contact
Original film: Star Trek: First Contact || Predicted movie: Star Trek: Nemesis
Original film: Star Trek: Generations || Predicted movie: Serenity
Original film: Star Trek: Insurrection || Predicted movie: Star Trek
Original film: Star Trek: Nemesis || Predicted movie: Star Trek: First Contact
Original film: Star Trek: The Motion Picture || Predicted movie: Star Trek
Original film: Star Wars || Predicted movie: The Empire Strikes Back
Original film: Star Wars: Clone Wars: Volume 1 || Predicted movie: Edge of Tomorrow
Original film: Star Wars: Episode I - The Phantom Menace || Predicted movie: Star Wars
Original film: Star Wars: Episode II - Attack of the Clones || Predicted movie: Star Wars
Original film: Star Wars: Episode III - Revenge of the Sith || Predicted movie: Star Trek
Original film: Stardust || Predicted movie: The Prisoner of Zenda
Original film: Stargate: The Ark of Truth || Predicted movie: Interstellar
Original film: Starship Troopers || Predicted movie: The Empire Strikes Back
Original film: Starsky & Hutch || Predicted movie: Dancer, Texas Pop. 81
Original film: Starsuckers || Predicted movie: Counting
Original film: State Fair || Predicted movie: The Business of Fancydancing
Original film: State of Play || Predicted movie: The Bourne Ultimatum
Original film: Stay Alive || Predicted movie: The Shining
Original film: Stealing Harvard || Predicted movie: Bloody Sunday
Original film: Stealth || Predicted movie: Guardians of the Galaxy
Original film: Steamboy || Predicted movie: Toy Story
Original film: Steel || Predicted movie: Blade Runner
Original film: Step Brothers || Predicted movie: Dancer, Texas Pop. 81
Original film: Step Up || Predicted movie: Tupac: Resurrection
Original film: Step Up 2: The Streets || Predicted movie: Tupac: Resurrection
Original film: Step Up 3D || Predicted movie: Inside Out
Original film: Step Up Revolution || Predicted movie: The Business of Fancydancing
Original film: Stepmom || Predicted movie: The Hunt
Original film: Steppin: The Movie || Predicted movie: Dancer, Texas Pop. 81
Original film: Steve Jobs || Predicted movie: Schindler's List
Original film: Stick It || Predicted movie: Dancer, Texas Pop. 81
Original film: Stiff Upper Lips || Predicted movie: Dancer, Texas Pop. 81
Original film: Stigmata || Predicted movie: The Shining
Original film: Still Alice || Predicted movie: Dead Poets Society
Original film: Stir of Echoes || Predicted movie: The Wailing
Original film: Stitches || Predicted movie: The Shining
Original film: Stoker || Predicted movie: The Shawshank Redemption
Original film: Stolen || Predicted movie: Die Hard
Original film: Stolen Summer || Predicted movie: The Shawshank Redemption
Original film: Stomp the Yard || Predicted movie: The Godfather
Original film: Stone || Predicted movie: Ex Machina
Original film: Stone Cold || Predicted movie: Batman Begins
Original film: Stonewall || Predicted movie: The Shawshank Redemption
Original film: Stop-Loss || Predicted movie: City of God
Original film: Stormbreaker || Predicted movie: Harry Potter and the Philosopher's Stone
Original film: Straight A's || Predicted movie: Dancer, Texas Pop. 81
Original film: Straight Out of Brooklyn || Predicted movie: The Shawshank Redemption
Original film: Straight Outta Compton || Predicted movie: Dallas Buyers Club
Original film: Straightheads || Predicted movie: Eastern Promises
Original film: Stranded || Predicted movie: The Godfather: Part II
Original film: Strange Wilderness || Predicted movie: Dancer, Texas Pop. 81
Original film: Stranger Than Fiction || Predicted movie: Dancer, Texas Pop. 81
Original film: Strangerland || Predicted movie: Red Dog
Original film: Straw Dogs || Predicted movie: The Color Purple
Original film: Street Fighter || Predicted movie: The Matrix
Original film: Street Fighter: The Legend of Chun-Li || Predicted movie: Kill Bill: Vol. 1
Original film: Street Kings || Predicted movie: Beverly Hills Cop
Original film: Stripes || Predicted movie: Seven Samurai
Original film: Striptease || Predicted movie: The Departed
Original film: Stuart Little || Predicted movie: Ratatouille
Original film: Stuart Little 2 || Predicted movie: Karachi se Lahore
Original film: Stuck on You || Predicted movie: Forrest Gump
Original film: Stung || Predicted movie: Dancer, Texas Pop. 81
Original film: Subconscious || Predicted movie: Das Boot
Original film: Sublime || Predicted movie: Halloween
Original film: Submarine || Predicted movie: Dead Poets Society
Original film: Subway || Predicted movie: Dredd
Original film: Sucker Punch || Predicted movie: Terminator 2: Judgment Day
Original film: Sugar Hill || Predicted movie: The Shawshank Redemption
Original film: Sugar Town || Predicted movie: Dancer, Texas Pop. 81
Original film: Suicide Squad || Predicted movie: The Dark Knight Rises
Original film: Summer Catch || Predicted movie: Good Will Hunting
Original film: Summer Storm || Predicted movie: Mambo Italiano
Original film: Summer of Sam || Predicted movie: Pulp Fiction
Original film: Sunday School Musical || Predicted movie: Tupac: Resurrection
Original film: Sunshine || Predicted movie: 2001: A Space Odyssey
Original film: Sunshine Cleaning || Predicted movie: Dancer, Texas Pop. 81
Original film: Sunshine State || Predicted movie: Ordet
Original film: Super || Predicted movie: Dancer, Texas Pop. 81
Original film: Super 8 || Predicted movie: Now You See Me
Original film: Super Hybrid || Predicted movie: The Shining
Original film: Super Mario Bros. || Predicted movie: The Prisoner of Zenda
Original film: Super Size Me || Predicted movie: Food, Inc.
Original film: Super Troopers || Predicted movie: Dancer, Texas Pop. 81
Original film: Superbabies: Baby Geniuses 2 || Predicted movie: Dancer, Texas Pop. 81
Original film: Superbad || Predicted movie: Dancer, Texas Pop. 81
Original film: Supercapitalist || Predicted movie: Pulp Fiction
Original film: Supercross || Predicted movie: Love & Basketball
Original film: Superhero Movie || Predicted movie: Deadpool
Original film: Superman || Predicted movie: Superman II
Original film: Superman II || Predicted movie: Superman
Original film: Superman III || Predicted movie: Dancer, Texas Pop. 81
Original film: Superman IV: The Quest for Peace || Predicted movie: Superman
Original film: Superman Returns || Predicted movie: Captain America: Civil War
Original film: Supernova || Predicted movie: The Shining
Original film: Superstar || Predicted movie: Dancer, Texas Pop. 81
Original film: Supporting Characters || Predicted movie: Gone with the Wind
Original film: Surf's Up || Predicted movie: Atlantis: The Lost Empire
Original film: Surfer, Dude || Predicted movie: Dancer, Texas Pop. 81
Original film: Surrogates || Predicted movie: The Matrix
Original film: Survival of the Dead || Predicted movie: Night of the Living Dead
Original film: Survivor || Predicted movie: Eastern Promises
Original film: Suspect Zero || Predicted movie: Se7en
Original film: Sweet Charity || Predicted movie: Dancer, Texas Pop. 81
Original film: Sweet Home Alabama || Predicted movie: Dancer, Texas Pop. 81
Original film: Sweet November || Predicted movie: The Shawshank Redemption
Original film: Sweet Sweetback's Baadasssss Song || Predicted movie: Die Hard
Original film: Swelter || Predicted movie: Seven Samurai
Original film: Swept Away || Predicted movie: Dancer, Texas Pop. 81
Original film: Swimfan || Predicted movie: The Prestige
Original film: Swimming Pool || Predicted movie: Eastern Promises
Original film: Swing Vote || Predicted movie: Dr. Strangelove or: How I Learned to Stop Worrying and Love the Bomb
Original film: Swingers || Predicted movie: Little Big Top
Original film: Switchback || Predicted movie: Seven Samurai
Original film: Swordfish || Predicted movie: Guardians of the Galaxy
Original film: Sydney White || Predicted movie: Dancer, Texas Pop. 81
Original film: Sympathy for Lady Vengeance || Predicted movie: Ordet
Original film: Synecdoche, New York || Predicted movie: The Help
Original film: Syriana || Predicted movie: Waltz with Bashir
Original film: TMNT || Predicted movie: Kung Fu Panda
Original film: TRON: Legacy || Predicted movie: Interstellar
Original film: Ta Ra Rum Pum || Predicted movie: Karachi se Lahore
Original film: Tadpole || Predicted movie: Little Big Top
Original film: Tae Guk Gi: The Brotherhood of War || Predicted movie: Seven Samurai
Original film: Take Me Home Tonight || Predicted movie: (500) Days of Summer
Original film: Take Shelter || Predicted movie: Pulp Fiction
Original film: Take the Lead || Predicted movie: Tupac: Resurrection
Original film: Taken || Predicted movie: Inception
Original film: Taken 2 || Predicted movie: Die Hard
Original film: Taken 3 || Predicted movie: Eastern Promises
Original film: Takers || Predicted movie: Inception
Original film: Taking Woodstock || Predicted movie: The Business of Fancydancing
Original film: Tales from the Crypt: Demon Knight || Predicted movie: Silent Hill
Original film: Tales from the Hood || Predicted movie: A Time to Kill
Original film: Talk Radio || Predicted movie: 12 Angry Men
Original film: Talladega Nights: The Ballad of Ricky Bobby || Predicted movie: Dancer, Texas Pop. 81
Original film: Tammy || Predicted movie: Dancer, Texas Pop. 81
Original film: Tangled || Predicted movie: Aladdin
Original film: Tango || Predicted movie: Anne of Green Gables
Original film: Tango & Cash || Predicted movie: Training Day
Original film: Tank Girl || Predicted movie: The Matrix
Original film: Tanner Hall || Predicted movie: City of God
Original film: Tarnation || Predicted movie: Bowling for Columbine
Original film: Taxi Driver || Predicted movie: Se7en
Original film: Taxi to the Dark Side || Predicted movie: Sicko
Original film: Taxman || Predicted movie: Seven Samurai
Original film: Tea with Mussolini || Predicted movie: Little Big Top
Original film: Teacher's Pet || Predicted movie: WALL·E
Original film: Team America: World Police || Predicted movie: The Business of Fancydancing
Original film: Tears of the Sun || Predicted movie: Seven Samurai
Original film: Ted || Predicted movie: Forrest Gump
Original film: Ted 2 || Predicted movie: Dancer, Texas Pop. 81
Original film: Teen Wolf Too || Predicted movie: Dancer, Texas Pop. 81
Original film: Teenage Mutant Ninja Turtles || Predicted movie: Ant-Man
Original film: Teenage Mutant Ninja Turtles II: The Secret of the Ooze || Predicted movie: Teenage Mutant Ninja Turtles
Original film: Teenage Mutant Ninja Turtles III || Predicted movie: Seven Samurai
Original film: Teenage Mutant Ninja Turtles: Out of the Shadows || Predicted movie: How to Train Your Dragon 2
Original film: Teeth || Predicted movie: Dancer, Texas Pop. 81
Original film: Teeth and Blood || Predicted movie: The Shining
Original film: Terminator 2: Judgment Day || Predicted movie: The Terminator
Original film: Terminator 3: Rise of the Machines || Predicted movie: The Terminator
Original film: Terminator Genisys || Predicted movie: Blade Runner
Original film: Terminator Salvation || Predicted movie: The Terminator
Original film: Texas Chainsaw 3D || Predicted movie: The Texas Chain Saw Massacre
Original film: Texas Rangers || Predicted movie: Seven Samurai
Original film: Thank You for Smoking || Predicted movie: Little Big Top
Original film: That Awkward Moment || Predicted movie: Dancer, Texas Pop. 81
Original film: That Thing You Do! || Predicted movie: Dancer, Texas Pop. 81
Original film: That's My Boy || Predicted movie: Dancer, Texas Pop. 81
Original film: The 13th Warrior || Predicted movie: The Lord of the Rings: The Two Towers
Original film: The 33 || Predicted movie: Apollo 13
Original film: The 40 Year Old Virgin || Predicted movie: Dancer, Texas Pop. 81
Original film: The 41–Year–Old Virgin Who Knocked Up Sarah Marshall and Felt Superbad About It || Predicted movie: Dancer, Texas Pop. 81
Original film: The 51st State || Predicted movie: Pulp Fiction
Original film: The 5th Quarter || Predicted movie: Remember the Titans
Original film: The 5th Wave || Predicted movie: The Hunger Games: Catching Fire
Original film: The 6th Day || Predicted movie: Moon
Original film: The Abyss || Predicted movie: 20,000 Leagues Under the Sea
Original film: The Act of Killing || Predicted movie: Inside Job
Original film: The Addams Family || Predicted movie: Interview with the Vampire
Original film: The Adjustment Bureau || Predicted movie: Moon
Original film: The Adventurer: The Curse of the Midas Box || Predicted movie: The Green Mile
Original film: The Adventures of Elmo in Grouchland || Predicted movie: Karachi se Lahore
Original film: The Adventures of Ford Fairlane || Predicted movie: Die Hard
Original film: The Adventures of Huck Finn || Predicted movie: Seven Samurai
Original film: The Adventures of Pinocchio || Predicted movie: Pinocchio
Original film: The Adventures of Pluto Nash || Predicted movie: Batman: The Dark Knight Returns, Part 2
Original film: The Adventures of Rocky & Bullwinkle || Predicted movie: Deadpool
Original film: The Adventures of Sharkboy and Lavagirl || Predicted movie: The Prisoner of Zenda
Original film: The Adventures of Tintin || Predicted movie: Raiders of the Lost Ark
Original film: The Age of Adaline || Predicted movie: Pan's Labyrinth
Original film: The Age of Innocence || Predicted movie: The Godfather
Original film: The Alamo || Predicted movie: One Man's Hero
Original film: The Amazing Catfish || Predicted movie: Dancer, Texas Pop. 81
Original film: The Amazing Spider-Man || Predicted movie: Batman Begins
Original film: The Amazing Spider-Man 2 || Predicted movie: Avengers: Age of Ultron
Original film: The American || Predicted movie: The Silence of the Lambs
Original film: The American President || Predicted movie: Dancer, Texas Pop. 81
Original film: The Amityville Horror || Predicted movie: The Thing
Original film: The Andromeda Strain || Predicted movie: The Man from Earth
Original film: The Angry Birds Movie || Predicted movie: Karachi se Lahore
Original film: The Animal || Predicted movie: Inception
Original film: The Ant Bully || Predicted movie: Spirited Away
Original film: The Apartment || Predicted movie: Dancer, Texas Pop. 81
Original film: The Apostle || Predicted movie: The Pianist
Original film: The Apparition || Predicted movie: The Awakening
Original film: The Art of Getting By || Predicted movie: Dead Poets Society
Original film: The Art of War || Predicted movie: Se7en
Original film: The Artist || Predicted movie: Room
Original film: The Assassin || Predicted movie: Kung Fu Panda 3
Original film: The Assassination of Jesse James by the Coward Robert Ford || Predicted movie: Dark Blue
Original film: The Astronaut Farmer || Predicted movie: Interstellar
Original film: The Astronaut's Wife || Predicted movie: Solaris
Original film: The Avengers || Predicted movie: Ant-Man
Original film: The Aviator || Predicted movie: Schindler's List
Original film: The Awakening || Predicted movie: The Wailing
Original film: The BFG || Predicted movie: The Lord of the Rings: The Return of the King
Original film: The Baader Meinhof Complex || Predicted movie: Das Boot
Original film: The Back-Up Plan || Predicted movie: Dancer, Texas Pop. 81
Original film: The Bad Lieutenant: Port of Call - New Orleans || Predicted movie: The Shawshank Redemption
Original film: The Bad News Bears || Predicted movie: Dancer, Texas Pop. 81
Original film: The Ballad of Cable Hogue || Predicted movie: Run Lola Run
Original film: The Ballad of Jack and Rose || Predicted movie: Morvern Callar
Original film: The Banger Sisters || Predicted movie: Dancer, Texas Pop. 81
Original film: The Bank Job || Predicted movie: Airlift
Original film: The Barbarian Invasions || Predicted movie: Thank You for Smoking
Original film: The Barbarians || Predicted movie: How to Train Your Dragon 2
Original film: The Basket || Predicted movie: The Shawshank Redemption
Original film: The Battle of Shaker Heights || Predicted movie: Dancer, Texas Pop. 81
Original film: The Beach || Predicted movie: American Beauty
Original film: The Beast from 20,000 Fathoms || Predicted movie: Jurassic Park
Original film: The Beastmaster || Predicted movie: Seven Samurai
Original film: The Beaver || Predicted movie: City of God
Original film: The Believer || Predicted movie: Inglourious Basterds
Original film: The Benchwarmers || Predicted movie: Dancer, Texas Pop. 81
Original film: The Best Exotic Marigold Hotel || Predicted movie: Anne of Green Gables
Original film: The Best Little Whorehouse in Texas || Predicted movie: Dancer, Texas Pop. 81
Original film: The Best Man || Predicted movie: The Shawshank Redemption
Original film: The Best Man Holiday || Predicted movie: Dancer, Texas Pop. 81
Original film: The Best Offer || Predicted movie: Pierrot le Fou
Original film: The Best Years of Our Lives || Predicted movie: Saving Private Ryan
Original film: The Best of Me || Predicted movie: The Shawshank Redemption
Original film: The Betrayed || Predicted movie: The Secret in Their Eyes
Original film: The Beyond || Predicted movie: Halloween
Original film: The Big Bounce || Predicted movie: Dancer, Texas Pop. 81
Original film: The Big Hit || Predicted movie: Seven Samurai
Original film: The Big Lebowski || Predicted movie: Dancer, Texas Pop. 81
Original film: The Big Parade || Predicted movie: Metropolis
Original film: The Big Short || Predicted movie: Dancer, Texas Pop. 81
Original film: The Big Tease || Predicted movie: Dancer, Texas Pop. 81
Original film: The Big Wedding || Predicted movie: Dancer, Texas Pop. 81
Original film: The Big Year || Predicted movie: Dancer, Texas Pop. 81
Original film: The Birth of a Nation || Predicted movie: 12 Years a Slave
Original film: The Black Dahlia || Predicted movie: American History X
Original film: The Black Hole || Predicted movie: Interstellar
Original film: The Black Stallion || Predicted movie: Interstellar
Original film: The Blair Witch Project || Predicted movie: [REC]
Original film: The Blind Side || Predicted movie: Remember the Titans
Original film: The Blood of Heroes || Predicted movie: Kill Bill: Vol. 1
Original film: The Blue Bird || Predicted movie: The Shawshank Redemption
Original film: The Blue Butterfly || Predicted movie: The Secret Life of Bees
Original film: The Blue Lagoon || Predicted movie: Me You and Five Bucks
Original film: The Blue Room || Predicted movie: GoodFellas
Original film: The Blues Brothers || Predicted movie: This Is It
Original film: The Boat That Rocked || Predicted movie: The King's Speech
Original film: The Bodyguard || Predicted movie: Mulholland Drive
Original film: The Bone Collector || Predicted movie: Shutter Island
Original film: The Book Thief || Predicted movie: Atonement
Original film: The Book of Eli || Predicted movie: Terminator 2: Judgment Day
Original film: The Book of Life || Predicted movie: Me You and Five Bucks
Original film: The Book of Mormon Movie, Volume 1: The Journey || Predicted movie: #Horror
Original film: The Boondock Saints || Predicted movie: Guardians of the Galaxy
Original film: The Boondock Saints II: All Saints Day || Predicted movie: Star Trek Into Darkness
Original film: The Borrowers || Predicted movie: The Lord of the Rings: The Fellowship of the Ring
Original film: The Boss || Predicted movie: Dancer, Texas Pop. 81
Original film: The Bounty || Predicted movie: Class of 1984
Original film: The Bounty Hunter || Predicted movie: Seven Samurai
Original film: The Bourne Identity || Predicted movie: The Bourne Supremacy
Original film: The Bourne Legacy || Predicted movie: The Bourne Supremacy
Original film: The Bourne Supremacy || Predicted movie: The Bourne Identity
Original film: The Bourne Ultimatum || Predicted movie: The Bourne Supremacy
Original film: The Box || Predicted movie: Now You See Me
Original film: The Boxtrolls || Predicted movie: Despicable Me
Original film: The Boy || Predicted movie: Dressed to Kill
Original film: The Boy Next Door || Predicted movie: Eastern Promises
Original film: The Boy in the Striped Pyjamas || Predicted movie: Fury
Original film: The Boys from Brazil || Predicted movie: The Shining
Original film: The Brain That Wouldn't Die || Predicted movie: The Beyond
Original film: The Brass Teapot || Predicted movie: Dancer, Texas Pop. 81
Original film: The Brave Little Toaster || Predicted movie: Spirited Away
Original film: The Break-Up || Predicted movie: Me You and Five Bucks
Original film: The Bridge of San Luis Rey || Predicted movie: Me You and Five Bucks
Original film: The Bridge on the River Kwai || Predicted movie: The Pianist
Original film: The Bridges of Madison County || Predicted movie: Closer
Original film: The Broadway Melody || Predicted movie: The Doors
Original film: The Broken Hearts Club: A Romantic Comedy || Predicted movie: Dancer, Texas Pop. 81
Original film: The Brothers || Predicted movie: Little Big Top
Original film: The Brothers Bloom || Predicted movie: The Prisoner of Zenda
Original film: The Brothers Grimm || Predicted movie: Big Hero 6
Original film: The Brothers McMullen || Predicted movie: Little Big Top
Original film: The Brothers Solomon || Predicted movie: Dancer, Texas Pop. 81
Original film: The Brown Bunny || Predicted movie: American History X
Original film: The Bubble || Predicted movie: Philadelphia
Original film: The Bucket List || Predicted movie: Straight Outta Compton
Original film: The Business of Fancydancing || Predicted movie: Waiting for Guffman
Original film: The Business of Strangers || Predicted movie: Irreversible
Original film: The Butler || Predicted movie: Schindler's List
Original film: The Butterfly Effect || Predicted movie: Eternal Sunshine of the Spotless Mind
Original film: The Bélier Family || Predicted movie: Dancer, Texas Pop. 81
Original film: The Cabin in the Woods || Predicted movie: The Shining
Original film: The Cable Guy || Predicted movie: Dancer, Texas Pop. 81
Original film: The Californians || Predicted movie: The Shawshank Redemption
Original film: The Call || Predicted movie: The Silence of the Lambs
Original film: The Call of Cthulhu || Predicted movie: A Nightmare on Elm Street
Original film: The Calling || Predicted movie: Pulp Fiction
Original film: The Campaign || Predicted movie: Dancer, Texas Pop. 81
Original film: The Canyons || Predicted movie: Eastern Promises
Original film: The Case of the Grinning Cat || Predicted movie: Counting
Original film: The Cat in the Hat || Predicted movie: Dancer, Texas Pop. 81
Original film: The Cave || Predicted movie: Terminator 2: Judgment Day
Original film: The Caveman's Valentine || Predicted movie: City of God
Original film: The Celebration || Predicted movie: The Savages
Original film: The Cell || Predicted movie: Halloween
Original film: The Chambermaid on the Titanic || Predicted movie: The Shawshank Redemption
Original film: The Change-Up || Predicted movie: Dancer, Texas Pop. 81
Original film: The Charge of the Light Brigade || Predicted movie: The Hobbit: The Battle of the Five Armies
Original film: The Children of Huang Shi || Predicted movie: Straight Outta Compton
Original film: The Chorus || Predicted movie: August Rush
Original film: The Christmas Bunny || Predicted movie: The Shawshank Redemption
Original film: The Christmas Candle || Predicted movie: The Visual Bible: The Gospel of John
Original film: The Chronicles of Narnia: Prince Caspian || Predicted movie: The Chronicles of Narnia: The Lion, the Witch and the Wardrobe
Original film: The Chronicles of Narnia: The Lion, the Witch and the Wardrobe || Predicted movie: The Chronicles of Narnia: Prince Caspian
Original film: The Chronicles of Narnia: The Voyage of the Dawn Treader || Predicted movie: The Lord of the Rings: The Return of the King
Original film: The Chronicles of Riddick || Predicted movie: First Blood
Original film: The Chumscrubber || Predicted movie: Little Big Top
Original film: The Circle || Predicted movie: The Shawshank Redemption
Original film: The City of Your Final Destination || Predicted movie: Anne of Green Gables
Original film: The Claim || Predicted movie: The Shawshank Redemption
Original film: The Clan of the Cave Bear || Predicted movie: Quest for Fire
Original film: The Class || Predicted movie: Coach Carter
Original film: The Client || Predicted movie: American History X
Original film: The Cold Light of Day || Predicted movie: Inception
Original film: The Collection || Predicted movie: Halloween
Original film: The Color Purple || Predicted movie: A Streetcar Named Desire
Original film: The Color of Money || Predicted movie: The Hustler
Original film: The Company || Predicted movie: Anne of Green Gables
Original film: The Conformist || Predicted movie: The Godfather
Original film: The Conjuring || Predicted movie: The Wailing
Original film: The Conjuring 2 || Predicted movie: The Conjuring
Original film: The Conspirator || Predicted movie: A Time to Kill
Original film: The Constant Gardener || Predicted movie: Dallas Buyers Club
Original film: The Contender || Predicted movie: Arlington Road
Original film: The Conversation || Predicted movie: Zodiac
Original film: The Cookout || Predicted movie: Dancer, Texas Pop. 81
Original film: The Cooler || Predicted movie: The Pursuit of Happyness
Original film: The Core || Predicted movie: Seven Samurai
Original film: The Corruptor || Predicted movie: First Blood
Original film: The Cottage || Predicted movie: The Shining
Original film: The Cotton Club || Predicted movie: The Blues Brothers
Original film: The Counselor || Predicted movie: Bridge of Spies
Original film: The Count of Monte Cristo || Predicted movie: Inception
Original film: The Country Bears || Predicted movie: Captain America: Civil War
Original film: The Country Doctor || Predicted movie: Room
Original film: The Covenant || Predicted movie: The Incredibles
Original film: The Craft || Predicted movie: Girl, Interrupted
Original film: The Crazies || Predicted movie: Memento
Original film: The Crew || Predicted movie: Seven Samurai
Original film: The Crime of Padre Amaro || Predicted movie: Spotlight
Original film: The Crocodile Hunter: Collision Course || Predicted movie: Karachi se Lahore
Original film: The Croods || Predicted movie: Pirates of the Caribbean: The Curse of the Black Pearl
Original film: The Crow || Predicted movie: Spirited Away
Original film: The Cry of the Owl || Predicted movie: Rebecca
Original film: The Crying Game || Predicted movie: Me You and Five Bucks
Original film: The Curious Case of Benjamin Button || Predicted movie: Spirited Away
Original film: The Curse of Downers Grove || Predicted movie: Eastern Promises
Original film: The Curse of the Jade Scorpion || Predicted movie: Little Big Top
Original film: The Curse of the Were-Rabbit || Predicted movie: The Hunger Games: Catching Fire
Original film: The DUFF || Predicted movie: The Fault in Our Stars
Original film: The Da Vinci Code || Predicted movie: Angels & Demons
Original film: The Damned United || Predicted movie: Million Dollar Baby
Original film: The Dangerous Lives of Altar Boys || Predicted movie: Little Big Top
Original film: The Dark Hours || Predicted movie: The Shining
Original film: The Dark Knight || Predicted movie: The Dark Knight Rises
Original film: The Dark Knight Rises || Predicted movie: Batman Begins
Original film: The Darkest Hour || Predicted movie: The Shining
Original film: The Day After Tomorrow || Predicted movie: Armageddon
Original film: The Day the Earth Stood Still || Predicted movie: The Lives of Others
Original film: The Dead Girl || Predicted movie: Memento
Original film: The Dead Undead || Predicted movie: Night of the Living Dead
Original film: The Dead Zone || Predicted movie: Halloween
Original film: The Death and Life of Bobby Z || Predicted movie: Fight Club
Original film: The Debt || Predicted movie: Submarine
Original film: The Deep End of the Ocean || Predicted movie: Room
Original film: The Deer Hunter || Predicted movie: Room
Original film: The Departed || Predicted movie: Good Will Hunting
Original film: The Descendants || Predicted movie: Dancer, Texas Pop. 81
Original film: The Descent || Predicted movie: Interstellar
Original film: The Devil Inside || Predicted movie: Pulp Fiction
Original film: The Devil Wears Prada || Predicted movie: Dancer, Texas Pop. 81
Original film: The Devil's Advocate || Predicted movie: Good Will Hunting
Original film: The Devil's Double || Predicted movie: Barry Lyndon
Original film: The Devil's Own || Predicted movie: The Lady from Shanghai
Original film: The Devil's Rejects || Predicted movie: GoodFellas
Original film: The Devil's Tomb || Predicted movie: The Bourne Identity
Original film: The Diary of a Teenage Girl || Predicted movie: City of God
Original film: The Dictator || Predicted movie: Dancer, Texas Pop. 81
Original film: The Dilemma || Predicted movie: Forrest Gump
Original film: The Dirties || Predicted movie: The Shawshank Redemption
Original film: The Divide || Predicted movie: 2001: A Space Odyssey
Original film: The Diving Bell and the Butterfly || Predicted movie: One Flew Over the Cuckoo's Nest
Original film: The Dog Lover || Predicted movie: Room
Original film: The Doors || Predicted movie: Factory Girl
Original film: The Dress || Predicted movie: Dancer, Texas Pop. 81
Original film: The Duchess || Predicted movie: The Bridges of Madison County
Original film: The Dukes of Hazzard || Predicted movie: First Blood
Original film: The East || Predicted movie: GoodFellas
Original film: The Eclipse || Predicted movie: The Shawshank Redemption
Original film: The Edge || Predicted movie: Jurassic World
Original film: The Egyptian || Predicted movie: The Imitation Game
Original film: The Elephant Man || Predicted movie: Schindler's List
Original film: The Emperor's Club || Predicted movie: The Shawshank Redemption
Original film: The Emperor's New Groove || Predicted movie: The Prisoner of Zenda
Original film: The Empire Strikes Back || Predicted movie: Star Wars
Original film: The End of the Affair || Predicted movie: Heavenly Creatures
Original film: The English Patient || Predicted movie: The Pianist
Original film: The Equalizer || Predicted movie: Eastern Promises
Original film: The Evil Dead || Predicted movie: Evil Dead II
Original film: The Exorcism of Emily Rose || Predicted movie: Se7en
Original film: The Exorcist || Predicted movie: The Visual Bible: The Gospel of John
Original film: The Expendables || Predicted movie: Now You See Me
Original film: The Expendables 2 || Predicted movie: Non-Stop
Original film: The Expendables 3 || Predicted movie: Seven Samurai
Original film: The Exploding Girl || Predicted movie: Ordet
Original film: The Express || Predicted movie: Raging Bull
Original film: The Extra Man || Predicted movie: Little Big Top
Original film: The Eye || Predicted movie: Dancer in the Dark
Original film: The FP || Predicted movie: Dancer, Texas Pop. 81
Original film: The Face of an Angel || Predicted movie: Pulp Fiction
Original film: The Faculty || Predicted movie: Alien
Original film: The Fall of the Roman Empire || Predicted movie: The Shawshank Redemption
Original film: The Family Man || Predicted movie: Dancer, Texas Pop. 81
Original film: The Family Stone || Predicted movie: Dancer, Texas Pop. 81
Original film: The Fan || Predicted movie: Million Dollar Baby
Original film: The Fast and the Furious || Predicted movie: Fast Five
Original film: The Fast and the Furious: Tokyo Drift || Predicted movie: The Fast and the Furious
Original film: The Fault in Our Stars || Predicted movie: Me You and Five Bucks
Original film: The Fifth Element || Predicted movie: The Empire Strikes Back
Original film: The Fifth Estate || Predicted movie: The Life of David Gale
Original film: The Fighter || Predicted movie: The Blind Side
Original film: The Final Destination || Predicted movie: The Shining
Original film: The Finest Hours || Predicted movie: Captain America: The Winter Soldier
Original film: The Firm || Predicted movie: The Godfather
Original film: The First Great Train Robbery || Predicted movie: Pulp Fiction
Original film: The First Wives Club || Predicted movie: Dancer, Texas Pop. 81
Original film: The Fisher King || Predicted movie: Dancer, Texas Pop. 81
Original film: The Five-Year Engagement || Predicted movie: Dancer, Texas Pop. 81
Original film: The Flintstones || Predicted movie: How to Train Your Dragon
Original film: The Flintstones in Viva Rock Vegas || Predicted movie: 2001: A Space Odyssey
Original film: The Flower of Evil || Predicted movie: Rebecca
Original film: The Flowers of War || Predicted movie: The Shawshank Redemption
Original film: The Fog || Predicted movie: Alien
Original film: The Forbidden Kingdom || Predicted movie: Kick-Ass
Original film: The Forest || Predicted movie: The Shining
Original film: The Forsaken || Predicted movie: Seven Samurai
Original film: The Fountain || Predicted movie: One Flew Over the Cuckoo's Nest
Original film: The Four Feathers || Predicted movie: Gettysburg
Original film: The Four Seasons || Predicted movie: Dancer, Texas Pop. 81
Original film: The Fourth Kind || Predicted movie: Gone Girl
Original film: The French Connection || Predicted movie: Training Day
Original film: The Front Page || Predicted movie: Me You and Five Bucks
Original film: The Frozen || Predicted movie: The Shining
Original film: The Frozen Ground || Predicted movie: Now You See Me
Original film: The Fugitive || Predicted movie: 127 Hours
Original film: The Full Monty || Predicted movie: Dancer, Texas Pop. 81
Original film: The Funeral || Predicted movie: Lilya 4-ever
Original film: The Gallows || Predicted movie: [REC]
Original film: The Gambler || Predicted movie: Pulp Fiction
Original film: The Game || Predicted movie: American History X
Original film: The Game Plan || Predicted movie: Dancer, Texas Pop. 81
Original film: The Game of Their Lives || Predicted movie: Million Dollar Baby
Original film: The Gatekeepers || Predicted movie: Counting
Original film: The General's Daughter || Predicted movie: Cure
Original film: The Geographer Drank His Globe Away || Predicted movie: Fish Tank
Original film: The Ghastly Love of Johnny X || Predicted movie: Dancer, Texas Pop. 81
Original film: The Ghost Writer || Predicted movie: Swimming Pool
Original film: The Ghost and the Darkness || Predicted movie: Into the Wild
Original film: The Gift || Predicted movie: Pulp Fiction
Original film: The Girl Next Door || Predicted movie: Dancer, Texas Pop. 81
Original film: The Girl on the Train || Predicted movie: The Shawshank Redemption
Original film: The Girl with the Dragon Tattoo || Predicted movie: Gattaca
Original film: The Giver || Predicted movie: Fight Club
Original film: The Glass House || Predicted movie: Anne of Green Gables
Original film: The Glimmer Man || Predicted movie: Kiss Kiss Bang Bang
Original film: The Godfather || Predicted movie: The Godfather: Part II
Original film: The Godfather: Part II || Predicted movie: The Godfather
Original film: The Godfather: Part III || Predicted movie: Cape Fear
Original film: The Golden Child || Predicted movie: The Incredibles
Original film: The Golden Compass || Predicted movie: The Lord of the Rings: The Fellowship of the Ring
Original film: The Good Dinosaur || Predicted movie: Jurassic Park
Original film: The Good German || Predicted movie: The Boy in the Striped Pyjamas
Original film: The Good Girl || Predicted movie: The Lives of Others
Original film: The Good Guy || Predicted movie: Little Big Top
Original film: The Good Heart || Predicted movie: The Pursuit of Happyness
Original film: The Good Night || Predicted movie: Dancer, Texas Pop. 81
Original film: The Good Thief || Predicted movie: The Spanish Prisoner
Original film: The Good, The Bad, The Weird || Predicted movie: First Blood
Original film: The Good, the Bad and the Ugly || Predicted movie: Once Upon a Time in the West
Original film: The Goods: Live Hard, Sell Hard || Predicted movie: Dancer, Texas Pop. 81
Original film: The Grace Card || Predicted movie: The Visual Bible: The Gospel of John
Original film: The Grand Budapest Hotel || Predicted movie: Dancer, Texas Pop. 81
Original film: The Grandmaster || Predicted movie: Kill Bill: Vol. 1
Original film: The Great Beauty || Predicted movie: Forrest Gump
Original film: The Great Debaters || Predicted movie: Schindler's List
Original film: The Great Escape || Predicted movie: Raiders of the Lost Ark
Original film: The Great Gatsby || Predicted movie: Notes on a Scandal
Original film: The Great Raid || Predicted movie: Das Boot
Original film: The Greatest || Predicted movie: City of God
Original film: The Greatest Game Ever Played || Predicted movie: Million Dollar Baby
Original film: The Greatest Movie Ever Sold || Predicted movie: Dancer, Texas Pop. 81
Original film: The Greatest Show on Earth || Predicted movie: Seven Samurai
Original film: The Greatest Story Ever Told || Predicted movie: Schindler's List
Original film: The Green Hornet || Predicted movie: The Bourne Supremacy
Original film: The Green Inferno || Predicted movie: Kill Bill: Vol. 1
Original film: The Green Mile || Predicted movie: Midnight in Paris
Original film: The Grey || Predicted movie: Alive
Original film: The Grudge || Predicted movie: The Thing
Original film: The Grudge 2 || Predicted movie: The Thing
Original film: The Guard || Predicted movie: The French Connection
Original film: The Guilt Trip || Predicted movie: Dancer, Texas Pop. 81
Original film: The Gunman || Predicted movie: Crank
Original film: The Guru || Predicted movie: Dancer, Texas Pop. 81
Original film: The Hammer || Predicted movie: Little Big Top
Original film: The Hangover || Predicted movie: Dancer, Texas Pop. 81
Original film: The Hangover Part II || Predicted movie: Dancer, Texas Pop. 81
Original film: The Happening || Predicted movie: Pulp Fiction
Original film: The Hateful Eight || Predicted movie: Se7en
Original film: The Haunted Mansion || Predicted movie: Now You See Me
Original film: The Haunting || Predicted movie: The Thing
Original film: The Haunting in Connecticut 2: Ghosts of Georgia || Predicted movie: The Conjuring
Original film: The Haunting of Molly Hartley || Predicted movie: The Shawshank Redemption
Original film: The Heart of Me || Predicted movie: The Shawshank Redemption
Original film: The Heat || Predicted movie: Sicario
Original film: The Hebrew Hammer || Predicted movie: Bloody Sunday
Original film: The Helix... Loaded || Predicted movie: Seven Samurai
Original film: The Help || Predicted movie: A Single Man
Original film: The Helpers || Predicted movie: The Shining
Original film: The Hills Have Eyes || Predicted movie: The Texas Chain Saw Massacre
Original film: The Hills Have Eyes 2 || Predicted movie: 28 Weeks Later
Original film: The History Boys || Predicted movie: Dancer, Texas Pop. 81
Original film: The Hit List || Predicted movie: Seven Samurai
Original film: The Hitchhiker's Guide to the Galaxy || Predicted movie: Interstellar
Original film: The Hoax || Predicted movie: Dancer, Texas Pop. 81
Original film: The Hobbit: An Unexpected Journey || Predicted movie: The Lord of the Rings: The Fellowship of the Ring
Original film: The Hobbit: The Battle of the Five Armies || Predicted movie: Seven Samurai
Original film: The Hobbit: The Desolation of Smaug || Predicted movie: The Lord of the Rings: The Fellowship of the Ring
Original film: The Hole || Predicted movie: Pulp Fiction
Original film: The Holiday || Predicted movie: Bridget Jones's Diary
Original film: The Holy Girl || Predicted movie: Psycho
Original film: The Homesman || Predicted movie: The Revenant
Original film: The Horror Network Vol. 1 || Predicted movie: The Shining
Original film: The Horse Boy || Predicted movie: Hoop Dreams
Original film: The Horse Whisperer || Predicted movie: Brokeback Mountain
Original film: The Horseman on the Roof || Predicted movie: The Boy in the Striped Pyjamas
Original film: The Host || Predicted movie: The Host
Original film: The Host || Predicted movie: The Host
Original film: The Host || Predicted movie: The Host
Original film: The Host || Predicted movie: The Host
Original film: The Hotel New Hampshire || Predicted movie: Fast Times at Ridgemont High
Original film: The Hours || Predicted movie: Dead Poets Society
Original film: The House Bunny || Predicted movie: Me You and Five Bucks
Original film: The House of Mirth || Predicted movie: The Shawshank Redemption
Original film: The House of Sand || Predicted movie: The Second Mother
Original film: The House of the Devil || Predicted movie: Memento
Original film: The Howling || Predicted movie: Spellbound
Original film: The Hudsucker Proxy || Predicted movie: Dancer, Texas Pop. 81
Original film: The Hunchback of Notre Dame || Predicted movie: Anne of Green Gables
Original film: The Hundred-Foot Journey || Predicted movie: American History X
Original film: The Hunger Games || Predicted movie: The Hunger Games: Mockingjay - Part 1
Original film: The Hunger Games: Catching Fire || Predicted movie: Interstellar
Original film: The Hunger Games: Mockingjay - Part 1 || Predicted movie: The Hunger Games
Original film: The Hunger Games: Mockingjay - Part 2 || Predicted movie: The Maze Runner
Original film: The Hunt || Predicted movie: Hard Candy
Original film: The Hunt for Red October || Predicted movie: Das Boot
Original film: The Hunted || Predicted movie: Elite Squad
Original film: The Hunting Party || Predicted movie: Star Wars: Clone Wars: Volume 1
Original film: The Huntsman: Winter's War || Predicted movie: Kung Fu Hustle
Original film: The Hurricane || Predicted movie: GoodFellas
Original film: The Hurt Locker || Predicted movie: City of God
Original film: The Hustler || Predicted movie: The Color of Money
Original film: The I Inside || Predicted movie: Mulholland Drive
Original film: The Ice Pirates || Predicted movie: The Terminator
Original film: The Ice Storm || Predicted movie: GoodFellas
Original film: The Iceman || Predicted movie: Man on Wire
Original film: The Ides of March || Predicted movie: Blow Out
Original film: The Illusionist || Predicted movie: Pan's Labyrinth
Original film: The Image Revolution || Predicted movie: Aroused
Original film: The Imaginarium of Doctor Parnassus || Predicted movie: Captain America: Civil War
Original film: The Imitation Game || Predicted movie: Milk
Original film: The Immigrant || Predicted movie: Network
Original film: The Importance of Being Earnest || Predicted movie: Stiff Upper Lips
Original film: The Impossible || Predicted movie: Pulp Fiction
Original film: The In Crowd || Predicted movie: American Psycho
Original film: The Incredible Burt Wonderstone || Predicted movie: Dancer, Texas Pop. 81
Original film: The Incredible Hulk || Predicted movie: The Avengers
Original film: The Incredibles || Predicted movie: Batman Begins
Original film: The Incredibly True Adventure of Two Girls In Love || Predicted movie: Little Big Top
Original film: The Indian in the Cupboard || Predicted movie: The Hunger Games: Catching Fire
Original film: The Infiltrator || Predicted movie: The Wolf of Wall Street
Original film: The Informant! || Predicted movie: The Shawshank Redemption
Original film: The Informers || Predicted movie: Dallas Buyers Club
Original film: The Inhabited Island || Predicted movie: Guardians of the Galaxy
Original film: The Inkwell || Predicted movie: Dancer, Texas Pop. 81
Original film: The Innkeepers || Predicted movie: A Nightmare on Elm Street
Original film: The Insider || Predicted movie: The Life of David Gale
Original film: The Intern || Predicted movie: Dancer, Texas Pop. 81
Original film: The International || Predicted movie: Inside Out
Original film: The Internship || Predicted movie: Dancer, Texas Pop. 81
Original film: The Interpreter || Predicted movie: The Godfather: Part III
Original film: The Interview || Predicted movie: Tae Guk Gi: The Brotherhood of War
Original film: The Invasion || Predicted movie: The Avengers
Original film: The Invention of Lying || Predicted movie: Dancer, Texas Pop. 81
Original film: The Iron Giant || Predicted movie: Princess Mononoke
Original film: The Iron Lady || Predicted movie: Selma
Original film: The Island || Predicted movie: The Maze Runner
Original film: The Island of Dr. Moreau || Predicted movie: How to Train Your Dragon
Original film: The Italian Job || Predicted movie: Die Hard
Original film: The Jackal || Predicted movie: Smokin' Aces
Original film: The Jacket || Predicted movie: Good Will Hunting
Original film: The Jerky Boys || Predicted movie: Dancer, Texas Pop. 81
Original film: The Jimmy Show || Predicted movie: Dancer, Texas Pop. 81
Original film: The Joneses || Predicted movie: Little Big Top
Original film: The Judge || Predicted movie: Spotlight
Original film: The Jungle Book || Predicted movie: Paddington
Original film: The Jungle Book 2 || Predicted movie: The Jungle Book
Original film: The Juror || Predicted movie: 12 Angry Men
Original film: The Karate Kid || Predicted movie: The World's Fastest Indian
Original film: The Kentucky Fried Movie || Predicted movie: Dancer, Texas Pop. 81
Original film: The Kid || Predicted movie: Spirited Away
Original film: The Kids Are All Right || Predicted movie: Dancer, Texas Pop. 81
Original film: The Killer Inside Me || Predicted movie: Se7en
Original film: The King's Speech || Predicted movie: The Queen
Original film: The Kingdom || Predicted movie: Now You See Me
Original film: The Kite Runner || Predicted movie: Anne of Green Gables
Original film: The Ladies Man || Predicted movie: Dancer, Texas Pop. 81
Original film: The Lady from Shanghai || Predicted movie: The Silence of the Lambs
Original film: The Ladykillers || Predicted movie: Dancer, Texas Pop. 81
Original film: The Lake House || Predicted movie: Me You and Five Bucks
Original film: The Land Before Time || Predicted movie: WALL·E
Original film: The Land Girls || Predicted movie: The Shawshank Redemption
Original film: The Last Airbender || Predicted movie: Seven Samurai
Original film: The Last Big Thing || Predicted movie: Little Big Top
Original film: The Last Castle || Predicted movie: First Blood
Original film: The Last Days on Mars || Predicted movie: 2001: A Space Odyssey
Original film: The Last Dragon || Predicted movie: The Matrix
Original film: The Last Emperor || Predicted movie: The Last Samurai
Original film: The Last Exorcism || Predicted movie: Rosemary's Baby
Original film: The Last Exorcism Part II || Predicted movie: [REC]
Original film: The Last Five Years || Predicted movie: Dancer, Texas Pop. 81
Original film: The Last Godfather || Predicted movie: Seven Samurai
Original film: The Last House on the Left || Predicted movie: The Secret in Their Eyes
Original film: The Last King of Scotland || Predicted movie: GoodFellas
Original film: The Last Legion || Predicted movie: Gladiator
Original film: The Last Samurai || Predicted movie: The Last Emperor
Original film: The Last Shot || Predicted movie: Seven Samurai
Original film: The Last Sin Eater || Predicted movie: Ordet
Original film: The Last Song || Predicted movie: The Savages
Original film: The Last Stand || Predicted movie: The Bourne Identity
Original film: The Last Station || Predicted movie: Inside Out
Original film: The Last Temptation of Christ || Predicted movie: The Passion of the Christ
Original film: The Last Time I Committed Suicide || Predicted movie: Ordet
Original film: The Last Waltz || Predicted movie: Shine a Light
Original film: The Last Witch Hunter || Predicted movie: Spirited Away
Original film: The Last of the Mohicans || Predicted movie: Seven Samurai
Original film: The Lawnmower Man || Predicted movie: The Shining
Original film: The Lazarus Effect || Predicted movie: Pulp Fiction
Original film: The League of Extraordinary Gentlemen || Predicted movie: Underworld
Original film: The Legend of Bagger Vance || Predicted movie: The Green Mile
Original film: The Legend of Drunken Master || Predicted movie: The Matrix
Original film: The Legend of Hell's Gate: An American Conspiracy || Predicted movie: Seven Samurai
Original film: The Legend of Hercules || Predicted movie: Seven Samurai
Original film: The Legend of Suriyothai || Predicted movie: The Bridge on the River Kwai
Original film: The Legend of Tarzan || Predicted movie: Seven Samurai
Original film: The Legend of Zorro || Predicted movie: The Mask of Zorro
Original film: The Legend of the Lone Ranger || Predicted movie: Seven Samurai
Original film: The Lego Movie || Predicted movie: Princess Mononoke
Original film: The Libertine || Predicted movie: Trainspotting
Original film: The Life Aquatic with Steve Zissou || Predicted movie: Pirates of the Caribbean: At World's End
Original film: The Life Before Her Eyes || Predicted movie: Mulholland Drive
Original film: The Life of David Gale || Predicted movie: Dead Man Walking
Original film: The Limey || Predicted movie: Beverly Hills Cop
Original film: The Lincoln Lawyer || Predicted movie: Hot Fuzz
Original film: The Lion King || Predicted movie: Karachi se Lahore
Original film: The Lion of Judah || Predicted movie: The Prisoner of Zenda
Original film: The Little Ponderosa Zoo || Predicted movie: #Horror
Original film: The Little Prince || Predicted movie: Bridge to Terabithia
Original film: The Little Vampire || Predicted movie: Willy Wonka & the Chocolate Factory
Original film: The Lives of Others || Predicted movie: Network
Original film: The Living Daylights || Predicted movie: From Russia with Love
Original film: The Living Wake || Predicted movie: Little Big Top
Original film: The Lizzie McGuire Movie || Predicted movie: Karachi se Lahore
Original film: The Lone Ranger || Predicted movie: First Blood
Original film: The Long Kiss Goodnight || Predicted movie: Reservoir Dogs
Original film: The Long Riders || Predicted movie: One Man's Hero
Original film: The Longest Day || Predicted movie: Das Boot
Original film: The Longest Ride || Predicted movie: Me Before You
Original film: The Longest Yard || Predicted movie: Dancer, Texas Pop. 81
Original film: The Longshots || Predicted movie: The Shawshank Redemption
Original film: The Looking Glass || Predicted movie: #Horror
Original film: The Lord of the Rings: The Fellowship of the Ring || Predicted movie: The Lord of the Rings: The Two Towers
Original film: The Lord of the Rings: The Return of the King || Predicted movie: The Lord of the Rings: The Fellowship of the Ring
Original film: The Lord of the Rings: The Two Towers || Predicted movie: The Lord of the Rings: The Fellowship of the Ring
Original film: The Lords of Salem || Predicted movie: The Shining
Original film: The Losers || Predicted movie: Seven Samurai
Original film: The Loss of Sexual Innocence || Predicted movie: The Shawshank Redemption
Original film: The Lost Boys || Predicted movie: Interview with the Vampire
Original film: The Lost City || Predicted movie: The Godfather: Part II
Original film: The Lost Medallion: The Adventures of Billy Stone || Predicted movie: The Prisoner of Zenda
Original film: The Lost Skeleton of Cadavra || Predicted movie: Dancer, Texas Pop. 81
Original film: The Lost Weekend || Predicted movie: Metropolis
Original film: The Lost World: Jurassic Park || Predicted movie: Jurassic Park
Original film: The Love Guru || Predicted movie: Lage Raho Munna Bhai
Original film: The Love Letter || Predicted movie: Dancer, Texas Pop. 81
Original film: The Loved Ones || Predicted movie: A Nightmare on Elm Street
Original film: The Lovely Bones || Predicted movie: Enter the Void
Original film: The Lovers || Predicted movie: Seven Samurai
Original film: The Lucky One || Predicted movie: Anne of Green Gables
Original film: The Lucky Ones || Predicted movie: Little Big Top
Original film: The Lunchbox || Predicted movie: The Shawshank Redemption
Original film: The Machinist || Predicted movie: Pulp Fiction
Original film: The Magic Flute || Predicted movie: Dancer, Texas Pop. 81
Original film: The Maid's Room || Predicted movie: Pulp Fiction
Original film: The Majestic || Predicted movie: The Help
Original film: The Man || Predicted movie: Iron Man
Original film: The Man Who Knew Too Little || Predicted movie: Dancer, Texas Pop. 81
Original film: The Man Who Shot Liberty Valance || Predicted movie: High Noon
Original film: The Man from Earth || Predicted movie: Eternal Sunshine of the Spotless Mind
Original film: The Man from Snowy River || Predicted movie: Karachi se Lahore
Original film: The Man from U.N.C.L.E. || Predicted movie: Dancer, Texas Pop. 81
Original film: The Man in the Iron Mask || Predicted movie: Kill Bill: Vol. 2
Original film: The Man with the Golden Gun || Predicted movie: Dr. No
Original film: The Man with the Iron Fists || Predicted movie: Guardians of the Galaxy
Original film: The Manchurian Candidate || Predicted movie: JFK
Original film: The Marine || Predicted movie: Star Wars: Clone Wars: Volume 1
Original film: The Marine 4: Moving Target || Predicted movie: Pulp Fiction
Original film: The Married Woman || Predicted movie: The Shawshank Redemption
Original film: The Martian || Predicted movie: Apollo 13
Original film: The Mask || Predicted movie: Me You and Five Bucks
Original film: The Mask of Zorro || Predicted movie: The Legend of Zorro
Original film: The Masked Saint || Predicted movie: Sleepers
Original film: The Master || Predicted movie: There Will Be Blood
Original film: The Master of Disguise || Predicted movie: Dancer, Texas Pop. 81
Original film: The Matador || Predicted movie: Star Trek II: The Wrath of Khan
Original film: The Matrix || Predicted movie: The Matrix Reloaded
Original film: The Matrix Reloaded || Predicted movie: The Matrix Revolutions
Original film: The Matrix Revolutions || Predicted movie: The Matrix Reloaded
Original film: The Maze Runner || Predicted movie: Maze Runner: The Scorch Trials
Original film: The Mechanic || Predicted movie: Crank
Original film: The Medallion || Predicted movie: Pulp Fiction
Original film: The Men Who Stare at Goats || Predicted movie: Dancer, Texas Pop. 81
Original film: The Merchant of Venice || Predicted movie: Psycho
Original film: The Messenger || Predicted movie: Ordet
Original film: The Messenger: The Story of Joan of Arc || Predicted movie: Into the Wild
Original film: The Mexican || Predicted movie: Inception
Original film: The Midnight Meat Train || Predicted movie: Memento
Original film: The Mighty || Predicted movie: Dancer, Texas Pop. 81
Original film: The Mighty Ducks || Predicted movie: Dancer, Texas Pop. 81
Original film: The Mighty Macs || Predicted movie: Love & Basketball
Original film: The Mirror Has Two Faces || Predicted movie: Dancer, Texas Pop. 81
Original film: The Misfits || Predicted movie: The Hunt
Original film: The Missing Person || Predicted movie: Little Big Top
Original film: The Mist || Predicted movie: The Man from Earth
Original film: The Molly Maguires || Predicted movie: Prisoners
Original film: The Monkey King 2 || Predicted movie: Seven Samurai
Original film: The Monuments Men || Predicted movie: The Boy in the Striped Pyjamas
Original film: The Mortal Instruments: City of Bones || Predicted movie: Seven Samurai
Original film: The Motel || Predicted movie: The Shawshank Redemption
Original film: The Mothman Prophecies || Predicted movie: Room
Original film: The Mudge Boy || Predicted movie: City of God
Original film: The Mummy Returns || Predicted movie: The Prisoner of Zenda
Original film: The Mummy: Tomb of the Dragon Emperor || Predicted movie: The Prisoner of Zenda
Original film: The Muppet Christmas Carol || Predicted movie: Dancer, Texas Pop. 81
Original film: The Muppet Movie || Predicted movie: Big Hero 6
Original film: The Muppets || Predicted movie: Dancer, Texas Pop. 81
Original film: The Muse || Predicted movie: Midnight in Paris
Original film: The Musketeer || Predicted movie: Baahubali: The Beginning
Original film: The Naked Ape || Predicted movie: The Shawshank Redemption
Original film: The Naked Gun 2½: The Smell of Fear || Predicted movie: Dancer, Texas Pop. 81
Original film: The Naked Gun 33⅓: The Final Insult || Predicted movie: Dancer, Texas Pop. 81
Original film: The Names of Love || Predicted movie: American Beauty
Original film: The Namesake || Predicted movie: Morvern Callar
Original film: The Nativity Story || Predicted movie: The Visual Bible: The Gospel of John
Original film: The Negotiator || Predicted movie: Air Force One
Original film: The Neon Demon || Predicted movie: Pulp Fiction
Original film: The Net || Predicted movie: Shooting Fish
Original film: The NeverEnding Story || Predicted movie: Anne of Green Gables
Original film: The New Guy || Predicted movie: Dancer, Texas Pop. 81
Original film: The New World || Predicted movie: The Shawshank Redemption
Original film: The Newton Boys || Predicted movie: Se7en
Original film: The Next Best Thing || Predicted movie: Dancer, Texas Pop. 81
Original film: The Next Three Days || Predicted movie: Me You and Five Bucks
Original film: The Night Listener || Predicted movie: Talk Radio
Original film: The Night Visitor || Predicted movie: The Silence of the Lambs
Original film: The Ninth Gate || Predicted movie: [REC]
Original film: The Notebook || Predicted movie: Me You and Five Bucks
Original film: The November Man || Predicted movie: Sexy Beast
Original film: The Number 23 || Predicted movie: American Psycho
Original film: The Nun's Story || Predicted movie: Room
Original film: The Nut Job || Predicted movie: Frozen
Original film: The Nutcracker || Predicted movie: Karachi se Lahore
Original film: The Nutcracker: The Untold Story || Predicted movie: Spirited Away
Original film: The Nutty Professor || Predicted movie: Spirited Away
Original film: The Object of My Affection || Predicted movie: Dancer, Texas Pop. 81
Original film: The Odd Life of Timothy Green || Predicted movie: Spirited Away
Original film: The Oh in Ohio || Predicted movie: The Great Beauty
Original film: The Omega Code || Predicted movie: The Shining
Original film: The Omen || Predicted movie: The Others
Original film: The One || Predicted movie: Seven Samurai
Original film: The Oogieloves in the Big Balloon Adventure || Predicted movie: Karachi se Lahore
Original film: The Open Road || Predicted movie: Little Big Top
Original film: The Opposite Sex || Predicted movie: Dancer, Texas Pop. 81
Original film: The Order || Predicted movie: Spotlight
Original film: The Original Kings of Comedy || Predicted movie: Dancer, Texas Pop. 81
Original film: The Orphanage || Predicted movie: The Shining
Original film: The Other Boleyn Girl || Predicted movie: A Man for All Seasons
Original film: The Other Conquest || Predicted movie: American Beauty
Original film: The Other Dream Team || Predicted movie: Hoop Dreams
Original film: The Other End of the Line || Predicted movie: Dancer, Texas Pop. 81
Original film: The Other Guys || Predicted movie: Guardians of the Galaxy
Original film: The Other Side of Heaven || Predicted movie: 13 Hours: The Secret Soldiers of Benghazi
Original film: The Other Woman || Predicted movie: Dancer, Texas Pop. 81
Original film: The Others || Predicted movie: The Omen
Original film: The Out-of-Towners || Predicted movie: Dancer, Texas Pop. 81
Original film: The Outsiders || Predicted movie: Reservoir Dogs
Original film: The Oxford Murders || Predicted movie: Se7en
Original film: The Pacifier || Predicted movie: Seven Samurai
Original film: The Painted Veil || Predicted movie: The Last Emperor
Original film: The Pallbearer || Predicted movie: Little Big Top
Original film: The Party's Over || Predicted movie: Trainspotting
Original film: The Passion of the Christ || Predicted movie: The Visual Bible: The Gospel of John
Original film: The Past Is a Grotesque Animal || Predicted movie: Counting
Original film: The Patriot || Predicted movie: GoodFellas
Original film: The Peacemaker || Predicted movie: Die Hard
Original film: The Peanuts Movie || Predicted movie: Ratatouille
Original film: The Pelican Brief || Predicted movie: 12 Angry Men
Original film: The Perez Family || Predicted movie: Little Big Top
Original film: The Perfect Game || Predicted movie: The Straight Story
Original film: The Perfect Host || Predicted movie: Dancer, Texas Pop. 81
Original film: The Perfect Man || Predicted movie: Dancer, Texas Pop. 81
Original film: The Perfect Match || Predicted movie: Dancer, Texas Pop. 81
Original film: The Perfect Storm || Predicted movie: The Shawshank Redemption
Original film: The Perfect Wave || Predicted movie: Me You and Five Bucks
Original film: The Perks of Being a Wallflower || Predicted movie: City of God
Original film: The Pet || Predicted movie: Ordet
Original film: The Phantom || Predicted movie: Pirates of the Caribbean: The Curse of the Black Pearl
Original film: The Phantom of the Opera || Predicted movie: The Girl with the Dragon Tattoo
Original film: The Pianist || Predicted movie: Schindler's List
Original film: The Piano || Predicted movie: Fish Tank
Original film: The Pink Panther || Predicted movie: Seven Samurai
Original film: The Pirate || Predicted movie: Mr. Holland's Opus
Original film: The Pirates! In an Adventure with Scientists! || Predicted movie: Finding Nemo
Original film: The Place Beyond the Pines || Predicted movie: The Shawshank Redemption
Original film: The Players Club || Predicted movie: The Wrestler
Original film: The Pledge || Predicted movie: On the Waterfront
Original film: The Poker House || Predicted movie: American History X
Original film: The Polar Express || Predicted movie: The Prisoner of Zenda
Original film: The Possession || Predicted movie: The Shining
Original film: The Postman || Predicted movie: Apocalypse Now
Original film: The Postman Always Rings Twice || Predicted movie: Me You and Five Bucks
Original film: The Prestige || Predicted movie: Rebecca
Original film: The Prince || Predicted movie: Pulp Fiction
Original film: The Prince & Me || Predicted movie: Dancer, Texas Pop. 81
Original film: The Prince of Egypt || Predicted movie: Raiders of the Lost Ark
Original film: The Prince of Tides || Predicted movie: Remember the Titans
Original film: The Princess Bride || Predicted movie: Pirates of the Caribbean: The Curse of the Black Pearl
Original film: The Princess Diaries || Predicted movie: Mean Girls
Original film: The Princess Diaries 2: Royal Engagement || Predicted movie: Dancer, Texas Pop. 81
Original film: The Princess and the Frog || Predicted movie: Me You and Five Bucks
Original film: The Prisoner of Zenda || Predicted movie: Stardust
Original film: The Producers || Predicted movie: Dancer, Texas Pop. 81
Original film: The Promise || Predicted movie: Pan's Labyrinth
Original film: The Prophecy || Predicted movie: Spirited Away
Original film: The Proposal || Predicted movie: Dancer, Texas Pop. 81
Original film: The Proposition || Predicted movie: Die Hard
Original film: The Protector || Predicted movie: The Proposition
Original film: The Puffy Chair || Predicted movie: The Shawshank Redemption
Original film: The Punisher || Predicted movie: Guardians of the Galaxy
Original film: The Purge || Predicted movie: Blade Runner
Original film: The Purge: Anarchy || Predicted movie: Eden Lake
Original film: The Purge: Election Year || Predicted movie: The Matrix
Original film: The Pursuit of D.B. Cooper || Predicted movie: The Prisoner of Zenda
Original film: The Pursuit of Happyness || Predicted movie: Metropolis
Original film: The Queen || Predicted movie: The King's Speech
Original film: The Quick and the Dead || Predicted movie: Face/Off
Original film: The Quiet || Predicted movie: The Savages
Original film: The Quiet American || Predicted movie: Before Sunset
Original film: The R.M. || Predicted movie: Dancer, Texas Pop. 81
Original film: The Rage: Carrie 2 || Predicted movie: Halloween
Original film: The Raid || Predicted movie: Seven Samurai
Original film: The Railway Man || Predicted movie: The Best Years of Our Lives
Original film: The Rainmaker || Predicted movie: 12 Angry Men
Original film: The Raven || Predicted movie: Se7en
Original film: The Reader || Predicted movie: Guten Tag, Ramón
Original film: The Real Cancun || Predicted movie: Hoop Dreams
Original film: The Reaping || Predicted movie: The Shining
Original film: The Red Violin || Predicted movie: The Shawshank Redemption
Original film: The Reef || Predicted movie: The Shawshank Redemption
Original film: The Relic || Predicted movie: The Shining
Original film: The Remains of the Day || Predicted movie: Schindler's List
Original film: The Replacement Killers || Predicted movie: Now You See Me 2
Original film: The Replacements || Predicted movie: Dancer, Texas Pop. 81
Original film: The Return || Predicted movie: Pulp Fiction
Original film: The Return of the Living Dead || Predicted movie: Little Big Top
Original film: The Return of the Pink Panther || Predicted movie: Dancer, Texas Pop. 81
Original film: The Revenant || Predicted movie: The Homesman
Original film: The Ridiculous 6 || Predicted movie: Dancer, Texas Pop. 81
Original film: The Right Stuff || Predicted movie: Solaris
Original film: The Ring Two || Predicted movie: Anne of Green Gables
Original film: The Rise of the Krays || Predicted movie: Se7en
Original film: The Rite || Predicted movie: Room
Original film: The River Wild || Predicted movie: Sorcerer
Original film: The Road || Predicted movie: Mad Max 2: The Road Warrior
Original film: The Road to El Dorado || Predicted movie: Lawrence of Arabia
Original film: The Robe || Predicted movie: The Shawshank Redemption
Original film: The Rock || Predicted movie: Sicario
Original film: The Rocker || Predicted movie: Dancer, Texas Pop. 81
Original film: The Rocket: The Legend of Rocket Richard || Predicted movie: Miracle
Original film: The Rookie || Predicted movie: Remember the Titans
Original film: The Roommate || Predicted movie: Eastern Promises
Original film: The Rose || Predicted movie: Dallas Buyers Club
Original film: The Royal Tenenbaums || Predicted movie: Dancer, Texas Pop. 81
Original film: The Rugrats Movie || Predicted movie: Aladdin
Original film: The Ruins || Predicted movie: The Shawshank Redemption
Original film: The Rules of Attraction || Predicted movie: Little Big Top
Original film: The Runaways || Predicted movie: The Diary of a Teenage Girl
Original film: The Rundown || Predicted movie: Princess Mononoke
Original film: The Running Man || Predicted movie: Mad Max: Fury Road
Original film: The Saint || Predicted movie: Pulp Fiction
Original film: The Salon || Predicted movie: Little Big Top
Original film: The Santa Clause || Predicted movie: The Santa Clause 2
Original film: The Santa Clause 2 || Predicted movie: The Santa Clause
Original film: The Savages || Predicted movie: The Celebration
Original film: The Scarlet Letter || Predicted movie: Sense and Sensibility
Original film: The Score || Predicted movie: The Bourne Identity
Original film: The Scorpion King || Predicted movie: Seven Samurai
Original film: The Sea Inside || Predicted movie: One Flew Over the Cuckoo's Nest
Original film: The Second Best Exotic Marigold Hotel || Predicted movie: Veer-Zaara
Original film: The Second Mother || Predicted movie: City of God
Original film: The Secret Life of Bees || Predicted movie: Shrek
Original film: The Secret Life of Pets || Predicted movie: My Dog Tulip
Original film: The Secret Life of Walter Mitty || Predicted movie: Raiders of the Lost Ark
Original film: The Secret in Their Eyes || Predicted movie: Hot Fuzz
Original film: The Secret of Kells || Predicted movie: Persepolis
Original film: The Sentinel || Predicted movie: Seven Samurai
Original film: The Sessions || Predicted movie: One Flew Over the Cuckoo's Nest
Original film: The Shadow || Predicted movie: Captain America: Civil War
Original film: The Shaggy Dog || Predicted movie: Dancer, Texas Pop. 81
Original film: The Shallows || Predicted movie: Jaws
Original film: The Shawshank Redemption || Predicted movie: Malcolm X
Original film: The Shining || Predicted movie: A Nightmare on Elm Street
Original film: The Shipping News || Predicted movie: Room
Original film: The Siege || Predicted movie: Malcolm X
Original film: The Signal || Predicted movie: Mulholland Drive
Original film: The Silence of the Lambs || Predicted movie: Red Dragon
Original film: The Simpsons Movie || Predicted movie: Finding Nemo
Original film: The Singing Detective || Predicted movie: Dancer, Texas Pop. 81
Original film: The Singles Ward || Predicted movie: Dancer, Texas Pop. 81
Original film: The Sisterhood of Night || Predicted movie: Memento
Original film: The Sisterhood of the Traveling Pants || Predicted movie: The Perks of Being a Wallflower
Original film: The Sisterhood of the Traveling Pants 2 || Predicted movie: Big Hero 6
Original film: The Sitter || Predicted movie: Dancer, Texas Pop. 81
Original film: The Sixth Sense || Predicted movie: Gone Girl
Original film: The Skeleton Key || Predicted movie: The Godfather: Part II
Original film: The Skeleton Twins || Predicted movie: Loving Annabelle
Original film: The Skulls || Predicted movie: Zodiac
Original film: The Slaughter Rule || Predicted movie: The Shawshank Redemption
Original film: The Sleepwalker || Predicted movie: City of God
Original film: The Smurfs || Predicted movie: Tangled
Original film: The Smurfs 2 || Predicted movie: Spirited Away
Original film: The Snow Queen || Predicted movie: WALL·E
Original film: The Social Network || Predicted movie: The Shawshank Redemption
Original film: The Soloist || Predicted movie: American History X
Original film: The Son of No One || Predicted movie: The Shawshank Redemption
Original film: The Sorcerer's Apprentice || Predicted movie: Spirited Away
Original film: The Sound of Music || Predicted movie: The Pianist
Original film: The Spanish Apartment || Predicted movie: Rang De Basanti
Original film: The Spanish Prisoner || Predicted movie: Se7en
Original film: The Specialist || Predicted movie: Kill Bill: Vol. 1
Original film: The Specials || Predicted movie: Captain America: The Winter Soldier
Original film: The Spectacular Now || Predicted movie: It's Kind of a Funny Story
Original film: The Spiderwick Chronicles || Predicted movie: Interstellar
Original film: The Spirit || Predicted movie: The Dark Knight Rises
Original film: The SpongeBob Movie: Sponge Out of Water || Predicted movie: The SpongeBob SquarePants Movie
Original film: The SpongeBob SquarePants Movie || Predicted movie: The SpongeBob Movie: Sponge Out of Water
Original film: The Spy Next Door || Predicted movie: Guardians of the Galaxy
Original film: The Spy Who Loved Me || Predicted movie: Dr. No
Original film: The Square || Predicted movie: Indie Game: The Movie
Original film: The Squid and the Whale || Predicted movie: Little Big Top
Original film: The Statement || Predicted movie: The Shawshank Redemption
Original film: The Station Agent || Predicted movie: Dead Poets Society
Original film: The Stepfather || Predicted movie: The Thing
Original film: The Stepford Wives || Predicted movie: Seven Samurai
Original film: The Stewardesses || Predicted movie: Dancer, Texas Pop. 81
Original film: The Sticky Fingers of Time || Predicted movie: Moon
Original film: The Sting || Predicted movie: Dancer, Texas Pop. 81
Original film: The Story of Us || Predicted movie: Definitely, Maybe
Original film: The Straight Story || Predicted movie: American History X
Original film: The Sum of All Fears || Predicted movie: Bridge of Spies
Original film: The Sweeney || Predicted movie: Seven Samurai
Original film: The Sweet Hereafter || Predicted movie: Anne of Green Gables
Original film: The Sweetest Thing || Predicted movie: Me You and Five Bucks
Original film: The Swindle || Predicted movie: Dancer, Texas Pop. 81
Original film: The Switch || Predicted movie: Dancer, Texas Pop. 81
Original film: The Tailor of Panama || Predicted movie: Blue Valentine
Original film: The Taking of Pelham 1 2 3 || Predicted movie: Money Monster
Original film: The Tale of Despereaux || Predicted movie: Interstellar
Original film: The Talented Mr. Ripley || Predicted movie: Gattaca
Original film: The Tempest || Predicted movie: City of God
Original film: The Ten || Predicted movie: Little Big Top
Original film: The Terminal || Predicted movie: Dancer, Texas Pop. 81
Original film: The Terminator || Predicted movie: The Matrix
Original film: The Texas Chain Saw Massacre || Predicted movie: The Texas Chainsaw Massacre: The Beginning
Original film: The Texas Chainsaw Massacre 2 || Predicted movie: The Texas Chain Saw Massacre
Original film: The Texas Chainsaw Massacre: The Beginning || Predicted movie: The Texas Chain Saw Massacre
Original film: The Theory of Everything || Predicted movie: Schindler's List
Original film: The Thief and the Cobbler || Predicted movie: Harry Potter and the Order of the Phoenix
Original film: The Thin Red Line || Predicted movie: Platoon
Original film: The Thing || Predicted movie: Alien
Original film: The Thirteenth Floor || Predicted movie: Mulholland Drive
Original film: The Thomas Crown Affair || Predicted movie: Woman in Gold
Original film: The Three Burials of Melquiades Estrada || Predicted movie: Lawrence of Arabia
Original film: The Three Musketeers || Predicted movie: Big Hero 6
Original film: The Three Stooges || Predicted movie: Dancer, Texas Pop. 81
Original film: The Tigger Movie || Predicted movie: Winnie the Pooh
Original film: The Timber || Predicted movie: The Prisoner of Zenda
Original film: The Time Machine || Predicted movie: Moon
Original film: The Time Traveler's Wife || Predicted movie: Notes on a Scandal
Original film: The To Do List || Predicted movie: Dancer, Texas Pop. 81
Original film: The Tooth Fairy || Predicted movie: The Texas Chain Saw Massacre
Original film: The Torture Chamber of Dr. Sadism || Predicted movie: Memento
Original film: The Tourist || Predicted movie: The Bourne Ultimatum
Original film: The Town || Predicted movie: Se7en
Original film: The Toxic Avenger || Predicted movie: Escape from New York
Original film: The Toxic Avenger Part II || Predicted movie: Dancer, Texas Pop. 81
Original film: The Train || Predicted movie: Captain America: The First Avenger
Original film: The Transporter || Predicted movie: Sorcerer
Original film: The Transporter Refueled || Predicted movie: Pulp Fiction
Original film: The Tree of Life || Predicted movie: The Savages
Original film: The Trials Of Darryl Hunt || Predicted movie: The Square
Original film: The Triplets of Belleville || Predicted movie: The Prisoner of Zenda
Original film: The Trouble with Harry || Predicted movie: Dancer, Texas Pop. 81
Original film: The True Story of Puss 'n Boots || Predicted movie: Karachi se Lahore
Original film: The Truman Show || Predicted movie: Dancer, Texas Pop. 81
Original film: The Tuxedo || Predicted movie: Pulp Fiction
Original film: The Twilight Saga: Breaking Dawn - Part 2 || Predicted movie: The Prisoner of Zenda
Original film: The Twilight Saga: Eclipse || Predicted movie: Harry Potter and the Prisoner of Azkaban
Original film: The Twilight Saga: New Moon || Predicted movie: Harry Potter and the Prisoner of Azkaban
Original film: The Ugly Truth || Predicted movie: Dancer, Texas Pop. 81
Original film: The Ultimate Gift || Predicted movie: Me You and Five Bucks
Original film: The Unborn || Predicted movie: The Shining
Original film: The Untouchables || Predicted movie: The Funeral
Original film: The Upside of Anger || Predicted movie: Forrest Gump
Original film: The Usual Suspects || Predicted movie: Psycho
Original film: The Valley of Decision || Predicted movie: The Shawshank Redemption
Original film: The Vatican Exorcisms || Predicted movie: The Conjuring
Original film: The Vatican Tapes || Predicted movie: Pulp Fiction
Original film: The Veil || Predicted movie: The Shining
Original film: The Velocity of Gary || Predicted movie: The Shawshank Redemption
Original film: The Verdict || Predicted movie: 12 Angry Men
Original film: The Village || Predicted movie: Rebecca
Original film: The Virgin Suicides || Predicted movie: City of God
Original film: The Virginity Hit || Predicted movie: Dancer, Texas Pop. 81
Original film: The Visit || Predicted movie: Halloween
Original film: The Visitors || Predicted movie: Army of Darkness
Original film: The Visitors II: The Corridors of Time || Predicted movie: Dancer, Texas Pop. 81
Original film: The Visual Bible: The Gospel of John || Predicted movie: The Passion of the Christ
Original film: The Vow || Predicted movie: If I Stay
Original film: The Wackness || Predicted movie: American Beauty
Original film: The Wailing || Predicted movie: The Conjuring
Original film: The Walk || Predicted movie: Into the Wild
Original film: The Walking Deceased || Predicted movie: 2001: A Space Odyssey
Original film: The Warlords || Predicted movie: The Bourne Identity
Original film: The Warrior's Way || Predicted movie: Big Hero 6
Original film: The Wash || Predicted movie: Guardians of the Galaxy
Original film: The Watch || Predicted movie: Dancer, Texas Pop. 81
Original film: The Watcher || Predicted movie: Eagle Eye
Original film: The Water Diviner || Predicted movie: The Boy in the Striped Pyjamas
Original film: The Waterboy || Predicted movie: Dancer, Texas Pop. 81
Original film: The Wave || Predicted movie: Downfall
Original film: The Way Way Back || Predicted movie: Dancer, Texas Pop. 81
Original film: The Way of the Gun || Predicted movie: Dredd
Original film: The Weather Man || Predicted movie: Dancer, Texas Pop. 81
Original film: The Wedding Date || Predicted movie: Dancer, Texas Pop. 81
Original film: The Wedding Planner || Predicted movie: Dancer, Texas Pop. 81
Original film: The Wendell Baker Story || Predicted movie: Little Big Top
Original film: The White Countess || Predicted movie: The Shawshank Redemption
Original film: The White Ribbon || Predicted movie: Sleepers
Original film: The Whole Nine Yards || Predicted movie: Dancer, Texas Pop. 81
Original film: The Whole Ten Yards || Predicted movie: Dancer, Texas Pop. 81
Original film: The Wicked Lady || Predicted movie: The Shawshank Redemption
Original film: The Wicked Within || Predicted movie: The Shining
Original film: The Widow of Saint-Pierre || Predicted movie: Me You and Five Bucks
Original film: The Wild Bunch || Predicted movie: Princess Mononoke
Original film: The Wild Thornberrys Movie || Predicted movie: Persepolis
Original film: The Wind That Shakes the Barley || Predicted movie: Gandhi
Original film: The Witch || Predicted movie: Memento
Original film: The Wiz || Predicted movie: The Lord of the Rings: The Fellowship of the Ring
Original film: The Wizard of Oz || Predicted movie: The Chronicles of Narnia: The Lion, the Witch and the Wardrobe
Original film: The Wolf of Wall Street || Predicted movie: Wall Street
Original film: The Wolfman || Predicted movie: Prisoners
Original film: The Wolverine || Predicted movie: X-Men: First Class
Original film: The Woman Chaser || Predicted movie: The Shawshank Redemption
Original film: The Woman in Black || Predicted movie: The Godfather: Part II
Original film: The Women || Predicted movie: Dancer, Texas Pop. 81
Original film: The Wood || Predicted movie: Dancer, Texas Pop. 81
Original film: The Words || Predicted movie: Almost Famous
Original film: The Work and the Glory || Predicted movie: The Shawshank Redemption
Original film: The Work and the Glory II: American Zion || Predicted movie: The Shawshank Redemption
Original film: The World Is Not Enough || Predicted movie: The Lord of the Rings: The Two Towers
Original film: The World's End || Predicted movie: Dancer, Texas Pop. 81
Original film: The World's Fastest Indian || Predicted movie: Ordet
Original film: The Wraith || Predicted movie: Me You and Five Bucks
Original film: The Wrestler || Predicted movie: Oldboy
Original film: The X Files || Predicted movie: Memento
Original film: The X Files: I Want to Believe || Predicted movie: Inside Out
Original film: The Yards || Predicted movie: The Shawshank Redemption
Original film: The Yellow Handkerchief || Predicted movie: Ordet
Original film: The Young Messiah || Predicted movie: The Visual Bible: The Gospel of John
Original film: The Young Victoria || Predicted movie: The Elephant Man
Original film: The Young and Prodigious T.S. Spivet || Predicted movie: The Prisoner of Zenda
Original film: There Be Dragons || Predicted movie: Spotlight
Original film: There Goes My Baby || Predicted movie: The Shawshank Redemption
Original film: There Will Be Blood || Predicted movie: American History X
Original film: There's Always Woodstock || Predicted movie: Me You and Five Bucks
Original film: There's Something About Mary || Predicted movie: Me You and Five Bucks
Original film: They || Predicted movie: A Nightmare on Elm Street
Original film: They Came Together || Predicted movie: Dancer, Texas Pop. 81
Original film: They Live || Predicted movie: Edge of Tomorrow
Original film: They Will Have to Kill Us First || Predicted movie: Tupac: Resurrection
Original film: Things We Lost in the Fire || Predicted movie: Trainspotting
Original film: Things to Do in Denver When You're Dead || Predicted movie: GoodFellas
Original film: Think Like a Man || Predicted movie: Dancer, Texas Pop. 81
Original film: Think Like a Man Too || Predicted movie: Dancer, Texas Pop. 81
Original film: Thinner || Predicted movie: The Wailing
Original film: Thir13en Ghosts || Predicted movie: Halloween
Original film: Thirteen || Predicted movie: L.A. Confidential
Original film: Thirteen Conversations About One Thing || Predicted movie: Morvern Callar
Original film: Thirteen Days || Predicted movie: Dr. Strangelove or: How I Learned to Stop Worrying and Love the Bomb
Original film: This Christmas || Predicted movie: Dancer, Texas Pop. 81
Original film: This Is 40 || Predicted movie: Dancer, Texas Pop. 81
Original film: This Is England || Predicted movie: Straight Outta Compton
Original film: This Is It || Predicted movie: The Blues Brothers
Original film: This Is Martin Bonner || Predicted movie: The Shawshank Redemption
Original film: This Is Where I Leave You || Predicted movie: Extremely Loud & Incredibly Close
Original film: This Is the End || Predicted movie: Bound by Honor
Original film: This Means War || Predicted movie: Star Trek Into Darkness
Original film: This Thing of Ours || Predicted movie: The Shawshank Redemption
Original film: Thomas and the Magic Railroad || Predicted movie: WALL·E
Original film: Thor || Predicted movie: Captain America: Civil War
Original film: Thor: The Dark World || Predicted movie: Captain America: The Winter Soldier
Original film: Thr3e || Predicted movie: The Shawshank Redemption
Original film: Three || Predicted movie: Me You and Five Bucks
Original film: Three Kingdoms: Resurrection of the Dragon || Predicted movie: Seven Samurai
Original film: Three Kings || Predicted movie: Edge of Tomorrow
Original film: Three Men and a Baby || Predicted movie: Karachi se Lahore
Original film: Three to Tango || Predicted movie: Dancer, Texas Pop. 81
Original film: Thumbsucker || Predicted movie: Little Big Top
Original film: Thunder and the House of Magic || Predicted movie: Karachi se Lahore
Original film: Thunderball || Predicted movie: The Abyss
Original film: Thunderbirds || Predicted movie: Seven Samurai
Original film: Tidal Wave || Predicted movie: Batman Begins
Original film: Tiger Orange || Predicted movie: Maurice
Original film: Tim and Eric's Billion Dollar Movie || Predicted movie: Dancer, Texas Pop. 81
Original film: Timber Falls || Predicted movie: The Shining
Original film: Time Bandits || Predicted movie: Karachi se Lahore
Original film: Time Changer || Predicted movie: Dancer, Texas Pop. 81
Original film: Timecop || Predicted movie: Pulp Fiction
Original film: Timecrimes || Predicted movie: Dawn of the Planet of the Apes
Original film: Timeline || Predicted movie: X-Men: Days of Future Past
Original film: Tin Can Man || Predicted movie: The Shining
Original film: Tin Cup || Predicted movie: Dancer, Texas Pop. 81
Original film: Tinker Tailor Soldier Spy || Predicted movie: The Lives of Others
Original film: Tiny Furniture || Predicted movie: Me You and Five Bucks
Original film: Titan A.E. || Predicted movie: Monsters University
Original film: Titanic || Predicted movie: Days of Heaven
Original film: To Die For || Predicted movie: Spirited Away
Original film: To Kill a Mockingbird || Predicted movie: Sleepers
Original film: To Rome with Love || Predicted movie: Me You and Five Bucks
Original film: To Save A Life || Predicted movie: The Visual Bible: The Gospel of John
Original film: To Write Love on Her Arms || Predicted movie: Dallas Buyers Club
Original film: Tom Jones || Predicted movie: The Prisoner of Zenda
Original film: Tombstone || Predicted movie: Kill Bill: Vol. 2
Original film: Tomcats || Predicted movie: Dancer, Texas Pop. 81
Original film: Tomorrow Never Dies || Predicted movie: Dr. No
Original film: Tomorrowland || Predicted movie: Back to the Future
Original film: Tootsie || Predicted movie: Dancer, Texas Pop. 81
Original film: Top Cat Begins || Predicted movie: Dancer, Texas Pop. 81
Original film: Top Five || Predicted movie: The Insider
Original film: Top Gun || Predicted movie: Inception
Original film: Top Hat || Predicted movie: Dancer, Texas Pop. 81
Original film: Top Spin || Predicted movie: Mad Hot Ballroom
Original film: Topaz || Predicted movie: Conspiracy Theory
Original film: Topsy-Turvy || Predicted movie: Dancer, Texas Pop. 81
Original film: Tora! Tora! Tora! || Predicted movie: The Imitation Game
Original film: Torn Curtain || Predicted movie: Memento
Original film: Torque || Predicted movie: Bound by Honor
Original film: Total Recall || Predicted movie: The Matrix
Original film: Touching the Void || Predicted movie: Beyond the Mat
Original film: Tower Heist || Predicted movie: Die Hard
Original film: Town & Country || Predicted movie: Dancer, Texas Pop. 81
Original film: Toy Story || Predicted movie: Toy Story 3
Original film: Toy Story 2 || Predicted movie: Toy Story 3
Original film: Toy Story 3 || Predicted movie: Toy Story 2
Original film: Tracker || Predicted movie: Seven Samurai
Original film: Trade || Predicted movie: The Savages
Original film: Trade Of Innocents || Predicted movie: The Shawshank Redemption
Original film: Trading Places || Predicted movie: Dancer, Texas Pop. 81
Original film: Traffic || Predicted movie: Pulp Fiction
Original film: Train || Predicted movie: The Shining
Original film: Training Day || Predicted movie: Bound by Honor
Original film: Trainspotting || Predicted movie: Fish Tank
Original film: Trainwreck || Predicted movie: Dancer, Texas Pop. 81
Original film: Trance || Predicted movie: Mulholland Drive
Original film: Transamerica || Predicted movie: My Own Private Idaho
Original film: Transcendence || Predicted movie: Pulp Fiction
Original film: Transformers || Predicted movie: The Lego Movie
Original film: Transformers: Age of Extinction || Predicted movie: Transformers: Revenge of the Fallen
Original film: Transformers: Dark of the Moon || Predicted movie: Guardians of the Galaxy
Original film: Transformers: Revenge of the Fallen || Predicted movie: Transformers: Age of Extinction
Original film: Transporter 2 || Predicted movie: Man on Fire
Original film: Transsiberian || Predicted movie: Pulp Fiction
Original film: Trapeze || Predicted movie: The Shawshank Redemption
Original film: Trash || Predicted movie: The Prisoner of Zenda
Original film: Travellers and Magicians || Predicted movie: Mad Max 2: The Road Warrior
Original film: Treachery || Predicted movie: The Shawshank Redemption
Original film: Treading Water || Predicted movie: City of God
Original film: Treasure Planet || Predicted movie: The Fifth Element
Original film: Trees Lounge || Predicted movie: Little Big Top
Original film: Trekkies || Predicted movie: A LEGO Brickumentary
Original film: Tremors || Predicted movie: Seven Samurai
Original film: Triangle || Predicted movie: Halloween
Original film: Triple 9 || Predicted movie: Inception
Original film: Trippin' || Predicted movie: Dancer, Texas Pop. 81
Original film: Troll Hunter || Predicted movie: How to Train Your Dragon
Original film: Troop Beverly Hills || Predicted movie: Into the Wild
Original film: Tropic Thunder || Predicted movie: Guardians of the Galaxy
Original film: Trouble with the Curve || Predicted movie: Moneyball
Original film: Troy || Predicted movie: Stardust
Original film: Trucker || Predicted movie: Fish Tank
Original film: True Grit || Predicted movie: The Godfather
Original film: True Lies || Predicted movie: Die Hard
Original film: True Romance || Predicted movie: Scarface
Original film: Trust || Predicted movie: Taxi Driver
Original film: Trust the Man || Predicted movie: Little Big Top
Original film: Truth or Dare || Predicted movie: The Shining
Original film: Tsotsi || Predicted movie: Sexy Beast
Original film: Tuck Everlasting || Predicted movie: Spirited Away
Original film: Tucker and Dale vs Evil || Predicted movie: Dancer, Texas Pop. 81
Original film: Tumbleweeds || Predicted movie: Little Big Top
Original film: Tupac: Resurrection || Predicted movie: The Business of Fancydancing
Original film: Turbo || Predicted movie: Toy Story
Original film: Turbulence || Predicted movie: Die Hard
Original film: Tusk || Predicted movie: Dancer, Texas Pop. 81
Original film: Twilight || Predicted movie: Harry Potter and the Goblet of Fire
Original film: Twilight Zone: The Movie || Predicted movie: Schindler's List
Original film: Twin Falls Idaho || Predicted movie: Ordet
Original film: Twins || Predicted movie: Dancer, Texas Pop. 81
Original film: Twister || Predicted movie: The Day After Tomorrow
Original film: Twixt || Predicted movie: The Shining
Original film: Two Brothers || Predicted movie: The Prisoner of Zenda
Original film: Two Can Play That Game || Predicted movie: Dancer, Texas Pop. 81
Original film: Two Evil Eyes || Predicted movie: Evil Dead II
Original film: Two Girls and a Guy || Predicted movie: The Godfather: Part II
Original film: Two Lovers || Predicted movie: A Beautiful Mind
Original film: Two Lovers and a Bear || Predicted movie: It's a Wonderful Life
Original film: Two Weeks Notice || Predicted movie: Me You and Five Bucks
Original film: Tycoon || Predicted movie: Seven Samurai
Original film: U-571 || Predicted movie: Das Boot
Original film: U.F.O. || Predicted movie: Edge of Tomorrow
Original film: U2 3D || Predicted movie: The Business of Fancydancing
Original film: UHF || Predicted movie: Dancer, Texas Pop. 81
Original film: Ulee's Gold || Predicted movie: GoodFellas
Original film: Ultramarines: A Warhammer 40,000 Movie || Predicted movie: WALL·E
Original film: Ultraviolet || Predicted movie: Blade Runner
Original film: Unaccompanied Minors || Predicted movie: Dancer, Texas Pop. 81
Original film: Unbreakable || Predicted movie: The Avengers
Original film: Unbroken || Predicted movie: The Pianist
Original film: Under Siege 2: Dark Territory || Predicted movie: The Dark Knight Rises
Original film: Under the Rainbow || Predicted movie: Dancer, Texas Pop. 81
Original film: Under the Same Moon || Predicted movie: Morvern Callar
Original film: Under the Skin || Predicted movie: Eastern Promises
Original film: Under the Tuscan Sun || Predicted movie: Dancer, Texas Pop. 81
Original film: Underclassman || Predicted movie: 21 Jump Street
Original film: Undercover Brother || Predicted movie: Guardians of the Galaxy
Original film: Underdogs || Predicted movie: WALL·E
Original film: Underworld || Predicted movie: Underworld: Evolution
Original film: Underworld: Awakening || Predicted movie: Underworld
Original film: Underworld: Evolution || Predicted movie: Underworld
Original film: Underworld: Rise of the Lycans || Predicted movie: Underworld
Original film: Undiscovered || Predicted movie: Little Big Top
Original film: Undisputed || Predicted movie: Love & Basketball
Original film: Unfaithful || Predicted movie: Now You See Me
Original film: Unfinished Business || Predicted movie: Dancer, Texas Pop. 81
Original film: Unforgiven || Predicted movie: Once Upon a Time in the West
Original film: Unfriended || Predicted movie: The Purge: Anarchy
Original film: United 93 || Predicted movie: Reign Over Me
Original film: United Passions || Predicted movie: The Shawshank Redemption
Original film: Universal Soldier: The Return || Predicted movie: Seven Samurai
Original film: Unknown || Predicted movie: Kill Bill: Vol. 1
Original film: Unleashed || Predicted movie: The Matrix
Original film: Unnatural || Predicted movie: Pulp Fiction
Original film: Unstoppable || Predicted movie: Seven Samurai
Original film: Unsullied || Predicted movie: Pulp Fiction
Original film: Untraceable || Predicted movie: The Devil's Rejects
Original film: Up || Predicted movie: Toy Story 3
Original film: Up Close & Personal || Predicted movie: Network
Original film: Up in the Air || Predicted movie: Inside Out
Original film: Urban Legend || Predicted movie: Child's Play
Original film: Urban Legends: Final Cut || Predicted movie: Halloween
Original film: Urbania || Predicted movie: Me You and Five Bucks
Original film: V for Vendetta || Predicted movie: The Matrix
Original film: Vaalu || Predicted movie: Dancer, Texas Pop. 81
Original film: Vacation || Predicted movie: Dancer, Texas Pop. 81
Original film: Valentine || Predicted movie: Halloween
Original film: Valentine's Day || Predicted movie: Dancer, Texas Pop. 81
Original film: Valiant || Predicted movie: Frozen
Original film: Valkyrie || Predicted movie: Downfall
Original film: Valley of the Heart's Delight || Predicted movie: The Shawshank Redemption
Original film: Valley of the Wolves: Iraq || Predicted movie: Starship Troopers
Original film: Vampire in Brooklyn || Predicted movie: Dancer, Texas Pop. 81
Original film: Vampires || Predicted movie: Das Boot
Original film: Vampires Suck || Predicted movie: The Loved Ones
Original film: Vamps || Predicted movie: Dancer, Texas Pop. 81
Original film: Vanilla Sky || Predicted movie: Spellbound
Original film: Vanity Fair || Predicted movie: City of God
Original film: Vantage Point || Predicted movie: Rendition
Original film: Varsity Blues || Predicted movie: Dancer, Texas Pop. 81
Original film: Veer-Zaara || Predicted movie: Metropolis
Original film: VeggieTales: The Pirates Who Don't Do Anything || Predicted movie: Big Hero 6
Original film: Velvet Goldmine || Predicted movie: Weekend
Original film: Vera Drake || Predicted movie: Se7en
Original film: Veronica Guerin || Predicted movie: GoodFellas
Original film: Veronika Decides to Die || Predicted movie: Fish Tank
Original film: Vertical Limit || Predicted movie: Batman Begins
Original film: Very Bad Things || Predicted movie: Little Big Top
Original film: Vessel || Predicted movie: The Shining
Original film: Vicky Cristina Barcelona || Predicted movie: Before Sunset
Original film: Victor Frankenstein || Predicted movie: 12 Years a Slave
Original film: Videodrome || Predicted movie: Alien
Original film: Virgin Territory || Predicted movie: The Prisoner of Zenda
Original film: Virtuosity || Predicted movie: The Matrix
Original film: Volcano || Predicted movie: Blade Runner
Original film: Volver || Predicted movie: Dancer, Texas Pop. 81
Original film: W. || Predicted movie: American History X
Original film: WALL·E || Predicted movie: Persepolis
Original film: Wag the Dog || Predicted movie: Mr. Smith Goes to Washington
Original film: Wah-Wah || Predicted movie: The Geographer Drank His Globe Away
Original film: Waiting for Guffman || Predicted movie: The Business of Fancydancing
Original film: Waiting... || Predicted movie: Dancer, Texas Pop. 81
Original film: Waitress || Predicted movie: Dancer, Texas Pop. 81
Original film: Waking Ned || Predicted movie: Little Big Top
Original film: Wal-Mart: The High Cost of Low Price || Predicted movie: Capitalism: A Love Story
Original film: Walk Hard: The Dewey Cox Story || Predicted movie: High Fidelity
Original film: Walk the Line || Predicted movie: The Shawshank Redemption
Original film: Walking Tall || Predicted movie: The Lord of the Rings: The Return of the King
Original film: Walking With Dinosaurs || Predicted movie: Ice Age: Dawn of the Dinosaurs
Original film: Walking and Talking || Predicted movie: Little Big Top
Original film: Wall Street || Predicted movie: The Wolf of Wall Street
Original film: Wall Street: Money Never Sleeps || Predicted movie: Inside Out
Original film: Walter || Predicted movie: The Visual Bible: The Gospel of John
Original film: Waltz with Bashir || Predicted movie: Incendies
Original film: Wanderlust || Predicted movie: Dancer, Texas Pop. 81
Original film: Wanted || Predicted movie: The Bourne Identity
Original film: War || Predicted movie: Sicario
Original film: War Horse || Predicted movie: There Will Be Blood
Original film: War of the Worlds || Predicted movie: The Little Prince
Original film: War, Inc. || Predicted movie: Seven Samurai
Original film: WarGames || Predicted movie: Now You See Me
Original film: Warcraft || Predicted movie: The Hobbit: The Battle of the Five Armies
Original film: Warlock || Predicted movie: Harry Potter and the Prisoner of Azkaban
Original film: Warlock: The Armageddon || Predicted movie: Spirited Away
Original film: Warm Bodies || Predicted movie: Alien
Original film: Warrior || Predicted movie: Gladiator
Original film: Warriors of Virtue || Predicted movie: Spirited Away
Original film: Wasabi || Predicted movie: Do the Right Thing
Original film: Watchmen || Predicted movie: Batman Begins
Original film: Water || Predicted movie: Gandhi
Original film: Water & Power || Predicted movie: Se7en
Original film: Water for Elephants || Predicted movie: The Shawshank Redemption
Original film: Waterloo || Predicted movie: The Imitation Game
Original film: Waterworld || Predicted movie: Interstellar
Original film: Wayne's World || Predicted movie: Tupac: Resurrection
Original film: We Are Marshall || Predicted movie: Remember the Titans
Original film: We Are Your Friends || Predicted movie: The Shawshank Redemption
Original film: We Bought a Zoo || Predicted movie: The Shawshank Redemption
Original film: We Have Your Husband || Predicted movie: Love's Abiding Joy
Original film: We Need to Talk About Kevin || Predicted movie: Fight Club
Original film: We Own the Night || Predicted movie: Straight Outta Compton
Original film: We Were Soldiers || Predicted movie: 13 Hours: The Secret Soldiers of Benghazi
Original film: We're No Angels || Predicted movie: Little Big Top
Original film: We're the Millers || Predicted movie: Dancer, Texas Pop. 81
Original film: Weekend || Predicted movie: Maurice
Original film: Welcome Home Roscoe Jenkins || Predicted movie: Dancer, Texas Pop. 81
Original film: Welcome to Collinwood || Predicted movie: Dancer, Texas Pop. 81
Original film: Welcome to Mooseport || Predicted movie: Dancer, Texas Pop. 81
Original film: Welcome to the Dollhouse || Predicted movie: Little Big Top
Original film: Welcome to the Rileys || Predicted movie: American History X
Original film: Welcome to the Sticks || Predicted movie: Dancer, Texas Pop. 81
Original film: Wendy and Lucy || Predicted movie: American History X
Original film: West Side Story || Predicted movie: Boyz n the Hood
Original film: Whale Rider || Predicted movie: The Godfather
Original film: What Dreams May Come || Predicted movie: The Best Offer
Original film: What Happens in Vegas || Predicted movie: Dancer, Texas Pop. 81
Original film: What Just Happened || Predicted movie: Little Big Top
Original film: What Lies Beneath || Predicted movie: The Prestige
Original film: What Planet Are You From? || Predicted movie: Dancer, Texas Pop. 81
Original film: What Women Want || Predicted movie: Dancer, Texas Pop. 81
Original film: What a Girl Wants || Predicted movie: Bridget Jones's Diary
Original film: What the #$*! Do We (K)now!? || Predicted movie: The Square
Original film: What to Expect When You're Expecting || Predicted movie: Me You and Five Bucks
Original film: What's Eating Gilbert Grape || Predicted movie: Me You and Five Bucks
Original film: What's Love Got to Do with It || Predicted movie: The Shawshank Redemption
Original film: What's Your Number? || Predicted movie: Dancer, Texas Pop. 81
Original film: What's the Worst That Could Happen? || Predicted movie: Kiss Kiss Bang Bang
Original film: Whatever It Takes || Predicted movie: The Shawshank Redemption
Original film: Whatever Works || Predicted movie: Dancer, Texas Pop. 81
Original film: When Did You Last See Your Father? || Predicted movie: American History X
Original film: When Harry Met Sally... || Predicted movie: Dancer, Texas Pop. 81
Original film: When a Stranger Calls || Predicted movie: Halloween
Original film: When the Cat's Away || Predicted movie: Dancer, Texas Pop. 81
Original film: When the Game Stands Tall || Predicted movie: Remember the Titans
Original film: When the Lights Went Out || Predicted movie: Pulp Fiction
Original film: Where the Heart Is || Predicted movie: Juno
Original film: Where the Truth Lies || Predicted movie: Blood Diamond
Original film: Where the Wild Things Are || Predicted movie: Paddington
Original film: While We're Young || Predicted movie: Dancer, Texas Pop. 81
Original film: Whip It || Predicted movie: Unbroken
Original film: Whiplash || Predicted movie: GoodFellas
Original film: Whipped || Predicted movie: Little Big Top
Original film: White Chicks || Predicted movie: Dancer, Texas Pop. 81
Original film: White Fang || Predicted movie: Die Hard
Original film: White House Down || Predicted movie: Clear and Present Danger
Original film: White Noise || Predicted movie: One Flew Over the Cuckoo's Nest
Original film: White Noise 2: The Light || Predicted movie: Eastern Promises
Original film: White Oleander || Predicted movie: The Shawshank Redemption
Original film: White Squall || Predicted movie: Captain Phillips
Original film: Whiteout || Predicted movie: Captain America: The Winter Soldier
Original film: Who Killed the Electric Car? || Predicted movie: Fuel
Original film: Who's Your Caddy? || Predicted movie: Dancer, Texas Pop. 81
Original film: Why Did I Get Married Too? || Predicted movie: Dancer, Texas Pop. 81
Original film: Why Did I Get Married? || Predicted movie: Dancer, Texas Pop. 81
Original film: Why I Did (Not) Eat My Father || Predicted movie: The Prisoner of Zenda
Original film: Wicked Blood || Predicted movie: Seven Samurai
Original film: Wicker Park || Predicted movie: A Beautiful Mind
Original film: Wild || Predicted movie: GoodFellas
Original film: Wild Card || Predicted movie: The Girl with the Dragon Tattoo
Original film: Wild Grass || Predicted movie: The Shawshank Redemption
Original film: Wild Hogs || Predicted movie: Star Trek II: The Wrath of Khan
Original film: Wild Target || Predicted movie: V for Vendetta
Original film: Wild Things || Predicted movie: Sleepers
Original film: Wild Wild West || Predicted movie: Seven Samurai
Original film: Willard || Predicted movie: The Shining
Original film: Willy Wonka & the Chocolate Factory || Predicted movie: Charlie and the Chocolate Factory
Original film: Wimbledon || Predicted movie: Dancer, Texas Pop. 81
Original film: Win a Date with Tad Hamilton! || Predicted movie: Dancer, Texas Pop. 81
Original film: Wind Walkers || Predicted movie: Seven Samurai
Original film: Windsor Drive || Predicted movie: American Psycho
Original film: Windtalkers || Predicted movie: The Thin Red Line
Original film: Wing Commander || Predicted movie: Star Wars: Clone Wars: Volume 1
Original film: Winged Migration || Predicted movie: Riding Giants
Original film: Winnie Mandela || Predicted movie: Schindler's List
Original film: Winnie the Pooh || Predicted movie: Finding Nemo
Original film: Winter Passing || Predicted movie: Little Big Top
Original film: Winter in Wartime || Predicted movie: Schindler's List
Original film: Winter's Bone || Predicted movie: Lost in Translation
Original film: Winter's Tale || Predicted movie: Anne of Green Gables
Original film: Wish I Was Here || Predicted movie: The Straight Story
Original film: Witchboard || Predicted movie: The Shining
Original film: Without Limits || Predicted movie: Unbroken
Original film: Without Men || Predicted movie: Dancer, Texas Pop. 81
Original film: Without a Paddle || Predicted movie: Seven Samurai
Original film: Witless Protection || Predicted movie: Seven Samurai
Original film: Witness || Predicted movie: L.A. Confidential
Original film: Wolf || Predicted movie: The Green Mile
Original film: Wolves || Predicted movie: The Shining
Original film: Woman Thou Art Loosed || Predicted movie: Ordet
Original film: Woman in Gold || Predicted movie: Schindler's List
Original film: Woman on Top || Predicted movie: Dancer, Texas Pop. 81
Original film: Womb || Predicted movie: Me You and Five Bucks
Original film: Won't Back Down || Predicted movie: GoodFellas
Original film: Wonder Boys || Predicted movie: The Great Beauty
Original film: Wonderland || Predicted movie: The Secret in Their Eyes
Original film: Woo || Predicted movie: Dancer, Texas Pop. 81
Original film: Woodstock || Predicted movie: The Imitation Game
Original film: Wordplay || Predicted movie: Mad Hot Ballroom
Original film: World Trade Center || Predicted movie: Django Unchained
Original film: World War Z || Predicted movie: Terminator 2: Judgment Day
Original film: World's Greatest Dad || Predicted movie: Little Big Top
Original film: Wrath of the Titans || Predicted movie: Clash of the Titans
Original film: Wreck-It Ralph || Predicted movie: Minions
Original film: Wristcutters: A Love Story || Predicted movie: Little Big Top
Original film: Wrong Turn || Predicted movie: The Shining
Original film: Wuthering Heights || Predicted movie: City of God
Original film: Wyatt Earp || Predicted movie: Downfall
Original film: X-Men || Predicted movie: X2
Original film: X-Men Origins: Wolverine || Predicted movie: Captain America: Civil War
Original film: X-Men: Apocalypse || Predicted movie: The Avengers
Original film: X-Men: Days of Future Past || Predicted movie: X-Men: First Class
Original film: X-Men: First Class || Predicted movie: X-Men: Days of Future Past
Original film: X-Men: The Last Stand || Predicted movie: X-Men
Original film: X2 || Predicted movie: X-Men
Original film: Y Tu Mamá También || Predicted movie: A Walk to Remember
Original film: Year One || Predicted movie: Dancer, Texas Pop. 81
Original film: Yeh Jawaani Hai Deewani || Predicted movie: Me You and Five Bucks
Original film: Yentl || Predicted movie: Tupac: Resurrection
Original film: Yes || Predicted movie: City of God
Original film: Yes Man || Predicted movie: Dancer, Texas Pop. 81
Original film: Yesterday Was a Lie || Predicted movie: Ordet
Original film: Yoga Hosers || Predicted movie: Dancer, Texas Pop. 81
Original film: Yogi Bear || Predicted movie: Dancer, Texas Pop. 81
Original film: You Again || Predicted movie: Dancer, Texas Pop. 81
Original film: You Can Count on Me || Predicted movie: Ordet
Original film: You Can't Take It With You || Predicted movie: Dancer, Texas Pop. 81
Original film: You Don't Mess with the Zohan || Predicted movie: Dancer, Texas Pop. 81
Original film: You Got Served || Predicted movie: Hustle & Flow
Original film: You Kill Me || Predicted movie: Dancer, Texas Pop. 81
Original film: You Only Live Twice || Predicted movie: From Russia with Love
Original film: You Will Meet a Tall Dark Stranger || Predicted movie: Dancer, Texas Pop. 81
Original film: You've Got Mail || Predicted movie: Dancer, Texas Pop. 81
Original film: You, Me and Dupree || Predicted movie: Dancer, Texas Pop. 81
Original film: Young Adult || Predicted movie: Dancer, Texas Pop. 81
Original film: Young Frankenstein || Predicted movie: Dancer, Texas Pop. 81
Original film: Young Guns || Predicted movie: The Wolf of Wall Street
Original film: Young Sherlock Holmes || Predicted movie: Sherlock Holmes
Original film: Your Highness || Predicted movie: Dancer, Texas Pop. 81
Original film: Your Sister's Sister || Predicted movie: August Rush
Original film: Yours, Mine and Ours || Predicted movie: Dancer, Texas Pop. 81
Original film: Youth in Revolt || Predicted movie: The Martian
Original film: Z Storm || Predicted movie: Se7en
Original film: ZMD: Zombies of Mass Destruction || Predicted movie: The Shining
Original film: Zack and Miri Make a Porno || Predicted movie: Dancer, Texas Pop. 81
Original film: Zambezia || Predicted movie: Dancer, Texas Pop. 81
Original film: Zathura: A Space Adventure || Predicted movie: Karachi se Lahore
Original film: Zero Dark Thirty || Predicted movie: The Kingdom
Original film: Zero Effect || Predicted movie: Little Big Top
Original film: Zipper || Predicted movie: American Psycho
Original film: Zodiac || Predicted movie: Se7en
Original film: Zombie Hunter || Predicted movie: Dancer, Texas Pop. 81
Original film: Zombieland || Predicted movie: Dancer, Texas Pop. 81
Original film: Zookeeper || Predicted movie: Dancer, Texas Pop. 81
Original film: Zoolander || Predicted movie: Dancer, Texas Pop. 81
Original film: Zoolander 2 || Predicted movie: Dancer, Texas Pop. 81
Original film: Zoom || Predicted movie: Karachi se Lahore
Original film: Zulu || Predicted movie: Se7en
Original film: [REC] || Predicted movie: Interview with the Vampire
Original film: [REC]² || Predicted movie: Gattaca
Original film: eXistenZ || Predicted movie: The Matrix
Original film: xXx || Predicted movie: The Hunt for Red October
Original film: xXx: State of the Union || Predicted movie: Enemy of the State
Original film: Æon Flux || Predicted movie: The Matrix

In [6]:
G = nx.DiGraph()
for i in range(Movies.loc[Movies['vote_average'] > 0].shape[0]):
    G.add_node(i)
    G.add_edge(i,np.argmax(costs[i]))

In [10]:
% matplotlib inline
degree_distribution=sorted(nx.degree(G).values(),reverse=True) # degree distribution sorted from highest to lowest
plt.hist(degree_distribution, range=(0,100), log=True)


Out[10]:
(array([  4.65700000e+03,   6.00000000e+01,   7.00000000e+00,
          6.00000000e+00,   6.00000000e+00,   2.00000000e+00,
          1.00000000e+00,   0.00000000e+00,   1.00000000e+00,
          1.00000000e+00]),
 array([   0.,   10.,   20.,   30.,   40.,   50.,   60.,   70.,   80.,
          90.,  100.]),
 <a list of 10 Patch objects>)

In [113]:
import networkx as nx
import plotly.plotly as py
from plotly.graph_objs import *

    
nx.draw_networkx(G, with_labels=False)
plt.rcParams["figure.figsize"] = (40, 40)
plt.rcParams["font.size"] = 14

plt.show() # display


/home/Programs/Anaconda/anaconda3/lib/python3.6/site-packages/networkx/drawing/nx_pylab.py:522: MatplotlibDeprecationWarning:

The is_string_like function was deprecated in version 2.1.

/home/Programs/Anaconda/anaconda3/lib/python3.6/site-packages/networkx/drawing/nx_pylab.py:543: MatplotlibDeprecationWarning:

The is_string_like function was deprecated in version 2.1.

As we can see some Movies are highly recommanded due to the heuristics of the cost_function. One way to improve would have been to implement features such as the actor but it would have result in a higly clustered graph around actors.

This can be compared with the grapth constructed for classification (without genres)


In [148]:
nx.draw_networkx(nx.from_numpy_matrix(PCACatweights),node_size=15, width=0.05)
plt.rcParams["figure.figsize"] = (40, 40)
plt.rcParams["font.size"] = 14

plt.show() # display


/home/Programs/Anaconda/anaconda3/lib/python3.6/site-packages/networkx/drawing/nx_pylab.py:522: MatplotlibDeprecationWarning:

The is_string_like function was deprecated in version 2.1.

/home/Programs/Anaconda/anaconda3/lib/python3.6/site-packages/networkx/drawing/nx_pylab.py:543: MatplotlibDeprecationWarning:

The is_string_like function was deprecated in version 2.1.

/home/Programs/Anaconda/anaconda3/lib/python3.6/site-packages/networkx/drawing/nx_pylab.py:724: MatplotlibDeprecationWarning:

The is_string_like function was deprecated in version 2.1.

Conclusion

Two graph constructed from movies were studied. Firstly, the possibily of genre classification using only simple movie attributes was investigated, however, the accuracy of calssication is found to be ~30% which signalizes that using this method on dataset of simple atributes is not a no giving any relieable result. The set of unique dataset which supposedly have no significant overlap with other movies was listed as these movies would be disconnected nodes in the graph. Simple movie suggestion engine was construced leading to mostly reasonable suggestion based on personal review of suggestions


In [ ]: