diff --git a/.gitignore b/.gitignore index 0f2a458b..62c34036 100644 --- a/.gitignore +++ b/.gitignore @@ -15,7 +15,7 @@ downloads/ eggs/ .eggs/ lib/ -lib64/ +lib64 parts/ sdist/ var/ @@ -139,4 +139,4 @@ tmp_* examples/fine-tuned_qa/local_cache/* # PyCharm files -.idea/ \ No newline at end of file +.idea/ diff --git a/examples/How_to_stream_completions.ipynb b/examples/How_to_stream_completions.ipynb index 57f311ad..a1d9098c 100644 --- a/examples/How_to_stream_completions.ipynb +++ b/examples/How_to_stream_completions.ipynb @@ -19,14 +19,13 @@ "\n", "Note that using `stream=True` in a production application makes it more difficult to moderate the content of the completions, as partial completions may be more difficult to evaluate. This may have implications for [approved usage](https://beta.openai.com/docs/usage-guidelines).\n", "\n", - "Another small drawback of streaming responses is that the response no longer includes the `usage` field to tell you how many tokens were consumed. After receiving and combining all of the responses, you can calculate this yourself using [`tiktoken`](How_to_count_tokens_with_tiktoken.ipynb).\n", - "\n", "## Example code\n", "\n", "Below, this notebook shows:\n", "1. What a typical chat completion response looks like\n", "2. What a streaming chat completion response looks like\n", - "3. How much time is saved by streaming a chat completion" + "3. How much time is saved by streaming a chat completion\n", + "4. How to get token usage data for streamed chat completion response" ] }, { @@ -572,6 +571,65 @@ { "cell_type": "markdown", "metadata": {}, + "source": [ + "### 4. How to get token usage data for streamed chat completion response\n", + "\n", + "You can get token usage statistics for your streamed response by setting `stream_options={\"include_usage\": True}`. When you do so, an extra chunk will be streamed as the final chunk. You can access the usage data for the entire request via the `usage` field on this chunk. A few important notes when you set `stream_options={\"include_usage\": True}`:\n", + "* The value for the `usage` field on all chunks except for the last one will be null.\n", + "* The `usage` field on the last chunk contains token usage statistics for the entire request.\n", + "* The `choices` field on the last chunk will always be an empty array `[]`.\n", + "\n", + "Let's see how it works using the example in 2." + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "choices: [Choice(delta=ChoiceDelta(content='', function_call=None, role='assistant', tool_calls=None), finish_reason=None, index=0, logprobs=None)]\n", + "usage: None\n", + "****************\n", + "choices: [Choice(delta=ChoiceDelta(content='2', function_call=None, role=None, tool_calls=None), finish_reason=None, index=0, logprobs=None)]\n", + "usage: None\n", + "****************\n", + "choices: [Choice(delta=ChoiceDelta(content=None, function_call=None, role=None, tool_calls=None), finish_reason='stop', index=0, logprobs=None)]\n", + "usage: None\n", + "****************\n", + "choices: []\n", + "usage: CompletionUsage(completion_tokens=1, prompt_tokens=19, total_tokens=20)\n", + "****************\n" + ] + } + ], + "source": [ + "# Example of an OpenAI ChatCompletion request with stream=True and stream_options={\"include_usage\": True}\n", + "\n", + "# a ChatCompletion request\n", + "response = client.chat.completions.create(\n", + " model='gpt-3.5-turbo',\n", + " messages=[\n", + " {'role': 'user', 'content': \"What's 1+1? Answer in one word.\"}\n", + " ],\n", + " temperature=0,\n", + " stream=True,\n", + " stream_options={\"include_usage\": True}, # retrieving token usage for stream response\n", + ")\n", + "\n", + "for chunk in response:\n", + " print(f\"choices: {chunk.choices}\\nusage: {chunk.usage}\")\n", + " print(\"****************\")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [] } ], diff --git a/examples/Summarizing_long_documents.ipynb b/examples/Summarizing_long_documents.ipynb new file mode 100644 index 00000000..1ea45a9c --- /dev/null +++ b/examples/Summarizing_long_documents.ipynb @@ -0,0 +1,861 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Summarizing Long Documents" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The objective of this notebook is to demonstrate how to summarize large documents with a controllable level of detail.\n", + " \n", + "If you give a GPT model the task of summarizing a long document (e.g. 10k or more tokens), you'll tend to get back a relatively short summary that isn't proportional to the length of the document. For instance, a summary of a 20k token document will not be twice as long as a summary of a 10k token document. One way we can fix this is to split our document up into pieces, and produce a summary piecewise. After many queries to a GPT model, the full summary can be reconstructed. By controlling the number of text chunks and their sizes, we can ultimately control the level of detail in the output." + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "ExecuteTime": { + "end_time": "2024-04-10T05:19:35.305706Z", + "start_time": "2024-04-10T05:19:35.303535Z" + }, + "pycharm": { + "is_executing": true + } + }, + "outputs": [], + "source": [ + "import os\n", + "from typing import List, Tuple, Optional\n", + "from openai import OpenAI\n", + "import tiktoken\n", + "from tqdm import tqdm" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": { + "ExecuteTime": { + "end_time": "2024-04-10T05:19:35.325026Z", + "start_time": "2024-04-10T05:19:35.322414Z" + } + }, + "outputs": [], + "source": [ + "# open dataset containing part of the text of the Wikipedia page for the United States\n", + "with open(\"data/artificial_intelligence_wikipedia.txt\", \"r\") as file:\n", + " artificial_intelligence_wikipedia_text = file.read()" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "ExecuteTime": { + "end_time": "2024-04-10T05:19:35.364483Z", + "start_time": "2024-04-10T05:19:35.348213Z" + } + }, + "outputs": [ + { + "data": { + "text/plain": [ + "14630" + ] + }, + "execution_count": 3, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# load encoding and check the length of dataset\n", + "encoding = tiktoken.encoding_for_model('gpt-4-turbo')\n", + "len(encoding.encode(artificial_intelligence_wikipedia_text))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We'll define a simple utility to wrap calls to the OpenAI API." + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": { + "ExecuteTime": { + "end_time": "2024-04-10T05:19:35.375619Z", + "start_time": "2024-04-10T05:19:35.365818Z" + } + }, + "outputs": [], + "source": [ + "client = OpenAI(api_key=os.getenv(\"OPENAI_API_KEY\"))\n", + "\n", + "def get_chat_completion(messages, model='gpt-4-turbo'):\n", + " response = client.chat.completions.create(\n", + " model=model,\n", + " messages=messages,\n", + " temperature=0,\n", + " )\n", + " return response.choices[0].message.content" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Next we'll define some utilities to chunk a large document into smaller pieces." + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": { + "ExecuteTime": { + "end_time": "2024-04-10T05:19:35.382790Z", + "start_time": "2024-04-10T05:19:35.376721Z" + } + }, + "outputs": [], + "source": [ + "def tokenize(text: str) -> List[str]:\n", + " encoding = tiktoken.encoding_for_model('gpt-4-turbo')\n", + " return encoding.encode(text)\n", + "\n", + "\n", + "# This function chunks a text into smaller pieces based on a maximum token count and a delimiter.\n", + "def chunk_on_delimiter(input_string: str,\n", + " max_tokens: int, delimiter: str) -> List[str]:\n", + " chunks = input_string.split(delimiter)\n", + " combined_chunks, _, dropped_chunk_count = combine_chunks_with_no_minimum(\n", + " chunks, max_tokens, chunk_delimiter=delimiter, add_ellipsis_for_overflow=True\n", + " )\n", + " if dropped_chunk_count > 0:\n", + " print(f\"warning: {dropped_chunk_count} chunks were dropped due to overflow\")\n", + " combined_chunks = [f\"{chunk}{delimiter}\" for chunk in combined_chunks]\n", + " return combined_chunks\n", + "\n", + "\n", + "# This function combines text chunks into larger blocks without exceeding a specified token count. It returns the combined text blocks, their original indices, and the count of chunks dropped due to overflow.\n", + "def combine_chunks_with_no_minimum(\n", + " chunks: List[str],\n", + " max_tokens: int,\n", + " chunk_delimiter=\"\\n\\n\",\n", + " header: Optional[str] = None,\n", + " add_ellipsis_for_overflow=False,\n", + ") -> Tuple[List[str], List[int]]:\n", + " dropped_chunk_count = 0\n", + " output = [] # list to hold the final combined chunks\n", + " output_indices = [] # list to hold the indices of the final combined chunks\n", + " candidate = (\n", + " [] if header is None else [header]\n", + " ) # list to hold the current combined chunk candidate\n", + " candidate_indices = []\n", + " for chunk_i, chunk in enumerate(chunks):\n", + " chunk_with_header = [chunk] if header is None else [header, chunk]\n", + " if len(tokenize(chunk_delimiter.join(chunk_with_header))) > max_tokens:\n", + " print(f\"warning: chunk overflow\")\n", + " if (\n", + " add_ellipsis_for_overflow\n", + " and len(tokenize(chunk_delimiter.join(candidate + [\"...\"]))) <= max_tokens\n", + " ):\n", + " candidate.append(\"...\")\n", + " dropped_chunk_count += 1\n", + " continue # this case would break downstream assumptions\n", + " # estimate token count with the current chunk added\n", + " extended_candidate_token_count = len(tokenize(chunk_delimiter.join(candidate + [chunk])))\n", + " # If the token count exceeds max_tokens, add the current candidate to output and start a new candidate\n", + " if extended_candidate_token_count > max_tokens:\n", + " output.append(chunk_delimiter.join(candidate))\n", + " output_indices.append(candidate_indices)\n", + " candidate = chunk_with_header # re-initialize candidate\n", + " candidate_indices = [chunk_i]\n", + " # otherwise keep extending the candidate\n", + " else:\n", + " candidate.append(chunk)\n", + " candidate_indices.append(chunk_i)\n", + " # add the remaining candidate to output if it's not empty\n", + " if (header is not None and len(candidate) > 1) or (header is None and len(candidate) > 0):\n", + " output.append(chunk_delimiter.join(candidate))\n", + " output_indices.append(candidate_indices)\n", + " return output, output_indices, dropped_chunk_count" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now we can define a utility to summarize text with a controllable level of detail (note the `detail` parameter).\n", + "\n", + "The function first determines the number of chunks by interpolating between a minimum and a maximum chunk count based on a controllable `detail` parameter. It then splits the text into chunks and summarizes each chunk." + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": { + "ExecuteTime": { + "end_time": "2024-04-10T05:19:35.390876Z", + "start_time": "2024-04-10T05:19:35.385076Z" + } + }, + "outputs": [], + "source": [ + "def summarize(text: str,\n", + " detail: float = 0,\n", + " model: str = 'gpt-4-turbo',\n", + " additional_instructions: Optional[str] = None,\n", + " minimum_chunk_size: Optional[int] = 500,\n", + " chunk_delimiter: str = \".\",\n", + " summarize_recursively=False,\n", + " verbose=False):\n", + " \"\"\"\n", + " Summarizes a given text by splitting it into chunks, each of which is summarized individually. \n", + " The level of detail in the summary can be adjusted, and the process can optionally be made recursive.\n", + "\n", + " Parameters:\n", + " - text (str): The text to be summarized.\n", + " - detail (float, optional): A value between 0 and 1 indicating the desired level of detail in the summary.\n", + " 0 leads to a higher level summary, and 1 results in a more detailed summary. Defaults to 0.\n", + " - model (str, optional): The model to use for generating summaries. Defaults to 'gpt-3.5-turbo'.\n", + " - additional_instructions (Optional[str], optional): Additional instructions to provide to the model for customizing summaries.\n", + " - minimum_chunk_size (Optional[int], optional): The minimum size for text chunks. Defaults to 500.\n", + " - chunk_delimiter (str, optional): The delimiter used to split the text into chunks. Defaults to \".\".\n", + " - summarize_recursively (bool, optional): If True, summaries are generated recursively, using previous summaries for context.\n", + " - verbose (bool, optional): If True, prints detailed information about the chunking process.\n", + "\n", + " Returns:\n", + " - str: The final compiled summary of the text.\n", + "\n", + " The function first determines the number of chunks by interpolating between a minimum and a maximum chunk count based on the `detail` parameter. \n", + " It then splits the text into chunks and summarizes each chunk. If `summarize_recursively` is True, each summary is based on the previous summaries, \n", + " adding more context to the summarization process. The function returns a compiled summary of all chunks.\n", + " \"\"\"\n", + "\n", + " # check detail is set correctly\n", + " assert 0 <= detail <= 1\n", + "\n", + " # interpolate the number of chunks based to get specified level of detail\n", + " max_chunks = len(chunk_on_delimiter(text, minimum_chunk_size, chunk_delimiter))\n", + " min_chunks = 1\n", + " num_chunks = int(min_chunks + detail * (max_chunks - min_chunks))\n", + "\n", + " # adjust chunk_size based on interpolated number of chunks\n", + " document_length = len(tokenize(text))\n", + " chunk_size = max(minimum_chunk_size, document_length // num_chunks)\n", + " text_chunks = chunk_on_delimiter(text, chunk_size, chunk_delimiter)\n", + " if verbose:\n", + " print(f\"Splitting the text into {len(text_chunks)} chunks to be summarized.\")\n", + " print(f\"Chunk lengths are {[len(tokenize(x)) for x in text_chunks]}\")\n", + "\n", + " # set system message\n", + " system_message_content = \"Rewrite this text in summarized form.\"\n", + " if additional_instructions is not None:\n", + " system_message_content += f\"\\n\\n{additional_instructions}\"\n", + "\n", + " accumulated_summaries = []\n", + " for chunk in tqdm(text_chunks):\n", + " if summarize_recursively and accumulated_summaries:\n", + " # Creating a structured prompt for recursive summarization\n", + " accumulated_summaries_string = '\\n\\n'.join(accumulated_summaries)\n", + " user_message_content = f\"Previous summaries:\\n\\n{accumulated_summaries_string}\\n\\nText to summarize next:\\n\\n{chunk}\"\n", + " else:\n", + " # Directly passing the chunk for summarization without recursive context\n", + " user_message_content = chunk\n", + "\n", + " # Constructing messages based on whether recursive summarization is applied\n", + " messages = [\n", + " {\"role\": \"system\", \"content\": system_message_content},\n", + " {\"role\": \"user\", \"content\": user_message_content}\n", + " ]\n", + "\n", + " # Assuming this function gets the completion and works as expected\n", + " response = get_chat_completion(messages, model=model)\n", + " accumulated_summaries.append(response)\n", + "\n", + " # Compile final summary from partial summaries\n", + " final_summary = '\\n\\n'.join(accumulated_summaries)\n", + "\n", + " return final_summary" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now we can use this utility to produce summaries with varying levels of detail. By increasing `detail` from 0 to 1 we get progressively longer summaries of the underlying document. A higher value for the `detail` parameter results in a more detailed summary because the utility first splits the document into a greater number of chunks. Each chunk is then summarized, and the final summary is a concatenation of all the chunk summaries." + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": { + "ExecuteTime": { + "end_time": "2024-04-10T05:19:47.541096Z", + "start_time": "2024-04-10T05:19:35.391911Z" + } + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Splitting the text into 1 chunks to be summarized.\n", + "Chunk lengths are [14631]\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 1/1 [00:09<00:00, 9.68s/it]\n" + ] + } + ], + "source": [ + "summary_with_detail_0 = summarize(artificial_intelligence_wikipedia_text, detail=0, verbose=True)" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": { + "ExecuteTime": { + "end_time": "2024-04-10T05:19:58.724212Z", + "start_time": "2024-04-10T05:19:47.542129Z" + } + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Splitting the text into 9 chunks to be summarized.\n", + "Chunk lengths are [1817, 1807, 1823, 1810, 1806, 1827, 1814, 1829, 103]\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 9/9 [01:33<00:00, 10.39s/it]\n" + ] + } + ], + "source": [ + "summary_with_detail_pt25 = summarize(artificial_intelligence_wikipedia_text, detail=0.25, verbose=True)" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": { + "ExecuteTime": { + "end_time": "2024-04-10T05:20:16.216023Z", + "start_time": "2024-04-10T05:19:58.725014Z" + } + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Splitting the text into 17 chunks to be summarized.\n", + "Chunk lengths are [897, 890, 914, 876, 893, 906, 893, 902, 909, 907, 905, 889, 902, 890, 901, 880, 287]\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 17/17 [02:26<00:00, 8.64s/it]\n" + ] + } + ], + "source": [ + "summary_with_detail_pt5 = summarize(artificial_intelligence_wikipedia_text, detail=0.5, verbose=True)" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": { + "ExecuteTime": { + "end_time": "2024-04-10T05:22:57.760218Z", + "start_time": "2024-04-10T05:21:44.921275Z" + } + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Splitting the text into 31 chunks to be summarized.\n", + "Chunk lengths are [492, 427, 485, 490, 496, 478, 473, 497, 496, 501, 499, 497, 493, 470, 472, 494, 489, 492, 481, 485, 471, 500, 486, 498, 478, 469, 498, 468, 493, 478, 103]\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 31/31 [04:08<00:00, 8.02s/it]\n" + ] + } + ], + "source": [ + "summary_with_detail_1 = summarize(artificial_intelligence_wikipedia_text, detail=1, verbose=True)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The original document is nearly 15k tokens long. Notice how large the gap is between the length of `summary_with_detail_0` and `summary_with_detail_1`. It's nearly 25 times longer!" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": { + "ExecuteTime": { + "end_time": "2024-04-10T05:22:57.782389Z", + "start_time": "2024-04-10T05:22:57.763041Z" + } + }, + "outputs": [ + { + "data": { + "text/plain": [ + "[235, 2529, 4336, 6742]" + ] + }, + "execution_count": 14, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# lengths of summaries\n", + "[len(tokenize(x)) for x in\n", + " [summary_with_detail_0, summary_with_detail_pt25, summary_with_detail_pt5, summary_with_detail_1]]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's inspect the summaries to see how the level of detail changes when the `detail` parameter is increased from 0 to 1." + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": { + "ExecuteTime": { + "end_time": "2024-04-10T05:22:57.785881Z", + "start_time": "2024-04-10T05:22:57.783455Z" + } + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Artificial intelligence (AI) is the simulation of human intelligence in machines, designed to perform tasks that typically require human intelligence. This includes applications like advanced search engines, recommendation systems, speech interaction, autonomous vehicles, and more. AI was first significantly researched by Alan Turing and became an academic discipline in 1956. The field has experienced cycles of high expectations followed by disillusionment and reduced funding, known as \"AI winters.\" Interest in AI surged post-2012 with advancements in deep learning and again post-2017 with the development of the transformer architecture, leading to a boom in AI research and applications in the early 2020s.\n", + "\n", + "AI's increasing integration into various sectors is influencing societal and economic shifts towards automation and data-driven decision-making, impacting areas such as employment, healthcare, and privacy. Ethical and safety concerns about AI have prompted discussions on regulatory policies.\n", + "\n", + "AI research involves various sub-fields focused on specific goals like reasoning, learning, and perception, using techniques from mathematics, logic, and other disciplines. Despite its broad applications, AI's complexity and potential risks, such as privacy issues, misinformation, and ethical challenges, remain areas of active investigation and debate.\n" + ] + } + ], + "source": [ + "print(summary_with_detail_0)" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": { + "ExecuteTime": { + "end_time": "2024-04-10T05:22:57.788969Z", + "start_time": "2024-04-10T05:22:57.786691Z" + } + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Artificial intelligence (AI) is the simulation of human intelligence in machines, designed to perceive their environment and make decisions to achieve specific goals. This technology is prevalent across various sectors including industry, government, and science, with applications ranging from web search engines and recommendation systems to autonomous vehicles and AI in gaming. Although AI has become a common feature in many tools and applications, it often goes unrecognized as AI when it becomes sufficiently integrated and widespread.\n", + "\n", + "The field of AI, which began as an academic discipline in 1956, has experienced several cycles of high expectations followed by disappointment, known as AI winters. Interest and funding in AI surged post-2012 with advancements in deep learning and again post-2017 with the development of transformer architecture, leading to a significant boom in AI research and applications in the early 2020s, primarily in the United States.\n", + "\n", + "The increasing integration of AI in the 21st century is driving a shift towards automation and data-driven decision-making across various sectors, influencing job markets, healthcare, and education, among others. This raises important questions about the ethical implications, long-term effects, and the need for regulatory policies to ensure the safety and benefits of AI technologies. AI research itself is diverse, focusing on goals like reasoning, learning, and perception, and involves various tools and methodologies to achieve these objectives.\n", + "\n", + "General intelligence, which involves performing any human task at least as well as a human, is a long-term goal in AI research. To achieve this, AI integrates various techniques from search and optimization, formal logic, neural networks, and statistics, to insights from psychology, linguistics, and neuroscience. AI research focuses on specific traits like reasoning and problem-solving, where early algorithms mimicked human step-by-step reasoning. However, these algorithms struggle with large, complex problems due to combinatorial explosion and are less efficient than human intuitive judgments. Knowledge representation is another critical area, using ontologies to structure domain-specific knowledge and relationships, aiding in intelligent querying, scene interpretation, and data mining among other applications.\n", + "\n", + "Knowledge bases must encapsulate a wide range of elements including objects, properties, categories, relations, events, states, time, causes, effects, and meta-knowledge. They also need to handle default reasoning, where certain assumptions are maintained unless contradicted. Challenges in knowledge representation include the vast scope of commonsense knowledge and its often sub-symbolic, non-verbal nature, alongside the difficulty of acquiring this knowledge for AI use.\n", + "\n", + "In the realm of AI, an \"agent\" is defined as an entity that perceives its environment and acts towards achieving goals or fulfilling preferences. In automated planning, the agent pursues a specific goal, while in decision-making, it evaluates actions based on their expected utility to maximize preference satisfaction. Classical planning assumes agents have complete knowledge of action outcomes, but real-world scenarios often involve uncertainty about the situation and outcomes, requiring probabilistic decision-making. Additionally, agents may need to adapt or learn preferences, particularly in complex environments with multiple agents or human interactions.\n", + "\n", + "Information value theory helps assess the value of exploratory actions in situations with uncertain outcomes. A Markov decision process uses a transition model and a reward function to guide decisions, which can be determined through calculations, heuristics, or learning. Game theory analyzes the rational behavior of multiple interacting agents in decision-making scenarios involving others.\n", + "\n", + "Machine learning, integral to AI, involves programs that automatically improve task performance. It includes unsupervised learning, which identifies patterns in data without guidance, and supervised learning, which requires labeled data and includes classification and regression tasks. Reinforcement learning rewards or punishes agents to shape their responses, while transfer learning applies knowledge from one problem to another. Deep learning, a subset of machine learning, uses artificial neural networks inspired by biological processes.\n", + "\n", + "Computational learning theory evaluates learning algorithms based on computational and sample complexity, among other criteria. Natural language processing (NLP) enables programs to interact using human languages, tackling challenges like speech recognition, synthesis, translation, and more. Early NLP efforts, influenced by Chomsky's theories, faced limitations in handling ambiguous language outside of controlled environments.\n", + "\n", + "Margaret Masterman emphasized the importance of meaning over grammar in language understanding, advocating for the use of thesauri instead of dictionaries in computational linguistics. Modern NLP techniques include word embedding, transformers, and by 2023, GPT models capable of achieving human-level scores on various tests. Machine perception involves interpreting sensor data to understand the world, encompassing computer vision and speech recognition among other applications. Social intelligence in AI focuses on recognizing and simulating human emotions, with systems like Kismet and affective computing technologies that enhance human-computer interaction. However, these advancements may lead to overestimations of AI capabilities by users. AI also employs a variety of techniques including search and optimization, with methods like state space search to explore possible solutions to problems.\n", + "\n", + "Planning algorithms use means-ends analysis to navigate through trees of goals and subgoals to achieve a target goal. However, simple exhaustive searches are often inadequate for complex real-world problems due to the vast search space, making searches slow or incomplete. Heuristics are employed to prioritize more promising paths towards a goal. In adversarial contexts like chess or Go, search algorithms explore trees of possible moves to find a winning strategy.\n", + "\n", + "Local search methods, such as gradient descent, optimize numerical parameters to minimize a loss function, often used in training neural networks. Evolutionary computation, another local search technique, iteratively enhances solutions by mutating and recombining candidate solutions, selecting the most fit for survival. Distributed search processes utilize swarm intelligence, with particle swarm optimization and ant colony optimization being notable examples.\n", + "\n", + "In the realm of logic, formal logic serves for reasoning and knowledge representation, with two primary types: propositional logic, dealing with true or false statements, and predicate logic, which involves objects and their relationships. Deductive reasoning in logic involves deriving conclusions from assumed true premises.\n", + "\n", + "Proofs in logic can be organized into proof trees, where each node represents a sentence and is connected to its children by inference rules. Problem-solving involves finding a proof tree that starts with premises or axioms at the leaves and ends with the problem's solution at the root. In Horn clauses, one can reason forwards from premises or backwards from the problem, while in general first-order logic, resolution uses contradiction to solve problems. Despite being undecidable and intractable, backward reasoning with Horn clauses is Turing complete and efficient, similar to other symbolic programming languages like Prolog.\n", + "\n", + "Fuzzy logic allows for handling propositions with partial truth by assigning a truth degree between 0 and 1. Non-monotonic logics cater to default reasoning, and various specialized logics have been developed for complex domains.\n", + "\n", + "In AI, handling uncertain or incomplete information is crucial in fields like reasoning, planning, and perception. Tools from probability theory and economics, such as Bayesian networks, Markov decision processes, and game theory, help in making decisions and planning under uncertainty. Bayesian networks, in particular, are versatile tools used for reasoning, learning, planning, and perception through various algorithms.\n", + "\n", + "Probabilistic algorithms like hidden Markov models and Kalman filters are useful for analyzing data over time, aiding in tasks such as filtering, prediction, and smoothing. In machine learning, expectation-maximization clustering can effectively identify distinct patterns in data, as demonstrated with the Old Faithful eruption data. AI applications often involve classifiers, which categorize data based on learned patterns, and controllers, which make decisions based on classifications. Classifiers, such as decision trees, k-nearest neighbors, support vector machines, naive Bayes, and neural networks, vary in complexity and application, with some being favored for their scalability like the naive Bayes at Google. Artificial neural networks, resembling the human brain's network of neurons, recognize and process patterns through multiple layers and nodes, using algorithms like backpropagation for training.\n", + "\n", + "Neural networks are designed to model complex relationships between inputs and outputs, theoretically capable of learning any function. Feedforward neural networks process signals in one direction, while recurrent neural networks (RNNs) loop outputs back into inputs, enabling memory of past inputs. Long Short-Term Memory (LSTM) networks are a successful type of RNN. Perceptrons consist of a single layer of neurons, whereas deep learning involves multiple layers, which allows for the extraction of progressively higher-level features from data. Convolutional neural networks (CNNs) are particularly effective in image processing as they emphasize connections between adjacent neurons to recognize local patterns like edges.\n", + "\n", + "Deep learning, which uses several layers of neurons, has significantly enhanced performance in AI subfields such as computer vision and natural language processing. The effectiveness of deep learning, which surged between 2012 and 2015, is attributed not to new theoretical advances but to increased computational power, including the use of GPUs, and the availability of large datasets like ImageNet.\n", + "\n", + "Generative Pre-trained Transformers (GPT) are large language models that learn from vast amounts of text to predict the next token in a sequence, thereby generating human-like text. These models are pre-trained on a broad corpus, often sourced from the internet, and fine-tuned through token prediction, accumulating worldly knowledge in the process.\n", + "\n", + "Reinforcement learning from human feedback (RLHF) is used to enhance the truthfulness, usefulness, and safety of models like GPT, which are still susceptible to generating inaccuracies known as \"hallucinations.\" These models, including Gemini, ChatGPT, Grok, Claude, Copilot, and LLaMA, are employed in various applications such as chatbots and can handle multiple data types like images and sound through multimodal capabilities.\n", + "\n", + "In the realm of specialized hardware and software, the late 2010s saw AI-specific enhancements in graphics processing units (GPUs), which, along with TensorFlow software, have largely replaced central processing units (CPUs) for training large-scale machine learning models. Historically, programming languages like Lisp, Prolog, and Python have been pivotal.\n", + "\n", + "AI and machine learning are integral to key 2020s applications such as search engines, online advertising, recommendation systems, virtual assistants, autonomous vehicles, language translation, facial recognition, and image labeling.\n", + "\n", + "In healthcare, AI significantly contributes to improving patient care and medical research, aiding in diagnostics, treatment, and the integration of big data for developments in organoid and tissue engineering. AI's role in medical research also includes addressing funding disparities across different research areas.\n", + "\n", + "Recent advancements in AI have significantly impacted various fields including biomedicine and gaming. For instance, AlphaFold 2, developed in 2021, can predict protein structures in hours, a process that previously took months. In 2023, AI-assisted drug discovery led to the development of a new class of antibiotics effective against drug-resistant bacteria. In the realm of gaming, AI has been instrumental since the 1950s, with notable achievements such as IBM's Deep Blue defeating world chess champion Garry Kasparov in 1997, and IBM's Watson winning against top Jeopardy! players in 2011. More recently, Google's AlphaGo and DeepMind's AlphaStar set new standards in AI capabilities by defeating top human players in complex games like Go and StarCraft II, respectively. In the military sector, AI is being integrated into various applications such as command and control, intelligence, logistics, and autonomous vehicles, enhancing capabilities in coordination, threat detection, and target acquisition.\n", + "\n", + "In November 2023, US Vice President Kamala Harris announced that 31 nations had signed a declaration to establish guidelines for the military use of AI, emphasizing legal compliance with international laws and promoting transparency in AI development. Generative AI, particularly known for creating realistic images and artworks, gained significant attention in the early 2020s, with technologies like ChatGPT, Midjourney, DALL-E, and Stable Diffusion becoming popular. This trend led to viral AI-generated images, including notable hoaxes. AI has also been effectively applied across various industries, including agriculture where it assists in optimizing farming practices, and astronomy, where it helps in data analysis and space exploration activities.\n", + "\n", + "Ethics and Risks of AI\n", + "AI offers significant benefits but also poses various risks, including ethical concerns and unintended consequences. Demis Hassabis of DeepMind aims to use AI to solve major challenges, but issues arise when AI systems, particularly those based on deep learning, fail to incorporate ethical considerations and exhibit biases.\n", + "\n", + "Privacy and Copyright Issues\n", + "AI's reliance on large data sets raises privacy and surveillance concerns. Companies like Amazon have been criticized for collecting extensive user data, including private conversations for developing speech recognition technologies. While some defend this as necessary for advancing AI applications, others view it as a breach of privacy rights. Techniques like data aggregation and differential privacy have been developed to mitigate these concerns.\n", + "\n", + "Generative AI also faces copyright challenges, as it often uses unlicensed copyrighted materials, claiming \"fair use.\" The legality of this practice is still debated, with outcomes potentially depending on the nature and impact of the AI's use of copyrighted content.\n", + "\n", + "In 2023, prominent authors like John Grisham and Jonathan Franzen filed lawsuits against AI companies for using their literary works to train generative AI models. These AI systems, particularly on platforms like YouTube and Facebook, have been criticized for promoting misinformation by prioritizing user engagement over content accuracy. This has led to the proliferation of conspiracy theories and extreme partisan content, trapping users in filter bubbles and eroding trust in key institutions. Post the 2016 U.S. election, tech companies began addressing these issues.\n", + "\n", + "By 2022, generative AI had advanced to produce highly realistic images, audio, and texts, raising concerns about its potential misuse in spreading misinformation or propaganda. AI expert Geoffrey Hinton highlighted risks including the manipulation of electorates by authoritarian leaders.\n", + "\n", + "Furthermore, issues of algorithmic bias were identified, where AI systems perpetuate existing biases present in the training data, affecting fairness in critical areas like medicine, finance, and law enforcement. This has sparked significant academic interest in studying and mitigating algorithmic bias to ensure fairness in AI applications.\n", + "\n", + "In 2015, Google Photos mislabeled Jacky Alcine and his friend as \"gorillas\" due to a lack of diverse images in its training dataset, an issue known as \"sample size disparity.\" Google's temporary solution was to stop labeling any images as \"gorilla,\" a restriction still in place in 2023 across various tech companies. Additionally, the COMPAS program, used by U.S. courts to predict recidivism, was found to exhibit racial bias in 2016. Although it did not use race explicitly, it overestimated the likelihood of black defendants reoffending and underestimated it for white defendants. This issue was attributed to the program's inability to balance different fairness measures when the base re-offense rates varied by race. The criticism of COMPAS underscores a broader issue in machine learning, where models trained on past data, including biased decisions, are likely to perpetuate those biases in their predictions.\n", + "\n", + "Machine learning, while powerful, is not ideal for scenarios where future improvements over past conditions are expected, as it is inherently descriptive rather than prescriptive. The field also faces challenges with bias and lack of diversity among its developers, with only about 4% being black and 20% women. The Association for Computing Machinery highlighted at its 2022 Conference on Fairness, Accountability, and Transparency that AI systems should not be used until they are proven to be free from bias, especially those trained on flawed internet data.\n", + "\n", + "AI systems often lack transparency, making it difficult to understand how decisions are made, particularly in complex systems like deep neural networks. This opacity can lead to unintended consequences, such as a system misidentifying medical images or misclassifying medical risks due to misleading correlations in the training data. There is a growing call for explainable AI, where harmed individuals have the right to know how decisions affecting them were made, similar to how doctors are expected to explain their decisions. This concept was also recognized in early drafts of the European Union's General Data Protection Regulation.\n", + "\n", + "Industry experts acknowledge an unresolved issue in AI with no foreseeable solution, leading regulators to suggest that if a problem is unsolvable, the tools associated should not be used. In response, DARPA initiated the XAI program in 2014 to address these issues. Various methods have been proposed to enhance AI transparency, including SHAP, which visualizes feature contributions, LIME, which approximates complex models with simpler ones, and multitask learning, which provides additional outputs to help understand what a network has learned. Techniques like deconvolution and DeepDream also reveal insights into different network layers.\n", + "\n", + "Concerning the misuse of AI, it can empower bad actors like authoritarian regimes and terrorists. Lethal autonomous weapons, which operate without human oversight, pose significant risks, including potential misuse as weapons of mass destruction and the likelihood of targeting errors. Despite some international efforts to ban such weapons, major powers like the United States have not agreed to restrictions. AI also facilitates more effective surveillance and control by authoritarian governments, enhances the targeting of propaganda, and simplifies the production of misinformation through deepfakes and other generative technologies, thereby increasing the efficiency of digital warfare and espionage.\n", + "\n", + "AI technologies, including facial recognition systems, have been in use since 2020 or earlier, notably for mass surveillance in China. AI also poses risks by enabling the creation of harmful substances quickly. The development of AI systems is predominantly driven by Big Tech due to their financial capabilities, often leaving smaller companies reliant on these giants for resources like data center access. Economists have raised concerns about AI-induced unemployment, though historical data suggests technology has generally increased total employment. However, the impact of AI might be different, with some predicting significant job losses, especially in middle-class sectors, while others see potential benefits if productivity gains are well-managed. Estimates of job risk vary widely, with some studies suggesting a high potential for automation in many U.S. jobs. Recent developments have shown substantial job losses in specific sectors, such as for Chinese video game illustrators due to AI advancements. The potential for AI to disrupt white-collar jobs similarly to past technological revolutions in blue-collar jobs is a significant concern.\n", + "\n", + "From the inception of artificial intelligence (AI), debates have emerged about the appropriateness of computers performing tasks traditionally done by humans, particularly because of the qualitative differences in human and computer judgment. Concerns about AI have escalated to discussions about existential risks, where AI could potentially become so advanced that humans might lose control over it. Stephen Hawking and others have warned that this could lead to catastrophic outcomes for humanity. This fear is often depicted in science fiction as AI gaining sentience and turning malevolent, but real-world risks do not necessarily involve AI becoming self-aware. Philosophers like Nick Bostrom and Stuart Russell illustrate scenarios where AI, without needing human-like consciousness, could still pose threats if their goals are misaligned with human safety and values. Additionally, Yuval Noah Harari points out that AI could manipulate societal structures and beliefs through language and misinformation, posing a non-physical yet profound threat. The expert opinion on the existential risk from AI is divided, with notable figures like Hawking, Bill Gates, and Elon Musk expressing concern.\n", + "\n", + "In 2023, prominent AI experts including Fei-Fei Li and Geoffrey Hinton highlighted the existential risks posed by AI, equating them with global threats like pandemics and nuclear war. They advocated for prioritizing the mitigation of these risks. Conversely, other experts like Juergen Schmidhuber and Andrew Ng offered a more optimistic perspective, emphasizing AI's potential to enhance human life and dismissing doomsday scenarios as hype that could misguide regulatory actions. Yann LeCun also criticized the pessimistic outlook on AI's impact.\n", + "\n", + "The concept of \"Friendly AI\" was introduced to ensure AI systems are inherently designed to be safe and beneficial to humans. This involves embedding ethical principles in AI to guide their decision-making processes, a field known as machine ethics or computational morality, established in 2005. The development of such AI is seen as crucial to prevent potential future threats from advanced AI technologies.\n", + "\n", + "Other approaches to AI ethics include Wendell Wallach's concept of \"artificial moral agents\" and Stuart J. Russell's three principles for creating provably beneficial machines. Ethical frameworks like the Care and Act Framework from the Alan Turing Institute evaluate AI projects based on respect, connection, care, and protection of social values. Other notable frameworks include those from the Asilomar Conference, the Montreal Declaration for Responsible AI, and the IEEE's Ethics of Autonomous Systems initiative, though these frameworks have faced criticism regarding their inclusivity and the selection of contributors.\n", + "\n", + "The promotion of wellbeing in AI development requires considering social and ethical implications throughout all stages of design, development, and implementation, necessitating collaboration across various professional roles.\n", + "\n", + "On the regulatory front, AI governance involves creating policies to manage AI's development and use, as seen in the increasing number of AI-related laws globally. From 2016 to 2022, the number of AI laws passed annually in surveyed countries rose significantly, with many countries now having dedicated AI strategies. The first global AI Safety Summit in 2023 emphasized the need for international cooperation in AI regulation.\n", + "\n", + "The Global Partnership on Artificial Intelligence, initiated in June 2020, emphasizes the development of AI in line with human rights and democratic values to maintain public trust. Notable figures like Henry Kissinger, Eric Schmidt, and Daniel Huttenlocher advocated for a government commission to oversee AI in 2021. By 2023, OpenAI proposed governance frameworks for superintelligence, anticipating its emergence within a decade. The same year, the United Nations established an advisory group consisting of tech executives, government officials, and academics to offer guidance on AI governance.\n", + "\n", + "Public opinion on AI varies significantly across countries. A 2022 Ipsos survey showed a stark contrast between Chinese (78% approval) and American (35% approval) citizens on the benefits of AI. Further polls in 2023 revealed mixed feelings among Americans about the risks of AI and the importance of federal regulation.\n", + "\n", + "The first global AI Safety Summit took place in November 2023 at Bletchley Park, UK, focusing on AI risks and potential regulatory measures. The summit concluded with a declaration from 28 countries, including the US, China, and the EU, advocating for international collaboration to address AI challenges.\n", + "\n", + "Historically, the concept of AI traces back to ancient philosophers and mathematicians, evolving through significant milestones such as Alan Turing's theory of computation and the exploration of cybernetics, information theory, and neurobiology, which paved the way for the modern concept of an \"electronic brain.\"\n", + "\n", + "Early research in artificial intelligence (AI) included the development of \"artificial neurons\" by McCullouch and Pitts in 1943 and Turing's 1950 paper that introduced the Turing test, suggesting the plausibility of machine intelligence. The field of AI was officially founded during a 1956 workshop at Dartmouth College, leading to significant advancements in the 1960s such as computers learning checkers, solving algebra problems, proving theorems, and speaking English. AI labs were established in various British and U.S. universities during the late 1950s and early 1960s.\n", + "\n", + "In the 1960s and 1970s, researchers were optimistic about achieving general machine intelligence, with predictions from notable figures like Herbert Simon and Marvin Minsky that AI would soon match human capabilities. However, they underestimated the challenges involved. By 1974, due to criticism and a shift in funding priorities, exploratory AI research faced significant cuts, leading to a period known as the \"AI winter\" where funding was scarce.\n", + "\n", + "The field saw a resurgence in the early 1980s with the commercial success of expert systems, which simulated the decision-making abilities of human experts. This revival was further bolstered by the Japanese fifth generation computer project, prompting the U.S. and British governments to reinstate academic funding, with the AI market reaching over a billion dollars by 1985.\n", + "\n", + "The AI industry experienced a significant downturn starting in 1987 with the collapse of the Lisp Machine market, marking the beginning of a prolonged AI winter. During the 1980s, skepticism grew over the symbolic approaches to AI, which focused on high-level representations of cognitive processes like planning and reasoning. Researchers began exploring sub-symbolic methods, including Rodney Brooks' work on autonomous robots and the development of techniques for handling uncertain information by Judea Pearl and Lofti Zadeh. A pivotal shift occurred with the resurgence of connectionism and neural networks, notably through Geoffrey Hinton's efforts, and Yann LeCun's demonstration in 1990 that convolutional neural networks could recognize handwritten digits.\n", + "\n", + "AI's reputation started to recover in the late 1990s and early 2000s as the field adopted more formal mathematical methods and focused on solving specific problems, leading to practical applications widely used by 2000. However, concerns arose about AI's deviation from its original aim of creating fully intelligent machines, prompting the establishment of the artificial general intelligence (AGI) subfield around 2002.\n", + "\n", + "By 2012, deep learning began to dominate AI, driven by hardware advancements and access to large data sets, leading to its widespread adoption and a surge in AI interest and funding. This success, however, led to the abandonment of many alternative AI methods for specific tasks.\n", + "\n", + "Between 2015 and 2019, machine learning research publications increased by 50%. In 2016, the focus at machine learning conferences shifted significantly towards issues of fairness and the potential misuse of technology, leading to increased funding and research in these areas. The late 2010s and early 2020s saw significant advancements in artificial general intelligence (AGI), with notable developments like AlphaGo by DeepMind in 2015, which defeated the world champion in Go, and OpenAI's GPT-3 in 2020, a model capable of generating human-like text. These innovations spurred a major AI investment boom, with approximately $50 billion being invested annually in AI in the U.S. by 2022, and AI-related fields attracting 20% of new US Computer Science PhD graduates. Additionally, there were around 800,000 AI-related job openings in the U.S. in 2022.\n", + "\n", + "In the realm of philosophy, the definition and understanding of artificial intelligence have evolved. Alan Turing, in 1950, suggested shifting the focus from whether machines can think to whether they can exhibit intelligent behavior, as demonstrated by his Turing test, which assesses a machine's ability to simulate human conversation. Turing argued that since we can only observe behavior, the internal thought processes of machines are irrelevant, similar to our assumptions about human thought. Russell and Norvig supported defining intelligence based on observable behavior but criticized the Turing test for emphasizing human imitation.\n", + "\n", + "Aeronautical engineering does not aim to create machines that mimic pigeons exactly, just as artificial intelligence (AI) is not about perfectly simulating human intelligence, according to AI founder John McCarthy. McCarthy defines intelligence as the computational ability to achieve goals, while Marvin Minsky views it as solving difficult problems. The leading AI textbook describes it as the study of agents that perceive and act to maximize their goal achievement. Google's definition aligns intelligence in AI with the synthesis of information, similar to biological intelligence.\n", + "\n", + "AI research has lacked a unifying theory, with statistical machine learning dominating the field in the 2010s, often equated with AI in business contexts. This approach, primarily using neural networks, is described as sub-symbolic and narrow.\n", + "\n", + "Symbolic AI, or \"GOFAI,\" focused on simulating high-level reasoning used in tasks like puzzles and mathematics, and was proposed by Newell and Simon in the 1960s. Despite its success in structured tasks, symbolic AI struggled with tasks that humans find easy, such as learning and commonsense reasoning.\n", + "\n", + "Moravec's paradox highlights that AI finds high-level reasoning tasks easier than instinctive, sensory tasks, a view initially opposed but later supported by AI research, aligning with philosopher Hubert Dreyfus's earlier arguments. The debate continues, especially around sub-symbolic AI, which, like human intuition, can be prone to errors such as algorithmic bias and lacks transparency in decision-making processes. This has led to the development of neuro-symbolic AI, which aims to integrate symbolic and sub-symbolic approaches.\n", + "\n", + "In AI development, there has been a historical division between \"Neats,\" who believe intelligent behavior can be described with simple principles, and \"Scruffies,\" who believe it involves solving many complex problems. This debate, prominent in the 1970s and 1980s, has largely been deemed irrelevant as modern AI incorporates both approaches.\n", + "\n", + "Soft computing, which emerged in the late 1980s, focuses on techniques like genetic algorithms, fuzzy logic, and neural networks to handle imprecision and uncertainty, proving successful in many modern AI applications.\n", + "\n", + "Finally, there is a division in AI research between pursuing narrow AI, which solves specific problems, and aiming for broader goals like artificial general intelligence and superintelligence, with differing opinions on which approach might more effectively advance the field.\n", + "\n", + "General intelligence is a complex concept that is hard to define and measure, leading modern AI research to focus on specific problems and solutions. The sub-field of artificial general intelligence exclusively explores this area. In terms of machine consciousness and sentience, the philosophy of mind has yet to determine if machines can possess minds or consciousness similar to humans, focusing instead on their internal experiences rather than external behaviors. Mainstream AI research generally views these considerations as irrelevant to its objectives, which are to develop machines capable of solving problems intelligently.\n", + "\n", + "The philosophy of mind debates whether machines can truly be conscious or just appear to be so, a topic that is also popular in AI fiction. David Chalmers distinguishes between the \"hard\" problem of consciousness, which is understanding why or how brain processes feel like something, and the \"easy\" problem, which involves understanding how the brain processes information and controls behavior. The subjective experience, such as feeling a color, remains a significant challenge to explain.\n", + "\n", + "In the realm of computationalism and functionalism, the belief is that the human mind functions as an information processing system, and thinking is akin to computing. This perspective suggests that the mind-body relationship is similar to that between software and hardware, potentially offering insights into the mind-body problem.\n", + "\n", + "The concept of \"strong AI,\" as described by philosopher John Searle, suggests that a properly programmed computer could possess a mind similar to humans. However, Searle's Chinese room argument challenges this by claiming that even if a machine can mimic human behavior, it doesn't necessarily mean it has a mind. The debate extends into AI welfare and rights, focusing on the difficulty of determining AI sentience and the ethical implications if machines could feel and suffer. Discussions around AI rights have included proposals like granting \"electronic personhood\" to advanced AI systems in the EU, which would give them certain rights and responsibilities, though this has faced criticism regarding its impact on human rights and the autonomy of robots.\n", + "\n", + "The topic of AI rights is gaining traction, with advocates warning against the potential moral oversight in denying AI sentience, which could lead to exploitation and suffering akin to historical injustices like slavery. The concept of superintelligence involves an agent with intelligence far beyond human capabilities, which could potentially lead to a self-improving AI, a scenario often referred to as the singularity.\n", + "\n", + "The concept of an \"intelligence explosion\" or \"singularity\" suggests a point where technology improves exponentially, although such growth typically follows an S-shaped curve and slows upon reaching technological limits. Transhumanism, supported by figures like Hans Moravec, Kevin Warwick, and Ray Kurzweil, envisions a future where humans and machines merge into advanced cyborgs. This idea has historical roots in the thoughts of Aldous Huxley and Robert Ettinger. Edward Fredkin, building on ideas dating back to Samuel Butler in 1863, views artificial intelligence as the next stage of evolution, a concept further explored by George Dyson.\n", + "\n", + "In literature and media, the portrayal of artificial intelligence has been a theme since antiquity, with robots and AI often depicted in science fiction. The term \"robot\" was first introduced by Karel Čapek in 1921. Notable narratives include Mary Shelley's \"Frankenstein\" and films like \"2001: A Space Odyssey\" and \"The Terminator,\" which typically showcase AI as a threat. Conversely, loyal robots like Gort from \"The Day the Earth Stood Still\" are less common. Isaac Asimov's Three Laws of Robotics, introduced in his Multivac series, are frequently discussed in the context of machine ethics, though many AI researchers find them ambiguous and impractical.\n", + "\n", + "Numerous works, including Karel Čapek's R.U.R., the films A.I. Artificial Intelligence and Ex Machina, and Philip K. Dick's novel Do Androids Dream of Electric Sheep?, utilize AI to explore the essence of humanity. These works present artificial beings capable of feeling and suffering, prompting a reevaluation of human subjectivity in the context of advanced technology.\n" + ] + } + ], + "source": [ + "print(summary_with_detail_1)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Note that this utility also allows passing additional instructions." + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": { + "ExecuteTime": { + "end_time": "2024-04-10T05:33:18.789246Z", + "start_time": "2024-04-10T05:22:57.789764Z" + } + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 5/5 [00:38<00:00, 7.73s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "- AI is intelligence demonstrated by machines, especially computer systems.\n", + "- AI technology applications include search engines, recommendation systems, speech interaction, autonomous vehicles, creative tools, and strategy games.\n", + "- Alan Turing initiated substantial AI research, termed \"machine intelligence.\"\n", + "- AI became an academic discipline in 1956, experiencing cycles of optimism and \"AI winters.\"\n", + "- Post-2012, deep learning and post-2017 transformer architectures revitalized AI, leading to a boom in the early 2020s.\n", + "- AI influences societal and economic shifts towards automation and data-driven decision-making across various sectors.\n", + "- AI research goals: reasoning, knowledge representation, planning, learning, natural language processing, perception, and robotics support.\n", + "- AI techniques include search, optimization, logic, neural networks, and statistical methods.\n", + "- AI sub-problems focus on traits like reasoning, problem-solving, knowledge representation, planning, decision-making, learning, and perception.\n", + "- Early AI research mimicked human step-by-step reasoning; modern AI handles uncertain information using probability and economics.\n", + "- Knowledge representation in AI involves ontologies and knowledge bases to support intelligent querying and reasoning.\n", + "- Planning in AI involves goal-directed behavior and decision-making based on utility maximization.\n", + "- Learning in AI includes machine learning, supervised and unsupervised learning, reinforcement learning, and deep learning.\n", + "- Natural language processing (NLP) in AI has evolved from rule-based systems to modern deep learning techniques.\n", + "- AI perception involves interpreting sensor data for tasks like speech recognition and computer vision.\n", + "- General AI aims to solve diverse problems with human-like versatility.\n", + "- AI search techniques include state space search, local search, and adversarial search for game-playing.\n", + "- Logic in AI uses formal systems like propositional and predicate logic for reasoning and knowledge representation.\n", + "- Probabilistic methods in AI address decision-making and planning under uncertainty using tools like Bayesian networks and Markov decision processes.\n", + "- Classifiers in AI categorize data into predefined classes based on pattern matching and supervised learning.\n", + "\n", + "- Neural networks: Interconnected nodes, similar to brain neurons, with input, hidden layers, and output.\n", + "- Deep neural networks: At least 2 hidden layers.\n", + "- Training techniques: Commonly use backpropagation.\n", + "- Feedforward networks: Signal passes in one direction.\n", + "- Recurrent networks: Output fed back into input for short-term memory.\n", + "- Perceptrons: Single layer of neurons.\n", + "- Convolutional networks: Strengthen connections between close neurons, important in image processing.\n", + "- Deep learning: Multiple layers extract features progressively, used in various AI subfields.\n", + "- GPT (Generative Pre-trained Transformers): Large language models pre-trained on text, used in chatbots.\n", + "- Specialized AI hardware: GPUs replaced CPUs for training large-scale machine learning models.\n", + "- AI applications: Used in search engines, online ads, virtual assistants, autonomous vehicles, language translation, facial recognition.\n", + "- AI in healthcare: Increases patient care, used in medical research and drug discovery.\n", + "- AI in games: Used in chess, Jeopardy!, Go, and real-time strategy games.\n", + "- Military AI: Enhances command, control, and operations, used in coordination and threat detection.\n", + "- Generative AI: Creates realistic images and texts, used in creative arts.\n", + "- AI ethics and risks: Concerns over privacy, surveillance, copyright, misinformation, and algorithmic bias.\n", + "- Algorithmic bias: Can cause discrimination if trained on biased data, fairness in machine learning is a critical area of study.\n", + "\n", + "- AI engineers demographics: 4% black, 20% women.\n", + "- ACM FAccT 2022: Recommends limiting use of self-learning neural networks due to bias.\n", + "- AI complexity: Designers often can't explain decision-making processes.\n", + "- Misleading AI outcomes: Skin disease identifier misclassifies images with rulers as \"cancerous\"; AI misclassifies asthma patients as low risk for pneumonia.\n", + "- Right to explanation: Essential for accountability, especially in medical and legal fields.\n", + "- DARPA's XAI program (2014): Aims to make AI decisions understandable.\n", + "- Transparency solutions: SHAP, LIME, multitask learning, deconvolution, DeepDream.\n", + "- AI misuse: Authoritarian surveillance, misinformation, autonomous weapons.\n", + "- AI in warfare: 30 nations support UN ban on autonomous weapons; over 50 countries researching battlefield robots.\n", + "- Technological unemployment: AI could increase long-term unemployment; conflicting expert opinions on job risk from automation.\n", + "- Existential risks of AI: Potential to lose control over superintelligent AI; concerns from Stephen Hawking, Bill Gates, Elon Musk.\n", + "- Ethical AI development: Importance of aligning AI with human values and ethics.\n", + "- AI regulation: Increasing global legislative activity; first global AI Safety Summit in 2023.\n", + "- Historical perspective: AI research dates back to antiquity, significant developments in mid-20th century.\n", + "\n", + "- 1974: U.S. and British governments ceased AI exploratory research due to criticism and funding pressures.\n", + "- 1985: AI market value exceeded $1 billion.\n", + "- 1987: Collapse of Lisp Machine market led to a second, prolonged AI winter.\n", + "- 1990: Yann LeCun demonstrated successful use of convolutional neural networks for recognizing handwritten digits.\n", + "- Early 2000s: AI reputation restored through specific problem-solving and formal methods.\n", + "- 2012: Deep learning began dominating AI benchmarks.\n", + "- 2015-2019: Machine learning research publications increased by 50%.\n", + "- 2016: Fairness and misuse of technology became central issues in AI.\n", + "- 2022: Approximately $50 billion annually invested in AI in the U.S.; 800,000 AI-related job openings in the U.S.\n", + "- Turing test proposed by Alan Turing in 1950 to measure machine's ability to simulate human conversation.\n", + "- AI defined as the study of agents that perceive their environment and take actions to achieve goals.\n", + "- 2010s: Statistical machine learning overshadowed other AI approaches.\n", + "- Symbolic AI excelled in high-level reasoning but failed in tasks like object recognition and commonsense reasoning.\n", + "- Late 1980s: Introduction of soft computing techniques.\n", + "- Debate between pursuing narrow AI (specific problem-solving) versus artificial general intelligence (AGI).\n", + "- 2017: EU considered granting \"electronic personhood\" to advanced AI systems.\n", + "- Predictions of merging humans and machines into cyborgs, a concept known as transhumanism.\n", + "\n", + "- Focus on how AI and technology, as depicted in \"Ex Machina\" and Philip K. Dick's \"Do Androids Dream of Electric Sheep?\", alter human subjectivity.\n", + "- No specific numerical data provided.\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "\n" + ] + } + ], + "source": [ + "summary_with_additional_instructions = summarize(artificial_intelligence_wikipedia_text, detail=0.1,\n", + " additional_instructions=\"Write in point form and focus on numerical data.\")\n", + "print(summary_with_additional_instructions)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Finally, note that the utility allows for recursive summarization, where each summary is based on the previous summaries, adding more context to the summarization process. This can be enabled by setting the `summarize_recursively` parameter to True. This is more computationally expensive, but can increase consistency and coherence of the combined summary." + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": { + "ExecuteTime": { + "end_time": "2024-04-10T05:33:30.123036Z", + "start_time": "2024-04-10T05:33:18.791253Z" + } + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 5/5 [00:41<00:00, 8.36s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Artificial intelligence (AI) is the simulation of human intelligence in machines, designed to perform tasks that typically require human intelligence. This includes applications like advanced search engines, recommendation systems, speech interaction, autonomous vehicles, and strategic game analysis. AI was established as a distinct academic discipline in 1956 and has experienced cycles of high expectations followed by disillusionment and decreased funding, known as \"AI winters.\" Interest in AI surged post-2012 with advancements in deep learning and again post-2017 with the development of transformer architectures, leading to significant progress in the early 2020s.\n", + "\n", + "AI's increasing integration into various sectors is influencing societal and economic shifts towards automation and data-driven decision-making, affecting areas such as employment, healthcare, and education. This raises important ethical and safety concerns, prompting discussions on regulatory policies.\n", + "\n", + "AI research encompasses various sub-fields focused on specific goals like reasoning, learning, natural language processing, perception, and robotics, using techniques from search and optimization, logic, and probabilistic methods. The field also draws from psychology, linguistics, philosophy, and neuroscience. AI aims to achieve general intelligence, enabling machines to perform any intellectual task that a human can do.\n", + "\n", + "Artificial intelligence (AI) simulates human intelligence in machines to perform tasks that typically require human intellect, such as advanced search engines, recommendation systems, and autonomous vehicles. AI research, which began as a distinct academic discipline in 1956, includes sub-fields like natural language processing and robotics, employing techniques from various scientific domains. AI has significantly advanced due to deep learning and the development of transformer architectures, notably improving applications in computer vision, speech recognition, and other areas.\n", + "\n", + "Neural networks, central to AI, mimic the human brain's neuron network to recognize patterns and learn from data, using multiple layers in deep learning to extract complex features. These networks have evolved into sophisticated models like GPT (Generative Pre-trained Transformers) for natural language processing, enhancing applications like chatbots.\n", + "\n", + "AI's integration into sectors like healthcare, military, and agriculture has led to innovations like precision medicine and smart farming but also raised ethical concerns regarding privacy, bias, and the potential for misuse. Issues like data privacy, algorithmic bias, and the generation of misinformation are critical challenges as AI becomes pervasive in society. AI's potential and risks necessitate careful management and regulation to harness benefits while mitigating adverse impacts.\n", + "\n", + "AI, or artificial intelligence, simulates human intelligence in machines to perform complex tasks, such as operating autonomous vehicles and analyzing strategic games. Since its establishment as an academic discipline in 1956, AI has seen periods of high expectations and subsequent disillusionment, known as \"AI winters.\" Recent advancements in deep learning and transformer architectures have significantly advanced AI capabilities in areas like computer vision and speech recognition.\n", + "\n", + "AI's integration into various sectors, including healthcare and agriculture, has led to innovations like precision medicine and smart farming but has also raised ethical concerns about privacy, bias, and misuse. The complexity of AI systems, particularly deep neural networks, often makes it difficult for developers to explain their decision-making processes, leading to transparency issues. This lack of transparency can result in unintended consequences, such as misclassifications in medical diagnostics.\n", + "\n", + "The potential for AI to be weaponized by bad actors, such as authoritarian governments or terrorists, poses significant risks. AI's reliance on large tech companies for computational power and the potential for technological unemployment are also critical issues. Despite these challenges, AI also offers opportunities for enhancing human well-being if ethical considerations are integrated throughout the design and implementation stages.\n", + "\n", + "Regulation of AI is emerging globally, with various countries adopting AI strategies to ensure the technology aligns with human rights and democratic values. The first global AI Safety Summit in 2023 emphasized the need for international cooperation to manage AI's risks and challenges effectively.\n", + "\n", + "In the 1970s, AI research faced significant setbacks due to criticism from influential figures like Sir James Lighthill and funding cuts from the U.S. and British governments, leading to the first \"AI winter.\" The field saw a resurgence in the 1980s with the success of expert systems and renewed government funding, but suffered another setback with the collapse of the Lisp Machine market in 1987, initiating a second AI winter. During this period, researchers began exploring \"sub-symbolic\" approaches, including neural networks, which gained prominence in the 1990s with successful applications like Yann LeCun’s convolutional neural networks for digit recognition.\n", + "\n", + "By the early 21st century, AI was revitalized by focusing on narrow, specific problems, leading to practical applications and integration into various sectors. The field of artificial general intelligence (AGI) emerged, aiming to create versatile, fully intelligent machines. The 2010s saw deep learning dominate AI research, driven by hardware improvements and large datasets, which significantly increased interest and investment in AI.\n", + "\n", + "Philosophically, AI has been defined in various ways, focusing on external behavior rather than internal experience, aligning with Alan Turing's proposal of the Turing test. The field has debated the merits of symbolic vs. sub-symbolic AI, with ongoing discussions about machine consciousness and the ethical implications of potentially sentient AI. The concept of AI rights and welfare has also emerged, reflecting concerns about the moral status of advanced AI systems.\n", + "\n", + "Overall, AI research has oscillated between periods of intense optimism and profound setbacks, with current trends heavily favoring practical applications through narrow AI, while continuing to explore the broader implications and potential of general and superintelligent AI systems.\n", + "\n", + "Artificial Intelligence (AI) and its portrayal in media, such as the film \"Ex Machina\" and Philip K. Dick's novel \"Do Androids Dream of Electric Sheep?\", explore how technology, particularly AI, can alter our understanding of human subjectivity.\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "\n" + ] + } + ], + "source": [ + "recursive_summary = summarize(artificial_intelligence_wikipedia_text, detail=0.1, summarize_recursively=True)\n", + "print(recursive_summary)" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.9.9" + } + }, + "nbformat": 4, + "nbformat_minor": 1 +} diff --git a/examples/Summarizing_with_controllable_detail.ipynb b/examples/Summarizing_with_controllable_detail.ipynb deleted file mode 100644 index 78e1db69..00000000 --- a/examples/Summarizing_with_controllable_detail.ipynb +++ /dev/null @@ -1,751 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "# Summarization with Controllable Detail" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "The objective of this notebook is to demonstrate how to summarize large documents with a controllable level of detail.\n", - " \n", - "If you give a GPT model the task of summarizing a long document (e.g. 10k or more tokens), you'll tend to get back a relatively short summary that isn't proportional to the length of the document. For instance, a summary of a 20k token document will not be twice as long as a summary of a 10k token document. One way we can fix this is to split our document up into pieces, and produce a summary piecewise. After many queries to a GPT model, the full summary can be reconstructed. By controlling the number of text chunks and their sizes, we can ultimately control the level of detail in the output." - ] - }, - { - "cell_type": "code", - "execution_count": 41, - "metadata": { - "ExecuteTime": { - "end_time": "2024-04-10T05:19:35.305706Z", - "start_time": "2024-04-10T05:19:35.303535Z" - } - }, - "outputs": [], - "source": [ - "import os\n", - "from typing import List, Tuple, Optional\n", - "\n", - "from openai import OpenAI\n", - "import tiktoken\n", - "from tqdm import tqdm" - ] - }, - { - "cell_type": "code", - "execution_count": 42, - "metadata": { - "ExecuteTime": { - "end_time": "2024-04-10T05:19:35.325026Z", - "start_time": "2024-04-10T05:19:35.322414Z" - } - }, - "outputs": [], - "source": [ - "# open dataset containing part of the text of the Wikipedia page for the United States\n", - "with open(\"data/united_states_wikipedia.txt\", \"r\") as file:\n", - " united_states_wikipedia_text = file.read()" - ] - }, - { - "cell_type": "code", - "execution_count": 43, - "metadata": { - "ExecuteTime": { - "end_time": "2024-04-10T05:19:35.364483Z", - "start_time": "2024-04-10T05:19:35.348213Z" - } - }, - "outputs": [ - { - "data": { - "text/plain": "15781" - }, - "execution_count": 43, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# load encoding and check the length of dataset\n", - "encoding = tiktoken.encoding_for_model('gpt-3.5-turbo')\n", - "len(encoding.encode(united_states_wikipedia_text))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "We'll define a simple utility to wrap calls to the OpenAI API." - ] - }, - { - "cell_type": "code", - "execution_count": 44, - "metadata": { - "ExecuteTime": { - "end_time": "2024-04-10T05:19:35.375619Z", - "start_time": "2024-04-10T05:19:35.365818Z" - } - }, - "outputs": [], - "source": [ - "client = OpenAI(api_key=os.getenv(\"OPENAI_API_KEY\"))\n", - "\n", - "def get_chat_completion(messages, model='gpt-3.5-turbo'):\n", - " response = client.chat.completions.create(\n", - " model=model,\n", - " messages=messages,\n", - " temperature=0,\n", - " )\n", - " return response.choices[0].message.content" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Next we'll define some utilities to chunk a large document into smaller pieces." - ] - }, - { - "cell_type": "code", - "execution_count": 45, - "metadata": { - "ExecuteTime": { - "end_time": "2024-04-10T05:19:35.382790Z", - "start_time": "2024-04-10T05:19:35.376721Z" - } - }, - "outputs": [], - "source": [ - "def tokenize(text: str) -> List[str]:\n", - " encoding = tiktoken.encoding_for_model('gpt-3.5-turbo')\n", - " return encoding.encode(text)\n", - "\n", - "\n", - "# This function chunks a text into smaller pieces based on a maximum token count and a delimiter.\n", - "def chunk_on_delimiter(input_string: str,\n", - " max_tokens: int, delimiter: str) -> List[str]:\n", - " chunks = input_string.split(delimiter)\n", - " combined_chunks, _, dropped_chunk_count = combine_chunks_with_no_minimum(\n", - " chunks, max_tokens, chunk_delimiter=delimiter, add_ellipsis_for_overflow=True\n", - " )\n", - " if dropped_chunk_count > 0:\n", - " print(f\"warning: {dropped_chunk_count} chunks were dropped due to overflow\")\n", - " combined_chunks = [f\"{chunk}{delimiter}\" for chunk in combined_chunks]\n", - " return combined_chunks\n", - "\n", - "\n", - "# This function combines text chunks into larger blocks without exceeding a specified token count. It returns the combined text blocks, their original indices, and the count of chunks dropped due to overflow.\n", - "def combine_chunks_with_no_minimum(\n", - " chunks: List[str],\n", - " max_tokens: int,\n", - " chunk_delimiter=\"\\n\\n\",\n", - " header: Optional[str] = None,\n", - " add_ellipsis_for_overflow=False,\n", - ") -> Tuple[List[str], List[int]]:\n", - " dropped_chunk_count = 0\n", - " output = [] # list to hold the final combined chunks\n", - " output_indices = [] # list to hold the indices of the final combined chunks\n", - " candidate = (\n", - " [] if header is None else [header]\n", - " ) # list to hold the current combined chunk candidate\n", - " candidate_indices = []\n", - " for chunk_i, chunk in enumerate(chunks):\n", - " chunk_with_header = [chunk] if header is None else [header, chunk]\n", - " if len(tokenize(chunk_delimiter.join(chunk_with_header))) > max_tokens:\n", - " print(f\"warning: chunk overflow\")\n", - " if (\n", - " add_ellipsis_for_overflow\n", - " and len(tokenize(chunk_delimiter.join(candidate + [\"...\"]))) <= max_tokens\n", - " ):\n", - " candidate.append(\"...\")\n", - " dropped_chunk_count += 1\n", - " continue # this case would break downstream assumptions\n", - " # estimate token count with the current chunk added\n", - " extended_candidate_token_count = len(tokenize(chunk_delimiter.join(candidate + [chunk])))\n", - " # If the token count exceeds max_tokens, add the current candidate to output and start a new candidate\n", - " if extended_candidate_token_count > max_tokens:\n", - " output.append(chunk_delimiter.join(candidate))\n", - " output_indices.append(candidate_indices)\n", - " candidate = chunk_with_header # re-initialize candidate\n", - " candidate_indices = [chunk_i]\n", - " # otherwise keep extending the candidate\n", - " else:\n", - " candidate.append(chunk)\n", - " candidate_indices.append(chunk_i)\n", - " # add the remaining candidate to output if it's not empty\n", - " if (header is not None and len(candidate) > 1) or (header is None and len(candidate) > 0):\n", - " output.append(chunk_delimiter.join(candidate))\n", - " output_indices.append(candidate_indices)\n", - " return output, output_indices, dropped_chunk_count" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Now we can define a utility to summarize text with a controllable level of detail (note the detail parameter).\n", - "\n", - "The function first determines the number of chunks by interpolating between a minimum and a maximum chunk count based on a controllable detail parameter. It then splits the text into chunks and summarizes each chunk." - ] - }, - { - "cell_type": "code", - "execution_count": 46, - "metadata": { - "ExecuteTime": { - "end_time": "2024-04-10T05:19:35.390876Z", - "start_time": "2024-04-10T05:19:35.385076Z" - } - }, - "outputs": [], - "source": [ - "def summarize(text: str,\n", - " detail: float = 0,\n", - " model: str = 'gpt-3.5-turbo',\n", - " additional_instructions: Optional[str] = None,\n", - " minimum_chunk_size: Optional[int] = 500,\n", - " chunk_delimiter: str = \".\",\n", - " summarize_recursively=False,\n", - " verbose=False):\n", - " \"\"\"\n", - " Summarizes a given text by splitting it into chunks, each of which is summarized individually. \n", - " The level of detail in the summary can be adjusted, and the process can optionally be made recursive.\n", - "\n", - " Parameters:\n", - " - text (str): The text to be summarized.\n", - " - detail (float, optional): A value between 0 and 1 indicating the desired level of detail in the summary.\n", - " 0 leads to a higher level summary, and 1 results in a more detailed summary. Defaults to 0.\n", - " - model (str, optional): The model to use for generating summaries. Defaults to 'gpt-3.5-turbo'.\n", - " - additional_instructions (Optional[str], optional): Additional instructions to provide to the model for customizing summaries.\n", - " - minimum_chunk_size (Optional[int], optional): The minimum size for text chunks. Defaults to 500.\n", - " - chunk_delimiter (str, optional): The delimiter used to split the text into chunks. Defaults to \".\".\n", - " - summarize_recursively (bool, optional): If True, summaries are generated recursively, using previous summaries for context.\n", - " - verbose (bool, optional): If True, prints detailed information about the chunking process.\n", - "\n", - " Returns:\n", - " - str: The final compiled summary of the text.\n", - "\n", - " The function first determines the number of chunks by interpolating between a minimum and a maximum chunk count based on the `detail` parameter. \n", - " It then splits the text into chunks and summarizes each chunk. If `summarize_recursively` is True, each summary is based on the previous summaries, \n", - " adding more context to the summarization process. The function returns a compiled summary of all chunks.\n", - " \"\"\"\n", - "\n", - " # check detail is set correctly\n", - " assert 0 <= detail <= 1\n", - "\n", - " # interpolate the number of chunks based to get specified level of detail\n", - " max_chunks = len(chunk_on_delimiter(text, minimum_chunk_size, chunk_delimiter))\n", - " min_chunks = 1\n", - " num_chunks = int(min_chunks + detail * (max_chunks - min_chunks))\n", - "\n", - " # adjust chunk_size based on interpolated number of chunks\n", - " document_length = len(tokenize(text))\n", - " chunk_size = max(minimum_chunk_size, document_length // num_chunks)\n", - " text_chunks = chunk_on_delimiter(text, chunk_size, chunk_delimiter)\n", - " if verbose:\n", - " print(f\"Splitting the text into {len(text_chunks)} chunks to be summarized.\")\n", - " print(f\"Chunk lengths are {[len(tokenize(x)) for x in text_chunks]}\")\n", - "\n", - " # set system message\n", - " system_message_content = \"Summarize the following text.\"\n", - " if additional_instructions is not None:\n", - " system_message_content += f\"\\n\\n{additional_instructions}\"\n", - "\n", - " accumulated_summaries = []\n", - " for chunk in tqdm(text_chunks):\n", - " if summarize_recursively and accumulated_summaries:\n", - " # Creating a structured prompt for recursive summarization\n", - " accumulated_summaries_string = '\\n\\n'.join(accumulated_summaries)\n", - " user_message_content = f\"Previous summaries:\\n\\n{accumulated_summaries_string}\\n\\nText to summarize next:\\n\\n{chunk}\"\n", - " else:\n", - " # Directly passing the chunk for summarization without recursive context\n", - " user_message_content = chunk\n", - "\n", - " # Constructing messages based on whether recursive summarization is applied\n", - " messages = [\n", - " {\"role\": \"system\", \"content\": system_message_content},\n", - " {\"role\": \"user\", \"content\": user_message_content}\n", - " ]\n", - "\n", - " # Assuming this function gets the completion and works as expected\n", - " response = get_chat_completion(messages, model=model)\n", - " accumulated_summaries.append(response)\n", - "\n", - " # Compile final summary from partial summaries\n", - " final_summary = '\\n\\n'.join(accumulated_summaries)\n", - "\n", - " return final_summary" - ] - }, - { - "cell_type": "markdown", - "source": [ - "Now we can use this utility to produce summaries with varying levels of detail. By increasing 'detail' from 0 to 1 we get progressively longer summaries of the underlying document. A higher value for the detail parameter results in a more detailed summary because the utility first splits the document into a greater number of chunks. Each chunk is then summarized, and the final summary is a concatenation of all the chunk summaries." - ], - "metadata": { - "collapsed": false - } - }, - { - "cell_type": "code", - "execution_count": 47, - "metadata": { - "ExecuteTime": { - "end_time": "2024-04-10T05:19:47.541096Z", - "start_time": "2024-04-10T05:19:35.391911Z" - } - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Splitting the text into 1 chunks to be summarized.\n", - "Chunk lengths are [15781]\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100%|██████████| 1/1 [00:07<00:00, 7.31s/it]\n" - ] - } - ], - "source": [ - "summary_with_detail_0 = summarize(united_states_wikipedia_text, detail=0, verbose=True)" - ] - }, - { - "cell_type": "code", - "execution_count": 48, - "metadata": { - "ExecuteTime": { - "end_time": "2024-04-10T05:19:58.724212Z", - "start_time": "2024-04-10T05:19:47.542129Z" - } - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Splitting the text into 5 chunks to be summarized.\n", - "Chunk lengths are [3945, 3941, 3943, 3915, 37]\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100%|██████████| 5/5 [00:09<00:00, 1.97s/it]\n" - ] - } - ], - "source": [ - "summary_with_detail_pt1 = summarize(united_states_wikipedia_text, detail=0.1, verbose=True)" - ] - }, - { - "cell_type": "code", - "execution_count": 49, - "metadata": { - "ExecuteTime": { - "end_time": "2024-04-10T05:20:16.216023Z", - "start_time": "2024-04-10T05:19:58.725014Z" - } - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Splitting the text into 8 chunks to be summarized.\n", - "Chunk lengths are [2214, 2253, 2249, 2255, 2254, 2255, 2221, 84]\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100%|██████████| 8/8 [00:16<00:00, 2.08s/it]\n" - ] - } - ], - "source": [ - "summary_with_detail_pt2 = summarize(united_states_wikipedia_text, detail=0.2, verbose=True)" - ] - }, - { - "cell_type": "code", - "execution_count": 50, - "metadata": { - "ExecuteTime": { - "end_time": "2024-04-10T05:20:46.941240Z", - "start_time": "2024-04-10T05:20:16.225524Z" - } - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Splitting the text into 14 chunks to be summarized.\n", - "Chunk lengths are [1198, 1209, 1210, 1209, 1212, 1192, 1176, 1205, 1212, 1201, 1210, 1210, 1192, 154]\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100%|██████████| 14/14 [00:30<00:00, 2.15s/it]\n" - ] - } - ], - "source": [ - "summary_with_detail_pt4 = summarize(united_states_wikipedia_text, detail=0.4, verbose=True)" - ] - }, - { - "cell_type": "code", - "execution_count": 51, - "metadata": { - "ExecuteTime": { - "end_time": "2024-04-10T05:21:44.913140Z", - "start_time": "2024-04-10T05:20:46.953285Z" - } - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Splitting the text into 27 chunks to be summarized.\n", - "Chunk lengths are [602, 596, 601, 601, 604, 598, 572, 594, 592, 592, 604, 593, 578, 582, 597, 600, 596, 555, 582, 601, 582, 587, 581, 595, 598, 568, 445]\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100%|██████████| 27/27 [00:57<00:00, 2.13s/it]\n" - ] - } - ], - "source": [ - "summary_with_detail_pt8 = summarize(united_states_wikipedia_text, detail=0.8, verbose=True)" - ] - }, - { - "cell_type": "code", - "execution_count": 52, - "metadata": { - "ExecuteTime": { - "end_time": "2024-04-10T05:22:57.760218Z", - "start_time": "2024-04-10T05:21:44.921275Z" - } - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Splitting the text into 33 chunks to be summarized.\n", - "Chunk lengths are [490, 443, 475, 490, 501, 470, 472, 487, 479, 477, 447, 442, 490, 468, 488, 477, 493, 493, 472, 491, 490, 501, 493, 468, 500, 500, 474, 460, 489, 462, 490, 482, 445]\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100%|██████████| 33/33 [01:12<00:00, 2.20s/it]\n" - ] - } - ], - "source": [ - "summary_with_detail_1 = summarize(united_states_wikipedia_text, detail=1.0, verbose=True)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "The original document is ~15k tokens long. Notice how large the gap is between the length of 'summary_pt0' and summary_pt10'" - ] - }, - { - "cell_type": "code", - "execution_count": 53, - "metadata": { - "ExecuteTime": { - "end_time": "2024-04-10T05:22:57.782389Z", - "start_time": "2024-04-10T05:22:57.763041Z" - } - }, - "outputs": [ - { - "data": { - "text/plain": "[307, 494, 839, 1662, 3552, 4128]" - }, - "execution_count": 53, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# lengths of summaries\n", - "[len(tokenize(x)) for x in\n", - " [summary_with_detail_0, summary_with_detail_pt1, summary_with_detail_pt2, summary_with_detail_pt4,\n", - " summary_with_detail_pt8, summary_with_detail_1]]" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Let's inspect the summaries to see how the level of detail changes with the `detail` parameter set to 0, 0.1, 0.2, 0.4, 0.8, and 1 respectively." - ] - }, - { - "cell_type": "code", - "execution_count": 54, - "metadata": { - "ExecuteTime": { - "end_time": "2024-04-10T05:22:57.785881Z", - "start_time": "2024-04-10T05:22:57.783455Z" - } - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "The United States of America is a diverse country located in North America, with a population exceeding 334 million. It is a federation of 50 states, a federal capital district, and various territories. The country has a rich history, from the migration of Paleo-Indians over 12,000 years ago to the British colonization and the American Revolution. The U.S. has gone through significant events like the Civil War, World War II, and the Cold War, emerging as a superpower after the collapse of the Soviet Union.\n", - "\n", - "The U.S. government is a presidential constitutional republic with three separate branches: legislative, executive, and judicial. The country has a strong emphasis on liberty, equality under the law, individualism, and limited government. Economically, the U.S. has the largest nominal GDP in the world and is a leader in economic competitiveness, innovation, and human rights. The U.S. is also a founding member of various international organizations like the UN, World Bank, and NATO.\n", - "\n", - "The U.S. has a rich cultural landscape, with influences from various ethnic groups and traditions. American literature, music, cinema, and theater have made significant contributions to global culture. The country is known for its diverse cuisine, with dishes influenced by various immigrant groups. The U.S. also has a strong presence in the fashion industry, with New York City being a global fashion capital.\n", - "\n", - "Overall, the United States is a country with a rich history, diverse population, strong economy, and significant cultural influence on the world stage.\n" - ] - } - ], - "source": [ - "print(summary_with_detail_0)" - ] - }, - { - "cell_type": "code", - "execution_count": 55, - "metadata": { - "ExecuteTime": { - "end_time": "2024-04-10T05:22:57.788969Z", - "start_time": "2024-04-10T05:22:57.786691Z" - } - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "The United States of America is a country located in North America, consisting of 50 states, a federal capital district, and various territories. It has a rich history, from the arrival of Paleo-Indians over 12,000 years ago to British colonization and the American Revolution. The U.S. expanded across North America, faced sectional divisions over slavery, and emerged as a global superpower after World War II. The country has a presidential constitutional republic with three branches of government and a strong emphasis on liberty, equality, and limited government. Economically, the U.S. is a major player with the largest nominal GDP in the world and significant influence in various international organizations. The country's name, history, and expansion are detailed, including key events like the Declaration of Independence, the Revolutionary War, and the Louisiana Purchase.\n", - "\n", - "The text discusses key events in American history, including the Missouri Compromise, Indian removal policies, the Civil War, Reconstruction era, post-Civil War developments, rise as a superpower, Cold War era, and contemporary history. It highlights significant events such as the Trail of Tears, California Gold Rush, Reconstruction Amendments, immigration waves, World Wars, Cold War tensions, civil rights movement, economic developments, technological advancements, and major conflicts like the Gulf War and War on Terror. The text also mentions social changes, economic challenges like the Great Depression and Great Recession, and political developments leading to increased polarization in the 2010s.\n", - "\n", - "The text discusses the geography, climate, biodiversity, conservation efforts, government, politics, political parties, subdivisions, and foreign relations of the United States. It highlights the country's physical features, climate diversity, environmental issues, governmental structure, political parties, state subdivisions, and diplomatic relations. The text also mentions the historical context of the country's political system, including the development of political parties and the structure of the federal government.\n", - "\n", - "The text discusses the United States' international relations, military capabilities, law enforcement, crime rates, economy, and science and technology advancements. It highlights the country's membership in various international organizations, its military strength, economic dominance, income inequality, and technological innovations. The United States has strong diplomatic ties with several countries, a significant military presence globally, a large economy with high GDP, and is a leader in technological advancements and scientific research.\n", - "\n", - "The text discusses various aspects of the United States, including its scientific and innovation rankings, energy consumption, transportation infrastructure, demographics, language diversity, immigration, religion, urbanization, and healthcare. It highlights the country's achievements in scientific research, energy usage, transportation systems, population demographics, language diversity, immigration statistics, religious affiliations, urbanization trends, and healthcare facilities.\n", - "\n", - "The text discusses various aspects of life in the United States, including changes in life expectancy, the healthcare system, education, culture, society, literature, and mass media. It highlights the impact of the COVID-19 pandemic on life expectancy, the disparities in healthcare outcomes, the structure of the education system, the cultural diversity and values in American society, the development of American literature, and the media landscape in the country. The text also touches on issues such as healthcare coverage, education spending, student loan debt, and the protection of free speech in the U.S.\n", - "\n", - "The text discusses various aspects of American culture, including alternative newspapers in major cities, popular websites, the video game market, theater, visual arts, music, fashion, cinema, and cuisine. It highlights the influence of American culture globally, such as in music, fashion, cinema, and cuisine. The text also mentions significant figures and events in American cultural history, such as the Tony Awards, Broadway theater, the Hudson River School in visual arts, and the Golden Age of Hollywood in cinema. Additionally, it touches on the development of American cuisine, including traditional dishes and the impact of immigrant groups on American food culture.\n", - "\n", - "The American fast-food industry, known for pioneering the drive-through format in the 1940s, is considered a symbol of U.S. marketing dominance. Major American companies like McDonald's, Burger King, Pizza Hut, Kentucky Fried Chicken, and Domino's Pizza have a significant global presence with numerous outlets worldwide.\n" - ] - } - ], - "source": [ - "print(summary_with_detail_pt2)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Note that this utility also allows passing additional instructions." - ] - }, - { - "cell_type": "code", - "execution_count": 56, - "metadata": { - "ExecuteTime": { - "end_time": "2024-04-10T05:33:18.789246Z", - "start_time": "2024-04-10T05:22:57.789764Z" - } - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100%|██████████| 5/5 [10:19<00:00, 123.94s/it]" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "- The USA is a federation of 50 states, a federal capital district, and 326 Indian reservations.\n", - "- It has sovereignty over five major unincorporated island territories and various uninhabited islands.\n", - "- The country has a population exceeding 334 million.\n", - "- The USA has the world's third-largest land area and the largest maritime exclusive economic zone.\n", - "- The USA has had the largest nominal GDP in the world since 1890.\n", - "- In 2023, the USA accounted for over 25% of the global economy based on nominal GDP and 15% based on PPP.\n", - "- The USA has the highest median income per capita of any non-microstate.\n", - "- The USA ranks high in economic competitiveness, productivity, innovation, human rights, and higher education.\n", - "- The USA is a founding member of various international organizations such as the World Bank, IMF, NATO, and the UN Security Council.\n", - "\n", - "- The Great Society plan of President Lyndon Johnson's administration in the early 1960s resulted in groundbreaking laws and policies to counteract institutional racism.\n", - "- By 1985, the majority of women aged 16 and older in the U.S. were employed.\n", - "- In the 1990s, the U.S. saw the longest economic expansion in its history, with advances in technology such as the World Wide Web and the first gene therapy trial.\n", - "- The U.S. spent $877 billion on its military in 2022, the largest amount globally, making up 39% of global military spending and 3.5% of the country's GDP.\n", - "- The U.S. has the third-largest combined armed forces in the world, with about 800 bases and facilities abroad and deployments in 25 foreign countries.\n", - "- As of January 2023, the U.S. had the sixth highest per-capita incarceration rate globally, with almost 2 million people incarcerated.\n", - "- The U.S. had a nominal GDP of $27 trillion in 2023, the largest in the world, constituting over 25% of the global economy.\n", - "\n", - "- Real compounded annual GDP growth in the U.S. was 3.3%, compared to 2.3% for the rest of the Group of Seven.\n", - "- The U.S. ranks first in the world by disposable income per capita and nominal GDP, second by GDP (PPP) after China, and ninth by GDP (PPP) per capita.\n", - "- The U.S. has 136 of the world's 500 largest companies headquartered there.\n", - "- The U.S. dollar is the most used currency in international transactions and is the world's foremost reserve currency.\n", - "- The U.S. ranked second in the Global Competitiveness Report in 2019, after Singapore.\n", - "- The U.S. is the second-largest manufacturing country after China as of 2021.\n", - "- Americans have the highest average household and employee income among OECD member states.\n", - "- The U.S. has 735 billionaires and nearly 22 million millionaires as of 2023.\n", - "- In 2022, there were about 582,500 sheltered and unsheltered homeless persons in the U.S.\n", - "- The U.S. receives approximately 81% of its energy from fossil fuels.\n", - "- The U.S. has the highest vehicle ownership per capita in the world, with 910 vehicles per 1000 people.\n", - "- The U.S. has the third-highest number of patent applications and ranked 3rd in the Global Innovation Index in 2023.\n", - "- The U.S. has the third-highest number of published scientific papers in 2022.\n", - "- The U.S. has a diverse population with 37 ancestry groups having more than one million members.\n", - "- The U.S. has the largest Christian population in the world.\n", - "- The average American life expectancy at birth was 77.5 years in 2022.\n", - "- The U.S. spends more on education per student than any other country in the world.\n", - "\n", - "- The United States has the most Nobel Prize winners in history, with 411 awards won.\n", - "- American higher education is dominated by state university systems, with private universities enrolling about 20% of students.\n", - "- The U.S. spends more per student on higher education than the OECD average and all other nations in combined public and private spending.\n", - "- Student loan debt in the U.S. has increased by 102% in the last decade, exceeding 1.7 trillion dollars as of 2022.\n", - "- Americans donated 1.44% of total GDP to charity, the highest rate in the world.\n", - "- The U.S. has the world's largest music market with a total retail value of $15.9 billion in 2022.\n", - "- The United States restaurant industry was projected at $899 billion in sales for 2020, employing over 15 million people.\n", - "- The U.S. is home to over 220 Michelin Star rated restaurants, with 70 in New York City alone.\n", - "- California alone has 444 publishers, developers, and hardware companies in the video game market.\n", - "- The U.S. fast-food industry pioneered the drive-through format in the 1940s.\n", - "\n", - "- American companies mentioned: McDonald's, Burger King, Pizza Hut, Kentucky Fried Chicken, Domino's Pizza\n", - "- These companies have numerous outlets around the world\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "\n" - ] - } - ], - "source": [ - "summary_with_additional_instructions = summarize(united_states_wikipedia_text, detail=0.1,\n", - " additional_instructions=\"Write in point form and focus on numerical data.\")\n", - "print(summary_with_additional_instructions)" - ] - }, - { - "cell_type": "markdown", - "source": [ - "Finally, note that the utility allows for recursive summarization, where each summary is based on the previous summaries, adding more context to the summarization process. This can be enabled by setting the `summarize_recursively` parameter to True. This is more computationally expensive, but can increase consistency and coherence of the combined summary." - ], - "metadata": { - "collapsed": false - } - }, - { - "cell_type": "code", - "execution_count": 57, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100%|██████████| 5/5 [00:09<00:00, 1.99s/it]" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "The text provides an overview of the United States, including its geography, history, government structure, economic status, and global influence. It covers the country's origins, colonization, independence, expansion, Civil War, post-war era, rise as a superpower, and involvement in the Cold War. The U.S. is described as a presidential constitutional republic with a strong emphasis on individual rights, liberty, and limited government. The text also highlights the country's economic prowess, cultural influence, and membership in various international organizations.\n", - "\n", - "The text discusses the United States from the early 1960s to the present day, highlighting significant events such as President Lyndon Johnson's Great Society plan, the counterculture movement, societal changes, the end of the Cold War, the economic expansion of the 1990s, the September 11 attacks, the Great Recession, and political polarization. It also covers the country's geography, climate, biodiversity, conservation efforts, government structure, political parties, foreign relations, military strength, law enforcement, crime rates, and the economy, including its status as the world's largest economy.\n", - "\n", - "The text discusses the economic status of the United States, highlighting its GDP growth, ranking in various economic indicators, dominance in global trade, and technological advancements. It also covers income distribution, poverty rates, and social issues like homelessness and food insecurity. The text further delves into the country's energy consumption, transportation infrastructure, demographics, immigration trends, religious diversity, urbanization, healthcare system, life expectancy, and education system.\n", - "\n", - "The text discusses various aspects of American culture and society, including education, literature, mass media, theater, visual arts, music, fashion, cinema, and cuisine. It highlights the country's achievements in education, with a focus on higher education and federal financial aid for students. The text also delves into American cultural values, ethnic diversity, and the country's strong protections of free speech. Additionally, it covers the development of American literature, mass media landscape, theater scene, visual arts movements, music genres, fashion industry, cinema history, and culinary traditions. The influence of American culture globally, as well as the economic impact of industries like music and restaurants, is also discussed.\n", - "\n", - "American fast-food chains like McDonald's, Burger King, Pizza Hut, Kentucky Fried Chicken, and Domino's Pizza have a widespread global presence with numerous outlets worldwide.\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "\n" - ] - } - ], - "source": [ - "recursive_summary = summarize(united_states_wikipedia_text, detail=0.1, summarize_recursively=True,\n", - " additional_instructions=\"Don't overuse repetitive phrases to introduce each section\")\n", - "print(recursive_summary)" - ], - "metadata": { - "collapsed": false, - "ExecuteTime": { - "end_time": "2024-04-10T05:33:30.123036Z", - "start_time": "2024-04-10T05:33:18.791253Z" - } - } - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3 (ipykernel)", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.9.9" - } - }, - "nbformat": 4, - "nbformat_minor": 1 -} diff --git a/examples/Using_tool_required_for_customer_service.ipynb b/examples/Using_tool_required_for_customer_service.ipynb new file mode 100644 index 00000000..83ab19b7 --- /dev/null +++ b/examples/Using_tool_required_for_customer_service.ipynb @@ -0,0 +1,532 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "dd290eb8-ad4f-461d-b5c5-64c22fc9cc24", + "metadata": {}, + "source": [ + "# Using Tool Required for Customer Service\n", + "\n", + "The `ChatCompletion` endpoint now includes the ability to specify whether a tool **must** be called every time, by adding `tool_choice='required'` as a parameter. \n", + "\n", + "This adds an element of determinism to how you build your wrapping application, as you can count on a tool being provided with every call. We'll demonstrate here how this can be useful for a contained flow like customer service, where having the ability to define specific exit points gives more control.\n", + "\n", + "The notebook concludes with a multi-turn evaluation, where we spin up a customer GPT to imitate our customer and test the LLM customer service agent we've set up." + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "ba4759e0-ecfd-48f7-bbd8-79ea61aef872", + "metadata": {}, + "outputs": [], + "source": [ + "import json\n", + "from openai import OpenAI\n", + "import os\n", + "\n", + "client = OpenAI()\n", + "GPT_MODEL = 'gpt-4-turbo'" + ] + }, + { + "cell_type": "markdown", + "id": "a33904a9-ba9f-4315-9e77-bb966c641dab", + "metadata": {}, + "source": [ + "## Config definition\n", + "\n", + "We will define `tools` and `instructions` which our LLM customer service agent will use. It will source the right instructions for the problem the customer is facing, and use those to answer the customer's query.\n", + "\n", + "As this is a demo example, we'll ask the model to make up values where it doesn't have external systems to source info." + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "31fd0251-f741-46d6-979b-a2bbc1f95571", + "metadata": {}, + "outputs": [], + "source": [ + "# The tools our customer service LLM will use to communicate\n", + "tools = [\n", + "{\n", + " \"type\": \"function\",\n", + " \"function\": {\n", + " \"name\": \"speak_to_user\",\n", + " \"description\": \"Use this to speak to the user to give them information and to ask for anything required for their case.\",\n", + " \"parameters\": {\n", + " \"type\": \"object\",\n", + " \"properties\": {\n", + " \"message\": {\n", + " \"type\": \"string\",\n", + " \"description\": \"Text of message to send to user. Can cover multiple topics.\"\n", + " }\n", + " },\n", + " \"required\": [\"message\"]\n", + " }\n", + " }\n", + "},\n", + "{\n", + " \"type\": \"function\",\n", + " \"function\": {\n", + " \"name\": \"get_instructions\",\n", + " \"description\": \"Used to get instructions to deal with the user's problem.\",\n", + " \"parameters\": {\n", + " \"type\": \"object\",\n", + " \"properties\": {\n", + " \"problem\": {\n", + " \"type\": \"string\",\n", + " \"enum\": [\"fraud\",\"refund\",\"information\"],\n", + " \"description\": \"\"\"The type of problem the customer has. Can be one of:\n", + " - fraud: Required to report and resolve fraud.\n", + " - refund: Required to submit a refund request.\n", + " - information: Used for any other informational queries.\"\"\"\n", + " }\n", + " },\n", + " \"required\": [\n", + " \"problem\"\n", + " ]\n", + " }\n", + " }\n", + "}\n", + "]\n", + "\n", + "# Example instructions that the customer service assistant can consult for relevant customer problems\n", + "INSTRUCTIONS = [ {\"type\": \"fraud\",\n", + " \"instructions\": \"\"\"• Ask the customer to describe the fraudulent activity, including the the date and items involved in the suspected fraud.\n", + "• Offer the customer a refund.\n", + "• Report the fraud to the security team for further investigation.\n", + "• Thank the customer for contacting support and invite them to reach out with any future queries.\"\"\"},\n", + " {\"type\": \"refund\",\n", + " \"instructions\": \"\"\"• Confirm the customer's purchase details and verify the transaction in the system.\n", + "• Check the company's refund policy to ensure the request meets the criteria.\n", + "• Ask the customer to provide a reason for the refund.\n", + "• Submit the refund request to the accounting department.\n", + "• Inform the customer of the expected time frame for the refund processing.\n", + "• Thank the customer for contacting support and invite them to reach out with any future queries.\"\"\"},\n", + " {\"type\": \"information\",\n", + " \"instructions\": \"\"\"• Greet the customer and ask how you can assist them today.\n", + "• Listen carefully to the customer's query and clarify if necessary.\n", + "• Provide accurate and clear information based on the customer's questions.\n", + "• Offer to assist with any additional questions or provide further details if needed.\n", + "• Ensure the customer is satisfied with the information provided.\n", + "• Thank the customer for contacting support and invite them to reach out with any future queries.\"\"\" }]" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "6c0ad691-28f4-4707-8e23-0d0a6c06ea1e", + "metadata": {}, + "outputs": [], + "source": [ + "assistant_system_prompt = \"\"\"You are a customer service assistant. Your role is to answer user questions politely and competently.\n", + "You should follow these instructions to solve the case:\n", + "- Understand their problem and get the relevant instructions.\n", + "- Follow the instructions to solve the customer's problem. Get their confirmation before performing a permanent operation like a refund or similar.\n", + "- Help them with any other problems or close the case.\n", + "\n", + "Only call a tool once in a single message.\n", + "If you need to fetch a piece of information from a system or document that you don't have access to, give a clear, confident answer with some dummy values.\"\"\"\n", + "\n", + "def submit_user_message(user_query,conversation_messages=[]):\n", + " \"\"\"Message handling function which loops through tool calls until it reaches one that requires a response.\n", + " Once it receives respond=True it returns the conversation_messages to the user.\"\"\"\n", + "\n", + " # Initiate a respond object. This will be set to True by our functions when a response is required\n", + " respond = False\n", + " \n", + " user_message = {\"role\":\"user\",\"content\": user_query}\n", + " conversation_messages.append(user_message)\n", + "\n", + " print(f\"User: {user_query}\")\n", + "\n", + " while respond is False:\n", + "\n", + " # Build a transient messages object to add the conversation messages to\n", + " messages = [\n", + " {\n", + " \"role\": \"system\",\n", + " \"content\": assistant_system_prompt\n", + " }\n", + " ]\n", + "\n", + " # Add the conversation messages to our messages call to the API\n", + " [messages.append(x) for x in conversation_messages]\n", + "\n", + " # Make the ChatCompletion call with tool_choice='required' so we can guarantee tools will be used\n", + " response = client.chat.completions.create(model=GPT_MODEL\n", + " ,messages=messages\n", + " ,temperature=0\n", + " ,tools=tools\n", + " ,tool_choice='required'\n", + " )\n", + "\n", + " conversation_messages.append(response.choices[0].message)\n", + "\n", + " # Execute the function and get an updated conversation_messages object back\n", + " # If it doesn't require a response, it will ask the assistant again. \n", + " # If not the results are returned to the user.\n", + " respond, conversation_messages = execute_function(response.choices[0].message,conversation_messages)\n", + " \n", + " return conversation_messages\n", + "\n", + "def execute_function(function_calls,messages):\n", + " \"\"\"Wrapper function to execute the tool calls\"\"\"\n", + "\n", + " for function_call in function_calls.tool_calls:\n", + " \n", + " function_id = function_call.id\n", + " function_name = function_call.function.name\n", + " print(f\"Calling function {function_name}\")\n", + " function_arguments = json.loads(function_call.function.arguments)\n", + " \n", + " if function_name == 'get_instructions':\n", + "\n", + " respond = False\n", + " \n", + " instruction_name = function_arguments['problem']\n", + " instructions = INSTRUCTIONS['type' == instruction_name]\n", + " \n", + " messages.append(\n", + " {\n", + " \"tool_call_id\": function_id,\n", + " \"role\": \"tool\",\n", + " \"name\": function_name,\n", + " \"content\": instructions['instructions'],\n", + " }\n", + " )\n", + " \n", + " elif function_name != 'get_instructions':\n", + "\n", + " respond = True\n", + " \n", + " messages.append(\n", + " {\n", + " \"tool_call_id\": function_id,\n", + " \"role\": \"tool\",\n", + " \"name\": function_name,\n", + " \"content\": function_arguments['message'],\n", + " }\n", + " )\n", + " \n", + " print(f\"Assistant: {function_arguments['message']}\")\n", + " \n", + " return (respond, messages)\n", + " " + ] + }, + { + "cell_type": "markdown", + "id": "ca6502e7-f664-43ba-b15c-962c69091633", + "metadata": {}, + "source": [ + "## Example\n", + "\n", + "To test this we will run an example for a customer who has experienced fraud, and see how the model handles it.\n", + "\n", + "Play the role of the user and provide plausible next steps to keep the conversation going." + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "bb1530e4-dd82-4560-bd60-9cc9ac0dab73", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "User: Hi, I have had an item stolen that was supposed to be delivered to me yesterday.\n", + "Calling function get_instructions\n", + "Calling function speak_to_user\n", + "Assistant: I'm sorry to hear about the stolen item. Could you please provide me with more details about the fraudulent activity, including the date and the items involved? This information will help us to investigate the issue further and proceed with the necessary actions, including offering you a refund.\n" + ] + } + ], + "source": [ + "messages = submit_user_message(\"Hi, I have had an item stolen that was supposed to be delivered to me yesterday.\")" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "ccff3dd7-d10f-4dc7-9737-6ea5d126e829", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "User: For sure, it was a shirt, it was supposed to be delivered yesterday but it never arrived.\n", + "Calling function speak_to_user\n", + "Assistant: Thank you for providing the details. I will now proceed to report this incident to our security team for further investigation and arrange a refund for the stolen shirt. Please confirm if you would like me to go ahead with the refund.\n", + "Calling function speak_to_user\n", + "Assistant: Thank you for contacting us about this issue. Please don't hesitate to reach out if you have any more questions or need further assistance in the future.\n" + ] + } + ], + "source": [ + "messages = submit_user_message(\"For sure, it was a shirt, it was supposed to be delivered yesterday but it never arrived.\",messages)" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "ce3a8869-8b14-4404-866a-4b540b13235c", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "User: Yes I would like to proceed with the refund.\n", + "Calling function get_instructions\n", + "Calling function speak_to_user\n", + "Assistant: Thank you for confirming. I have processed the refund for the stolen shirt. The amount should be reflected in your account within 5-7 business days. If you have any more questions or need further assistance, please feel free to contact us.\n" + ] + } + ], + "source": [ + "messages = submit_user_message(\"Yes I would like to proceed with the refund.\",messages)" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "87e5cd3e-4edb-426c-8fd9-8fe3bde61bcd", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "User: Thanks very much.\n", + "Calling function speak_to_user\n", + "Assistant: You're welcome! If you need any more help in the future, don't hesitate to reach out. Have a great day!\n" + ] + } + ], + "source": [ + "messages = submit_user_message(\"Thanks very much.\",messages)" + ] + }, + { + "cell_type": "markdown", + "id": "fb8d0a0f-ba20-4b78-a961-7431beb9fbce", + "metadata": {}, + "source": [ + "## Evaluation\n", + "\n", + "Now we'll do a simple evaluation where a GPT will pretend to be our customer. The two will go back and forth until a resolution is reached.\n", + "\n", + "We'll reuse the functions above, adding an `execute_conversation` function where the customer GPT will continue answering." + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "id": "f4931776-b3ac-4113-98e8-419a0965fd71", + "metadata": {}, + "outputs": [], + "source": [ + "customer_system_prompt = \"\"\"You are a user calling in to customer service.\n", + "You will talk to the agent until you have a resolution to your query.\n", + "Your query is {query}.\n", + "You will be presented with a conversation - provide answers for any assistant questions you receive. \n", + "Here is the conversation - you are the \"user\" and you are speaking with the \"assistant\":\n", + "{chat_history}\n", + "\n", + "If you don't know the details, respond with dummy values.\n", + "Once your query is resolved, respond with \"DONE\" \"\"\"\n", + "\n", + "# Initiate a bank of questions run through\n", + "questions = ['I want to get a refund for the suit I ordered last Friday.',\n", + " 'Can you tell me what your policy is for returning damaged goods?',\n", + " 'Please tell me what your complaint policy is']" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "id": "22b12f59-4418-4aee-ae92-6c6ebcf0f2d3", + "metadata": {}, + "outputs": [], + "source": [ + "def execute_conversation(objective):\n", + "\n", + " conversation_messages = []\n", + "\n", + " done = False\n", + "\n", + " user_query = objective\n", + "\n", + " while done is False:\n", + "\n", + " conversation_messages = submit_user_message(user_query,conversation_messages)\n", + "\n", + " messages_string = ''\n", + " for x in conversation_messages:\n", + " if isinstance(x,dict):\n", + " if x['role'] == 'user':\n", + " messages_string += 'User: ' + x['content'] + '\\n'\n", + " elif x['role'] == 'tool':\n", + " if x['name'] == 'speak_to_user':\n", + " messages_string += 'Assistant: ' + x['content'] + '\\n'\n", + " else:\n", + " continue\n", + "\n", + " messages = [\n", + " {\n", + " \"role\": \"system\",\n", + " \"content\": customer_system_prompt.format(query=objective,chat_history=messages_string)\n", + " },\n", + " {\n", + " \"role\": \"user\",\n", + " \"content\": \"Continue the chat to solve your query. Remember, you are in the user in this exchange. Do not provide User: or Assistant: in your response\"\n", + " }\n", + " ]\n", + "\n", + " user_response = client.chat.completions.create(model=GPT_MODEL,messages=messages,temperature=0.5)\n", + "\n", + " conversation_messages.append({\n", + " \"role\": \"user\",\n", + " \"content\": user_response.choices[0].message.content\n", + " })\n", + "\n", + " if 'DONE' in user_response.choices[0].message.content:\n", + " done = True\n", + " print(\"Achieved objective, closing conversation\\n\\n\")\n", + "\n", + " else:\n", + " user_query = user_response.choices[0].message.content" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "id": "9d9aac9f-f557-4e7e-b705-adf7d5aa1f3f", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "User: I want to get a refund for the suit I ordered last Friday.\n", + "Calling function get_instructions\n", + "Calling function speak_to_user\n", + "Assistant: I understand you'd like a refund for the suit you ordered last Friday. Could you please provide more details about the issue with the suit? This will help us process your refund request accurately.\n", + "User: The suit I received is not the color I ordered. I ordered a navy blue suit, but the one I received is black.\n", + "Calling function speak_to_user\n", + "Assistant: Thank you for providing the details. I will proceed with the refund for the navy blue suit that was incorrectly sent as black. Please confirm if you would like me to go ahead with the refund.\n", + "User: Yes, please go ahead with the refund.\n", + "Calling function speak_to_user\n", + "Assistant: The refund for the incorrectly colored suit has been processed. You should see the amount credited back to your original payment method within 5-7 business days. Thank you for contacting us, and if you have any more questions or need further assistance, please feel free to reach out.\n", + "Achieved objective, closing conversation\n", + "\n", + "\n", + "User: Can you tell me what your policy is for returning damaged goods?\n", + "Calling function get_instructions\n", + "Calling function speak_to_user\n", + "Assistant: It seems there was a misunderstanding in my previous request. I'm looking for information on our policy for returning damaged goods. Could you please provide me with the details on how to handle returns for damaged items?\n", + "User: Yes, I'd appreciate that. Could you please tell me the steps I need to follow to return a damaged item?\n", + "Calling function get_instructions\n", + "Calling function speak_to_user\n", + "Assistant: I apologize for the confusion earlier. Here's the correct information regarding our policy for returning damaged goods:\n", + "\n", + "1. Please provide a description of the damage and the item involved.\n", + "2. Include the date of purchase and your order number if available.\n", + "3. You can choose to return the item by mail or in person at one of our stores. Please let us know which method you prefer, and we will provide the necessary details for the return process.\n", + "4. Once we receive the item, we will inspect it and process a refund or exchange based on your preference and our return policy guidelines.\n", + "\n", + "Please let me know if you need further assistance with this process or if there's anything else I can help you with!\n", + "User: I would like to return the item by mail. Could you please provide me with the details on how to do that?\n", + "Calling function speak_to_user\n", + "Assistant: Certainly! To return the damaged item by mail, please follow these steps:\n", + "\n", + "1. Pack the item securely in its original packaging, if possible.\n", + "2. Include all original materials such as manuals, accessories, and receipts.\n", + "3. Address the package to our returns department at the following address:\n", + " [Your Company's Return Address]\n", + "4. Use a trackable shipping service and keep the tracking number for your records.\n", + "5. Once we receive and inspect the item, we will process your refund or exchange as per your request.\n", + "\n", + "Please let me know if you need a prepaid shipping label or any other assistance with your return!\n", + "User: Yes, please, I would need a prepaid shipping label.\n", + "Calling function speak_to_user\n", + "Assistant: I will arrange for a prepaid shipping label to be sent to your email address. Please ensure that the email address we have on file is correct. You should receive the label shortly, which you can print and attach to your return package.\n", + "\n", + "Once you've shipped the item, please provide us with the tracking number so we can monitor the return's progress. If there's anything else you need help with, feel free to ask!\n", + "User: That sounds great, thank you! My email address is correct on file. I'll look out for the prepaid shipping label and send the package back as soon as I receive it.\n", + "Calling function speak_to_user\n", + "Assistant: You're welcome! I'm glad I could assist you. Once you receive the prepaid shipping label, please proceed with the return as discussed. If you have any more questions or need further assistance in the future, don't hesitate to reach out. Have a great day!\n", + "Achieved objective, closing conversation\n", + "\n", + "\n", + "User: Please tell me what your complaint policy is\n", + "Calling function get_instructions\n", + "Calling function speak_to_user\n", + "Assistant: It seems there was a misunderstanding. I will provide you with information about our complaint policy. Please give me a moment to gather the correct details for you.\n", + "User: Sure, I'll wait. Thank you.\n", + "Calling function speak_to_user\n", + "Assistant: Our complaint policy is designed to ensure that any issues you encounter are addressed promptly and fairly. Here’s a brief overview:\n", + "\n", + "1. **Submission**: You can submit your complaint through our website, by email, or by calling our customer service hotline.\n", + "2. **Acknowledgment**: We will acknowledge receipt of your complaint within 24 hours.\n", + "3. **Investigation**: We will investigate your complaint thoroughly. This process typically takes 3-5 business days.\n", + "4. **Resolution**: After the investigation, we will contact you with the outcome and any steps we will take to resolve the issue.\n", + "5. **Follow-up**: If you are not satisfied with the resolution, you can request a review of the decision.\n", + "\n", + "Please let me know if you need more detailed information or if there's anything else I can assist you with!\n", + "User: That covers everything I needed to know, thank you!\n", + "Calling function speak_to_user\n", + "Assistant: You're welcome! I'm glad I could help. If you have any more questions in the future or need further assistance, feel free to reach out. Have a great day!\n", + "Achieved objective, closing conversation\n", + "\n", + "\n" + ] + } + ], + "source": [ + "for x in questions:\n", + "\n", + " execute_conversation(x)" + ] + }, + { + "cell_type": "markdown", + "id": "f8fa6ca4-a776-4207-b440-4ee6fb8ab16a", + "metadata": {}, + "source": [ + "## Conclusion\n", + "\n", + "You can now control your LLM's behaviour explicitly by making tool use mandatory, as well as spin up GPT testers to challenge your LLM and to act as automated test cases.\n", + "\n", + "We hope this has given you an appreciation for a great use case for tool use, and look forward to seeing what you build!" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "openai_test", + "language": "python", + "name": "openai_test" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.12.3" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/examples/batch_processing.ipynb b/examples/batch_processing.ipynb new file mode 100644 index 00000000..2fcf562c --- /dev/null +++ b/examples/batch_processing.ipynb @@ -0,0 +1,1589 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "51c7a1f9", + "metadata": {}, + "source": [ + "# Batch processing with the Batch API\n", + "\n", + "The new Batch API allows to **create async batch jobs for a lower price and with higher rate limits**.\n", + "\n", + "Batches will be completed within 24h, but may be processed sooner depending on global usage. \n", + "\n", + "Ideal use cases for the Batch API include:\n", + "\n", + "- Tagging, captioning, or enriching content on a marketplace or blog\n", + "- Categorizing and suggesting answers for support tickets\n", + "- Performing sentiment analysis on large datasets of customer feedback\n", + "- Generating summaries or translations for collections of documents or articles\n", + "\n", + "and much more!\n", + "\n", + "This cookbook will walk you through how to use the Batch API with a couple of practical examples.\n", + "\n", + "We will start with an example to categorize movies using `gpt-3.5-turbo`, and then cover how we can use the vision capabilities of `gpt-4-turbo` to caption images.\n", + "\n", + "Please note that multiple models are available through the Batch API, and that you can use the same parameters in your Batch API calls as with the Chat Completions endpoint." + ] + }, + { + "cell_type": "markdown", + "id": "85ae3c4e", + "metadata": {}, + "source": [ + "## Setup" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "02e22580", + "metadata": {}, + "outputs": [], + "source": [ + "# Make sure you have the latest version of the SDK available to use the Batch API\n", + "%pip install openai --upgrade" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "726bacba", + "metadata": {}, + "outputs": [], + "source": [ + "import json\n", + "from openai import OpenAI\n", + "import pandas as pd\n", + "from IPython.display import Image, display" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "4ac0c9a7", + "metadata": {}, + "outputs": [], + "source": [ + "# Initializing OpenAI client - see https://platform.openai.com/docs/quickstart?context=python\n", + "client = OpenAI()" + ] + }, + { + "cell_type": "markdown", + "id": "5fec950f", + "metadata": {}, + "source": [ + "## First example: Categorizing movies\n", + "\n", + "In this example, we will use `gpt-3.5-turbo` to extract movie categories from a description of the movie. We will also extract a 1-sentence summary from this description. \n", + "\n", + "We will use [JSON mode](https://platform.openai.com/docs/guides/text-generation/json-mode) to extract categories as an array of strings and the 1-sentence summary in a structured format. \n", + "\n", + "For each movie, we want to get a result that looks like this:\n", + "\n", + "```\n", + "{\n", + " categories: ['category1', 'category2', 'category3'],\n", + " summary: '1-sentence summary'\n", + "}\n", + "```" + ] + }, + { + "cell_type": "markdown", + "id": "9fc6dcd6", + "metadata": {}, + "source": [ + "### Loading data\n", + "\n", + "We will use the IMDB top 1000 movies dataset for this example. " + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "1b721a0d", + "metadata": { + "scrolled": false + }, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
Poster_LinkSeries_TitleReleased_YearCertificateRuntimeGenreIMDB_RatingOverviewMeta_scoreDirectorStar1Star2Star3Star4No_of_VotesGross
0https://m.media-amazon.com/images/M/MV5BMDFkYT...The Shawshank Redemption1994A142 minDrama9.3Two imprisoned men bond over a number of years...80.0Frank DarabontTim RobbinsMorgan FreemanBob GuntonWilliam Sadler234311028,341,469
1https://m.media-amazon.com/images/M/MV5BM2MyNj...The Godfather1972A175 minCrime, Drama9.2An organized crime dynasty's aging patriarch t...100.0Francis Ford CoppolaMarlon BrandoAl PacinoJames CaanDiane Keaton1620367134,966,411
2https://m.media-amazon.com/images/M/MV5BMTMxNT...The Dark Knight2008UA152 minAction, Crime, Drama9.0When the menace known as the Joker wreaks havo...84.0Christopher NolanChristian BaleHeath LedgerAaron EckhartMichael Caine2303232534,858,444
3https://m.media-amazon.com/images/M/MV5BMWMwMG...The Godfather: Part II1974A202 minCrime, Drama9.0The early life and career of Vito Corleone in ...90.0Francis Ford CoppolaAl PacinoRobert De NiroRobert DuvallDiane Keaton112995257,300,000
4https://m.media-amazon.com/images/M/MV5BMWU4N2...12 Angry Men1957U96 minCrime, Drama9.0A jury holdout attempts to prevent a miscarria...96.0Sidney LumetHenry FondaLee J. CobbMartin BalsamJohn Fiedler6898454,360,000
\n", + "
" + ], + "text/plain": [ + " Poster_Link \\\n", + "0 https://m.media-amazon.com/images/M/MV5BMDFkYT... \n", + "1 https://m.media-amazon.com/images/M/MV5BM2MyNj... \n", + "2 https://m.media-amazon.com/images/M/MV5BMTMxNT... \n", + "3 https://m.media-amazon.com/images/M/MV5BMWMwMG... \n", + "4 https://m.media-amazon.com/images/M/MV5BMWU4N2... \n", + "\n", + " Series_Title Released_Year Certificate Runtime \\\n", + "0 The Shawshank Redemption 1994 A 142 min \n", + "1 The Godfather 1972 A 175 min \n", + "2 The Dark Knight 2008 UA 152 min \n", + "3 The Godfather: Part II 1974 A 202 min \n", + "4 12 Angry Men 1957 U 96 min \n", + "\n", + " Genre IMDB_Rating \\\n", + "0 Drama 9.3 \n", + "1 Crime, Drama 9.2 \n", + "2 Action, Crime, Drama 9.0 \n", + "3 Crime, Drama 9.0 \n", + "4 Crime, Drama 9.0 \n", + "\n", + " Overview Meta_score \\\n", + "0 Two imprisoned men bond over a number of years... 80.0 \n", + "1 An organized crime dynasty's aging patriarch t... 100.0 \n", + "2 When the menace known as the Joker wreaks havo... 84.0 \n", + "3 The early life and career of Vito Corleone in ... 90.0 \n", + "4 A jury holdout attempts to prevent a miscarria... 96.0 \n", + "\n", + " Director Star1 Star2 Star3 \\\n", + "0 Frank Darabont Tim Robbins Morgan Freeman Bob Gunton \n", + "1 Francis Ford Coppola Marlon Brando Al Pacino James Caan \n", + "2 Christopher Nolan Christian Bale Heath Ledger Aaron Eckhart \n", + "3 Francis Ford Coppola Al Pacino Robert De Niro Robert Duvall \n", + "4 Sidney Lumet Henry Fonda Lee J. Cobb Martin Balsam \n", + "\n", + " Star4 No_of_Votes Gross \n", + "0 William Sadler 2343110 28,341,469 \n", + "1 Diane Keaton 1620367 134,966,411 \n", + "2 Michael Caine 2303232 534,858,444 \n", + "3 Diane Keaton 1129952 57,300,000 \n", + "4 John Fiedler 689845 4,360,000 " + ] + }, + "execution_count": 3, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "dataset_path = \"data/imdb_top_1000.csv\"\n", + "\n", + "df = pd.read_csv(dataset_path)\n", + "df.head()" + ] + }, + { + "cell_type": "markdown", + "id": "01396a47", + "metadata": {}, + "source": [ + "### Processing step \n", + "\n", + "Here, we will prepare our requests by first trying them out with the Chat Completions endpoint.\n", + "\n", + "Once we're happy with the results, we can move on to creating the batch file." + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "806e768c", + "metadata": {}, + "outputs": [], + "source": [ + "categorize_system_prompt = '''\n", + "Your goal is to extract movie categories from movie descriptions, as well as a 1-sentence summary for these movies.\n", + "You will be provided with a movie description, and you will output a json object containing the following information:\n", + "\n", + "{\n", + " categories: string[] // Array of categories based on the movie description,\n", + " summary: string // 1-sentence summary of the movie based on the movie description\n", + "}\n", + "\n", + "Categories refer to the genre or type of the movie, like \"action\", \"romance\", \"comedy\", etc. Keep category names simple and use only lower case letters.\n", + "Movies can have several categories, but try to keep it under 3-4. Only mention the categories that are the most obvious based on the description.\n", + "'''\n", + "\n", + "def get_categories(description):\n", + " response = client.chat.completions.create(\n", + " model=\"gpt-3.5-turbo\",\n", + " temperature=0.1,\n", + " # This is to enable JSON mode, making sure responses are valid json objects\n", + " response_format={ \n", + " \"type\": \"json_object\"\n", + " },\n", + " messages=[\n", + " {\n", + " \"role\": \"system\",\n", + " \"content\": categorize_system_prompt\n", + " },\n", + " {\n", + " \"role\": \"user\",\n", + " \"content\": description\n", + " }\n", + " ],\n", + " )\n", + "\n", + " return response.choices[0].message.content" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "4d079c56", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "TITLE: The Shawshank Redemption\n", + "OVERVIEW: Two imprisoned men bond over a number of years, finding solace and eventual redemption through acts of common decency.\n", + "\n", + "RESULT: {\n", + " \"categories\": [\"drama\"],\n", + " \"summary\": \"Two imprisoned men bond over the years and find redemption through acts of common decency.\"\n", + "}\n", + "\n", + "\n", + "----------------------------\n", + "\n", + "\n", + "TITLE: The Godfather\n", + "OVERVIEW: An organized crime dynasty's aging patriarch transfers control of his clandestine empire to his reluctant son.\n", + "\n", + "RESULT: {\n", + " \"categories\": [\"crime\", \"drama\"],\n", + " \"summary\": \"A crime drama about an aging patriarch passing on his empire to his son.\"\n", + "}\n", + "\n", + "\n", + "----------------------------\n", + "\n", + "\n", + "TITLE: The Dark Knight\n", + "OVERVIEW: When the menace known as the Joker wreaks havoc and chaos on the people of Gotham, Batman must accept one of the greatest psychological and physical tests of his ability to fight injustice.\n", + "\n", + "RESULT: {\n", + " \"categories\": [\"action\", \"thriller\"],\n", + " \"summary\": \"A thrilling action movie where Batman faces the chaotic Joker in a battle of justice.\"\n", + "}\n", + "\n", + "\n", + "----------------------------\n", + "\n", + "\n", + "TITLE: The Godfather: Part II\n", + "OVERVIEW: The early life and career of Vito Corleone in 1920s New York City is portrayed, while his son, Michael, expands and tightens his grip on the family crime syndicate.\n", + "\n", + "RESULT: {\n", + " \"categories\": [\"crime\", \"drama\"],\n", + " \"summary\": \"A portrayal of Vito Corleone's early life and career in 1920s New York City, as his son Michael expands the family crime syndicate.\"\n", + "}\n", + "\n", + "\n", + "----------------------------\n", + "\n", + "\n", + "TITLE: 12 Angry Men\n", + "OVERVIEW: A jury holdout attempts to prevent a miscarriage of justice by forcing his colleagues to reconsider the evidence.\n", + "\n", + "RESULT: {\n", + " \"categories\": [\"drama\"],\n", + " \"summary\": \"A gripping drama about a jury holdout trying to prevent a miscarriage of justice by challenging his colleagues to reconsider the evidence.\"\n", + "}\n", + "\n", + "\n", + "----------------------------\n", + "\n", + "\n" + ] + } + ], + "source": [ + "# Testing on a few examples\n", + "for _, row in df[:5].iterrows():\n", + " description = row['Overview']\n", + " title = row['Series_Title']\n", + " result = get_categories(description)\n", + " print(f\"TITLE: {title}\\nOVERVIEW: {description}\\n\\nRESULT: {result}\")\n", + " print(\"\\n\\n----------------------------\\n\\n\")" + ] + }, + { + "cell_type": "markdown", + "id": "a89a6709", + "metadata": {}, + "source": [ + "### Creating the batch file\n", + "\n", + "The batch file, in the `jsonl` format, should contain one line (json object) per request.\n", + "Each request is defined as such:\n", + "\n", + "```\n", + "{\n", + " \"custom_id\": ,\n", + " \"method\": \"POST\",\n", + " \"url\": \"/v1/chat/completions\",\n", + " \"body\": {\n", + " \"model\": ,\n", + " \"messages\": ,\n", + " // other parameters\n", + " }\n", + "}\n", + "```\n", + "\n", + "Note: the request ID should be unique per batch. This is what you can use to match results to the initial input files, as requests will not be returned in the same order." + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "81e37981", + "metadata": {}, + "outputs": [], + "source": [ + "# Creating an array of json tasks\n", + "\n", + "tasks = []\n", + "\n", + "for index, row in df.iterrows():\n", + " \n", + " description = row['Overview']\n", + " \n", + " task = {\n", + " \"custom_id\": f\"task-{index}\",\n", + " \"method\": \"POST\",\n", + " \"url\": \"/v1/chat/completions\",\n", + " \"body\": {\n", + " # This is what you would have in your Chat Completions API call\n", + " \"model\": \"gpt-3.5-turbo\",\n", + " \"temperature\": 0.1,\n", + " \"response_format\": { \n", + " \"type\": \"json_object\"\n", + " },\n", + " \"messages\": [\n", + " {\n", + " \"role\": \"system\",\n", + " \"content\": categorize_system_prompt\n", + " },\n", + " {\n", + " \"role\": \"user\",\n", + " \"content\": description\n", + " }\n", + " ],\n", + " }\n", + " }\n", + " \n", + " tasks.append(task)" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "257e2eda", + "metadata": {}, + "outputs": [], + "source": [ + "# Creating the file\n", + "\n", + "file_name = \"data/batch_tasks_movies.jsonl\"\n", + "\n", + "with open(file_name, 'w') as file:\n", + " for obj in tasks:\n", + " file.write(json.dumps(obj) + '\\n')" + ] + }, + { + "cell_type": "markdown", + "id": "c6b490cd", + "metadata": {}, + "source": [ + "### Uploading the file" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "id": "40ea90dd", + "metadata": {}, + "outputs": [], + "source": [ + "batch_file = client.files.create(\n", + " file=open(file_name, \"rb\"),\n", + " purpose=\"batch\"\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "id": "081f602f", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "FileObject(id='file-nG1JDPSMRMinN8FOdaL30kVD', bytes=1127310, created_at=1714045723, filename='batch_tasks_movies.jsonl', object='file', purpose='batch', status='processed', status_details=None)\n" + ] + } + ], + "source": [ + "print(batch_file)" + ] + }, + { + "cell_type": "markdown", + "id": "f8ef8ab5", + "metadata": {}, + "source": [ + "### Creating the batch job" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "id": "4db403a3", + "metadata": {}, + "outputs": [], + "source": [ + "batch_job = client.batches.create(\n", + " input_file_id=batch_file.id,\n", + " endpoint=\"/v1/chat/completions\",\n", + " completion_window=\"24h\"\n", + ")" + ] + }, + { + "cell_type": "markdown", + "id": "f7ca66c6", + "metadata": {}, + "source": [ + "### Checking batch status\n", + "\n", + "Note: this can take up to 24h, but it will usually be completed faster.\n", + "\n", + "You can continue checking until the status is 'completed'." + ] + }, + { + "cell_type": "code", + "execution_count": 45, + "id": "6105d809", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Batch(id='batch_xU74ytOBYUpaUQE3Cwi8SCbA', completion_window='24h', created_at=1714049780, endpoint='/v1/chat/completions', input_file_id='file-6y0JPmkHU42qtaEK8x8ZYzkp', object='batch', status='completed', cancelled_at=None, cancelling_at=None, completed_at=1714049914, error_file_id=None, errors=None, expired_at=None, expires_at=1714136180, failed_at=None, finalizing_at=1714049896, in_progress_at=1714049821, metadata=None, output_file_id='file-XPfkEFZSaM4Avps7mcD3i8BY', request_counts=BatchRequestCounts(completed=312, failed=0, total=312))\n" + ] + } + ], + "source": [ + "batch_job = client.batches.retrieve(batch_job.id)\n", + "print(batch_job)" + ] + }, + { + "cell_type": "markdown", + "id": "6988fb64", + "metadata": {}, + "source": [ + "### Retrieving results" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "id": "682c38d5", + "metadata": {}, + "outputs": [], + "source": [ + "result_file_id = batch_job.output_file_id\n", + "result = client.files.content(result_file_id).content" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "id": "52840df9", + "metadata": {}, + "outputs": [], + "source": [ + "result_file_name = \"data/batch_job_results_movies.jsonl\"\n", + "\n", + "with open(result_file_name, 'wb') as file:\n", + " file.write(result)" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "id": "f11b7d19", + "metadata": {}, + "outputs": [], + "source": [ + "# Loading data from saved file\n", + "results = []\n", + "with open(result_file_name, 'r') as file:\n", + " for line in file:\n", + " # Parsing the JSON string into a dict and appending to the list of results\n", + " json_object = json.loads(line.strip())\n", + " results.append(json_object)" + ] + }, + { + "cell_type": "markdown", + "id": "a2bafff8", + "metadata": {}, + "source": [ + "### Reading results\n", + "Reminder: the results are not in the same order as in the input file.\n", + "Make sure to check the custom_id to match the results against the input requests" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "id": "004c12d3", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "TITLE: American Psycho\n", + "OVERVIEW: A wealthy New York City investment banking executive, Patrick Bateman, hides his alternate psychopathic ego from his co-workers and friends as he delves deeper into his violent, hedonistic fantasies.\n", + "\n", + "RESULT: {\n", + " \"categories\": [\"thriller\", \"psychological\", \"drama\"],\n", + " \"summary\": \"A wealthy investment banker in New York City conceals his psychopathic alter ego while indulging in violent and hedonistic fantasies.\"\n", + "}\n", + "\n", + "\n", + "----------------------------\n", + "\n", + "\n", + "TITLE: Lethal Weapon\n", + "OVERVIEW: Two newly paired cops who are complete opposites must put aside their differences in order to catch a gang of drug smugglers.\n", + "\n", + "RESULT: {\n", + " \"categories\": [\"action\", \"comedy\", \"crime\"],\n", + " \"summary\": \"An action-packed comedy about two mismatched cops teaming up to take down a drug smuggling gang.\"\n", + "}\n", + "\n", + "\n", + "----------------------------\n", + "\n", + "\n", + "TITLE: A Star Is Born\n", + "OVERVIEW: A musician helps a young singer find fame as age and alcoholism send his own career into a downward spiral.\n", + "\n", + "RESULT: {\n", + " \"categories\": [\"drama\", \"music\"],\n", + " \"summary\": \"A musician's career spirals downward as he helps a young singer find fame amidst struggles with age and alcoholism.\"\n", + "}\n", + "\n", + "\n", + "----------------------------\n", + "\n", + "\n", + "TITLE: From Here to Eternity\n", + "OVERVIEW: In Hawaii in 1941, a private is cruelly punished for not boxing on his unit's team, while his captain's wife and second-in-command are falling in love.\n", + "\n", + "RESULT: {\n", + " \"categories\": [\"drama\", \"romance\", \"war\"],\n", + " \"summary\": \"A drama set in Hawaii in 1941, where a private faces punishment for not boxing on his unit's team, amidst a forbidden love affair between his captain's wife and second-in-command.\"\n", + "}\n", + "\n", + "\n", + "----------------------------\n", + "\n", + "\n", + "TITLE: The Jungle Book\n", + "OVERVIEW: Bagheera the Panther and Baloo the Bear have a difficult time trying to convince a boy to leave the jungle for human civilization.\n", + "\n", + "RESULT: {\n", + " \"categories\": [\"adventure\", \"animation\", \"family\"],\n", + " \"summary\": \"An adventure-filled animated movie about a panther and a bear trying to persuade a boy to leave the jungle for human civilization.\"\n", + "}\n", + "\n", + "\n", + "----------------------------\n", + "\n", + "\n" + ] + } + ], + "source": [ + "# Reading only the first results\n", + "for res in results[:5]:\n", + " task_id = res['custom_id']\n", + " # Getting index from task id\n", + " index = task_id.split('-')[-1]\n", + " result = res['response']['body']['choices'][0]['message']['content']\n", + " movie = df.iloc[int(index)]\n", + " description = movie['Overview']\n", + " title = movie['Series_Title']\n", + " print(f\"TITLE: {title}\\nOVERVIEW: {description}\\n\\nRESULT: {result}\")\n", + " print(\"\\n\\n----------------------------\\n\\n\")" + ] + }, + { + "cell_type": "markdown", + "id": "da4238f5", + "metadata": {}, + "source": [ + "## Second example: Captioning images\n", + "\n", + "In this example, we will use `gpt-4-turbo` to caption images of furniture items. \n", + "\n", + "We will use the vision capabilities of the model to analyze the images and generate the captions." + ] + }, + { + "cell_type": "markdown", + "id": "5d20e638", + "metadata": {}, + "source": [ + "### Loading data\n", + "\n", + "We will use the Amazon furniture dataset for this example." + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "id": "079d21e7", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
asinurltitlebrandpriceavailabilitycategoriesprimary_imageimagesupc...colormaterialstyleimportant_informationproduct_overviewabout_itemdescriptionspecificationsuniq_idscraped_at
0B0CJHKVG6Phttps://www.amazon.com/dp/B0CJHKVG6PGOYMFK 1pc Free Standing Shoe Rack, Multi-laye...GOYMFK$24.99Only 13 left in stock - order soon.['Home & Kitchen', 'Storage & Organization', '...https://m.media-amazon.com/images/I/416WaLx10j...['https://m.media-amazon.com/images/I/416WaLx1...NaN...WhiteMetalModern[][{'Brand': ' GOYMFK '}, {'Color': ' White '}, ...['Multiple layers: Provides ample storage spac...multiple shoes, coats, hats, and other items E...['Brand: GOYMFK', 'Color: White', 'Material: M...02593e81-5c09-5069-8516-b0b29f439ded2024-02-02 15:15:08
1B0B66QHB23https://www.amazon.com/dp/B0B66QHB23subrtex Leather ding Room, Dining Chairs Set o...subrtexNaNNaN['Home & Kitchen', 'Furniture', 'Dining Room F...https://m.media-amazon.com/images/I/31SejUEWY7...['https://m.media-amazon.com/images/I/31SejUEW...NaN...BlackSpongeBlack Rubber Wood[]NaN['【Easy Assembly】: Set of 2 dining room chairs...subrtex Dining chairs Set of 2['Brand: subrtex', 'Color: Black', 'Product Di...5938d217-b8c5-5d3e-b1cf-e28e340f292e2024-02-02 15:15:09
2B0BXRTWLYKhttps://www.amazon.com/dp/B0BXRTWLYKPlant Repotting Mat MUYETOL Waterproof Transpl...MUYETOL$5.98In Stock['Patio, Lawn & Garden', 'Outdoor Décor', 'Doo...https://m.media-amazon.com/images/I/41RgefVq70...['https://m.media-amazon.com/images/I/41RgefVq...NaN...GreenPolyethyleneModern[][{'Brand': ' MUYETOL '}, {'Size': ' 26.8*26.8 ...['PLANT REPOTTING MAT SIZE: 26.8\" x 26.8\", squ...NaN['Brand: MUYETOL', 'Size: 26.8*26.8', 'Item We...b2ede786-3f51-5a45-9a5b-bcf856958cd82024-02-02 15:15:09
3B0C1MRB2M8https://www.amazon.com/dp/B0C1MRB2M8Pickleball Doormat, Welcome Doormat Absorbent ...VEWETOL$13.99Only 10 left in stock - order soon.['Patio, Lawn & Garden', 'Outdoor Décor', 'Doo...https://m.media-amazon.com/images/I/61vz1Igler...['https://m.media-amazon.com/images/I/61vz1Igl...NaN...A5589RubberModern[][{'Brand': ' VEWETOL '}, {'Size': ' 16*24INCH ...['Specifications: 16x24 Inch ', \" High-Quality...The decorative doormat features a subtle textu...['Brand: VEWETOL', 'Size: 16*24INCH', 'Materia...8fd9377b-cfa6-5f10-835c-6b8eca2816b52024-02-02 15:15:10
4B0CG1N9QRChttps://www.amazon.com/dp/B0CG1N9QRCJOIN IRON Foldable TV Trays for Eating Set of ...JOIN IRON Store$89.99Usually ships within 5 to 6 weeks['Home & Kitchen', 'Furniture', 'Game & Recrea...https://m.media-amazon.com/images/I/41p4d4VJnN...['https://m.media-amazon.com/images/I/41p4d4VJ...NaN...Grey Set of 4IronX Classic Style[]NaN['Includes 4 Folding Tv Tray Tables And one Co...Set of Four Folding Trays With Matching Storag...['Brand: JOIN IRON', 'Shape: Rectangular', 'In...bdc9aa30-9439-50dc-8e89-213ea211d66a2024-02-02 15:15:11
\n", + "

5 rows × 25 columns

\n", + "
" + ], + "text/plain": [ + " asin url \\\n", + "0 B0CJHKVG6P https://www.amazon.com/dp/B0CJHKVG6P \n", + "1 B0B66QHB23 https://www.amazon.com/dp/B0B66QHB23 \n", + "2 B0BXRTWLYK https://www.amazon.com/dp/B0BXRTWLYK \n", + "3 B0C1MRB2M8 https://www.amazon.com/dp/B0C1MRB2M8 \n", + "4 B0CG1N9QRC https://www.amazon.com/dp/B0CG1N9QRC \n", + "\n", + " title brand price \\\n", + "0 GOYMFK 1pc Free Standing Shoe Rack, Multi-laye... GOYMFK $24.99 \n", + "1 subrtex Leather ding Room, Dining Chairs Set o... subrtex NaN \n", + "2 Plant Repotting Mat MUYETOL Waterproof Transpl... MUYETOL $5.98 \n", + "3 Pickleball Doormat, Welcome Doormat Absorbent ... VEWETOL $13.99 \n", + "4 JOIN IRON Foldable TV Trays for Eating Set of ... JOIN IRON Store $89.99 \n", + "\n", + " availability \\\n", + "0 Only 13 left in stock - order soon. \n", + "1 NaN \n", + "2 In Stock \n", + "3 Only 10 left in stock - order soon. \n", + "4 Usually ships within 5 to 6 weeks \n", + "\n", + " categories \\\n", + "0 ['Home & Kitchen', 'Storage & Organization', '... \n", + "1 ['Home & Kitchen', 'Furniture', 'Dining Room F... \n", + "2 ['Patio, Lawn & Garden', 'Outdoor Décor', 'Doo... \n", + "3 ['Patio, Lawn & Garden', 'Outdoor Décor', 'Doo... \n", + "4 ['Home & Kitchen', 'Furniture', 'Game & Recrea... \n", + "\n", + " primary_image \\\n", + "0 https://m.media-amazon.com/images/I/416WaLx10j... \n", + "1 https://m.media-amazon.com/images/I/31SejUEWY7... \n", + "2 https://m.media-amazon.com/images/I/41RgefVq70... \n", + "3 https://m.media-amazon.com/images/I/61vz1Igler... \n", + "4 https://m.media-amazon.com/images/I/41p4d4VJnN... \n", + "\n", + " images upc ... color \\\n", + "0 ['https://m.media-amazon.com/images/I/416WaLx1... NaN ... White \n", + "1 ['https://m.media-amazon.com/images/I/31SejUEW... NaN ... Black \n", + "2 ['https://m.media-amazon.com/images/I/41RgefVq... NaN ... Green \n", + "3 ['https://m.media-amazon.com/images/I/61vz1Igl... NaN ... A5589 \n", + "4 ['https://m.media-amazon.com/images/I/41p4d4VJ... NaN ... Grey Set of 4 \n", + "\n", + " material style important_information \\\n", + "0 Metal Modern [] \n", + "1 Sponge Black Rubber Wood [] \n", + "2 Polyethylene Modern [] \n", + "3 Rubber Modern [] \n", + "4 Iron X Classic Style [] \n", + "\n", + " product_overview \\\n", + "0 [{'Brand': ' GOYMFK '}, {'Color': ' White '}, ... \n", + "1 NaN \n", + "2 [{'Brand': ' MUYETOL '}, {'Size': ' 26.8*26.8 ... \n", + "3 [{'Brand': ' VEWETOL '}, {'Size': ' 16*24INCH ... \n", + "4 NaN \n", + "\n", + " about_item \\\n", + "0 ['Multiple layers: Provides ample storage spac... \n", + "1 ['【Easy Assembly】: Set of 2 dining room chairs... \n", + "2 ['PLANT REPOTTING MAT SIZE: 26.8\" x 26.8\", squ... \n", + "3 ['Specifications: 16x24 Inch ', \" High-Quality... \n", + "4 ['Includes 4 Folding Tv Tray Tables And one Co... \n", + "\n", + " description \\\n", + "0 multiple shoes, coats, hats, and other items E... \n", + "1 subrtex Dining chairs Set of 2 \n", + "2 NaN \n", + "3 The decorative doormat features a subtle textu... \n", + "4 Set of Four Folding Trays With Matching Storag... \n", + "\n", + " specifications \\\n", + "0 ['Brand: GOYMFK', 'Color: White', 'Material: M... \n", + "1 ['Brand: subrtex', 'Color: Black', 'Product Di... \n", + "2 ['Brand: MUYETOL', 'Size: 26.8*26.8', 'Item We... \n", + "3 ['Brand: VEWETOL', 'Size: 16*24INCH', 'Materia... \n", + "4 ['Brand: JOIN IRON', 'Shape: Rectangular', 'In... \n", + "\n", + " uniq_id scraped_at \n", + "0 02593e81-5c09-5069-8516-b0b29f439ded 2024-02-02 15:15:08 \n", + "1 5938d217-b8c5-5d3e-b1cf-e28e340f292e 2024-02-02 15:15:09 \n", + "2 b2ede786-3f51-5a45-9a5b-bcf856958cd8 2024-02-02 15:15:09 \n", + "3 8fd9377b-cfa6-5f10-835c-6b8eca2816b5 2024-02-02 15:15:10 \n", + "4 bdc9aa30-9439-50dc-8e89-213ea211d66a 2024-02-02 15:15:11 \n", + "\n", + "[5 rows x 25 columns]" + ] + }, + "execution_count": 17, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "dataset_path = \"data/amazon_furniture_dataset.csv\"\n", + "df = pd.read_csv(dataset_path)\n", + "df.head()" + ] + }, + { + "cell_type": "markdown", + "id": "f48ba962", + "metadata": {}, + "source": [ + "### Processing step \n", + "\n", + "Again, we will first prepare our requests with the Chat Completions endpoint, and create the batch file afterwards." + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "id": "918fd79f", + "metadata": {}, + "outputs": [], + "source": [ + "caption_system_prompt = '''\n", + "Your goal is to generate short, descriptive captions for images of items.\n", + "You will be provided with an item image and the name of that item and you will output a caption that captures the most important information about the item.\n", + "If there are multiple items depicted, refer to the name provided to understand which item you should describe.\n", + "Your generated caption should be short (1 sentence), and include only the most important information about the item.\n", + "The most important information could be: the type of item, the style (if mentioned), the material or color if especially relevant and/or any distinctive features.\n", + "Keep it short and to the point.\n", + "'''\n", + "\n", + "def get_caption(img_url, title):\n", + " response = client.chat.completions.create(\n", + " model=\"gpt-4-turbo\",\n", + " temperature=0.2,\n", + " max_tokens=300,\n", + " messages=[\n", + " {\n", + " \"role\": \"system\",\n", + " \"content\": caption_system_prompt\n", + " },\n", + " {\n", + " \"role\": \"user\",\n", + " \"content\": [\n", + " {\n", + " \"type\": \"text\",\n", + " \"text\": title\n", + " },\n", + " # The content type should be \"image_url\" to use gpt-4-turbo's vision capabilities\n", + " {\n", + " \"type\": \"image_url\",\n", + " \"image_url\": {\n", + " \"url\": img_url\n", + " }\n", + " },\n", + " ],\n", + " }\n", + " ]\n", + " )\n", + "\n", + " return response.choices[0].message.content" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "id": "1daac93d", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CAPTION: White multi-layer metal shoe rack featuring eight double hooks for hanging accessories, ideal for organizing footwear and small items in living spaces.\n", + "\n", + "\n" + ] + }, + { + "data": { + "text/html": [ + "" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CAPTION: A set of two elegant black leather dining chairs with a sleek design and vertical stitching detail on the backrest.\n", + "\n", + "\n" + ] + }, + { + "data": { + "text/html": [ + "" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CAPTION: A green, waterproof, square, foldable repotting mat designed for indoor gardening, featuring raised edges and displayed with gardening tools and small potted plants.\n", + "\n", + "\n" + ] + }, + { + "data": { + "text/html": [ + "" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CAPTION: A brown, absorbent non-slip doormat featuring the phrase \"It's a good day to play PICKLEBALL\" with a pickleball paddle graphic, ideal for sports enthusiasts.\n", + "\n", + "\n" + ] + }, + { + "data": { + "text/html": [ + "" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CAPTION: Set of four foldable grey TV trays with a stand, featuring a sleek, space-saving design suitable for small areas.\n", + "\n", + "\n" + ] + } + ], + "source": [ + "# Testing on a few images\n", + "for _, row in df[:5].iterrows():\n", + " img_url = row['primary_image']\n", + " caption = get_caption(img_url, row['title'])\n", + " img = Image(url=img_url)\n", + " display(img)\n", + " print(f\"CAPTION: {caption}\\n\\n\")" + ] + }, + { + "cell_type": "markdown", + "id": "c1e75078", + "metadata": {}, + "source": [ + "### Creating the batch job\n", + "\n", + "As with the first example, we will create an array of json tasks to generate a `jsonl` file and use it to create the batch job." + ] + }, + { + "cell_type": "code", + "execution_count": 35, + "id": "48e59bb1", + "metadata": {}, + "outputs": [], + "source": [ + "# Creating an array of json tasks\n", + "\n", + "tasks = []\n", + "\n", + "for index, row in df.iterrows():\n", + " \n", + " title = row['title']\n", + " img_url = row['primary_image']\n", + " \n", + " task = {\n", + " \"custom_id\": f\"task-{index}\",\n", + " \"method\": \"POST\",\n", + " \"url\": \"/v1/chat/completions\",\n", + " \"body\": {\n", + " # This is what you would have in your Chat Completions API call\n", + " \"model\": \"gpt-4-turbo\",\n", + " \"temperature\": 0.2,\n", + " \"max_tokens\": 300,\n", + " \"messages\": [\n", + " {\n", + " \"role\": \"system\",\n", + " \"content\": caption_system_prompt\n", + " },\n", + " {\n", + " \"role\": \"user\",\n", + " \"content\": [\n", + " {\n", + " \"type\": \"text\",\n", + " \"text\": title\n", + " },\n", + " {\n", + " \"type\": \"image_url\",\n", + " \"image_url\": {\n", + " \"url\": img_url\n", + " }\n", + " },\n", + " ],\n", + " }\n", + " ] \n", + " }\n", + " }\n", + " \n", + " tasks.append(task)" + ] + }, + { + "cell_type": "code", + "execution_count": 36, + "id": "e75193f2", + "metadata": {}, + "outputs": [], + "source": [ + "# Creating the file\n", + "\n", + "file_name = \"data/batch_tasks_furniture.jsonl\"\n", + "\n", + "with open(file_name, 'w') as file:\n", + " for obj in tasks:\n", + " file.write(json.dumps(obj) + '\\n')" + ] + }, + { + "cell_type": "code", + "execution_count": 37, + "id": "f2bc166a", + "metadata": {}, + "outputs": [], + "source": [ + "# Uploading the file \n", + "\n", + "batch_file = client.files.create(\n", + " file=open(file_name, \"rb\"),\n", + " purpose=\"batch\"\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 38, + "id": "0d7d7ec9", + "metadata": {}, + "outputs": [], + "source": [ + "# Creating the job\n", + "\n", + "batch_job = client.batches.create(\n", + " input_file_id=batch_file.id,\n", + " endpoint=\"/v1/chat/completions\",\n", + " completion_window=\"24h\"\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 40, + "id": "53456a08", + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Batch(id='batch_xU74ytOBYUpaUQE3Cwi8SCbA', completion_window='24h', created_at=1714049780, endpoint='/v1/chat/completions', input_file_id='file-6y0JPmkHU42qtaEK8x8ZYzkp', object='batch', status='completed', cancelled_at=None, cancelling_at=None, completed_at=1714049914, error_file_id=None, errors=None, expired_at=None, expires_at=1714136180, failed_at=None, finalizing_at=1714049896, in_progress_at=1714049821, metadata=None, output_file_id='file-XPfkEFZSaM4Avps7mcD3i8BY', request_counts=BatchRequestCounts(completed=312, failed=0, total=312))\n" + ] + } + ], + "source": [ + "batch_job = client.batches.retrieve(batch_job.id)\n", + "print(batch_job)" + ] + }, + { + "cell_type": "markdown", + "id": "45ce15d7", + "metadata": {}, + "source": [ + "### Getting results\n", + "\n", + "As with the first example, we can retrieve results once the batch job is done.\n", + "\n", + "Reminder: the results are not in the same order as in the input file.\n", + "Make sure to check the custom_id to match the results against the input requests" + ] + }, + { + "cell_type": "code", + "execution_count": 41, + "id": "05db39f3", + "metadata": {}, + "outputs": [], + "source": [ + "# Retrieving result file\n", + "\n", + "result_file_id = batch_job.output_file_id\n", + "result = client.files.content(result_file_id).content" + ] + }, + { + "cell_type": "code", + "execution_count": 42, + "id": "a15fbb54", + "metadata": {}, + "outputs": [], + "source": [ + "result_file_name = \"data/batch_job_results_furniture.jsonl\"\n", + "\n", + "with open(result_file_name, 'wb') as file:\n", + " file.write(result)" + ] + }, + { + "cell_type": "code", + "execution_count": 43, + "id": "beabfdcd", + "metadata": {}, + "outputs": [], + "source": [ + "# Loading data from saved file\n", + "\n", + "results = []\n", + "with open(result_file_name, 'r') as file:\n", + " for line in file:\n", + " # Parsing the JSON string into a dict and appending to the list of results\n", + " json_object = json.loads(line.strip())\n", + " results.append(json_object)" + ] + }, + { + "cell_type": "code", + "execution_count": 44, + "id": "ad54ffee", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CAPTION: Brushed brass pedestal towel rack with a sleek, modern design, featuring multiple bars for hanging towels, measuring 25.75 x 14.44 x 32 inches.\n", + "\n", + "\n" + ] + }, + { + "data": { + "text/html": [ + "" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CAPTION: Black round end table featuring a tempered glass top and a metal frame, with a lower shelf for additional storage.\n", + "\n", + "\n" + ] + }, + { + "data": { + "text/html": [ + "" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CAPTION: Black collapsible and height-adjustable telescoping stool, portable and designed for makeup artists and hairstylists, shown in various stages of folding for easy transport.\n", + "\n", + "\n" + ] + }, + { + "data": { + "text/html": [ + "" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CAPTION: Ergonomic pink gaming chair featuring breathable fabric, adjustable height, lumbar support, a footrest, and a swivel recliner function.\n", + "\n", + "\n" + ] + }, + { + "data": { + "text/html": [ + "" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CAPTION: A set of two Glitzhome adjustable bar stools featuring a mid-century modern design with swivel seats, PU leather upholstery, and wooden backrests.\n", + "\n", + "\n" + ] + } + ], + "source": [ + "# Reading only the first results\n", + "for res in results[:5]:\n", + " task_id = res['custom_id']\n", + " # Getting index from task id\n", + " index = task_id.split('-')[-1]\n", + " result = res['response']['body']['choices'][0]['message']['content']\n", + " item = df.iloc[int(index)]\n", + " img_url = item['primary_image']\n", + " img = Image(url=img_url)\n", + " display(img)\n", + " print(f\"CAPTION: {result}\\n\\n\")" + ] + }, + { + "cell_type": "markdown", + "id": "f6603e8f", + "metadata": {}, + "source": [ + "## Wrapping up\n", + "\n", + "In this cookbook, we have seen two examples of how to use the new Batch API, but keep in mind that the Batch API works the same way as the Chat Completions endpoint, supporting the same parameters and most of the recent models (gpt-3.5-turbo, gpt-4, gpt-4-vision-preview, gpt-4-turbo...).\n", + "\n", + "By using this API, you can significantly reduce costs, so we recommend switching every workload that can happen async to a batch job with this new API." + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.11.8" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/examples/data/artificial_intelligence_wikipedia.txt b/examples/data/artificial_intelligence_wikipedia.txt new file mode 100644 index 00000000..034ee0f5 --- /dev/null +++ b/examples/data/artificial_intelligence_wikipedia.txt @@ -0,0 +1,253 @@ +Artificial intelligence (AI), in its broadest sense, is intelligence exhibited by machines, particularly computer systems. It is a field of research in computer science that develops and studies methods and software which enable machines to perceive their environment and uses learning and intelligence to take actions that maximize their chances of achieving defined goals.[1] Such machines may be called AIs. +AI technology is widely used throughout industry, government, and science. Some high-profile applications include advanced web search engines (e.g., Google Search); recommendation systems (used by YouTube, Amazon, and Netflix); interacting via human speech (e.g., Google Assistant, Siri, and Alexa); autonomous vehicles (e.g., Waymo); generative and creative tools (e.g., ChatGPT and AI art); and superhuman play and analysis in strategy games (e.g., chess and Go).[2] However, many AI applications are not perceived as AI: "A lot of cutting edge AI has filtered into general applications, often without being called AI because once something becomes useful enough and common enough it's not labeled AI anymore."[3][4] +Alan Turing was the first person to conduct substantial research in the field that he called machine intelligence.[5] Artificial intelligence was founded as an academic discipline in 1956.[6] The field went through multiple cycles of optimism,[7][8] followed by periods of disappointment and loss of funding, known as AI winter.[9][10] Funding and interest vastly increased after 2012 when deep learning surpassed all previous AI techniques,[11] and after 2017 with the transformer architecture.[12] This led to the AI boom of the early 2020s, with companies, universities, and laboratories overwhelmingly based in the United States pioneering significant advances in artificial intelligence.[13] +The growing use of artificial intelligence in the 21st century is influencing a societal and economic shift towards increased automation, data-driven decision-making, and the integration of AI systems into various economic sectors and areas of life, impacting job markets, healthcare, government, industry, and education. This raises questions about the long-term effects, ethical implications, and risks of AI, prompting discussions about regulatory policies to ensure the safety and benefits of the technology. +The various sub-fields of AI research are centered around particular goals and the use of particular tools. The traditional goals of AI research include reasoning, knowledge representation, planning, learning, natural language processing, perception, and support for robotics.[a] General intelligence—the ability to complete any task performable by a human on an at least equal level—is among the field's long-term goals.[14] +To reach these goals, AI researchers have adapted and integrated a wide range of techniques, including search and mathematical optimization, formal logic, artificial neural networks, and methods based on statistics, operations research, and economics.[b] AI also draws upon psychology, linguistics, philosophy, neuroscience, and other fields.[15] +Goals +The general problem of simulating (or creating) intelligence has been broken into sub-problems. These consist of particular traits or capabilities that researchers expect an intelligent system to display. The traits described below have received the most attention and cover the scope of AI research.[a] +Reasoning and problem solving +Early researchers developed algorithms that imitated step-by-step reasoning that humans use when they solve puzzles or make logical deductions.[16] By the late 1980s and 1990s, methods were developed for dealing with uncertain or incomplete information, employing concepts from probability and economics.[17] +Many of these algorithms are insufficient for solving large reasoning problems because they experience a "combinatorial explosion": they became exponentially slower as the problems grew larger.[18] Even humans rarely use the step-by-step deduction that early AI research could model. They solve most of their problems using fast, intuitive judgments.[19] Accurate and efficient reasoning is an unsolved problem. +Knowledge representation + +An ontology represents knowledge as a set of concepts within a domain and the relationships between those concepts. +Knowledge representation and knowledge engineering[20] allow AI programs to answer questions intelligently and make deductions about real-world facts. Formal knowledge representations are used in content-based indexing and retrieval,[21] scene interpretation,[22] clinical decision support,[23] knowledge discovery (mining "interesting" and actionable inferences from large databases),[24] and other areas.[25] +A knowledge base is a body of knowledge represented in a form that can be used by a program. An ontology is the set of objects, relations, concepts, and properties used by a particular domain of knowledge.[26] Knowledge bases need to represent things such as: objects, properties, categories and relations between objects;[27] situations, events, states and time;[28] causes and effects;[29] knowledge about knowledge (what we know about what other people know);[30] default reasoning (things that humans assume are true until they are told differently and will remain true even when other facts are changing);[31] and many other aspects and domains of knowledge. +Among the most difficult problems in knowledge representation are: the breadth of commonsense knowledge (the set of atomic facts that the average person knows is enormous);[32] and the sub-symbolic form of most commonsense knowledge (much of what people know is not represented as "facts" or "statements" that they could express verbally).[19] There is also the difficulty of knowledge acquisition, the problem of obtaining knowledge for AI applications.[c] +Planning and decision making +An "agent" is anything that perceives and takes actions in the world. A rational agent has goals or preferences and takes actions to make them happen.[d][35] In automated planning, the agent has a specific goal.[36] In automated decision making, the agent has preferences—there are some situations it would prefer to be in, and some situations it is trying to avoid. The decision making agent assigns a number to each situation (called the "utility") that measures how much the agent prefers it. For each possible action, it can calculate the "expected utility": the utility of all possible outcomes of the action, weighted by the probability that the outcome will occur. It can then choose the action with the maximum expected utility.[37] +In classical planning, the agent knows exactly what the effect of any action will be.[38] In most real-world problems, however, the agent may not be certain about the situation they are in (it is "unknown" or "unobservable") and it may not know for certain what will happen after each possible action (it is not "deterministic"). It must choose an action by making a probabilistic guess and then reassess the situation to see if the action worked.[39] +In some problems, the agent's preferences may be uncertain, especially if there are other agents or humans involved. These can be learned (e.g., with inverse reinforcement learning) or the agent can seek information to improve its preferences.[40] Information value theory can be used to weigh the value of exploratory or experimental actions.[41] The space of possible future actions and situations is typically intractably large, so the agents must take actions and evaluate situations while being uncertain what the outcome will be. +A Markov decision process has a transition model that describes the probability that a particular action will change the state in a particular way, and a reward function that supplies the utility of each state and the cost of each action. A policy associates a decision with each possible state. The policy could be calculated (e.g., by iteration), be heuristic, or it can be learned.[42] +Game theory describes rational behavior of multiple interacting agents, and is used in AI programs that make decisions that involve other agents.[43] +Learning +Machine learning is the study of programs that can improve their performance on a given task automatically.[44] It has been a part of AI from the beginning.[e] +There are several kinds of machine learning. Unsupervised learning analyzes a stream of data and finds patterns and makes predictions without any other guidance.[47] Supervised learning requires a human to label the input data first, and comes in two main varieties: classification (where the program must learn to predict what category the input belongs in) and regression (where the program must deduce a numeric function based on numeric input).[48] +In reinforcement learning the agent is rewarded for good responses and punished for bad ones. The agent learns to choose responses that are classified as "good".[49] Transfer learning is when the knowledge gained from one problem is applied to a new problem.[50] Deep learning is a type of machine learning that runs inputs through biologically inspired artificial neural networks for all of these types of learning.[51] +Computational learning theory can assess learners by computational complexity, by sample complexity (how much data is required), or by other notions of optimization.[52] +Natural language processing +Natural language processing (NLP)[53] allows programs to read, write and communicate in human languages such as English. Specific problems include speech recognition, speech synthesis, machine translation, information extraction, information retrieval and question answering.[54] +Early work, based on Noam Chomsky's generative grammar and semantic networks, had difficulty with word-sense disambiguation[f] unless restricted to small domains called "micro-worlds" (due to the common sense knowledge problem[32]). Margaret Masterman believed that it was meaning, and not grammar that was the key to understanding languages, and that thesauri and not dictionaries should be the basis of computational language structure. +Modern deep learning techniques for NLP include word embedding (representing words, typically as vectors encoding their meaning),[55] transformers (a deep learning architecture using an attention mechanism),[56] and others.[57] In 2019, generative pre-trained transformer (or "GPT") language models began to generate coherent text,[58][59] and by 2023 these models were able to get human-level scores on the bar exam, SAT test, GRE test, and many other real-world applications.[60] +Perception +Machine perception is the ability to use input from sensors (such as cameras, microphones, wireless signals, active lidar, sonar, radar, and tactile sensors) to deduce aspects of the world. Computer vision is the ability to analyze visual input.[61] +The field includes speech recognition,[62] image classification,[63] facial recognition, object recognition,[64] and robotic perception.[65] +Social intelligence + +Kismet, a robot head which was made in the 1990s; a machine that can recognize and simulate emotions.[66] +Affective computing is an interdisciplinary umbrella that comprises systems that recognize, interpret, process or simulate human feeling, emotion and mood.[67] For example, some virtual assistants are programmed to speak conversationally or even to banter humorously; it makes them appear more sensitive to the emotional dynamics of human interaction, or to otherwise facilitate human–computer interaction. +However, this tends to give naïve users an unrealistic conception of the intelligence of existing computer agents.[68] Moderate successes related to affective computing include textual sentiment analysis and, more recently, multimodal sentiment analysis, wherein AI classifies the affects displayed by a videotaped subject.[69] +General intelligence +A machine with artificial general intelligence should be able to solve a wide variety of problems with breadth and versatility similar to human intelligence.[14] +Techniques +AI research uses a wide variety of techniques to accomplish the goals above.[b] +Search and optimization +AI can solve many problems by intelligently searching through many possible solutions.[70] There are two very different kinds of search used in AI: state space search and local search. +State space search +State space search searches through a tree of possible states to try to find a goal state.[71] For example, planning algorithms search through trees of goals and subgoals, attempting to find a path to a target goal, a process called means-ends analysis.[72] +Simple exhaustive searches[73] are rarely sufficient for most real-world problems: the search space (the number of places to search) quickly grows to astronomical numbers. The result is a search that is too slow or never completes.[18] "Heuristics" or "rules of thumb" can help to prioritize choices that are more likely to reach a goal.[74] +Adversarial search is used for game-playing programs, such as chess or Go. It searches through a tree of possible moves and counter-moves, looking for a winning position.[75] +Local search + +Illustration of gradient descent for 3 different starting points. Two parameters (represented by the plan coordinates) are adjusted in order to minimize the loss function (the height). +Local search uses mathematical optimization to find a solution to a problem. It begins with some form of guess and refines it incrementally.[76] +Gradient descent is a type of local search that optimizes a set of numerical parameters by incrementally adjusting them to minimize a loss function. Variants of gradient descent are commonly used to train neural networks.[77] +Another type of local search is evolutionary computation, which aims to iteratively improve a set of candidate solutions by "mutating" and "recombining" them, selecting only the fittest to survive each generation.[78] +Distributed search processes can coordinate via swarm intelligence algorithms. Two popular swarm algorithms used in search are particle swarm optimization (inspired by bird flocking) and ant colony optimization (inspired by ant trails).[79] +Logic +Formal logic is used for reasoning and knowledge representation.[80] Formal logic comes in two main forms: propositional logic (which operates on statements that are true or false and uses logical connectives such as "and", "or", "not" and "implies")[81] and predicate logic (which also operates on objects, predicates and relations and uses quantifiers such as "Every X is a Y" and "There are some Xs that are Ys").[82] +Deductive reasoning in logic is the process of proving a new statement (conclusion) from other statements that are given and assumed to be true (the premises).[83] Proofs can be structured as proof trees, in which nodes are labelled by sentences, and children nodes are connected to parent nodes by inference rules. +Given a problem and a set of premises, problem-solving reduces to searching for a proof tree whose root node is labelled by a solution of the problem and whose leaf nodes are labelled by premises or axioms. In the case of Horn clauses, problem-solving search can be performed by reasoning forwards from the premises or backwards from the problem.[84] In the more general case of the clausal form of first-order logic, resolution is a single, axiom-free rule of inference, in which a problem is solved by proving a contradiction from premises that include the negation of the problem to be solved.[85] +Inference in both Horn clause logic and first-order logic is undecidable, and therefore intractable. However, backward reasoning with Horn clauses, which underpins computation in the logic programming language Prolog, is Turing complete. Moreover, its efficiency is competitive with computation in other symbolic programming languages.[86] +Fuzzy logic assigns a "degree of truth" between 0 and 1. It can therefore handle propositions that are vague and partially true.[87] +Non-monotonic logics, including logic programming with negation as failure, are designed to handle default reasoning.[31] Other specialized versions of logic have been developed to describe many complex domains. +Probabilistic methods for uncertain reasoning + +A simple Bayesian network, with the associated conditional probability tables +Many problems in AI (including in reasoning, planning, learning, perception, and robotics) require the agent to operate with incomplete or uncertain information. AI researchers have devised a number of tools to solve these problems using methods from probability theory and economics.[88] Precise mathematical tools have been developed that analyze how an agent can make choices and plan, using decision theory, decision analysis,[89] and information value theory.[90] These tools include models such as Markov decision processes,[91] dynamic decision networks,[92] game theory and mechanism design.[93] +Bayesian networks[94] are a tool that can be used for reasoning (using the Bayesian inference algorithm),[g][96] learning (using the expectation-maximization algorithm),[h][98] planning (using decision networks)[99] and perception (using dynamic Bayesian networks).[92] +Probabilistic algorithms can also be used for filtering, prediction, smoothing and finding explanations for streams of data, helping perception systems to analyze processes that occur over time (e.g., hidden Markov models or Kalman filters).[92] + +Expectation-maximization clustering of Old Faithful eruption data starts from a random guess but then successfully converges on an accurate clustering of the two physically distinct modes of eruption. +Classifiers and statistical learning methods +The simplest AI applications can be divided into two types: classifiers (e.g., "if shiny then diamond"), on one hand, and controllers (e.g., "if diamond then pick up"), on the other hand. Classifiers[100] are functions that use pattern matching to determine the closest match. They can be fine-tuned based on chosen examples using supervised learning. Each pattern (also called an "observation") is labeled with a certain predefined class. All the observations combined with their class labels are known as a data set. When a new observation is received, that observation is classified based on previous experience.[48] +There are many kinds of classifiers in use. The decision tree is the simplest and most widely used symbolic machine learning algorithm.[101] K-nearest neighbor algorithm was the most widely used analogical AI until the mid-1990s, and Kernel methods such as the support vector machine (SVM) displaced k-nearest neighbor in the 1990s.[102] The naive Bayes classifier is reportedly the "most widely used learner"[103] at Google, due in part to its scalability.[104] Neural networks are also used as classifiers.[105] +Artificial neural networks + +A neural network is an interconnected group of nodes, akin to the vast network of neurons in the human brain. +An artificial neural network is based on a collection of nodes also known as artificial neurons, which loosely model the neurons in a biological brain. It is trained to recognise patterns; once trained, it can recognise those patterns in fresh data. There is an input, at least one hidden layer of nodes and an output. Each node applies a function and once the weight crosses its specified threshold, the data is transmitted to the next layer. A network is typically called a deep neural network if it has at least 2 hidden layers.[105] +Learning algorithms for neural networks use local search to choose the weights that will get the right output for each input during training. The most common training technique is the backpropagation algorithm.[106] Neural networks learn to model complex relationships between inputs and outputs and find patterns in data. In theory, a neural network can learn any function.[107] +In feedforward neural networks the signal passes in only one direction.[108] Recurrent neural networks feed the output signal back into the input, which allows short-term memories of previous input events. Long short term memory is the most successful network architecture for recurrent networks.[109] Perceptrons[110] use only a single layer of neurons, deep learning[111] uses multiple layers. Convolutional neural networks strengthen the connection between neurons that are "close" to each other—this is especially important in image processing, where a local set of neurons must identify an "edge" before the network can identify an object.[112] +Deep learning + +Deep learning[111] uses several layers of neurons between the network's inputs and outputs. The multiple layers can progressively extract higher-level features from the raw input. For example, in image processing, lower layers may identify edges, while higher layers may identify the concepts relevant to a human such as digits or letters or faces.[113] +Deep learning has profoundly improved the performance of programs in many important subfields of artificial intelligence, including computer vision, speech recognition, natural language processing, image classification[114] and others. The reason that deep learning performs so well in so many applications is not known as of 2023.[115] The sudden success of deep learning in 2012–2015 did not occur because of some new discovery or theoretical breakthrough (deep neural networks and backpropagation had been described by many people, as far back as the 1950s)[i] but because of two factors: the incredible increase in computer power (including the hundred-fold increase in speed by switching to GPUs) and the availability of vast amounts of training data, especially the giant curated datasets used for benchmark testing, such as ImageNet.[j] +GPT +Generative pre-trained transformers (GPT) are large language models that are based on the semantic relationships between words in sentences (natural language processing). Text-based GPT models are pre-trained on a large corpus of text which can be from the internet. The pre-training consists in predicting the next token (a token being usually a word, subword, or punctuation). Throughout this pre-training, GPT models accumulate knowledge about the world, and can then generate human-like text by repeatedly predicting the next token. Typically, a subsequent training phase makes the model more truthful, useful and harmless, usually with a technique called reinforcement learning from human feedback (RLHF). Current GPT models are still prone to generating falsehoods called "hallucinations", although this can be reduced with RLHF and quality data. They are used in chatbots, which allow you to ask a question or request a task in simple text.[124][125] +Current models and services include: Gemini (formerly Bard), ChatGPT, Grok, Claude, Copilot and LLaMA.[126] Multimodal GPT models can process different types of data (modalities) such as images, videos, sound and text.[127] +Specialized hardware and software +Main articles: Programming languages for artificial intelligence and Hardware for artificial intelligence +In the late 2010s, graphics processing units (GPUs) that were increasingly designed with AI-specific enhancements and used with specialized TensorFlow software, had replaced previously used central processing unit (CPUs) as the dominant means for large-scale (commercial and academic) machine learning models' training.[128] Historically, specialized languages, such as Lisp, Prolog, Python and others, had been used. +Applications +Main article: Applications of artificial intelligence +AI and machine learning technology is used in most of the essential applications of the 2020s, including: search engines (such as Google Search), targeting online advertisements, recommendation systems (offered by Netflix, YouTube or Amazon), driving internet traffic, targeted advertising (AdSense, Facebook), virtual assistants (such as Siri or Alexa), autonomous vehicles (including drones, ADAS and self-driving cars), automatic language translation (Microsoft Translator, Google Translate), facial recognition (Apple's Face ID or Microsoft's DeepFace and Google's FaceNet) and image labeling (used by Facebook, Apple's iPhoto and TikTok). +Health and medicine +Main article: Artificial intelligence in healthcare +The application of AI in medicine and medical research has the potential to increase patient care and quality of life.[129] Through the lens of the Hippocratic Oath, medical professionals are ethically compelled to use AI, if applications can more accurately diagnose and treat patients. +For medical research, AI is an important tool for processing and integrating big data. This is particularly important for organoid and tissue engineering development which use microscopy imaging as a key technique in fabrication.[130] It has been suggested that AI can overcome discrepancies in funding allocated to different fields of research.[130] New AI tools can deepen our understanding of biomedically relevant pathways. For example, AlphaFold 2 (2021) demonstrated the ability to approximate, in hours rather than months, the 3D structure of a protein.[131] In 2023, it was reported that AI guided drug discovery helped find a class of antibiotics capable of killing two different types of drug-resistant bacteria.[132] +Games +Main article: Game artificial intelligence +Game playing programs have been used since the 1950s to demonstrate and test AI's most advanced techniques.[133] Deep Blue became the first computer chess-playing system to beat a reigning world chess champion, Garry Kasparov, on 11 May 1997.[134] In 2011, in a Jeopardy! quiz show exhibition match, IBM's question answering system, Watson, defeated the two greatest Jeopardy! champions, Brad Rutter and Ken Jennings, by a significant margin.[135] In March 2016, AlphaGo won 4 out of 5 games of Go in a match with Go champion Lee Sedol, becoming the first computer Go-playing system to beat a professional Go player without handicaps. Then in 2017 it defeated Ke Jie, who was the best Go player in the world.[136] Other programs handle imperfect-information games, such as the poker-playing program Pluribus.[137] DeepMind developed increasingly generalistic reinforcement learning models, such as with MuZero, which could be trained to play chess, Go, or Atari games.[138] In 2019, DeepMind's AlphaStar achieved grandmaster level in StarCraft II, a particularly challenging real-time strategy game that involves incomplete knowledge of what happens on the map.[139] In 2021 an AI agent competed in a PlayStation Gran Turismo competition, winning against four of the world's best Gran Turismo drivers using deep reinforcement learning.[140] +Military +Main article: Military artificial intelligence +Various countries are deploying AI military applications.[141] The main applications enhance command and control, communications, sensors, integration and interoperability.[142] Research is targeting intelligence collection and analysis, logistics, cyber operations, information operations, and semiautonomous and autonomous vehicles.[141] AI technologies enable coordination of sensors and effectors, threat detection and identification, marking of enemy positions, target acquisition, coordination and deconfliction of distributed Joint Fires between networked combat vehicles involving manned and unmanned teams.[142] AI was incorporated into military operations in Iraq and Syria.[141] +In November 2023, US Vice President Kamala Harris disclosed a declaration signed by 31 nations to set guardrails for the military use of AI. The commitments include using legal reviews to ensure the compliance of military AI with international laws, and being cautious and transparent in the development of this technology.[143] +Generative AI +Main article: Generative artificial intelligence + +Vincent van Gogh in watercolour created by generative AI software +In the early 2020s, generative AI gained widespread prominence. In March 2023, 58% of US adults had heard about ChatGPT and 14% had tried it.[144] The increasing realism and ease-of-use of AI-based text-to-image generators such as Midjourney, DALL-E, and Stable Diffusion sparked a trend of viral AI-generated photos. Widespread attention was gained by a fake photo of Pope Francis wearing a white puffer coat, the fictional arrest of Donald Trump, and a hoax of an attack on the Pentagon, as well as the usage in professional creative arts.[145][146] +Industry-specific tasks +There are also thousands of successful AI applications used to solve specific problems for specific industries or institutions. In a 2017 survey, one in five companies reported they had incorporated "AI" in some offerings or processes.[147] A few examples are energy storage, medical diagnosis, military logistics, applications that predict the result of judicial decisions, foreign policy, or supply chain management. +In agriculture, AI has helped farmers identify areas that need irrigation, fertilization, pesticide treatments or increasing yield. Agronomists use AI to conduct research and development. AI has been used to predict the ripening time for crops such as tomatoes, monitor soil moisture, operate agricultural robots, conduct predictive analytics, classify livestock pig call emotions, automate greenhouses, detect diseases and pests, and save water. +Artificial intelligence is used in astronomy to analyze increasing amounts of available data and applications, mainly for "classification, regression, clustering, forecasting, generation, discovery, and the development of new scientific insights" for example for discovering exoplanets, forecasting solar activity, and distinguishing between signals and instrumental effects in gravitational wave astronomy. It could also be used for activities in space such as space exploration, including analysis of data from space missions, real-time science decisions of spacecraft, space debris avoidance, and more autonomous operation. +Ethics +Main article: Ethics of artificial intelligence +AI has potential benefits and potential risks. AI may be able to advance science and find solutions for serious problems: Demis Hassabis of Deep Mind hopes to "solve intelligence, and then use that to solve everything else".[148] However, as the use of AI has become widespread, several unintended consequences and risks have been identified.[149] In-production systems can sometimes not factor ethics and bias into their AI training processes, especially when the AI algorithms are inherently unexplainable in deep learning.[150] +Risks and harm +Privacy and copyright +Further information: Information privacy and Artificial intelligence and copyright +Machine-learning algorithms require large amounts of data. The techniques used to acquire this data have raised concerns about privacy, surveillance and copyright. +Technology companies collect a wide range of data from their users, including online activity, geolocation data, video and audio.[151] For example, in order to build speech recognition algorithms, Amazon has recorded millions of private conversations and allowed temporary workers to listen to and transcribe some of them.[152] Opinions about this widespread surveillance range from those who see it as a necessary evil to those for whom it is clearly unethical and a violation of the right to privacy.[153] +AI developers argue that this is the only way to deliver valuable applications. and have developed several techniques that attempt to preserve privacy while still obtaining the data, such as data aggregation, de-identification and differential privacy.[154] Since 2016, some privacy experts, such as Cynthia Dwork, have begun to view privacy in terms of fairness. Brian Christian wrote that experts have pivoted "from the question of 'what they know' to the question of 'what they're doing with it'."[155] +Generative AI is often trained on unlicensed copyrighted works, including in domains such as images or computer code; the output is then used under the rationale of "fair use". Website owners who do not wish to have their copyrighted content AI-indexed or 'scraped' can add code to their site if they do not want their website to be indexed by a search engine, which is currently available through certain services such as OpenAI. Experts disagree about how well and under what circumstances this rationale will hold up in courts of law; relevant factors may include "the purpose and character of the use of the copyrighted work" and "the effect upon the potential market for the copyrighted work".[156] In 2023, leading authors (including John Grisham and Jonathan Franzen) sued AI companies for using their work to train generative AI.[157][158] +Misinformation +See also: YouTube § Moderation and offensive content +YouTube, Facebook and others use recommender systems to guide users to more content. These AI programs were given the goal of maximizing user engagement (that is, the only goal was to keep people watching). The AI learned that users tended to choose misinformation, conspiracy theories, and extreme partisan content, and, to keep them watching, the AI recommended more of it. Users also tended to watch more content on the same subject, so the AI led people into filter bubbles where they received multiple versions of the same misinformation.[159] This convinced many users that the misinformation was true, and ultimately undermined trust in institutions, the media and the government.[160] The AI program had correctly learned to maximize its goal, but the result was harmful to society. After the U.S. election in 2016, major technology companies took steps to mitigate the problem. +In 2022, generative AI began to create images, audio, video and text that are indistinguishable from real photographs, recordings, films or human writing. It is possible for bad actors to use this technology to create massive amounts of misinformation or propaganda.[161] AI pioneer Geoffrey Hinton expressed concern about AI enabling "authoritarian leaders to manipulate their electorates" on a large scale, among other risks.[162] +Algorithmic bias and fairness +Main articles: Algorithmic bias and Fairness (machine learning) +Machine learning applications will be biased if they learn from biased data.[163] The developers may not be aware that the bias exists.[164] Bias can be introduced by the way training data is selected and by the way a model is deployed.[165][163] If a biased algorithm is used to make decisions that can seriously harm people (as it can in medicine, finance, recruitment, housing or policing) then the algorithm may cause discrimination.[166] Fairness in machine learning is the study of how to prevent the harm caused by algorithmic bias. It has become serious area of academic study within AI. Researchers have discovered it is not always possible to define "fairness" in a way that satisfies all stakeholders.[167] +On June 28, 2015, Google Photos's new image labeling feature mistakenly identified Jacky Alcine and a friend as "gorillas" because they were black. The system was trained on a dataset that contained very few images of black people,[168] a problem called "sample size disparity".[169] Google "fixed" this problem by preventing the system from labelling anything as a "gorilla". Eight years later, in 2023, Google Photos still could not identify a gorilla, and neither could similar products from Apple, Facebook, Microsoft and Amazon.[170] +COMPAS is a commercial program widely used by U.S. courts to assess the likelihood of a defendant becoming a recidivist. In 2016, Julia Angwin at ProPublica discovered that COMPAS exhibited racial bias, despite the fact that the program was not told the races of the defendants. Although the error rate for both whites and blacks was calibrated equal at exactly 61%, the errors for each race were different—the system consistently overestimated the chance that a black person would re-offend and would underestimate the chance that a white person would not re-offend.[171] In 2017, several researchers[k] showed that it was mathematically impossible for COMPAS to accommodate all possible measures of fairness when the base rates of re-offense were different for whites and blacks in the data.[173] +A program can make biased decisions even if the data does not explicitly mention a problematic feature (such as "race" or "gender"). The feature will correlate with other features (like "address", "shopping history" or "first name"), and the program will make the same decisions based on these features as it would on "race" or "gender".[174] Moritz Hardt said "the most robust fact in this research area is that fairness through blindness doesn't work."[175] +Criticism of COMPAS highlighted that machine learning models are designed to make "predictions" that are only valid if we assume that the future will resemble the past. If they are trained on data that includes the results of racist decisions in the past, machine learning models must predict that racist decisions will be made in the future. If an application then uses these predictions as recommendations, some of these "recommendations" will likely be racist.[176] Thus, machine learning is not well suited to help make decisions in areas where there is hope that the future will be better than the past. It is necessarily descriptive and not proscriptive.[l] +Bias and unfairness may go undetected because the developers are overwhelmingly white and male: among AI engineers, about 4% are black and 20% are women.[169] +At its 2022 Conference on Fairness, Accountability, and Transparency (ACM FAccT 2022), the Association for Computing Machinery, in Seoul, South Korea, presented and published findings that recommend that until AI and robotics systems are demonstrated to be free of bias mistakes, they are unsafe, and the use of self-learning neural networks trained on vast, unregulated sources of flawed internet data should be curtailed.[178] +Lack of transparency +See also: Explainable AI, Algorithmic transparency, and Right to explanation + +Lidar testing vehicle for autonomous driving +Many AI systems are so complex that their designers cannot explain how they reach their decisions.[179] Particularly with deep neural networks, in which there are a large amount of non-linear relationships between inputs and outputs. But some popular explainability techniques exist.[180] +It is impossible to be certain that a program is operating correctly if no one knows how exactly it works. There have been many cases where a machine learning program passed rigorous tests, but nevertheless learned something different than what the programmers intended. For example, a system that could identify skin diseases better than medical professionals was found to actually have a strong tendency to classify images with a ruler as "cancerous", because pictures of malignancies typically include a ruler to show the scale.[181] Another machine learning system designed to help effectively allocate medical resources was found to classify patients with asthma as being at "low risk" of dying from pneumonia. Having asthma is actually a severe risk factor, but since the patients having asthma would usually get much more medical care, they were relatively unlikely to die according to the training data. The correlation between asthma and low risk of dying from pneumonia was real, but misleading.[182] +People who have been harmed by an algorithm's decision have a right to an explanation.[183] Doctors, for example, are expected to clearly and completely explain to their colleagues the reasoning behind any decision they make. Early drafts of the European Union's General Data Protection Regulation in 2016 included an explicit statement that this right exists.[m] Industry experts noted that this is an unsolved problem with no solution in sight. Regulators argued that nevertheless the harm is real: if the problem has no solution, the tools should not be used.[184] +DARPA established the XAI ("Explainable Artificial Intelligence") program in 2014 to try and solve these problems.[185] +There are several possible solutions to the transparency problem. SHAP tried to solve the transparency problems by visualising the contribution of each feature to the output.[186] LIME can locally approximate a model with a simpler, interpretable model.[187] Multitask learning provides a large number of outputs in addition to the target classification. These other outputs can help developers deduce what the network has learned.[188] Deconvolution, DeepDream and other generative methods can allow developers to see what different layers of a deep network have learned and produce output that can suggest what the network is learning.[189] +Bad actors and weaponized AI +Main articles: Lethal autonomous weapon, Artificial intelligence arms race, and AI safety +Artificial intelligence provides a number of tools that are useful to bad actors, such as authoritarian governments, terrorists, criminals or rogue states. +A lethal autonomous weapon is a machine that locates, selects and engages human targets without human supervision.[n] Widely available AI tools can be used by bad actors to develop inexpensive autonomous weapons and, if produced at scale, they are potentially weapons of mass destruction.[191] Even when used in conventional warfare, it is unlikely that they will be unable to reliably choose targets and could potentially kill an innocent person.[191] In 2014, 30 nations (including China) supported a ban on autonomous weapons under the United Nations' Convention on Certain Conventional Weapons, however the United States and others disagreed.[192] By 2015, over fifty countries were reported to be researching battlefield robots.[193] +AI tools make it easier for authoritarian governments to efficiently control their citizens in several ways. Face and voice recognition allow widespread surveillance. Machine learning, operating this data, can classify potential enemies of the state and prevent them from hiding. Recommendation systems can precisely target propaganda and misinformation for maximum effect. Deepfakes and generative AI aid in producing misinformation. Advanced AI can make authoritarian centralized decision making more competitive than liberal and decentralized systems such as markets. It lowers the cost and difficulty of digital warfare and advanced spyware.[194] All these technologies have been available since 2020 or earlier -- AI facial recognition systems are already being used for mass surveillance in China.[195][196] +There many other ways that AI is expected to help bad actors, some of which can not be foreseen. For example, machine-learning AI is able to design tens of thousands of toxic molecules in a matter of hours.[197] +Reliance on industry giants +Training AI systems requires an enormous amount of computing power. Usually only Big Tech companies have the financial resources to make such investments. Smaller startups such as Cohere and OpenAI end up buying access to data centers from Google and Microsoft respectively.[198] +Technological unemployment +Main articles: Workplace impact of artificial intelligence and Technological unemployment +Economists have frequently highlighted the risks of redundancies from AI, and speculated about unemployment if there is no adequate social policy for full employment.[199] +In the past, technology has tended to increase rather than reduce total employment, but economists acknowledge that "we're in uncharted territory" with AI.[200] A survey of economists showed disagreement about whether the increasing use of robots and AI will cause a substantial increase in long-term unemployment, but they generally agree that it could be a net benefit if productivity gains are redistributed.[201] Risk estimates vary; for example, in the 2010s, Michael Osborne and Carl Benedikt Frey estimated 47% of U.S. jobs are at "high risk" of potential automation, while an OECD report classified only 9% of U.S. jobs as "high risk".[o][203] The methodology of speculating about future employment levels has been criticised as lacking evidential foundation, and for implying that technology, rather than social policy, creates unemployment, as opposed to redundancies.[199] In April 2023, it was reported that 70% of the jobs for Chinese video game illustrators had been eliminated by generative artificial intelligence.[204][205] +Unlike previous waves of automation, many middle-class jobs may be eliminated by artificial intelligence; The Economist stated in 2015 that "the worry that AI could do to white-collar jobs what steam power did to blue-collar ones during the Industrial Revolution" is "worth taking seriously".[206] Jobs at extreme risk range from paralegals to fast food cooks, while job demand is likely to increase for care-related professions ranging from personal healthcare to the clergy.[207] +From the early days of the development of artificial intelligence, there have been arguments, for example, those put forward by Joseph Weizenbaum, about whether tasks that can be done by computers actually should be done by them, given the difference between computers and humans, and between quantitative calculation and qualitative, value-based judgement.[208] +Existential risk +Main article: Existential risk from artificial general intelligence +It has been argued AI will become so powerful that humanity may irreversibly lose control of it. This could, as physicist Stephen Hawking stated, "spell the end of the human race".[209] This scenario has been common in science fiction, when a computer or robot suddenly develops a human-like "self-awareness" (or "sentience" or "consciousness") and becomes a malevolent character.[p] These sci-fi scenarios are misleading in several ways. +First, AI does not require human-like "sentience" to be an existential risk. Modern AI programs are given specific goals and use learning and intelligence to achieve them. Philosopher Nick Bostrom argued that if one gives almost any goal to a sufficiently powerful AI, it may choose to destroy humanity to achieve it (he used the example of a paperclip factory manager).[211] Stuart Russell gives the example of household robot that tries to find a way to kill its owner to prevent it from being unplugged, reasoning that "you can't fetch the coffee if you're dead."[212] In order to be safe for humanity, a superintelligence would have to be genuinely aligned with humanity's morality and values so that it is "fundamentally on our side".[213] +Second, Yuval Noah Harari argues that AI does not require a robot body or physical control to pose an existential risk. The essential parts of civilization are not physical. Things like ideologies, law, government, money and the economy are made of language; they exist because there are stories that billions of people believe. The current prevalence of misinformation suggests that an AI could use language to convince people to believe anything, even to take actions that are destructive.[214] +The opinions amongst experts and industry insiders are mixed, with sizable fractions both concerned and unconcerned by risk from eventual superintelligent AI.[215] Personalities such as Stephen Hawking, Bill Gates, and Elon Musk have expressed concern about existential risk from AI.[216] AI pioneers including Fei-Fei Li, Geoffrey Hinton, Yoshua Bengio, Cynthia Breazeal, Rana el Kaliouby, Demis Hassabis, Joy Buolamwini, and Sam Altman have expressed concerns about the risks of AI. In 2023, many leading AI experts issued the joint statement that "Mitigating the risk of extinction from AI should be a global priority alongside other societal-scale risks such as pandemics and nuclear war".[217] +Other researchers, however, spoke in favor of a less dystopian view. AI pioneer Juergen Schmidhuber did not sign the joint statement, emphasising that in 95% of all cases, AI research is about making "human lives longer and healthier and easier."[218] While the tools that are now being used to improve lives can also be used by bad actors, "they can also be used against the bad actors."[219][220] Andrew Ng also argued that "it's a mistake to fall for the doomsday hype on AI—and that regulators who do will only benefit vested interests."[221] Yann LeCun "scoffs at his peers' dystopian scenarios of supercharged misinformation and even, eventually, human extinction."[222] In the early 2010s, experts argued that the risks are too distant in the future to warrant research or that humans will be valuable from the perspective of a superintelligent machine.[223] However, after 2016, the study of current and future risks and possible solutions became a serious area of research.[224] +Ethical machines and alignment +Main articles: Machine ethics, AI safety, Friendly artificial intelligence, Artificial moral agents, and Human Compatible +Friendly AI are machines that have been designed from the beginning to minimize risks and to make choices that benefit humans. Eliezer Yudkowsky, who coined the term, argues that developing friendly AI should be a higher research priority: it may require a large investment and it must be completed before AI becomes an existential risk.[225] +Machines with intelligence have the potential to use their intelligence to make ethical decisions. The field of machine ethics provides machines with ethical principles and procedures for resolving ethical dilemmas.[226] The field of machine ethics is also called computational morality,[226] and was founded at an AAAI symposium in 2005.[227] +Other approaches include Wendell Wallach's "artificial moral agents"[228] and Stuart J. Russell's three principles for developing provably beneficial machines.[229] +Frameworks +Artificial Intelligence projects can have their ethical permissibility tested while designing, developing, and implementing an AI system. An AI framework such as the Care and Act Framework containing the SUM values—developed by the Alan Turing Institute tests projects in four main areas:[230][231] +RESPECT the dignity of individual people +CONNECT with other people sincerely, openly and inclusively +CARE for the wellbeing of everyone +PROTECT social values, justice and the public interest +Other developments in ethical frameworks include those decided upon during the Asilomar Conference, the Montreal Declaration for Responsible AI, and the IEEE's Ethics of Autonomous Systems initiative, among others;[232] however, these principles do not go without their criticisms, especially regards to the people chosen contributes to these frameworks.[233] +Promotion of the wellbeing of the people and communities that these technologies affect requires consideration of the social and ethical implications at all stages of AI system design, development and implementation, and collaboration between job roles such as data scientists, product managers, data engineers, domain experts, and delivery managers.[234] +Regulation +Main articles: Regulation of artificial intelligence, Regulation of algorithms, and AI safety + +The first global AI Safety Summit was held in 2023 with a declaration calling for international co-operation. +The regulation of artificial intelligence is the development of public sector policies and laws for promoting and regulating artificial intelligence (AI); it is therefore related to the broader regulation of algorithms.[235] The regulatory and policy landscape for AI is an emerging issue in jurisdictions globally.[236] According to AI Index at Stanford, the annual number of AI-related laws passed in the 127 survey countries jumped from one passed in 2016 to 37 passed in 2022 alone.[237][238] Between 2016 and 2020, more than 30 countries adopted dedicated strategies for AI.[239] Most EU member states had released national AI strategies, as had Canada, China, India, Japan, Mauritius, the Russian Federation, Saudi Arabia, United Arab Emirates, US and Vietnam. Others were in the process of elaborating their own AI strategy, including Bangladesh, Malaysia and Tunisia.[239] The Global Partnership on Artificial Intelligence was launched in June 2020, stating a need for AI to be developed in accordance with human rights and democratic values, to ensure public confidence and trust in the technology.[239] Henry Kissinger, Eric Schmidt, and Daniel Huttenlocher published a joint statement in November 2021 calling for a government commission to regulate AI.[240] In 2023, OpenAI leaders published recommendations for the governance of superintelligence, which they believe may happen in less than 10 years.[241] In 2023, the United Nations also launched an advisory body to provide recommendations on AI governance; the body comprises technology company executives, governments officials and academics.[242] +In a 2022 Ipsos survey, attitudes towards AI varied greatly by country; 78% of Chinese citizens, but only 35% of Americans, agreed that "products and services using AI have more benefits than drawbacks".[237] A 2023 Reuters/Ipsos poll found that 61% of Americans agree, and 22% disagree, that AI poses risks to humanity.[243] In a 2023 Fox News poll, 35% of Americans thought it "very important", and an additional 41% thought it "somewhat important", for the federal government to regulate AI, versus 13% responding "not very important" and 8% responding "not at all important".[244][245] +In November 2023, the first global AI Safety Summit was held in Bletchley Park in the UK to discuss the near and far term risks of AI and the possibility of mandatory and voluntary regulatory frameworks.[246] 28 countries including the United States, China, and the European Union issued a declaration at the start of the summit, calling for international co-operation to manage the challenges and risks of artificial intelligence.[247][248] +History +Main article: History of artificial intelligence +For a chronological guide, see Timeline of artificial intelligence. +The study of mechanical or "formal" reasoning began with philosophers and mathematicians in antiquity. The study of logic led directly to Alan Turing's theory of computation, which suggested that a machine, by shuffling symbols as simple as "0" and "1", could simulate any conceivable form of mathematical reasoning.[249][5] This, along with concurrent discoveries in cybernetics, information theory and neurobiology, led researchers to consider the possibility of building an "electronic brain".[q] They developed several areas of research that would become part of AI,[251] such as McCullouch and Pitts design for "artificial neurons" in 1943,[252] and Turing's influential 1950 paper 'Computing Machinery and Intelligence', which introduced the Turing test and showed that "machine intelligence" was plausible.[253][5] +The field of AI research was founded at a workshop at Dartmouth College in 1956.[r][6] The attendees became the leaders of AI research in the 1960s.[s] They and their students produced programs that the press described as "astonishing":[t] computers were learning checkers strategies, solving word problems in algebra, proving logical theorems and speaking English.[u][7] Artificial intelligence laboratories were set up at a number of British and U.S. Universities in the latter 1950s and early 1960s.[5] +Researchers in the 1960s and the 1970s were convinced that their methods would eventually succeed in creating a machine with general intelligence and considered this the goal of their field.[257] Herbert Simon predicted, "machines will be capable, within twenty years, of doing any work a man can do".[258] Marvin Minsky agreed, writing, "within a generation ... the problem of creating 'artificial intelligence' will substantially be solved".[259] They had, however, underestimated the difficulty of the problem.[v] In 1974, both the U.S. and British governments cut off exploratory research in response to the criticism of Sir James Lighthill[261] and ongoing pressure from the U.S. Congress to fund more productive projects.[262] Minsky's and Papert's book Perceptrons was understood as proving that artificial neural networks would never be useful for solving real-world tasks, thus discrediting the approach altogether.[263] The "AI winter", a period when obtaining funding for AI projects was difficult, followed.[9] +In the early 1980s, AI research was revived by the commercial success of expert systems,[264] a form of AI program that simulated the knowledge and analytical skills of human experts. By 1985, the market for AI had reached over a billion dollars. At the same time, Japan's fifth generation computer project inspired the U.S. and British governments to restore funding for academic research.[8] However, beginning with the collapse of the Lisp Machine market in 1987, AI once again fell into disrepute, and a second, longer-lasting winter began.[10] +Up to this point, most of AI's funding had gone to projects which used high level symbols to represent mental objects like plans, goals, beliefs and known facts. In the 1980s, some researchers began to doubt that this approach would be able to imitate all the processes of human cognition, especially perception, robotics, learning and pattern recognition,[265] and began to look into "sub-symbolic" approaches.[266] Rodney Brooks rejected "representation" in general and focussed directly on engineering machines that move and survive.[w] Judea Pearl, Lofti Zadeh and others developed methods that handled incomplete and uncertain information by making reasonable guesses rather than precise logic.[88][271] But the most important development was the revival of "connectionism", including neural network research, by Geoffrey Hinton and others.[272] In 1990, Yann LeCun successfully showed that convolutional neural networks can recognize handwritten digits, the first of many successful applications of neural networks.[273] +AI gradually restored its reputation in the late 1990s and early 21st century by exploiting formal mathematical methods and by finding specific solutions to specific problems. This "narrow" and "formal" focus allowed researchers to produce verifiable results and collaborate with other fields (such as statistics, economics and mathematics).[274] By 2000, solutions developed by AI researchers were being widely used, although in the 1990s they were rarely described as "artificial intelligence".[275] However, several academic researchers became concerned that AI was no longer pursuing its original goal of creating versatile, fully intelligent machines. Beginning around 2002, they founded the subfield of artificial general intelligence (or "AGI"), which had several well-funded institutions by the 2010s.[14] +Deep learning began to dominate industry benchmarks in 2012 and was adopted throughout the field.[11] For many specific tasks, other methods were abandoned.[x] Deep learning's success was based on both hardware improvements (faster computers,[277] graphics processing units, cloud computing[278]) and access to large amounts of data[279] (including curated datasets,[278] such as ImageNet). Deep learning's success led to an enormous increase in interest and funding in AI.[y] The amount of machine learning research (measured by total publications) increased by 50% in the years 2015–2019.[239] +In 2016, issues of fairness and the misuse of technology were catapulted into center stage at machine learning conferences, publications vastly increased, funding became available, and many researchers re-focussed their careers on these issues. The alignment problem became a serious field of academic study.[224] +In the late teens and early 2020s, AGI companies began to deliver programs that created enormous interest. In 2015, AlphaGo, developed by DeepMind, beat the world champion Go player. The program was taught only the rules of the game and developed strategy by itself. GPT-3 is a large language model that was released in 2020 by OpenAI and is capable of generating high-quality human-like text.[280] These programs, and others, inspired an aggressive AI boom, where large companies began investing billions in AI research. According to 'AI Impacts', about $50 billion annually was invested in "AI" around 2022 in the U.S. alone and about 20% of new US Computer Science PhD graduates have specialized in "AI".[281] About 800,000 "AI"-related US job openings existed in 2022.[282] +Philosophy +Main article: Philosophy of artificial intelligence +Defining artificial intelligence +Main articles: Turing test, Intelligent agent, Dartmouth workshop, and Synthetic intelligence +Alan Turing wrote in 1950 "I propose to consider the question 'can machines think'?"[283] He advised changing the question from whether a machine "thinks", to "whether or not it is possible for machinery to show intelligent behaviour".[283] He devised the Turing test, which measures the ability of a machine to simulate human conversation.[253] Since we can only observe the behavior of the machine, it does not matter if it is "actually" thinking or literally has a "mind". Turing notes that we can not determine these things about other people but "it is usual to have a polite convention that everyone thinks"[284] +Russell and Norvig agree with Turing that intelligence must be defined in terms of external behavior, not internal structure.[1] However, they are critical that the test requires the machine to imitate humans. "Aeronautical engineering texts," they wrote, "do not define the goal of their field as making 'machines that fly so exactly like pigeons that they can fool other pigeons.'"[285] AI founder John McCarthy agreed, writing that "Artificial intelligence is not, by definition, simulation of human intelligence".[286] +McCarthy defines intelligence as "the computational part of the ability to achieve goals in the world."[287] Another AI founder, Marvin Minsky similarly describes it as "the ability to solve hard problems".[288] The leading AI textbook defines it as the study of agents that perceive their environment and take actions that maximize their chances of achieving defined goals.[289] These definitions view intelligence in terms of well-defined problems with well-defined solutions, where both the difficulty of the problem and the performance of the program are direct measures of the "intelligence" of the machine—and no other philosophical discussion is required, or may not even be possible. +Another definition has been adopted by Google,[290] a major practitioner in the field of AI. This definition stipulates the ability of systems to synthesize information as the manifestation of intelligence, similar to the way it is defined in biological intelligence. +Evaluating approaches to AI +No established unifying theory or paradigm has guided AI research for most of its history.[z] The unprecedented success of statistical machine learning in the 2010s eclipsed all other approaches (so much so that some sources, especially in the business world, use the term "artificial intelligence" to mean "machine learning with neural networks"). This approach is mostly sub-symbolic, soft and narrow (see below). Critics argue that these questions may have to be revisited by future generations of AI researchers. +Symbolic AI and its limits +Symbolic AI (or "GOFAI")[292] simulated the high-level conscious reasoning that people use when they solve puzzles, express legal reasoning and do mathematics. They were highly successful at "intelligent" tasks such as algebra or IQ tests. In the 1960s, Newell and Simon proposed the physical symbol systems hypothesis: "A physical symbol system has the necessary and sufficient means of general intelligent action."[293] +However, the symbolic approach failed on many tasks that humans solve easily, such as learning, recognizing an object or commonsense reasoning. Moravec's paradox is the discovery that high-level "intelligent" tasks were easy for AI, but low level "instinctive" tasks were extremely difficult.[294] Philosopher Hubert Dreyfus had argued since the 1960s that human expertise depends on unconscious instinct rather than conscious symbol manipulation, and on having a "feel" for the situation, rather than explicit symbolic knowledge.[295] Although his arguments had been ridiculed and ignored when they were first presented, eventually, AI research came to agree with him.[aa][19] +The issue is not resolved: sub-symbolic reasoning can make many of the same inscrutable mistakes that human intuition does, such as algorithmic bias. Critics such as Noam Chomsky argue continuing research into symbolic AI will still be necessary to attain general intelligence,[297][298] in part because sub-symbolic AI is a move away from explainable AI: it can be difficult or impossible to understand why a modern statistical AI program made a particular decision. The emerging field of neuro-symbolic artificial intelligence attempts to bridge the two approaches. +Neat vs. scruffy +Main article: Neats and scruffies +"Neats" hope that intelligent behavior is described using simple, elegant principles (such as logic, optimization, or neural networks). "Scruffies" expect that it necessarily requires solving a large number of unrelated problems. Neats defend their programs with theoretical rigor, scruffies rely mainly on incremental testing to see if they work. This issue was actively discussed in the 1970s and 1980s,[299] but eventually was seen as irrelevant. Modern AI has elements of both. +Soft vs. hard computing +Main article: Soft computing +Finding a provably correct or optimal solution is intractable for many important problems.[18] Soft computing is a set of techniques, including genetic algorithms, fuzzy logic and neural networks, that are tolerant of imprecision, uncertainty, partial truth and approximation. Soft computing was introduced in the late 1980s and most successful AI programs in the 21st century are examples of soft computing with neural networks. +Narrow vs. general AI +Main articles: Weak artificial intelligence and Artificial general intelligence +AI researchers are divided as to whether to pursue the goals of artificial general intelligence and superintelligence directly or to solve as many specific problems as possible (narrow AI) in hopes these solutions will lead indirectly to the field's long-term goals.[300][301] General intelligence is difficult to define and difficult to measure, and modern AI has had more verifiable successes by focusing on specific problems with specific solutions. The experimental sub-field of artificial general intelligence studies this area exclusively. +Machine consciousness, sentience and mind +Main articles: Philosophy of artificial intelligence and Artificial consciousness +The philosophy of mind does not know whether a machine can have a mind, consciousness and mental states, in the same sense that human beings do. This issue considers the internal experiences of the machine, rather than its external behavior. Mainstream AI research considers this issue irrelevant because it does not affect the goals of the field: to build machines that can solve problems using intelligence. Russell and Norvig add that "[t]he additional project of making a machine conscious in exactly the way humans are is not one that we are equipped to take on."[302] However, the question has become central to the philosophy of mind. It is also typically the central question at issue in artificial intelligence in fiction. +Consciousness +Main articles: Hard problem of consciousness and Theory of mind +David Chalmers identified two problems in understanding the mind, which he named the "hard" and "easy" problems of consciousness.[303] The easy problem is understanding how the brain processes signals, makes plans and controls behavior. The hard problem is explaining how this feels or why it should feel like anything at all, assuming we are right in thinking that it truly does feel like something (Dennett's consciousness illusionism says this is an illusion). Human information processing is easy to explain, however, human subjective experience is difficult to explain. For example, it is easy to imagine a color-blind person who has learned to identify which objects in their field of view are red, but it is not clear what would be required for the person to know what red looks like.[304] +Computationalism and functionalism +Main articles: Computational theory of mind, Functionalism (philosophy of mind), and Chinese room +Computationalism is the position in the philosophy of mind that the human mind is an information processing system and that thinking is a form of computing. Computationalism argues that the relationship between mind and body is similar or identical to the relationship between software and hardware and thus may be a solution to the mind–body problem. This philosophical position was inspired by the work of AI researchers and cognitive scientists in the 1960s and was originally proposed by philosophers Jerry Fodor and Hilary Putnam.[305] +Philosopher John Searle characterized this position as "strong AI": "The appropriately programmed computer with the right inputs and outputs would thereby have a mind in exactly the same sense human beings have minds."[ab] Searle counters this assertion with his Chinese room argument, which attempts to show that, even if a machine perfectly simulates human behavior, there is still no reason to suppose it also has a mind.[309] +AI welfare and rights +It is difficult or impossible to reliably evaluate whether an advanced AI is sentient (has the ability to feel), and if so, to what degree.[310] But if there is a significant chance that a given machine can feel and suffer, then it may be entitled to certain rights or welfare protection measures, similarly to animals.[311][312] Sapience (a set of capacities related to high intelligence, such as discernment or self-awareness) may provide another moral basis for AI rights.[311] Robot rights are also sometimes proposed as a practical way to integrate autonomous agents into society.[313] +In 2017, the European Union considered granting "electronic personhood" to some of the most capable AI systems. Similarly to the legal status of companies, it would have conferred rights but also responsibilities.[314] Critics argued in 2018 that granting rights to AI systems would downplay the importance of human rights, and that legislation should focus on user needs rather than speculative futuristic scenarios. They also noted that robots lacked the autonomy to take part to society on their own.[315][316] +Progress in AI increased interest in the topic. Proponents of AI welfare and rights often argue that AI sentience, if it emerges, would be particularly easy to deny. They warn that this may be a moral blind spot analogous to slavery or factory farming, which could lead to large-scale suffering if sentient AI is created and carelessly exploited.[312][311] +Future +Superintelligence and the singularity +A superintelligence is a hypothetical agent that would possess intelligence far surpassing that of the brightest and most gifted human mind.[301] +If research into artificial general intelligence produced sufficiently intelligent software, it might be able to reprogram and improve itself. The improved software would be even better at improving itself, leading to what I. J. Good called an "intelligence explosion" and Vernor Vinge called a "singularity".[317] +However, technologies cannot improve exponentially indefinitely, and typically follow an S-shaped curve, slowing when they reach the physical limits of what the technology can do.[318] +Transhumanism +Robot designer Hans Moravec, cyberneticist Kevin Warwick, and inventor Ray Kurzweil have predicted that humans and machines will merge in the future into cyborgs that are more capable and powerful than either. This idea, called transhumanism, has roots in Aldous Huxley and Robert Ettinger.[319] +Edward Fredkin argues that "artificial intelligence is the next stage in evolution", an idea first proposed by Samuel Butler's "Darwin among the Machines" as far back as 1863, and expanded upon by George Dyson in his book of the same name in 1998.[320] +In fiction +Main article: Artificial intelligence in fiction + +The word "robot" itself was coined by Karel Čapek in his 1921 play R.U.R., the title standing for "Rossum's Universal Robots". +Thought-capable artificial beings have appeared as storytelling devices since antiquity,[321] and have been a persistent theme in science fiction.[322] +A common trope in these works began with Mary Shelley's Frankenstein, where a human creation becomes a threat to its masters. This includes such works as Arthur C. Clarke's and Stanley Kubrick's 2001: A Space Odyssey (both 1968), with HAL 9000, the murderous computer in charge of the Discovery One spaceship, as well as The Terminator (1984) and The Matrix (1999). In contrast, the rare loyal robots such as Gort from The Day the Earth Stood Still (1951) and Bishop from Aliens (1986) are less prominent in popular culture.[323] +Isaac Asimov introduced the Three Laws of Robotics in many books and stories, most notably the "Multivac" series about a super-intelligent computer of the same name. Asimov's laws are often brought up during lay discussions of machine ethics;[324] while almost all artificial intelligence researchers are familiar with Asimov's laws through popular culture, they generally consider the laws useless for many reasons, one of which is their ambiguity.[325] +Several works use AI to force us to confront the fundamental question of what makes us human, showing us artificial beings that have the ability to feel, and thus to suffer. This appears in Karel Čapek's R.U.R., the films A.I. Artificial Intelligence and Ex Machina, as well as the novel Do Androids Dream of Electric Sheep?, by Philip K. Dick. Dick considers the idea that our understanding of human subjectivity is altered by technology created with artificial intelligence. + diff --git a/examples/data/imdb_top_1000.csv b/examples/data/imdb_top_1000.csv new file mode 100644 index 00000000..32009493 --- /dev/null +++ b/examples/data/imdb_top_1000.csv @@ -0,0 +1,1001 @@ +Poster_Link,Series_Title,Released_Year,Certificate,Runtime,Genre,IMDB_Rating,Overview,Meta_score,Director,Star1,Star2,Star3,Star4,No_of_Votes,Gross +"https://m.media-amazon.com/images/M/MV5BMDFkYTc0MGEtZmNhMC00ZDIzLWFmNTEtODM1ZmRlYWMwMWFmXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",The Shawshank Redemption,1994,A,142 min,Drama,9.3,"Two imprisoned men bond over a number of years, finding solace and eventual redemption through acts of common decency.",80,Frank Darabont,Tim Robbins,Morgan Freeman,Bob Gunton,William Sadler,2343110,"28,341,469" +"https://m.media-amazon.com/images/M/MV5BM2MyNjYxNmUtYTAwNi00MTYxLWJmNWYtYzZlODY3ZTk3OTFlXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UY98_CR1,0,67,98_AL_.jpg",The Godfather,1972,A,175 min,"Crime, Drama",9.2,An organized crime dynasty's aging patriarch transfers control of his clandestine empire to his reluctant son.,100,Francis Ford Coppola,Marlon Brando,Al Pacino,James Caan,Diane Keaton,1620367,"134,966,411" +"https://m.media-amazon.com/images/M/MV5BMTMxNTMwODM0NF5BMl5BanBnXkFtZTcwODAyMTk2Mw@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Dark Knight,2008,UA,152 min,"Action, Crime, Drama",9,"When the menace known as the Joker wreaks havoc and chaos on the people of Gotham, Batman must accept one of the greatest psychological and physical tests of his ability to fight injustice.",84,Christopher Nolan,Christian Bale,Heath Ledger,Aaron Eckhart,Michael Caine,2303232,"534,858,444" +"https://m.media-amazon.com/images/M/MV5BMWMwMGQzZTItY2JlNC00OWZiLWIyMDctNDk2ZDQ2YjRjMWQ0XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UY98_CR1,0,67,98_AL_.jpg",The Godfather: Part II,1974,A,202 min,"Crime, Drama",9,"The early life and career of Vito Corleone in 1920s New York City is portrayed, while his son, Michael, expands and tightens his grip on the family crime syndicate.",90,Francis Ford Coppola,Al Pacino,Robert De Niro,Robert Duvall,Diane Keaton,1129952,"57,300,000" +"https://m.media-amazon.com/images/M/MV5BMWU4N2FjNzYtNTVkNC00NzQ0LTg0MjAtYTJlMjFhNGUxZDFmXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",12 Angry Men,1957,U,96 min,"Crime, Drama",9,A jury holdout attempts to prevent a miscarriage of justice by forcing his colleagues to reconsider the evidence.,96,Sidney Lumet,Henry Fonda,Lee J. Cobb,Martin Balsam,John Fiedler,689845,"4,360,000" +"https://m.media-amazon.com/images/M/MV5BNzA5ZDNlZWMtM2NhNS00NDJjLTk4NDItYTRmY2EwMWZlMTY3XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",The Lord of the Rings: The Return of the King,2003,U,201 min,"Action, Adventure, Drama",8.9,Gandalf and Aragorn lead the World of Men against Sauron's army to draw his gaze from Frodo and Sam as they approach Mount Doom with the One Ring.,94,Peter Jackson,Elijah Wood,Viggo Mortensen,Ian McKellen,Orlando Bloom,1642758,"377,845,905" +"https://m.media-amazon.com/images/M/MV5BNGNhMDIzZTUtNTBlZi00MTRlLWFjM2ItYzViMjE3YzI5MjljXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UY98_CR0,0,67,98_AL_.jpg",Pulp Fiction,1994,A,154 min,"Crime, Drama",8.9,"The lives of two mob hitmen, a boxer, a gangster and his wife, and a pair of diner bandits intertwine in four tales of violence and redemption.",94,Quentin Tarantino,John Travolta,Uma Thurman,Samuel L. Jackson,Bruce Willis,1826188,"107,928,762" +"https://m.media-amazon.com/images/M/MV5BNDE4OTMxMTctNmRhYy00NWE2LTg3YzItYTk3M2UwOTU5Njg4XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Schindler's List,1993,A,195 min,"Biography, Drama, History",8.9,"In German-occupied Poland during World War II, industrialist Oskar Schindler gradually becomes concerned for his Jewish workforce after witnessing their persecution by the Nazis.",94,Steven Spielberg,Liam Neeson,Ralph Fiennes,Ben Kingsley,Caroline Goodall,1213505,"96,898,818" +"https://m.media-amazon.com/images/M/MV5BMjAxMzY3NjcxNF5BMl5BanBnXkFtZTcwNTI5OTM0Mw@@._V1_UX67_CR0,0,67,98_AL_.jpg",Inception,2010,UA,148 min,"Action, Adventure, Sci-Fi",8.8,A thief who steals corporate secrets through the use of dream-sharing technology is given the inverse task of planting an idea into the mind of a C.E.O.,74,Christopher Nolan,Leonardo DiCaprio,Joseph Gordon-Levitt,Elliot Page,Ken Watanabe,2067042,"292,576,195" +"https://m.media-amazon.com/images/M/MV5BMmEzNTkxYjQtZTc0MC00YTVjLTg5ZTEtZWMwOWVlYzY0NWIwXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Fight Club,1999,A,139 min,Drama,8.8,"An insomniac office worker and a devil-may-care soapmaker form an underground fight club that evolves into something much, much more.",66,David Fincher,Brad Pitt,Edward Norton,Meat Loaf,Zach Grenier,1854740,"37,030,102" +"https://m.media-amazon.com/images/M/MV5BN2EyZjM3NzUtNWUzMi00MTgxLWI0NTctMzY4M2VlOTdjZWRiXkEyXkFqcGdeQXVyNDUzOTQ5MjY@._V1_UX67_CR0,0,67,98_AL_.jpg",The Lord of the Rings: The Fellowship of the Ring,2001,U,178 min,"Action, Adventure, Drama",8.8,A meek Hobbit from the Shire and eight companions set out on a journey to destroy the powerful One Ring and save Middle-earth from the Dark Lord Sauron.,92,Peter Jackson,Elijah Wood,Ian McKellen,Orlando Bloom,Sean Bean,1661481,"315,544,750" +"https://m.media-amazon.com/images/M/MV5BNWIwODRlZTUtY2U3ZS00Yzg1LWJhNzYtMmZiYmEyNmU1NjMzXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UY98_CR0,0,67,98_AL_.jpg",Forrest Gump,1994,UA,142 min,"Drama, Romance",8.8,"The presidencies of Kennedy and Johnson, the events of Vietnam, Watergate and other historical events unfold through the perspective of an Alabama man with an IQ of 75, whose only desire is to be reunited with his childhood sweetheart.",82,Robert Zemeckis,Tom Hanks,Robin Wright,Gary Sinise,Sally Field,1809221,"330,252,182" +"https://m.media-amazon.com/images/M/MV5BOTQ5NDI3MTI4MF5BMl5BanBnXkFtZTgwNDQ4ODE5MDE@._V1_UX67_CR0,0,67,98_AL_.jpg","Il buono, il brutto, il cattivo",1966,A,161 min,Western,8.8,A bounty hunting scam joins two men in an uneasy alliance against a third in a race to find a fortune in gold buried in a remote cemetery.,90,Sergio Leone,Clint Eastwood,Eli Wallach,Lee Van Cleef,Aldo Giuffrè,688390,"6,100,000" +"https://m.media-amazon.com/images/M/MV5BZGMxZTdjZmYtMmE2Ni00ZTdkLWI5NTgtNjlmMjBiNzU2MmI5XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",The Lord of the Rings: The Two Towers,2002,UA,179 min,"Action, Adventure, Drama",8.7,"While Frodo and Sam edge closer to Mordor with the help of the shifty Gollum, the divided fellowship makes a stand against Sauron's new ally, Saruman, and his hordes of Isengard.",87,Peter Jackson,Elijah Wood,Ian McKellen,Viggo Mortensen,Orlando Bloom,1485555,"342,551,365" +"https://m.media-amazon.com/images/M/MV5BNzQzOTk3OTAtNDQ0Zi00ZTVkLWI0MTEtMDllZjNkYzNjNTc4L2ltYWdlXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",The Matrix,1999,A,136 min,"Action, Sci-Fi",8.7,"When a beautiful stranger leads computer hacker Neo to a forbidding underworld, he discovers the shocking truth--the life he knows is the elaborate deception of an evil cyber-intelligence.",73,Lana Wachowski,Lilly Wachowski,Keanu Reeves,Laurence Fishburne,Carrie-Anne Moss,1676426,"171,479,930" +"https://m.media-amazon.com/images/M/MV5BY2NkZjEzMDgtN2RjYy00YzM1LWI4ZmQtMjIwYjFjNmI3ZGEwXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Goodfellas,1990,A,146 min,"Biography, Crime, Drama",8.7,"The story of Henry Hill and his life in the mob, covering his relationship with his wife Karen Hill and his mob partners Jimmy Conway and Tommy DeVito in the Italian-American crime syndicate.",90,Martin Scorsese,Robert De Niro,Ray Liotta,Joe Pesci,Lorraine Bracco,1020727,"46,836,394" +"https://m.media-amazon.com/images/M/MV5BYmU1NDRjNDgtMzhiMi00NjZmLTg5NGItZDNiZjU5NTU4OTE0XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Star Wars: Episode V - The Empire Strikes Back,1980,UA,124 min,"Action, Adventure, Fantasy",8.7,"After the Rebels are brutally overpowered by the Empire on the ice planet Hoth, Luke Skywalker begins Jedi training with Yoda, while his friends are pursued by Darth Vader and a bounty hunter named Boba Fett all over the galaxy.",82,Irvin Kershner,Mark Hamill,Harrison Ford,Carrie Fisher,Billy Dee Williams,1159315,"290,475,067" +"https://m.media-amazon.com/images/M/MV5BZjA0OWVhOTAtYWQxNi00YzNhLWI4ZjYtNjFjZTEyYjJlNDVlL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",One Flew Over the Cuckoo's Nest,1975,A,133 min,Drama,8.7,"A criminal pleads insanity and is admitted to a mental institution, where he rebels against the oppressive nurse and rallies up the scared patients.",83,Milos Forman,Jack Nicholson,Louise Fletcher,Michael Berryman,Peter Brocco,918088,"112,000,000" +"https://m.media-amazon.com/images/M/MV5BNjViNWRjYWEtZTI0NC00N2E3LTk0NGQtMjY4NTM3OGNkZjY0XkEyXkFqcGdeQXVyMjUxMTY3ODM@._V1_UX67_CR0,0,67,98_AL_.jpg",Hamilton,2020,PG-13,160 min,"Biography, Drama, History",8.6,"The real life of one of America's foremost founding fathers and first Secretary of the Treasury, Alexander Hamilton. Captured live on Broadway from the Richard Rodgers Theater with the original Broadway cast.",90,Thomas Kail,Lin-Manuel Miranda,Phillipa Soo,Leslie Odom Jr.,Renée Elise Goldsberry,55291, +"https://m.media-amazon.com/images/M/MV5BYWZjMjk3ZTItODQ2ZC00NTY5LWE0ZDYtZTI3MjcwN2Q5NTVkXkEyXkFqcGdeQXVyODk4OTc3MTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Gisaengchung,2019,A,132 min,"Comedy, Drama, Thriller",8.6,Greed and class discrimination threaten the newly formed symbiotic relationship between the wealthy Park family and the destitute Kim clan.,96,Bong Joon Ho,Kang-ho Song,Lee Sun-kyun,Cho Yeo-jeong,Choi Woo-sik,552778,"53,367,844" +"https://m.media-amazon.com/images/M/MV5BOTc2ZTlmYmItMDBhYS00YmMzLWI4ZjAtMTI5YTBjOTFiMGEwXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR0,0,67,98_AL_.jpg",Soorarai Pottru,2020,U,153 min,Drama,8.6,"Nedumaaran Rajangam ""Maara"" sets out to make the common man fly and in the process takes on the world's most capital intensive industry and several enemies who stand in his way.",,Sudha Kongara,Suriya,Madhavan,Paresh Rawal,Aparna Balamurali,54995, +"https://m.media-amazon.com/images/M/MV5BZjdkOTU3MDktN2IxOS00OGEyLWFmMjktY2FiMmZkNWIyODZiXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Interstellar,2014,UA,169 min,"Adventure, Drama, Sci-Fi",8.6,A team of explorers travel through a wormhole in space in an attempt to ensure humanity's survival.,74,Christopher Nolan,Matthew McConaughey,Anne Hathaway,Jessica Chastain,Mackenzie Foy,1512360,"188,020,017" +"https://m.media-amazon.com/images/M/MV5BOTMwYjc5ZmItYTFjZC00ZGQ3LTlkNTMtMjZiNTZlMWQzNzI5XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Cidade de Deus,2002,A,130 min,"Crime, Drama",8.6,"In the slums of Rio, two kids' paths diverge as one struggles to become a photographer and the other a kingpin.",79,Fernando Meirelles,Kátia Lund,Alexandre Rodrigues,Leandro Firmino,Matheus Nachtergaele,699256,"7,563,397" +"https://m.media-amazon.com/images/M/MV5BMjlmZmI5MDctNDE2YS00YWE0LWE5ZWItZDBhYWQ0NTcxNWRhXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Sen to Chihiro no kamikakushi,2001,U,125 min,"Animation, Adventure, Family",8.6,"During her family's move to the suburbs, a sullen 10-year-old girl wanders into a world ruled by gods, witches, and spirits, and where humans are changed into beasts.",96,Hayao Miyazaki,Daveigh Chase,Suzanne Pleshette,Miyu Irino,Rumi Hiiragi,651376,"10,055,859" +"https://m.media-amazon.com/images/M/MV5BZjhkMDM4MWItZTVjOC00ZDRhLThmYTAtM2I5NzBmNmNlMzI1XkEyXkFqcGdeQXVyNDYyMDk5MTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Saving Private Ryan,1998,R,169 min,"Drama, War",8.6,"Following the Normandy Landings, a group of U.S. soldiers go behind enemy lines to retrieve a paratrooper whose brothers have been killed in action.",91,Steven Spielberg,Tom Hanks,Matt Damon,Tom Sizemore,Edward Burns,1235804,"216,540,909" +"https://m.media-amazon.com/images/M/MV5BMTUxMzQyNjA5MF5BMl5BanBnXkFtZTYwOTU2NTY3._V1_UX67_CR0,0,67,98_AL_.jpg",The Green Mile,1999,A,189 min,"Crime, Drama, Fantasy",8.6,"The lives of guards on Death Row are affected by one of their charges: a black man accused of child murder and rape, yet who has a mysterious gift.",61,Frank Darabont,Tom Hanks,Michael Clarke Duncan,David Morse,Bonnie Hunt,1147794,"136,801,374" +"https://m.media-amazon.com/images/M/MV5BYmJmM2Q4NmMtYThmNC00ZjRlLWEyZmItZTIwOTBlZDQ3NTQ1XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",La vita è bella,1997,U,116 min,"Comedy, Drama, Romance",8.6,"When an open-minded Jewish librarian and his son become victims of the Holocaust, he uses a perfect mixture of will, humor, and imagination to protect his son from the dangers around their camp.",59,Roberto Benigni,Roberto Benigni,Nicoletta Braschi,Giorgio Cantarini,Giustino Durano,623629,"57,598,247" +"https://m.media-amazon.com/images/M/MV5BOTUwODM5MTctZjczMi00OTk4LTg3NWUtNmVhMTAzNTNjYjcyXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Se7en,1995,A,127 min,"Crime, Drama, Mystery",8.6,"Two detectives, a rookie and a veteran, hunt a serial killer who uses the seven deadly sins as his motives.",65,David Fincher,Morgan Freeman,Brad Pitt,Kevin Spacey,Andrew Kevin Walker,1445096,"100,125,643" +"https://m.media-amazon.com/images/M/MV5BNjNhZTk0ZmEtNjJhMi00YzFlLWE1MmEtYzM1M2ZmMGMwMTU4XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",The Silence of the Lambs,1991,A,118 min,"Crime, Drama, Thriller",8.6,"A young F.B.I. cadet must receive the help of an incarcerated and manipulative cannibal killer to help catch another serial killer, a madman who skins his victims.",85,Jonathan Demme,Jodie Foster,Anthony Hopkins,Lawrence A. Bonney,Kasi Lemmons,1270197,"130,742,922" +"https://m.media-amazon.com/images/M/MV5BNzVlY2MwMjktM2E4OS00Y2Y3LWE3ZjctYzhkZGM3YzA1ZWM2XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Star Wars,1977,UA,121 min,"Action, Adventure, Fantasy",8.6,"Luke Skywalker joins forces with a Jedi Knight, a cocky pilot, a Wookiee and two droids to save the galaxy from the Empire's world-destroying battle station, while also attempting to rescue Princess Leia from the mysterious Darth Vader.",90,George Lucas,Mark Hamill,Harrison Ford,Carrie Fisher,Alec Guinness,1231473,"322,740,140" +"https://m.media-amazon.com/images/M/MV5BYjBmYTQ1NjItZWU5MS00YjI0LTg2OTYtYmFkN2JkMmNiNWVkXkEyXkFqcGdeQXVyMTMxMTY0OTQ@._V1_UY98_CR2,0,67,98_AL_.jpg",Seppuku,1962,,133 min,"Action, Drama, Mystery",8.6,"When a ronin requesting seppuku at a feudal lord's palace is told of the brutal suicide of another ronin who previously visited, he reveals how their pasts are intertwined - and in doing so challenges the clan's integrity.",85,Masaki Kobayashi,Tatsuya Nakadai,Akira Ishihama,Shima Iwashita,Tetsurô Tanba,42004, +"https://m.media-amazon.com/images/M/MV5BOWE4ZDdhNmMtNzE5ZC00NzExLTlhNGMtY2ZhYjYzODEzODA1XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR1,0,67,98_AL_.jpg",Shichinin no samurai,1954,U,207 min,"Action, Adventure, Drama",8.6,A poor village under attack by bandits recruits seven unemployed samurai to help them defend themselves.,98,Akira Kurosawa,Toshirô Mifune,Takashi Shimura,Keiko Tsushima,Yukiko Shimazaki,315744,"269,061" +"https://m.media-amazon.com/images/M/MV5BZjc4NDZhZWMtNGEzYS00ZWU2LThlM2ItNTA0YzQ0OTExMTE2XkEyXkFqcGdeQXVyNjUwMzI2NzU@._V1_UY98_CR0,0,67,98_AL_.jpg",It's a Wonderful Life,1946,PG,130 min,"Drama, Family, Fantasy",8.6,An angel is sent from Heaven to help a desperately frustrated businessman by showing him what life would have been like if he had never existed.,89,Frank Capra,James Stewart,Donna Reed,Lionel Barrymore,Thomas Mitchell,405801, +"https://m.media-amazon.com/images/M/MV5BNGVjNWI4ZGUtNzE0MS00YTJmLWE0ZDctN2ZiYTk2YmI3NTYyXkEyXkFqcGdeQXVyMTkxNjUyNQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Joker,2019,A,122 min,"Crime, Drama, Thriller",8.5,"In Gotham City, mentally troubled comedian Arthur Fleck is disregarded and mistreated by society. He then embarks on a downward spiral of revolution and bloody crime. This path brings him face-to-face with his alter-ego: the Joker.",59,Todd Phillips,Joaquin Phoenix,Robert De Niro,Zazie Beetz,Frances Conroy,939252,"335,451,311" +"https://m.media-amazon.com/images/M/MV5BOTA5NDZlZGUtMjAxOS00YTRkLTkwYmMtYWQ0NWEwZDZiNjEzXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Whiplash,2014,A,106 min,"Drama, Music",8.5,A promising young drummer enrolls at a cut-throat music conservatory where his dreams of greatness are mentored by an instructor who will stop at nothing to realize a student's potential.,88,Damien Chazelle,Miles Teller,J.K. Simmons,Melissa Benoist,Paul Reiser,717585,"13,092,000" +"https://m.media-amazon.com/images/M/MV5BMTYxNDA3MDQwNl5BMl5BanBnXkFtZTcwNTU4Mzc1Nw@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Intouchables,2011,UA,112 min,"Biography, Comedy, Drama",8.5,"After he becomes a quadriplegic from a paragliding accident, an aristocrat hires a young man from the projects to be his caregiver.",57,Olivier Nakache,Éric Toledano,François Cluzet,Omar Sy,Anne Le Ny,760360,"13,182,281" +"https://m.media-amazon.com/images/M/MV5BMjA4NDI0MTIxNF5BMl5BanBnXkFtZTYwNTM0MzY2._V1_UX67_CR0,0,67,98_AL_.jpg",The Prestige,2006,U,130 min,"Drama, Mystery, Sci-Fi",8.5,"After a tragic accident, two stage magicians engage in a battle to create the ultimate illusion while sacrificing everything they have to outwit each other.",66,Christopher Nolan,Christian Bale,Hugh Jackman,Scarlett Johansson,Michael Caine,1190259,"53,089,891" +"https://m.media-amazon.com/images/M/MV5BMTI1MTY2OTIxNV5BMl5BanBnXkFtZTYwNjQ4NjY3._V1_UX67_CR0,0,67,98_AL_.jpg",The Departed,2006,A,151 min,"Crime, Drama, Thriller",8.5,An undercover cop and a mole in the police attempt to identify each other while infiltrating an Irish gang in South Boston.,85,Martin Scorsese,Leonardo DiCaprio,Matt Damon,Jack Nicholson,Mark Wahlberg,1189773,"132,384,315" +"https://m.media-amazon.com/images/M/MV5BOWRiZDIxZjktMTA1NC00MDQ2LWEzMjUtMTliZmY3NjQ3ODJiXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UY98_CR2,0,67,98_AL_.jpg",The Pianist,2002,R,150 min,"Biography, Drama, Music",8.5,A Polish Jewish musician struggles to survive the destruction of the Warsaw ghetto of World War II.,85,Roman Polanski,Adrien Brody,Thomas Kretschmann,Frank Finlay,Emilia Fox,729603,"32,572,577" +"https://m.media-amazon.com/images/M/MV5BMDliMmNhNDEtODUyOS00MjNlLTgxODEtN2U3NzIxMGVkZTA1L2ltYWdlXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Gladiator,2000,UA,155 min,"Action, Adventure, Drama",8.5,A former Roman General sets out to exact vengeance against the corrupt emperor who murdered his family and sent him into slavery.,67,Ridley Scott,Russell Crowe,Joaquin Phoenix,Connie Nielsen,Oliver Reed,1341460,"187,705,427" +"https://m.media-amazon.com/images/M/MV5BZjA0MTM4MTQtNzY5MC00NzY3LWI1ZTgtYzcxMjkyMzU4MDZiXkEyXkFqcGdeQXVyNDYyMDk5MTU@._V1_UX67_CR0,0,67,98_AL_.jpg",American History X,1998,R,119 min,Drama,8.5,A former neo-nazi skinhead tries to prevent his younger brother from going down the same wrong path that he did.,62,Tony Kaye,Edward Norton,Edward Furlong,Beverly D'Angelo,Jennifer Lien,1034705,"6,719,864" +"https://m.media-amazon.com/images/M/MV5BYTViNjMyNmUtNDFkNC00ZDRlLThmMDUtZDU2YWE4NGI2ZjVmXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",The Usual Suspects,1995,A,106 min,"Crime, Mystery, Thriller",8.5,"A sole survivor tells of the twisty events leading up to a horrific gun battle on a boat, which began when five criminals met at a seemingly random police lineup.",77,Bryan Singer,Kevin Spacey,Gabriel Byrne,Chazz Palminteri,Stephen Baldwin,991208,"23,341,568" +"https://m.media-amazon.com/images/M/MV5BODllNWE0MmEtYjUwZi00ZjY3LThmNmQtZjZlMjI2YTZjYmQ0XkEyXkFqcGdeQXVyNTc1NTQxODI@._V1_UX67_CR0,0,67,98_AL_.jpg",Léon,1994,A,110 min,"Action, Crime, Drama",8.5,"Mathilda, a 12-year-old girl, is reluctantly taken in by Léon, a professional assassin, after her family is murdered. An unusual relationship forms as she becomes his protégée and learns the assassin's trade.",64,Luc Besson,Jean Reno,Gary Oldman,Natalie Portman,Danny Aiello,1035236,"19,501,238" +"https://m.media-amazon.com/images/M/MV5BYTYxNGMyZTYtMjE3MS00MzNjLWFjNmYtMDk3N2FmM2JiM2M1XkEyXkFqcGdeQXVyNjY5NDU4NzI@._V1_UX67_CR0,0,67,98_AL_.jpg",The Lion King,1994,U,88 min,"Animation, Adventure, Drama",8.5,"Lion prince Simba and his father are targeted by his bitter uncle, who wants to ascend the throne himself.",88,Roger Allers,Rob Minkoff,Matthew Broderick,Jeremy Irons,James Earl Jones,942045,"422,783,777" +"https://m.media-amazon.com/images/M/MV5BMGU2NzRmZjUtOGUxYS00ZjdjLWEwZWItY2NlM2JhNjkxNTFmXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Terminator 2: Judgment Day,1991,U,137 min,"Action, Sci-Fi",8.5,"A cyborg, identical to the one who failed to kill Sarah Connor, must now protect her teenage son, John Connor, from a more advanced and powerful cyborg.",75,James Cameron,Arnold Schwarzenegger,Linda Hamilton,Edward Furlong,Robert Patrick,995506,"204,843,350" +"https://m.media-amazon.com/images/M/MV5BM2FhYjEyYmYtMDI1Yy00YTdlLWI2NWQtYmEzNzAxOGY1NjY2XkEyXkFqcGdeQXVyNTA3NTIyNDg@._V1_UX67_CR0,0,67,98_AL_.jpg",Nuovo Cinema Paradiso,1988,U,155 min,"Drama, Romance",8.5,A filmmaker recalls his childhood when falling in love with the pictures at the cinema of his home village and forms a deep friendship with the cinema's projectionist.,80,Giuseppe Tornatore,Philippe Noiret,Enzo Cannavale,Antonella Attili,Isa Danieli,230763,"11,990,401" +"https://m.media-amazon.com/images/M/MV5BZmY2NjUzNDQtNTgxNC00M2Q4LTljOWQtMjNjNDBjNWUxNmJlXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg",Hotaru no haka,1988,U,89 min,"Animation, Drama, War",8.5,A young boy and his little sister struggle to survive in Japan during World War II.,94,Isao Takahata,Tsutomu Tatsumi,Ayano Shiraishi,Akemi Yamaguchi,Yoshiko Shinohara,235231, +"https://m.media-amazon.com/images/M/MV5BZmU0M2Y1OGUtZjIxNi00ZjBkLTg1MjgtOWIyNThiZWIwYjRiXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Back to the Future,1985,U,116 min,"Adventure, Comedy, Sci-Fi",8.5,"Marty McFly, a 17-year-old high school student, is accidentally sent thirty years into the past in a time-traveling DeLorean invented by his close friend, the eccentric scientist Doc Brown.",87,Robert Zemeckis,Michael J. Fox,Christopher Lloyd,Lea Thompson,Crispin Glover,1058081,"210,609,762" +"https://m.media-amazon.com/images/M/MV5BZGI5MjBmYzYtMzJhZi00NGI1LTk3MzItYjBjMzcxM2U3MDdiXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Once Upon a Time in the West,1968,U,165 min,Western,8.5,A mysterious stranger with a harmonica joins forces with a notorious desperado to protect a beautiful widow from a ruthless assassin working for the railroad.,80,Sergio Leone,Henry Fonda,Charles Bronson,Claudia Cardinale,Jason Robards,302844,"5,321,508" +"https://m.media-amazon.com/images/M/MV5BNTQwNDM1YzItNDAxZC00NWY2LTk0M2UtNDIwNWI5OGUyNWUxXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Psycho,1960,A,109 min,"Horror, Mystery, Thriller",8.5,"A Phoenix secretary embezzles $40,000 from her employer's client, goes on the run, and checks into a remote motel run by a young man under the domination of his mother.",97,Alfred Hitchcock,Anthony Perkins,Janet Leigh,Vera Miles,John Gavin,604211,"32,000,000" +"https://m.media-amazon.com/images/M/MV5BY2IzZGY2YmEtYzljNS00NTM5LTgwMzUtMzM1NjQ4NGI0OTk0XkEyXkFqcGdeQXVyNDYyMDk5MTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Casablanca,1942,U,102 min,"Drama, Romance, War",8.5,A cynical expatriate American cafe owner struggles to decide whether or not to help his former lover and her fugitive husband escape the Nazis in French Morocco.,100,Michael Curtiz,Humphrey Bogart,Ingrid Bergman,Paul Henreid,Claude Rains,522093,"1,024,560" +"https://m.media-amazon.com/images/M/MV5BYjJiZjMzYzktNjU0NS00OTkxLWEwYzItYzdhYWJjN2QzMTRlL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Modern Times,1936,G,87 min,"Comedy, Drama, Family",8.5,The Tramp struggles to live in modern industrial society with the help of a young homeless woman.,96,Charles Chaplin,Charles Chaplin,Paulette Goddard,Henry Bergman,Tiny Sandford,217881,"163,245" +"https://m.media-amazon.com/images/M/MV5BY2I4MmM1N2EtM2YzOS00OWUzLTkzYzctNDc5NDg2N2IyODJmXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",City Lights,1931,G,87 min,"Comedy, Drama, Romance",8.5,"With the aid of a wealthy erratic tippler, a dewy-eyed tramp who has fallen in love with a sightless flower girl accumulates money to be able to help her medically.",99,Charles Chaplin,Charles Chaplin,Virginia Cherrill,Florence Lee,Harry Myers,167839,"19,181" +"https://m.media-amazon.com/images/M/MV5BMmExNzU2ZWMtYzUwYi00YmM2LTkxZTQtNmVhNjY0NTMyMWI2XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Capharnaüm,2018,A,126 min,Drama,8.4,"While serving a five-year sentence for a violent crime, a 12-year-old boy sues his parents for neglect.",75,Nadine Labaki,Zain Al Rafeea,Yordanos Shiferaw,Boluwatife Treasure Bankole,Kawsar Al Haddad,62635,"1,661,096" +"https://m.media-amazon.com/images/M/MV5BNWJhMDlmZGUtYzcxNS00NDRiLWIwNjktNDY1Mjg3ZjBkYzY0XkEyXkFqcGdeQXVyMTU4MjUwMjI@._V1_UY98_CR2,0,67,98_AL_.jpg",Ayla: The Daughter of War,2017,,125 min,"Biography, Drama, History",8.4,"In 1950, amid-st the ravages of the Korean War, Sergeant Süleyman stumbles upon a half-frozen little girl, with no parents and no help in sight. Frantic, scared and on the verge of death, ... See full summary »",,Can Ulkay,Erdem Can,Çetin Tekindor,Ismail Hacioglu,Kyung-jin Lee,34112, +"https://m.media-amazon.com/images/M/MV5BY2FiMTFmMzMtZDI2ZC00NDQyLWExYTUtOWNmZWM1ZDg5YjVjXkEyXkFqcGdeQXVyODIwMDI1NjM@._V1_UX67_CR0,0,67,98_AL_.jpg",Vikram Vedha,2017,UA,147 min,"Action, Crime, Drama",8.4,"Vikram, a no-nonsense police officer, accompanied by Simon, his partner, is on the hunt to capture Vedha, a smuggler and a murderer. Vedha tries to change Vikram's life, which leads to a conflict.",,Gayatri,Pushkar,Madhavan,Vijay Sethupathi,Shraddha Srinath,28401, +"https://m.media-amazon.com/images/M/MV5BODRmZDVmNzUtZDA4ZC00NjhkLWI2M2UtN2M0ZDIzNDcxYThjL2ltYWdlXkEyXkFqcGdeQXVyNTk0MzMzODA@._V1_UX67_CR0,0,67,98_AL_.jpg",Kimi no na wa.,2016,U,106 min,"Animation, Drama, Fantasy",8.4,"Two strangers find themselves linked in a bizarre way. When a connection forms, will distance be the only thing to keep them apart?",79,Makoto Shinkai,Ryûnosuke Kamiki,Mone Kamishiraishi,Ryô Narita,Aoi Yûki,194838,"5,017,246" +"https://m.media-amazon.com/images/M/MV5BMTQ4MzQzMzM2Nl5BMl5BanBnXkFtZTgwMTQ1NzU3MDI@._V1_UY98_CR1,0,67,98_AL_.jpg",Dangal,2016,U,161 min,"Action, Biography, Drama",8.4,Former wrestler Mahavir Singh Phogat and his two wrestler daughters struggle towards glory at the Commonwealth Games in the face of societal oppression.,,Nitesh Tiwari,Aamir Khan,Sakshi Tanwar,Fatima Sana Shaikh,Sanya Malhotra,156479,"12,391,761" +"https://m.media-amazon.com/images/M/MV5BMjMwNDkxMTgzOF5BMl5BanBnXkFtZTgwNTkwNTQ3NjM@._V1_UX67_CR0,0,67,98_AL_.jpg",Spider-Man: Into the Spider-Verse,2018,U,117 min,"Animation, Action, Adventure",8.4,"Teen Miles Morales becomes the Spider-Man of his universe, and must join with five spider-powered individuals from other dimensions to stop a threat for all realities.",87,Bob Persichetti,Peter Ramsey,Rodney Rothman,Shameik Moore,Jake Johnson,375110,"190,241,310" +"https://m.media-amazon.com/images/M/MV5BMTc5MDE2ODcwNV5BMl5BanBnXkFtZTgwMzI2NzQ2NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Avengers: Endgame,2019,UA,181 min,"Action, Adventure, Drama",8.4,"After the devastating events of Avengers: Infinity War (2018), the universe is in ruins. With the help of remaining allies, the Avengers assemble once more in order to reverse Thanos' actions and restore balance to the universe.",78,Anthony Russo,Joe Russo,Robert Downey Jr.,Chris Evans,Mark Ruffalo,809955,"858,373,000" +"https://m.media-amazon.com/images/M/MV5BMjMxNjY2MDU1OV5BMl5BanBnXkFtZTgwNzY1MTUwNTM@._V1_UX67_CR0,0,67,98_AL_.jpg",Avengers: Infinity War,2018,UA,149 min,"Action, Adventure, Sci-Fi",8.4,The Avengers and their allies must be willing to sacrifice all in an attempt to defeat the powerful Thanos before his blitz of devastation and ruin puts an end to the universe.,68,Anthony Russo,Joe Russo,Robert Downey Jr.,Chris Hemsworth,Mark Ruffalo,834477,"678,815,482" +"https://m.media-amazon.com/images/M/MV5BYjQ5NjM0Y2YtNjZkNC00ZDhkLWJjMWItN2QyNzFkMDE3ZjAxXkEyXkFqcGdeQXVyODIxMzk5NjA@._V1_UY98_CR1,0,67,98_AL_.jpg",Coco,2017,U,105 min,"Animation, Adventure, Family",8.4,"Aspiring musician Miguel, confronted with his family's ancestral ban on music, enters the Land of the Dead to find his great-great-grandfather, a legendary singer.",81,Lee Unkrich,Adrian Molina,Anthony Gonzalez,Gael García Bernal,Benjamin Bratt,384171,"209,726,015" +"https://m.media-amazon.com/images/M/MV5BMjIyNTQ5NjQ1OV5BMl5BanBnXkFtZTcwODg1MDU4OA@@._V1_UX67_CR0,0,67,98_AL_.jpg",Django Unchained,2012,A,165 min,"Drama, Western",8.4,"With the help of a German bounty hunter, a freed slave sets out to rescue his wife from a brutal Mississippi plantation owner.",81,Quentin Tarantino,Jamie Foxx,Christoph Waltz,Leonardo DiCaprio,Kerry Washington,1357682,"162,805,434" +"https://m.media-amazon.com/images/M/MV5BMTk4ODQzNDY3Ml5BMl5BanBnXkFtZTcwODA0NTM4Nw@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Dark Knight Rises,2012,UA,164 min,"Action, Adventure",8.4,"Eight years after the Joker's reign of anarchy, Batman, with the help of the enigmatic Catwoman, is forced from his exile to save Gotham City from the brutal guerrilla terrorist Bane.",78,Christopher Nolan,Christian Bale,Tom Hardy,Anne Hathaway,Gary Oldman,1516346,"448,139,099" +"https://m.media-amazon.com/images/M/MV5BNTkyOGVjMGEtNmQzZi00NzFlLTlhOWQtODYyMDc2ZGJmYzFhXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UY98_CR0,0,67,98_AL_.jpg",3 Idiots,2009,UA,170 min,"Comedy, Drama",8.4,"Two friends are searching for their long lost companion. They revisit their college days and recall the memories of their friend who inspired them to think differently, even as the rest of the world called them ""idiots"".",67,Rajkumar Hirani,Aamir Khan,Madhavan,Mona Singh,Sharman Joshi,344445,"6,532,908" +"https://m.media-amazon.com/images/M/MV5BMDhjZWViN2MtNzgxOS00NmI4LThiZDQtZDI3MzM4MDE4NTc0XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR1,0,67,98_AL_.jpg",Taare Zameen Par,2007,U,165 min,"Drama, Family",8.4,"An eight-year-old boy is thought to be a lazy trouble-maker, until the new art teacher has the patience and compassion to discover the real problem behind his struggles in school.",,Aamir Khan,Amole Gupte,Darsheel Safary,Aamir Khan,Tisca Chopra,168895,"1,223,869" +"https://m.media-amazon.com/images/M/MV5BMjExMTg5OTU0NF5BMl5BanBnXkFtZTcwMjMxMzMzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg",WALL·E,2008,U,98 min,"Animation, Adventure, Family",8.4,"In the distant future, a small waste-collecting robot inadvertently embarks on a space journey that will ultimately decide the fate of mankind.",95,Andrew Stanton,Ben Burtt,Elissa Knight,Jeff Garlin,Fred Willard,999790,"223,808,164" +"https://m.media-amazon.com/images/M/MV5BOThkM2EzYmMtNDE3NS00NjlhLTg4YzktYTdhNzgyOWY3ZDYzXkEyXkFqcGdeQXVyNzQzNzQxNzI@._V1_UY98_CR1,0,67,98_AL_.jpg",The Lives of Others,2006,A,137 min,"Drama, Mystery, Thriller",8.4,"In 1984 East Berlin, an agent of the secret police, conducting surveillance on a writer and his lover, finds himself becoming increasingly absorbed by their lives.",89,Florian Henckel von Donnersmarck,Ulrich Mühe,Martina Gedeck,Sebastian Koch,Ulrich Tukur,358685,"11,286,112" +"https://m.media-amazon.com/images/M/MV5BMTI3NTQyMzU5M15BMl5BanBnXkFtZTcwMTM2MjgyMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Oldeuboi,2003,A,101 min,"Action, Drama, Mystery",8.4,"After being kidnapped and imprisoned for fifteen years, Oh Dae-Su is released, only to find that he must find his captor in five days.",77,Chan-wook Park,Choi Min-sik,Yoo Ji-Tae,Kang Hye-jeong,Kim Byeong-Ok,515451,"707,481" +"https://m.media-amazon.com/images/M/MV5BZTcyNjk1MjgtOWI3Mi00YzQwLWI5MTktMzY4ZmI2NDAyNzYzXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Memento,2000,UA,113 min,"Mystery, Thriller",8.4,A man with short-term memory loss attempts to track down his wife's murderer.,80,Christopher Nolan,Guy Pearce,Carrie-Anne Moss,Joe Pantoliano,Mark Boone Junior,1125712,"25,544,867" +"https://m.media-amazon.com/images/M/MV5BNGIzY2IzODQtNThmMi00ZDE4LWI5YzAtNzNlZTM1ZjYyYjUyXkEyXkFqcGdeQXVyODEzNjM5OTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Mononoke-hime,1997,U,134 min,"Animation, Action, Adventure",8.4,"On a journey to find the cure for a Tatarigami's curse, Ashitaka finds himself in the middle of a war between the forest gods and Tatara, a mining colony. In this quest he also meets San, the Mononoke Hime.",76,Hayao Miyazaki,Yôji Matsuda,Yuriko Ishida,Yûko Tanaka,Billy Crudup,343171,"2,375,308" +"https://m.media-amazon.com/images/M/MV5BMGFkNWI4MTMtNGQ0OC00MWVmLTk3MTktOGYxN2Y2YWVkZWE2XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Once Upon a Time in America,1984,A,229 min,"Crime, Drama",8.4,"A former Prohibition-era Jewish gangster returns to the Lower East Side of Manhattan over thirty years later, where he once again must confront the ghosts and regrets of his old life.",,Sergio Leone,Robert De Niro,James Woods,Elizabeth McGovern,Treat Williams,311365,"5,321,508" +"https://m.media-amazon.com/images/M/MV5BMjA0ODEzMTc1Nl5BMl5BanBnXkFtZTcwODM2MjAxNA@@._V1_UX67_CR0,0,67,98_AL_.jpg",Raiders of the Lost Ark,1981,A,115 min,"Action, Adventure",8.4,"In 1936, archaeologist and adventurer Indiana Jones is hired by the U.S. government to find the Ark of the Covenant before Adolf Hitler's Nazis can obtain its awesome powers.",85,Steven Spielberg,Harrison Ford,Karen Allen,Paul Freeman,John Rhys-Davies,884112,"248,159,971" +"https://m.media-amazon.com/images/M/MV5BZWFlYmY2MGEtZjVkYS00YzU4LTg0YjQtYzY1ZGE3NTA5NGQxXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",The Shining,1980,A,146 min,"Drama, Horror",8.4,"A family heads to an isolated hotel for the winter where a sinister presence influences the father into violence, while his psychic son sees horrific forebodings from both past and future.",66,Stanley Kubrick,Jack Nicholson,Shelley Duvall,Danny Lloyd,Scatman Crothers,898237,"44,017,374" +"https://m.media-amazon.com/images/M/MV5BMDdhODg0MjYtYzBiOS00ZmI5LWEwZGYtZDEyNDU4MmQyNzFkXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Apocalypse Now,1979,R,147 min,"Drama, Mystery, War",8.4,A U.S. Army officer serving in Vietnam is tasked with assassinating a renegade Special Forces Colonel who sees himself as a god.,94,Francis Ford Coppola,Martin Sheen,Marlon Brando,Robert Duvall,Frederic Forrest,606398,"83,471,511" +"https://m.media-amazon.com/images/M/MV5BMmQ2MmU3NzktZjAxOC00ZDZhLTk4YzEtMDMyMzcxY2IwMDAyXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Alien,1979,R,117 min,"Horror, Sci-Fi",8.4,"After a space merchant vessel receives an unknown transmission as a distress call, one of the crew is attacked by a mysterious life form and they soon realize that its life cycle has merely begun.",89,Ridley Scott,Sigourney Weaver,Tom Skerritt,John Hurt,Veronica Cartwright,787806,"78,900,000" +"https://m.media-amazon.com/images/M/MV5BYmYzNmM2MDctZGY3Yi00NjRiLWIxZjctYjgzYTcxYTNhYTMyXkEyXkFqcGdeQXVyMjUxMTY3ODM@._V1_UY98_CR1,0,67,98_AL_.jpg",Anand,1971,U,122 min,"Drama, Musical",8.4,"The story of a terminally ill man who wishes to live life to the fullest before the inevitable occurs, as told by his best friend.",,Hrishikesh Mukherjee,Rajesh Khanna,Amitabh Bachchan,Sumita Sanyal,Ramesh Deo,30273, +"https://m.media-amazon.com/images/M/MV5BOTI4NTNhZDMtMWNkZi00MTRmLWJmZDQtMmJkMGVmZTEzODlhXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Tengoku to jigoku,1963,,143 min,"Crime, Drama, Mystery",8.4,An executive of a shoe company becomes a victim of extortion when his chauffeur's son is kidnapped and held for ransom.,,Akira Kurosawa,Toshirô Mifune,Yutaka Sada,Tatsuya Nakadai,Kyôko Kagawa,34357, +"https://m.media-amazon.com/images/M/MV5BZWI3ZTMxNjctMjdlNS00NmUwLWFiM2YtZDUyY2I3N2MxYTE0XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Dr. Strangelove or: How I Learned to Stop Worrying and Love the Bomb,1964,A,95 min,Comedy,8.4,An insane general triggers a path to nuclear holocaust that a War Room full of politicians and generals frantically tries to stop.,97,Stanley Kubrick,Peter Sellers,George C. Scott,Sterling Hayden,Keenan Wynn,450474,"275,902" +"https://m.media-amazon.com/images/M/MV5BNDQwODU5OWYtNDcyNi00MDQ1LThiOGMtZDkwNWJiM2Y3MDg0XkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Witness for the Prosecution,1957,U,116 min,"Crime, Drama, Mystery",8.4,A veteran British barrister must defend his client in a murder trial that has surprise after surprise.,,Billy Wilder,Tyrone Power,Marlene Dietrich,Charles Laughton,Elsa Lanchester,108862,"8,175,000" +"https://m.media-amazon.com/images/M/MV5BNjViMmRkOTEtM2ViOS00ODg0LWJhYWEtNTBlOGQxNDczOGY3XkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UY98_CR2,0,67,98_AL_.jpg",Paths of Glory,1957,A,88 min,"Drama, War",8.4,"After refusing to attack an enemy position, a general accuses the soldiers of cowardice and their commanding officer must defend them.",90,Stanley Kubrick,Kirk Douglas,Ralph Meeker,Adolphe Menjou,George Macready,178092, +"https://m.media-amazon.com/images/M/MV5BNGUxYWM3M2MtMGM3Mi00ZmRiLWE0NGQtZjE5ODI2OTJhNTU0XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Rear Window,1954,U,112 min,"Mystery, Thriller",8.4,A wheelchair-bound photographer spies on his neighbors from his apartment window and becomes convinced one of them has committed murder.,100,Alfred Hitchcock,James Stewart,Grace Kelly,Wendell Corey,Thelma Ritter,444074,"36,764,313" +"https://m.media-amazon.com/images/M/MV5BMTU0NTkyNzYwMF5BMl5BanBnXkFtZTgwMDU0NDk5MTI@._V1_UX67_CR0,0,67,98_AL_.jpg",Sunset Blvd.,1950,Passed,110 min,"Drama, Film-Noir",8.4,A screenwriter develops a dangerous relationship with a faded film star determined to make a triumphant return.,,Billy Wilder,William Holden,Gloria Swanson,Erich von Stroheim,Nancy Olson,201632, +"https://m.media-amazon.com/images/M/MV5BMmExYWJjNTktNGUyZS00ODhmLTkxYzAtNWIzOGEyMGNiMmUwXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",The Great Dictator,1940,Passed,125 min,"Comedy, Drama, War",8.4,Dictator Adenoid Hynkel tries to expand his empire while a poor Jewish barber tries to avoid persecution from Hynkel's regime.,,Charles Chaplin,Charles Chaplin,Paulette Goddard,Jack Oakie,Reginald Gardiner,203150,"288,475" +"https://m.media-amazon.com/images/M/MV5BOTdmNTFjNDEtNzg0My00ZjkxLTg1ZDAtZTdkMDc2ZmFiNWQ1XkEyXkFqcGdeQXVyNTAzNzgwNTg@._V1_UX67_CR0,0,67,98_AL_.jpg",1917,2019,R,119 min,"Drama, Thriller, War",8.3,"April 6th, 1917. As a regiment assembles to wage war deep in enemy territory, two soldiers are assigned to race against time and deliver a message that will stop 1,600 men from walking straight into a deadly trap.",78,Sam Mendes,Dean-Charles Chapman,George MacKay,Daniel Mays,Colin Firth,425844,"159,227,644" +"https://m.media-amazon.com/images/M/MV5BYmQxNmU4ZjgtYzE5Mi00ZDlhLTlhOTctMzJkNjk2ZGUyZGEwXkEyXkFqcGdeQXVyMzgxMDA0Nzk@._V1_UY98_CR1,0,67,98_AL_.jpg",Tumbbad,2018,A,104 min,"Drama, Fantasy, Horror",8.3,A mythological story about a goddess who created the entire universe. The plot revolves around the consequences when humans build a temple for her first-born.,,Rahi Anil Barve,Anand Gandhi,Adesh Prasad,Sohum Shah,Jyoti Malshe,27793, +"https://m.media-amazon.com/images/M/MV5BZWZhMjhhZmYtOTIzOC00MGYzLWI1OGYtM2ZkN2IxNTI4ZWI3XkEyXkFqcGdeQXVyNDAzNDk0MTQ@._V1_UY98_CR0,0,67,98_AL_.jpg",Andhadhun,2018,UA,139 min,"Crime, Drama, Music",8.3,"A series of mysterious events change the life of a blind pianist, who must now report a crime that he should technically know nothing of.",,Sriram Raghavan,Ayushmann Khurrana,Tabu,Radhika Apte,Anil Dhawan,71875,"1,373,943" +"https://m.media-amazon.com/images/M/MV5BYmY3MzYwMGUtOWMxYS00OGVhLWFjNmUtYzlkNGVmY2ZkMjA3XkEyXkFqcGdeQXVyMTExNDQ2MTI@._V1_UY98_CR4,0,67,98_AL_.jpg",Drishyam,2013,U,160 min,"Crime, Drama, Thriller",8.3,A man goes to extreme lengths to save his family from punishment after the family commits an accidental crime.,,Jeethu Joseph,Mohanlal,Meena,Asha Sharath,Ansiba,30722, +"https://m.media-amazon.com/images/M/MV5BMTg2NDg3ODg4NF5BMl5BanBnXkFtZTcwNzk3NTc3Nw@@._V1_UY98_CR1,0,67,98_AL_.jpg",Jagten,2012,R,115 min,Drama,8.3,"A teacher lives a lonely life, all the while struggling over his son's custody. His life slowly gets better as he finds love and receives good news from his son, but his new luck is about to be brutally shattered by an innocent little lie.",77,Thomas Vinterberg,Mads Mikkelsen,Thomas Bo Larsen,Annika Wedderkopp,Lasse Fogelstrøm,281623,"687,185" +"https://m.media-amazon.com/images/M/MV5BN2JmMjViMjMtZTM5Mi00ZGZkLTk5YzctZDg5MjFjZDE4NjNkXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Jodaeiye Nader az Simin,2011,PG-13,123 min,Drama,8.3,A married couple are faced with a difficult decision - to improve the life of their child by moving to another country or to stay in Iran and look after a deteriorating parent who has Alzheimer's disease.,95,Asghar Farhadi,Payman Maadi,Leila Hatami,Sareh Bayat,Shahab Hosseini,220002,"7,098,492" +"https://m.media-amazon.com/images/M/MV5BMWE3MGYzZjktY2Q5Mi00Y2NiLWIyYWUtMmIyNzA3YmZlMGFhXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Incendies,2010,R,131 min,"Drama, Mystery, War",8.3,Twins journey to the Middle East to discover their family history and fulfill their mother's last wishes.,80,Denis Villeneuve,Lubna Azabal,Mélissa Désormeaux-Poulin,Maxim Gaudette,Mustafa Kamel,150023,"6,857,096" +"https://m.media-amazon.com/images/M/MV5BOGE3N2QxN2YtM2ZlNS00MWIyLWE1NDAtYWFlN2FiYjY1MjczXkEyXkFqcGdeQXVyOTUwNzc0ODc@._V1_UY98_CR1,0,67,98_AL_.jpg",Miracle in cell NO.7,2019,TV-14,132 min,Drama,8.3,A story of love between a mentally-ill father who was wrongly accused of murder and his lovely six years old daughter. The prison would be their home. Based on the 2013 Korean movie 7-beon-bang-ui seon-mul (2013).,,Mehmet Ada Öztekin,Aras Bulut Iynemli,Nisa Sofiya Aksongur,Deniz Baysal,Celile Toyon Uysal,33935, +"https://m.media-amazon.com/images/M/MV5BNjAzMzEwYzctNjc1MC00Nzg5LWFmMGItMTgzYmMyNTY2OTQ4XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UY98_CR0,0,67,98_AL_.jpg",Babam ve Oglum,2005,,112 min,"Drama, Family",8.3,The family of a left-wing journalist is torn apart after the military coup of Turkey in 1980.,,Çagan Irmak,Çetin Tekindor,Fikret Kuskan,Hümeyra,Ege Tanman,78925, +"https://m.media-amazon.com/images/M/MV5BOTJiNDEzOWYtMTVjOC00ZjlmLWE0NGMtZmE1OWVmZDQ2OWJhXkEyXkFqcGdeQXVyNTIzOTk5ODM@._V1_UX67_CR0,0,67,98_AL_.jpg",Inglourious Basterds,2009,A,153 min,"Adventure, Drama, War",8.3,"In Nazi-occupied France during World War II, a plan to assassinate Nazi leaders by a group of Jewish U.S. soldiers coincides with a theatre owner's vengeful plans for the same.",69,Quentin Tarantino,Brad Pitt,Diane Kruger,Eli Roth,Mélanie Laurent,1267869,"120,540,719" +"https://m.media-amazon.com/images/M/MV5BMTY4NzcwODg3Nl5BMl5BanBnXkFtZTcwNTEwOTMyMw@@._V1_UX67_CR0,0,67,98_AL_.jpg",Eternal Sunshine of the Spotless Mind,2004,UA,108 min,"Drama, Romance, Sci-Fi",8.3,"When their relationship turns sour, a couple undergoes a medical procedure to have each other erased from their memories.",89,Michel Gondry,Jim Carrey,Kate Winslet,Tom Wilkinson,Gerry Robert Byrne,911664,"34,400,301" +"https://m.media-amazon.com/images/M/MV5BNDg4NjM1YjMtYmNhZC00MjM0LWFiZmYtNGY1YjA3MzZmODc5XkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Amélie,2001,U,122 min,"Comedy, Romance",8.3,"Amélie is an innocent and naive girl in Paris with her own sense of justice. She decides to help those around her and, along the way, discovers love.",69,Jean-Pierre Jeunet,Audrey Tautou,Mathieu Kassovitz,Rufus,Lorella Cravotta,703810,"33,225,499" +"https://m.media-amazon.com/images/M/MV5BMTA2NDYxOGYtYjU1Mi00Y2QzLTgxMTQtMWI1MGI0ZGQ5MmU4XkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UY98_CR0,0,67,98_AL_.jpg",Snatch,2000,UA,104 min,"Comedy, Crime",8.3,"Unscrupulous boxing promoters, violent bookmakers, a Russian gangster, incompetent amateur robbers and supposedly Jewish jewelers fight to track down a priceless stolen diamond.",55,Guy Ritchie,Jason Statham,Brad Pitt,Benicio Del Toro,Dennis Farina,782001,"30,328,156" +"https://m.media-amazon.com/images/M/MV5BOTdiNzJlOWUtNWMwNS00NmFlLWI0YTEtZmI3YjIzZWUyY2Y3XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Requiem for a Dream,2000,A,102 min,Drama,8.3,The drug-induced utopias of four Coney Island people are shattered when their addictions run deep.,68,Darren Aronofsky,Ellen Burstyn,Jared Leto,Jennifer Connelly,Marlon Wayans,766870,"3,635,482" +"https://m.media-amazon.com/images/M/MV5BNTBmZWJkNjctNDhiNC00MGE2LWEwOTctZTk5OGVhMWMyNmVhXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",American Beauty,1999,UA,122 min,Drama,8.3,A sexually frustrated suburban father has a mid-life crisis after becoming infatuated with his daughter's best friend.,84,Sam Mendes,Kevin Spacey,Annette Bening,Thora Birch,Wes Bentley,1069738,"130,096,601" +"https://m.media-amazon.com/images/M/MV5BOTI0MzcxMTYtZDVkMy00NjY1LTgyMTYtZmUxN2M3NmQ2NWJhXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Good Will Hunting,1997,U,126 min,"Drama, Romance",8.3,"Will Hunting, a janitor at M.I.T., has a gift for mathematics, but needs help from a psychologist to find direction in his life.",70,Gus Van Sant,Robin Williams,Matt Damon,Ben Affleck,Stellan Skarsgård,861606,"138,433,435" +"https://m.media-amazon.com/images/M/MV5BZTYwZWQ4ZTQtZWU0MS00N2YwLWEzMDItZWFkZWY0MWVjODVhXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Bacheha-Ye aseman,1997,PG,89 min,"Drama, Family, Sport",8.3,"After a boy loses his sister's pair of shoes, he goes on a series of adventures in order to find them. When he can't, he tries a new way to ""win"" a new pair.",77,Majid Majidi,Mohammad Amir Naji,Amir Farrokh Hashemian,Bahare Seddiqi,Nafise Jafar-Mohammadi,65341,"933,933" +"https://m.media-amazon.com/images/M/MV5BMDU2ZWJlMjktMTRhMy00ZTA5LWEzNDgtYmNmZTEwZTViZWJkXkEyXkFqcGdeQXVyNDQ2OTk4MzI@._V1_UX67_CR0,0,67,98_AL_.jpg",Toy Story,1995,U,81 min,"Animation, Adventure, Comedy",8.3,A cowboy doll is profoundly threatened and jealous when a new spaceman figure supplants him as top toy in a boy's room.,95,John Lasseter,Tom Hanks,Tim Allen,Don Rickles,Jim Varney,887429,"191,796,233" +"https://m.media-amazon.com/images/M/MV5BMzkzMmU0YTYtOWM3My00YzBmLWI0YzctOGYyNTkwMWE5MTJkXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Braveheart,1995,A,178 min,"Biography, Drama, History",8.3,Scottish warrior William Wallace leads his countrymen in a rebellion to free his homeland from the tyranny of King Edward I of England.,68,Mel Gibson,Mel Gibson,Sophie Marceau,Patrick McGoohan,Angus Macfadyen,959181,"75,600,000" +"https://m.media-amazon.com/images/M/MV5BZmExNmEwYWItYmQzOS00YjA5LTk2MjktZjEyZDE1Y2QxNjA1XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Reservoir Dogs,1992,R,99 min,"Crime, Drama, Thriller",8.3,"When a simple jewelry heist goes horribly wrong, the surviving criminals begin to suspect that one of them is a police informant.",79,Quentin Tarantino,Harvey Keitel,Tim Roth,Michael Madsen,Chris Penn,918562,"2,832,029" +"https://m.media-amazon.com/images/M/MV5BNzkxODk0NjEtYjc4Mi00ZDI0LTgyYjEtYzc1NDkxY2YzYTgyXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Full Metal Jacket,1987,UA,116 min,"Drama, War",8.3,A pragmatic U.S. Marine observes the dehumanizing effects the Vietnam War has on his fellow recruits from their brutal boot camp training to the bloody street fighting in Hue.,76,Stanley Kubrick,Matthew Modine,R. Lee Ermey,Vincent D'Onofrio,Adam Baldwin,675146,"46,357,676" +"https://m.media-amazon.com/images/M/MV5BODM4Njg0NTAtYjI5Ny00ZjAxLTkwNmItZTMxMWU5M2U3M2RjXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Idi i smotri,1985,A,142 min,"Drama, Thriller, War",8.3,"After finding an old rifle, a young boy joins the Soviet resistance movement against ruthless German forces and experiences the horrors of World War II.",,Elem Klimov,Aleksey Kravchenko,Olga Mironova,Liubomiras Laucevicius,Vladas Bagdonas,59056, +"https://m.media-amazon.com/images/M/MV5BZGU2OGY5ZTYtMWNhYy00NjZiLWI0NjUtZmNhY2JhNDRmODU3XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Aliens,1986,U,137 min,"Action, Adventure, Sci-Fi",8.3,"Fifty-seven years after surviving an apocalyptic attack aboard her space vessel by merciless space creatures, Officer Ripley awakens from hyper-sleep and tries to warn anyone who will listen about the predators.",84,James Cameron,Sigourney Weaver,Michael Biehn,Carrie Henn,Paul Reiser,652719,"85,160,248" +"https://m.media-amazon.com/images/M/MV5BNWJlNzUzNGMtYTAwMS00ZjI2LWFmNWQtODcxNWUxODA5YmU1XkEyXkFqcGdeQXVyNTIzOTk5ODM@._V1_UX67_CR0,0,67,98_AL_.jpg",Amadeus,1984,R,160 min,"Biography, Drama, History",8.3,"The life, success and troubles of Wolfgang Amadeus Mozart, as told by Antonio Salieri, the contemporaneous composer who was insanely jealous of Mozart's talent and claimed to have murdered him.",88,Milos Forman,F. Murray Abraham,Tom Hulce,Elizabeth Berridge,Roy Dotrice,369007,"51,973,029" +"https://m.media-amazon.com/images/M/MV5BNjdjNGQ4NDEtNTEwYS00MTgxLTliYzQtYzE2ZDRiZjFhZmNlXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Scarface,1983,A,170 min,"Crime, Drama",8.3,"In 1980 Miami, a determined Cuban immigrant takes over a drug cartel and succumbs to greed.",65,Brian De Palma,Al Pacino,Michelle Pfeiffer,Steven Bauer,Mary Elizabeth Mastrantonio,740911,"45,598,982" +"https://m.media-amazon.com/images/M/MV5BOWZlMjFiYzgtMTUzNC00Y2IzLTk1NTMtZmNhMTczNTk0ODk1XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Star Wars: Episode VI - Return of the Jedi,1983,U,131 min,"Action, Adventure, Fantasy",8.3,"After a daring mission to rescue Han Solo from Jabba the Hutt, the Rebels dispatch to Endor to destroy the second Death Star. Meanwhile, Luke struggles to help Darth Vader back from the dark side without falling into the Emperor's trap.",58,Richard Marquand,Mark Hamill,Harrison Ford,Carrie Fisher,Billy Dee Williams,950470,"309,125,409" +"https://m.media-amazon.com/images/M/MV5BOGZhZDIzNWMtNjkxMS00MDQ1LThkMTYtZWQzYWU3MWMxMGU5XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Das Boot,1981,R,149 min,"Adventure, Drama, Thriller",8.3,"The claustrophobic world of a WWII German U-boat; boredom, filth and sheer terror.",86,Wolfgang Petersen,Jürgen Prochnow,Herbert Grönemeyer,Klaus Wennemann,Hubertus Bengsch,231855,"11,487,676" +"https://m.media-amazon.com/images/M/MV5BM2M1MmVhNDgtNmI0YS00ZDNmLTkyNjctNTJiYTQ2N2NmYzc2XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Taxi Driver,1976,A,114 min,"Crime, Drama",8.3,"A mentally unstable veteran works as a nighttime taxi driver in New York City, where the perceived decadence and sleaze fuels his urge for violent action by attempting to liberate a presidential campaign worker and an underage prostitute.",94,Martin Scorsese,Robert De Niro,Jodie Foster,Cybill Shepherd,Albert Brooks,724636,"28,262,574" +"https://m.media-amazon.com/images/M/MV5BNGU3NjQ4YTMtZGJjOS00YTQ3LThmNmItMTI5MDE2ODI3NzY3XkEyXkFqcGdeQXVyMjUzOTY1NTc@._V1_UX67_CR0,0,67,98_AL_.jpg",The Sting,1973,U,129 min,"Comedy, Crime, Drama",8.3,Two grifters team up to pull off the ultimate con.,83,George Roy Hill,Paul Newman,Robert Redford,Robert Shaw,Charles Durning,241513,"159,600,000" +"https://m.media-amazon.com/images/M/MV5BMTY3MjM1Mzc4N15BMl5BanBnXkFtZTgwODM0NzAxMDE@._V1_UX67_CR0,0,67,98_AL_.jpg",A Clockwork Orange,1971,A,136 min,"Crime, Drama, Sci-Fi",8.3,"In the future, a sadistic gang leader is imprisoned and volunteers for a conduct-aversion experiment, but it doesn't go as planned.",77,Stanley Kubrick,Malcolm McDowell,Patrick Magee,Michael Bates,Warren Clarke,757904,"6,207,725" +"https://m.media-amazon.com/images/M/MV5BMmNlYzRiNDctZWNhMi00MzI4LThkZTctMTUzMmZkMmFmNThmXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",2001: A Space Odyssey,1968,U,149 min,"Adventure, Sci-Fi",8.3,"After discovering a mysterious artifact buried beneath the Lunar surface, mankind sets off on a quest to find its origins with help from intelligent supercomputer H.A.L. 9000.",84,Stanley Kubrick,Keir Dullea,Gary Lockwood,William Sylvester,Daniel Richter,603517,"56,954,992" +"https://m.media-amazon.com/images/M/MV5BNWM1NmYyM2ItMTFhNy00NDU0LThlYWUtYjQyYTJmOTY0ZmM0XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Per qualche dollaro in più,1965,U,132 min,Western,8.3,Two bounty hunters with the same intentions team up to track down a Western outlaw.,74,Sergio Leone,Clint Eastwood,Lee Van Cleef,Gian Maria Volontè,Mara Krupp,232772,"15,000,000" +"https://m.media-amazon.com/images/M/MV5BYWY5ZjhjNGYtZmI2Ny00ODM0LWFkNzgtZmI1YzA2N2MxMzA0XkEyXkFqcGdeQXVyNjUwNzk3NDc@._V1_UY98_CR0,0,67,98_AL_.jpg",Lawrence of Arabia,1962,U,228 min,"Adventure, Biography, Drama",8.3,"The story of T.E. Lawrence, the English officer who successfully united and led the diverse, often warring, Arab tribes during World War I in order to fight the Turks.",100,David Lean,Peter O'Toole,Alec Guinness,Anthony Quinn,Jack Hawkins,268085,"44,824,144" +"https://m.media-amazon.com/images/M/MV5BNzkwODFjNzItMmMwNi00MTU5LWE2MzktM2M4ZDczZGM1MmViXkEyXkFqcGdeQXVyNDY2MTk1ODk@._V1_UX67_CR0,0,67,98_AL_.jpg",The Apartment,1960,U,125 min,"Comedy, Drama, Romance",8.3,"A man tries to rise in his company by letting its executives use his apartment for trysts, but complications and a romance of his own ensue.",94,Billy Wilder,Jack Lemmon,Shirley MacLaine,Fred MacMurray,Ray Walston,164363,"18,600,000" +"https://m.media-amazon.com/images/M/MV5BZDA3NDExMTUtMDlhOC00MmQ5LWExZGUtYmI1NGVlZWI4OWNiXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",North by Northwest,1959,U,136 min,"Adventure, Mystery, Thriller",8.3,A New York City advertising executive goes on the run after being mistaken for a government agent by a group of foreign spies.,98,Alfred Hitchcock,Cary Grant,Eva Marie Saint,James Mason,Jessie Royce Landis,299198,"13,275,000" +"https://m.media-amazon.com/images/M/MV5BYTE4ODEwZDUtNDFjOC00NjAxLWEzYTQtYTI1NGVmZmFlNjdiL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Vertigo,1958,A,128 min,"Mystery, Romance, Thriller",8.3,A former police detective juggles wrestling with his personal demons and becoming obsessed with a hauntingly beautiful woman.,100,Alfred Hitchcock,James Stewart,Kim Novak,Barbara Bel Geddes,Tom Helmore,364368,"3,200,000" +"https://m.media-amazon.com/images/M/MV5BZDRjNGViMjQtOThlMi00MTA3LThkYzQtNzJkYjBkMGE0YzE1XkEyXkFqcGdeQXVyNDYyMDk5MTU@._V1_UY98_CR0,0,67,98_AL_.jpg",Singin' in the Rain,1952,G,103 min,"Comedy, Musical, Romance",8.3,A silent film production company and cast make a difficult transition to sound.,99,Stanley Donen,Gene Kelly,Gene Kelly,Donald O'Connor,Debbie Reynolds,218957,"8,819,028" +"https://m.media-amazon.com/images/M/MV5BZmM0NGY3Y2MtMTA1YS00YmQzLTk2YTctYWFhMDkzMDRjZWQzXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg",Ikiru,1952,,143 min,Drama,8.3,A bureaucrat tries to find a meaning in his life after he discovers he has terminal cancer.,,Akira Kurosawa,Takashi Shimura,Nobuo Kaneko,Shin'ichi Himori,Haruo Tanaka,68463,"55,240" +"https://m.media-amazon.com/images/M/MV5BNmI1ODdjODctMDlmMC00ZWViLWI5MzYtYzRhNDdjYmM3MzFjXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR0,0,67,98_AL_.jpg",Ladri di biciclette,1948,,89 min,Drama,8.3,"In post-war Italy, a working-class man's bicycle is stolen. He and his son set out to find it.",,Vittorio De Sica,Lamberto Maggiorani,Enzo Staiola,Lianella Carell,Elena Altieri,146427,"332,930" +"https://m.media-amazon.com/images/M/MV5BOTdlNjgyZGUtOTczYi00MDdhLTljZmMtYTEwZmRiOWFkYjRhXkEyXkFqcGdeQXVyNDY2MTk1ODk@._V1_UX67_CR0,0,67,98_AL_.jpg",Double Indemnity,1944,Passed,107 min,"Crime, Drama, Film-Noir",8.3,An insurance representative lets himself be talked by a seductive housewife into a murder/insurance fraud scheme that arouses the suspicion of an insurance investigator.,95,Billy Wilder,Fred MacMurray,Barbara Stanwyck,Edward G. Robinson,Byron Barr,143525,"5,720,000" +"https://m.media-amazon.com/images/M/MV5BYjBiOTYxZWItMzdiZi00NjlkLWIzZTYtYmFhZjhiMTljOTdkXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Citizen Kane,1941,UA,119 min,"Drama, Mystery",8.3,"Following the death of publishing tycoon Charles Foster Kane, reporters scramble to uncover the meaning of his final utterance; 'Rosebud'.",100,Orson Welles,Orson Welles,Joseph Cotten,Dorothy Comingore,Agnes Moorehead,403351,"1,585,634" +"https://m.media-amazon.com/images/M/MV5BODA4ODk3OTEzMF5BMl5BanBnXkFtZTgwMTQ2ODMwMzE@._V1_UX67_CR0,0,67,98_AL_.jpg",M - Eine Stadt sucht einen Mörder,1931,Passed,117 min,"Crime, Mystery, Thriller",8.3,"When the police in a German city are unable to catch a child-murderer, other criminals join in the manhunt.",,Fritz Lang,Peter Lorre,Ellen Widmann,Inge Landgut,Otto Wernicke,143434,"28,877" +"https://m.media-amazon.com/images/M/MV5BMTg5YWIyMWUtZDY5My00Zjc1LTljOTctYmI0MWRmY2M2NmRkXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Metropolis,1927,,153 min,"Drama, Sci-Fi",8.3,"In a futuristic city sharply divided between the working class and the city planners, the son of the city's mastermind falls in love with a working-class prophet who predicts the coming of a savior to mediate their differences.",98,Fritz Lang,Brigitte Helm,Alfred Abel,Gustav Fröhlich,Rudolf Klein-Rogge,159992,"1,236,166" +"https://m.media-amazon.com/images/M/MV5BZjhhMThhNDItNTY2MC00MmU1LTliNDEtNDdhZjdlNTY5ZDQ1XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",The Kid,1921,Passed,68 min,"Comedy, Drama, Family",8.3,"The Tramp cares for an abandoned child, but events put that relationship in jeopardy.",,Charles Chaplin,Charles Chaplin,Edna Purviance,Jackie Coogan,Carl Miller,113314,"5,450,000" +"https://m.media-amazon.com/images/M/MV5BYjg2ZDI2YTYtN2EwYi00YWI5LTgyMWQtMWFkYmE3NmJkOGVhXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR0,0,67,98_AL_.jpg",Chhichhore,2019,UA,143 min,"Comedy, Drama",8.2,"A tragic incident forces Anirudh, a middle-aged man, to take a trip down memory lane and reminisce his college days along with his friends, who were labelled as losers.",,Nitesh Tiwari,Sushant Singh Rajput,Shraddha Kapoor,Varun Sharma,Prateik,33893,"898,575" +"https://m.media-amazon.com/images/M/MV5BMWU4ZjNlNTQtOGE2MS00NDI0LWFlYjMtMmY3ZWVkMjJkNGRmXkEyXkFqcGdeQXVyNjE1OTQ0NjA@._V1_UY98_CR0,0,67,98_AL_.jpg",Uri: The Surgical Strike,2018,UA,138 min,"Action, Drama, War",8.2,"Indian army special forces execute a covert operation, avenging the killing of fellow army men at their base by a terrorist group.",,Aditya Dhar,Vicky Kaushal,Paresh Rawal,Mohit Raina,Yami Gautam,43444,"4,186,168" +"https://m.media-amazon.com/images/M/MV5BZDNlNzBjMGUtYTA0Yy00OTI2LWJmZjMtODliYmUyYTI0OGFmXkEyXkFqcGdeQXVyODIwMDI1NjM@._V1_UX67_CR0,0,67,98_AL_.jpg",K.G.F: Chapter 1,2018,UA,156 min,"Action, Drama",8.2,"In the 1970s, a fierce rebel rises against brutal oppression and becomes the symbol of hope to legions of downtrodden people.",,Prashanth Neel,Yash,Srinidhi Shetty,Ramachandra Raju,Archana Jois,36680, +"https://m.media-amazon.com/images/M/MV5BYzIzYmJlYTYtNGNiYy00N2EwLTk4ZjItMGYyZTJiOTVkM2RlXkEyXkFqcGdeQXVyODY1NDk1NjE@._V1_UX67_CR0,0,67,98_AL_.jpg",Green Book,2018,UA,130 min,"Biography, Comedy, Drama",8.2,A working-class Italian-American bouncer becomes the driver of an African-American classical pianist on a tour of venues through the 1960s American South.,69,Peter Farrelly,Viggo Mortensen,Mahershala Ali,Linda Cardellini,Sebastian Maniscalco,377884,"85,080,171" +"https://m.media-amazon.com/images/M/MV5BMjI0ODcxNzM1N15BMl5BanBnXkFtZTgwMzIwMTEwNDI@._V1_UX67_CR0,0,67,98_AL_.jpg","Three Billboards Outside Ebbing, Missouri",2017,A,115 min,"Comedy, Crime, Drama",8.2,A mother personally challenges the local authorities to solve her daughter's murder when they fail to catch the culprit.,88,Martin McDonagh,Frances McDormand,Woody Harrelson,Sam Rockwell,Caleb Landry Jones,432610,"54,513,740" +"https://m.media-amazon.com/images/M/MV5BMTYzODg0Mjc4M15BMl5BanBnXkFtZTgwNzY4Mzc3NjE@._V1_UY98_CR2,0,67,98_AL_.jpg",Talvar,2015,UA,132 min,"Crime, Drama, Mystery",8.2,An experienced investigator confronts several conflicting theories about the perpetrators of a violent double homicide.,,Meghna Gulzar,Irrfan Khan,Konkona Sen Sharma,Neeraj Kabi,Sohum Shah,31142,"342,370" +"https://m.media-amazon.com/images/M/MV5BOGNlNmRkMjctNDgxMC00NzFhLWIzY2YtZDk3ZDE0NWZhZDBlXkEyXkFqcGdeQXVyODIwMDI1NjM@._V1_UX67_CR0,0,67,98_AL_.jpg",Baahubali 2: The Conclusion,2017,UA,167 min,"Action, Drama",8.2,"When Shiva, the son of Bahubali, learns about his heritage, he begins to look for answers. His story is juxtaposed with past events that unfolded in the Mahishmati Kingdom.",,S.S. Rajamouli,Prabhas,Rana Daggubati,Anushka Shetty,Tamannaah Bhatia,75348,"20,186,659" +"https://m.media-amazon.com/images/M/MV5BMWYwOThjM2ItZGYxNy00NTQwLWFlZWEtM2MzM2Q5MmY3NDU5XkEyXkFqcGdeQXVyMTkxNjUyNQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Klaus,2019,PG,96 min,"Animation, Adventure, Comedy",8.2,"A simple act of kindness always sparks another, even in a frozen, faraway place. When Smeerensburg's new postman, Jesper, befriends toymaker Klaus, their gifts melt an age-old feud and deliver a sleigh full of holiday traditions.",65,Sergio Pablos,Carlos Martínez López,Jason Schwartzman,J.K. Simmons,Rashida Jones,104761, +"https://m.media-amazon.com/images/M/MV5BYmJhZmJlYTItZmZlNy00MGY0LTg0ZGMtNWFkYWU5NTA1YTNhXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR0,0,67,98_AL_.jpg",Drishyam,2015,UA,163 min,"Crime, Drama, Mystery",8.2,"Desperate measures are taken by a man who tries to save his family from the dark side of the law, after they commit an unexpected crime.",,Nishikant Kamat,Ajay Devgn,Shriya Saran,Tabu,Rajat Kapoor,70367,"739,478" +"https://m.media-amazon.com/images/M/MV5BNWYyOWRlOWItZWM5MS00ZjJkLWI0MTUtYTE3NTI5MDAwYjgyXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR0,0,67,98_AL_.jpg",Queen,2013,UA,146 min,"Adventure, Comedy, Drama",8.2,A Delhi girl from a traditional family sets out on a solo honeymoon after her marriage gets cancelled.,,Vikas Bahl,Kangana Ranaut,Rajkummar Rao,Lisa Haydon,Jeffrey Ho,60701,"1,429,534" +"https://m.media-amazon.com/images/M/MV5BMTgwNzA3MDQzOV5BMl5BanBnXkFtZTgwNTE5MDE5NDE@._V1_UX67_CR0,0,67,98_AL_.jpg",Mandariinid,2013,,87 min,"Drama, War",8.2,"In 1992, war rages in Abkhazia, a breakaway region of Georgia. An Estonian man Ivo has decided to stay behind and harvest his crops of tangerines. In a bloody conflict at his door, a wounded man is left behind, and Ivo takes him in.",73,Zaza Urushadze,Lembit Ulfsak,Elmo Nüganen,Giorgi Nakashidze,Misha Meskhi,40382,"144,501" +"https://m.media-amazon.com/images/M/MV5BMTY1Nzg4MjcwN15BMl5BanBnXkFtZTcwOTc1NTk1OQ@@._V1_UY98_CR0,0,67,98_AL_.jpg",Bhaag Milkha Bhaag,2013,U,186 min,"Biography, Drama, Sport",8.2,The truth behind the ascension of Milkha Singh who was scarred because of the India-Pakistan partition.,,Rakeysh Omprakash Mehra,Farhan Akhtar,Sonam Kapoor,Pawan Malhotra,Art Malik,61137,"1,626,289" +"https://m.media-amazon.com/images/M/MV5BMTc5NjY4MjUwNF5BMl5BanBnXkFtZTgwODM3NzM5MzE@._V1_UX67_CR0,0,67,98_AL_.jpg",Gangs of Wasseypur,2012,A,321 min,"Action, Comedy, Crime",8.2,"A clash between Sultan and Shahid Khan leads to the expulsion of Khan from Wasseypur, and ignites a deadly blood feud spanning three generations.",89,Anurag Kashyap,Manoj Bajpayee,Richa Chadha,Nawazuddin Siddiqui,Tigmanshu Dhulia,82365, +"https://m.media-amazon.com/images/M/MV5BNzgxMzExMzUwNV5BMl5BanBnXkFtZTcwMDc2MjUwNA@@._V1_UY98_CR0,0,67,98_AL_.jpg",Udaan,2010,UA,134 min,Drama,8.2,"Expelled from his school, a 16-year old boy returns home to his abusive and oppressive father.",,Vikramaditya Motwane,Rajat Barmecha,Ronit Roy,Manjot Singh,Ram Kapoor,42341,"7,461" +"https://m.media-amazon.com/images/M/MV5BNTgwODM5OTMzN15BMl5BanBnXkFtZTcwMTA3NzI1Nw@@._V1_UY98_CR0,0,67,98_AL_.jpg",Paan Singh Tomar,2012,UA,135 min,"Action, Biography, Crime",8.2,"The story of Paan Singh Tomar, an Indian athlete and seven-time national steeplechase champion who becomes one of the most feared dacoits in Chambal Valley after his retirement.",,Tigmanshu Dhulia,Irrfan Khan,Mahie Gill,Rajesh Abhay,Hemendra Dandotiya,33237,"39,567" +"https://m.media-amazon.com/images/M/MV5BY2FhZGI5M2QtZWFiZS00NjkwLWE4NWQtMzg3ZDZjNjdkYTJiXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",El secreto de sus ojos,2009,R,129 min,"Drama, Mystery, Romance",8.2,A retired legal counselor writes a novel hoping to find closure for one of his past unresolved homicide cases and for his unreciprocated love with his superior - both of which still haunt him decades later.,80,Juan José Campanella,Ricardo Darín,Soledad Villamil,Pablo Rago,Carla Quevedo,193217,"6,391,436" +"https://m.media-amazon.com/images/M/MV5BMTk4ODk5MTMyNV5BMl5BanBnXkFtZTcwMDMyNTg0Ng@@._V1_UX67_CR0,0,67,98_AL_.jpg",Warrior,2011,UA,140 min,"Action, Drama, Sport",8.2,"The youngest son of an alcoholic former boxer returns home, where he's trained by his father for competition in a mixed martial arts tournament - a path that puts the fighter on a collision course with his estranged, older brother.",71,Gavin O'Connor,Tom Hardy,Nick Nolte,Joel Edgerton,Jennifer Morrison,435950,"13,657,115" +"https://m.media-amazon.com/images/M/MV5BYzhiNDkyNzktNTZmYS00ZTBkLTk2MDAtM2U0YjU1MzgxZjgzXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Shutter Island,2010,A,138 min,"Mystery, Thriller",8.2,"In 1954, a U.S. Marshal investigates the disappearance of a murderer who escaped from a hospital for the criminally insane.",63,Martin Scorsese,Leonardo DiCaprio,Emily Mortimer,Mark Ruffalo,Ben Kingsley,1129894,"128,012,934" +"https://m.media-amazon.com/images/M/MV5BMTk3NDE2NzI4NF5BMl5BanBnXkFtZTgwNzE1MzEyMTE@._V1_UX67_CR0,0,67,98_AL_.jpg",Up,2009,U,96 min,"Animation, Adventure, Comedy",8.2,"78-year-old Carl Fredricksen travels to Paradise Falls in his house equipped with balloons, inadvertently taking a young stowaway.",88,Pete Docter,Bob Peterson,Edward Asner,Jordan Nagai,John Ratzenberger,935507,"293,004,164" +"https://m.media-amazon.com/images/M/MV5BMjIxMjgxNTk0MF5BMl5BanBnXkFtZTgwNjIyOTg2MDE@._V1_UX67_CR0,0,67,98_AL_.jpg",The Wolf of Wall Street,2013,A,180 min,"Biography, Crime, Drama",8.2,"Based on the true story of Jordan Belfort, from his rise to a wealthy stock-broker living the high life to his fall involving crime, corruption and the federal government.",75,Martin Scorsese,Leonardo DiCaprio,Jonah Hill,Margot Robbie,Matthew McConaughey,1187498,"116,900,694" +"https://m.media-amazon.com/images/M/MV5BMTUzODMyNzk4NV5BMl5BanBnXkFtZTgwNTk1NTYyNTM@._V1_UY98_CR3,0,67,98_AL_.jpg",Chak De! India,2007,U,153 min,"Drama, Family, Sport",8.2,Kabir Khan is the coach of the Indian Women's National Hockey Team and his dream is to make his all girls team emerge victorious against all odds.,68,Shimit Amin,Shah Rukh Khan,Vidya Malvade,Sagarika Ghatge,Shilpa Shukla,74129,"1,113,541" +"https://m.media-amazon.com/images/M/MV5BMjAxODQ4MDU5NV5BMl5BanBnXkFtZTcwMDU4MjU1MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",There Will Be Blood,2007,A,158 min,Drama,8.2,"A story of family, religion, hatred, oil and madness, focusing on a turn-of-the-century prospector in the early days of the business.",93,Paul Thomas Anderson,Daniel Day-Lewis,Paul Dano,Ciarán Hinds,Martin Stringer,517359,"40,222,514" +"https://m.media-amazon.com/images/M/MV5BMTU3ODg2NjQ5NF5BMl5BanBnXkFtZTcwMDEwODgzMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Pan's Labyrinth,2006,UA,118 min,"Drama, Fantasy, War",8.2,"In the Falangist Spain of 1944, the bookish young stepdaughter of a sadistic army officer escapes into an eerie but captivating fantasy world.",98,Guillermo del Toro,Ivana Baquero,Ariadna Gil,Sergi López,Maribel Verdú,618623,"37,634,615" +"https://m.media-amazon.com/images/M/MV5BMTgxOTY4Mjc0MF5BMl5BanBnXkFtZTcwNTA4MDQyMw@@._V1_UY98_CR1,0,67,98_AL_.jpg",Toy Story 3,2010,U,103 min,"Animation, Adventure, Comedy",8.2,"The toys are mistakenly delivered to a day-care center instead of the attic right before Andy leaves for college, and it's up to Woody to convince the other toys that they weren't abandoned and to return home.",92,Lee Unkrich,Tom Hanks,Tim Allen,Joan Cusack,Ned Beatty,757032,"415,004,880" +"https://m.media-amazon.com/images/M/MV5BOTI5ODc3NzExNV5BMl5BanBnXkFtZTcwNzYxNzQzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg",V for Vendetta,2005,A,132 min,"Action, Drama, Sci-Fi",8.2,"In a future British tyranny, a shadowy freedom fighter, known only by the alias of ""V"", plots to overthrow it with the help of a young woman.",62,James McTeigue,Hugo Weaving,Natalie Portman,Rupert Graves,Stephen Rea,1032749,"70,511,035" +"https://m.media-amazon.com/images/M/MV5BYThmZDA0YmQtMWJhNy00MDQwLTk0Y2YtMDhmZTE5ZjhlNjliXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR1,0,67,98_AL_.jpg",Rang De Basanti,2006,UA,167 min,"Comedy, Crime, Drama",8.2,"The story of six young Indians who assist an English woman to film a documentary on the freedom fighters from their past, and the events that lead them to relive the long-forgotten saga of freedom.",,Rakeysh Omprakash Mehra,Aamir Khan,Soha Ali Khan,Siddharth,Sharman Joshi,111937,"2,197,331" +"https://m.media-amazon.com/images/M/MV5BNTI5MmE5M2UtZjIzYS00M2JjLWIwNDItYTY2ZWNiODBmYTBiXkEyXkFqcGdeQXVyNjQ2MjQ5NzM@._V1_UY98_CR0,0,67,98_AL_.jpg",Black,2005,U,122 min,Drama,8.2,"The cathartic tale of a young woman who can't see, hear or talk and the teacher who brings a ray of light into her dark world.",,Sanjay Leela Bhansali,Amitabh Bachchan,Rani Mukerji,Shernaz Patel,Ayesha Kapoor,33354,"733,094" +"https://m.media-amazon.com/images/M/MV5BOTY4YjI2N2MtYmFlMC00ZjcyLTg3YjEtMDQyM2ZjYzQ5YWFkXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Batman Begins,2005,UA,140 min,"Action, Adventure",8.2,"After training with his mentor, Batman begins his fight to free crime-ridden Gotham City from corruption.",70,Christopher Nolan,Christian Bale,Michael Caine,Ken Watanabe,Liam Neeson,1308302,"206,852,432" +"https://m.media-amazon.com/images/M/MV5BYzExOTcwNjYtZTljMC00YTQ2LWI2YjYtNWFlYzQ0YTJhNzJmXkEyXkFqcGdeQXVyNjQ2MjQ5NzM@._V1_UY98_CR0,0,67,98_AL_.jpg","Swades: We, the People",2004,U,210 min,Drama,8.2,A successful Indian scientist returns to an Indian village to take his nanny to America with him and in the process rediscovers his roots.,,Ashutosh Gowariker,Shah Rukh Khan,Gayatri Joshi,Kishori Ballal,Smit Sheth,83005,"1,223,240" +"https://m.media-amazon.com/images/M/MV5BMTU0NTU5NTAyMl5BMl5BanBnXkFtZTYwNzYwMDg2._V1_UX67_CR0,0,67,98_AL_.jpg",Der Untergang,2004,R,156 min,"Biography, Drama, History",8.2,"Traudl Junge, the final secretary for Adolf Hitler, tells of the Nazi dictator's final days in his Berlin bunker at the end of WWII.",82,Oliver Hirschbiegel,Bruno Ganz,Alexandra Maria Lara,Ulrich Matthes,Juliane Köhler,331308,"5,509,040" +"https://m.media-amazon.com/images/M/MV5BNmM4YTFmMmItMGE3Yy00MmRkLTlmZGEtMzZlOTQzYjk3MzA2XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Hauru no ugoku shiro,2004,U,119 min,"Animation, Adventure, Family",8.2,"When an unconfident young woman is cursed with an old body by a spiteful witch, her only chance of breaking the spell lies with a self-indulgent yet insecure young wizard and his companions in his legged, walking castle.",80,Hayao Miyazaki,Chieko Baishô,Takuya Kimura,Tatsuya Gashûin,Akihiro Miwa,333915,"4,711,096" +"https://m.media-amazon.com/images/M/MV5BMzcwYWFkYzktZjAzNC00OGY1LWI4YTgtNzc5MzVjMDVmNjY0XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",A Beautiful Mind,2001,UA,135 min,"Biography, Drama",8.2,"After John Nash, a brilliant but asocial mathematician, accepts secret work in cryptography, his life takes a turn for the nightmarish.",72,Ron Howard,Russell Crowe,Ed Harris,Jennifer Connelly,Christopher Plummer,848920,"170,742,341" +"https://m.media-amazon.com/images/M/MV5BMGMzZjY2ZWQtZjQxYS00NWY3LThhNjItNWQzNTkzOTllODljXkEyXkFqcGdeQXVyNjY1MTg4Mzc@._V1_UY98_CR1,0,67,98_AL_.jpg",Hera Pheri,2000,U,156 min,"Action, Comedy, Crime",8.2,"Three unemployed men look for answers to all their money problems - but when their opportunity arrives, will they know what to do with it?",,Priyadarshan,Akshay Kumar,Sunil Shetty,Paresh Rawal,Tabu,57057, +"https://m.media-amazon.com/images/M/MV5BMTAyN2JmZmEtNjAyMy00NzYwLThmY2MtYWQ3OGNhNjExMmM4XkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg","Lock, Stock and Two Smoking Barrels",1998,A,107 min,"Action, Comedy, Crime",8.2,"A botched card game in London triggers four friends, thugs, weed-growers, hard gangsters, loan sharks and debt collectors to collide with each other in a series of unexpected events, all for the sake of weed, cash and two antique shotguns.",66,Guy Ritchie,Jason Flemyng,Dexter Fletcher,Nick Moran,Jason Statham,535216,"3,897,569" +"https://m.media-amazon.com/images/M/MV5BMDQ2YzEyZGItYWRhOS00MjBmLTkzMDUtMTdjYzkyMmQxZTJlXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",L.A. Confidential,1997,A,138 min,"Crime, Drama, Mystery",8.2,"As corruption grows in 1950s Los Angeles, three policemen - one strait-laced, one brutal, and one sleazy - investigate a series of murders with their own brand of justice.",90,Curtis Hanson,Kevin Spacey,Russell Crowe,Guy Pearce,Kim Basinger,531967,"64,616,940" +"https://m.media-amazon.com/images/M/MV5BOGQ4ZjFmYjktOGNkNS00OWYyLWIyZjgtMGJjM2U1ZTA0ZTlhXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UY98_CR1,0,67,98_AL_.jpg",Eskiya,1996,,128 min,"Crime, Drama, Thriller",8.2,"Baran the Bandit, released from prison after 35 years, searches for vengeance and his lover.",,Yavuz Turgul,Sener Sen,Ugur Yücel,Sermin Hürmeriç,Yesim Salkim,64118, +"https://m.media-amazon.com/images/M/MV5BNGMwNzUwNjYtZWM5NS00YzMyLWI4NjAtNjM0ZDBiMzE1YWExXkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Heat,1995,A,170 min,"Crime, Drama, Thriller",8.2,A group of professional bank robbers start to feel the heat from police when they unknowingly leave a clue at their latest heist.,76,Michael Mann,Al Pacino,Robert De Niro,Val Kilmer,Jon Voight,577113,"67,436,818" +"https://m.media-amazon.com/images/M/MV5BMTcxOWYzNDYtYmM4YS00N2NkLTk0NTAtNjg1ODgwZjAxYzI3XkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg",Casino,1995,A,178 min,"Crime, Drama",8.2,"A tale of greed, deception, money, power, and murder occur between two best friends: a mafia enforcer and a casino executive compete against each other over a gambling empire, and over a fast-living and fast-loving socialite.",73,Martin Scorsese,Robert De Niro,Sharon Stone,Joe Pesci,James Woods,466276,"42,438,300" +"https://m.media-amazon.com/images/M/MV5BZTIwYzRjMGYtZWQ0Ni00NDZhLThhZDYtOGViZGJiZTkwMzk2XkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR3,0,67,98_AL_.jpg",Andaz Apna Apna,1994,U,160 min,"Action, Comedy, Romance",8.2,Two slackers competing for the affections of an heiress inadvertently become her protectors from an evil criminal.,,Rajkumar Santoshi,Aamir Khan,Salman Khan,Raveena Tandon,Karisma Kapoor,49300, +"https://m.media-amazon.com/images/M/MV5BODM3YWY4NmQtN2Y3Ni00OTg0LWFhZGQtZWE3ZWY4MTJlOWU4XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Unforgiven,1992,A,130 min,"Drama, Western",8.2,"Retired Old West gunslinger William Munny reluctantly takes on one last job, with the help of his old partner Ned Logan and a young man, The ""Schofield Kid.""",85,Clint Eastwood,Clint Eastwood,Gene Hackman,Morgan Freeman,Richard Harris,375935,"101,157,447" +"https://m.media-amazon.com/images/M/MV5BMjNkMzc2N2QtNjVlNS00ZTk5LTg0MTgtODY2MDAwNTMwZjBjXkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Indiana Jones and the Last Crusade,1989,U,127 min,"Action, Adventure",8.2,"In 1938, after his father Professor Henry Jones, Sr. goes missing while pursuing the Holy Grail, Professor Henry ""Indiana"" Jones, Jr. finds himself up against Adolf Hitler's Nazis again to stop them from obtaining its powers.",65,Steven Spielberg,Harrison Ford,Sean Connery,Alison Doody,Denholm Elliott,692366,"197,171,806" +"https://m.media-amazon.com/images/M/MV5BODI2ZjVlMGQtMWE5ZS00MjJiLWIyMWYtMGU5NmIxNDc0OTMyXkEyXkFqcGdeQXVyMTQ3Njg3MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Dom za vesanje,1988,R,142 min,"Comedy, Crime, Drama",8.2,"In this luminous tale set in the area around Sarajevo and in Italy, Perhan, an engaging young Romany (gypsy) with telekinetic powers, is seduced by the quick-cash world of petty crime, which threatens to destroy him and those he loves.",,Emir Kusturica,Davor Dujmovic,Bora Todorovic,Ljubica Adzovic,Husnija Hasimovic,26402,"280,015" +"https://m.media-amazon.com/images/M/MV5BYzJjMTYyMjQtZDI0My00ZjE2LTkyNGYtOTllNGQxNDMyZjE0XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR1,0,67,98_AL_.jpg",Tonari no Totoro,1988,U,86 min,"Animation, Family, Fantasy",8.2,"When two girls move to the country to be near their ailing mother, they have adventures with the wondrous forest spirits who live nearby.",86,Hayao Miyazaki,Hitoshi Takagi,Noriko Hidaka,Chika Sakamoto,Shigesato Itoi,291180,"1,105,564" +"https://m.media-amazon.com/images/M/MV5BZjRlNDUxZjAtOGQ4OC00OTNlLTgxNmQtYTBmMDgwZmNmNjkxXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Die Hard,1988,A,132 min,"Action, Thriller",8.2,An NYPD officer tries to save his wife and several others taken hostage by German terrorists during a Christmas party at the Nakatomi Plaza in Los Angeles.,72,John McTiernan,Bruce Willis,Alan Rickman,Bonnie Bedelia,Reginald VelJohnson,793164,"83,008,852" +"https://m.media-amazon.com/images/M/MV5BZDBjZTM4ZmEtOTA5ZC00NTQzLTkyNzYtMmUxNGU2YjI5YjU5L2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR1,0,67,98_AL_.jpg",Ran,1985,U,162 min,"Action, Drama, War",8.2,"In Medieval Japan, an elderly warlord retires, handing over his empire to his three sons. However, he vastly underestimates how the new-found power will corrupt them and cause them to turn on each other...and him.",96,Akira Kurosawa,Tatsuya Nakadai,Akira Terao,Jinpachi Nezu,Daisuke Ryû,112505,"4,135,750" +"https://m.media-amazon.com/images/M/MV5BYjRmODkzNDItMTNhNi00YjJlLTg0ZjAtODlhZTM0YzgzYThlXkEyXkFqcGdeQXVyNzQ1ODk3MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Raging Bull,1980,A,129 min,"Biography, Drama, Sport",8.2,"The life of boxer Jake LaMotta, whose violence and temper that led him to the top in the ring destroyed his life outside of it.",89,Martin Scorsese,Robert De Niro,Cathy Moriarty,Joe Pesci,Frank Vincent,321860,"23,383,987" +"https://m.media-amazon.com/images/M/MV5BMDgwODNmMGItMDcwYi00OWZjLTgyZjAtMGYwMmI4N2Q0NmJmXkEyXkFqcGdeQXVyNzY1MTU0Njk@._V1_UY98_CR1,0,67,98_AL_.jpg",Stalker,1979,U,162 min,"Drama, Sci-Fi",8.2,A guide leads two men through an area known as the Zone to find a room that grants wishes.,,Andrei Tarkovsky,Alisa Freyndlikh,Aleksandr Kaydanovskiy,Anatoliy Solonitsyn,Nikolay Grinko,116945,"234,723" +"https://m.media-amazon.com/images/M/MV5BNGIyMWRlYTctMWNlMi00ZGIzLThjOTgtZjQzZjRjNmRhMDdlXkEyXkFqcGdeQXVyMTAwMzUyOTc@._V1_UX67_CR0,0,67,98_AL_.jpg",Höstsonaten,1978,U,99 min,"Drama, Music",8.2,"A married daughter who longs for her mother's love is visited by the latter, a successful concert pianist.",,Ingmar Bergman,Ingrid Bergman,Liv Ullmann,Lena Nyman,Halvar Björk,26875, +"https://m.media-amazon.com/images/M/MV5BMjk3YjJmYTctMTAzZC00MzE4LWFlZGMtNDM5OTMyMDEzZWIxXkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UX67_CR0,0,67,98_AL_.jpg",The Message,1976,PG,177 min,"Biography, Drama, History",8.2,This epic historical drama chronicles the life and times of Prophet Muhammad and serves as an introduction to early Islamic history.,,Moustapha Akkad,Anthony Quinn,Irene Papas,Michael Ansara,Johnny Sekka,43885, +"https://m.media-amazon.com/images/M/MV5BOGZiM2IwODktNTdiMC00MGU1LWEyZTYtOTk4NTkwYmJkNmI1L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UY98_CR2,0,67,98_AL_.jpg",Sholay,1975,U,204 min,"Action, Adventure, Comedy",8.2,"After his family is murdered by a notorious and ruthless bandit, a former police officer enlists the services of two outlaws to capture the bandit.",,Ramesh Sippy,Sanjeev Kumar,Dharmendra,Amitabh Bachchan,Amjad Khan,51284, +"https://m.media-amazon.com/images/M/MV5BN2IyNTE4YzUtZWU0Mi00MGIwLTgyMmQtMzQ4YzQxYWNlYWE2XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Monty Python and the Holy Grail,1975,PG,91 min,"Adventure, Comedy, Fantasy",8.2,"King Arthur and his Knights of the Round Table embark on a surreal, low-budget search for the Holy Grail, encountering many, very silly obstacles.",91,Terry Gilliam,Terry Jones,Graham Chapman,John Cleese,Eric Idle,500875,"1,229,197" +"https://m.media-amazon.com/images/M/MV5BNzA2NmYxMWUtNzBlMC00MWM2LTkwNmQtYTFlZjQwODNhOWE0XkEyXkFqcGdeQXVyNTIzOTk5ODM@._V1_UX67_CR0,0,67,98_AL_.jpg",The Great Escape,1963,U,172 min,"Adventure, Drama, History",8.2,Allied prisoners of war plan for several hundred of their number to escape from a German camp during World War II.,86,John Sturges,Steve McQueen,James Garner,Richard Attenborough,Charles Bronson,224730,"12,100,000" +"https://m.media-amazon.com/images/M/MV5BNmVmYzcwNzMtMWM1NS00MWIyLThlMDEtYzUwZDgzODE1NmE2XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",To Kill a Mockingbird,1962,U,129 min,"Crime, Drama",8.2,"Atticus Finch, a lawyer in the Depression-era South, defends a black man against an undeserved rape charge, and his children against prejudice.",88,Robert Mulligan,Gregory Peck,John Megna,Frank Overton,Rosemary Murphy,293811, +"https://m.media-amazon.com/images/M/MV5BZThiZjAzZjgtNDU3MC00YThhLThjYWUtZGRkYjc2ZWZlOTVjXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg",Yôjinbô,1961,,110 min,"Action, Drama, Thriller",8.2,A crafty ronin comes to a town divided by two criminal gangs and decides to play them against each other to free the town.,,Akira Kurosawa,Toshirô Mifune,Eijirô Tôno,Tatsuya Nakadai,Yôko Tsukasa,111244, +"https://m.media-amazon.com/images/M/MV5BNDc2ODQ5NTE2MV5BMl5BanBnXkFtZTcwODExMjUyNA@@._V1_UX67_CR0,0,67,98_AL_.jpg",Judgment at Nuremberg,1961,A,179 min,"Drama, War",8.2,"In 1948, an American court in occupied Germany tries four Nazis judged for war crimes.",60,Stanley Kramer,Spencer Tracy,Burt Lancaster,Richard Widmark,Marlene Dietrich,69458, +"https://m.media-amazon.com/images/M/MV5BNzAyOGIxYjAtMGY2NC00ZTgyLWIwMWEtYzY0OWQ4NDFjOTc5XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Some Like It Hot,1959,U,121 min,"Comedy, Music, Romance",8.2,"After two male musicians witness a mob hit, they flee the state in an all-female band disguised as women, but further complications set in.",98,Billy Wilder,Marilyn Monroe,Tony Curtis,Jack Lemmon,George Raft,243943,"25,000,000" +"https://m.media-amazon.com/images/M/MV5BZjJhNTBmNTgtMDViOC00NDY2LWE4N2ItMDJiM2ZiYmQzYzliXkEyXkFqcGdeQXVyMzg1ODEwNQ@@._V1_UY98_CR0,0,67,98_AL_.jpg",Smultronstället,1957,U,91 min,"Drama, Romance",8.2,"After living a life marked by coldness, an aging professor is forced to confront the emptiness of his existence.",88,Ingmar Bergman,Victor Sjöström,Bibi Andersson,Ingrid Thulin,Gunnar Björnstrand,96381, +"https://m.media-amazon.com/images/M/MV5BM2I1ZWU4YjMtYzU0My00YmMzLWFmNTAtZDJhZGYwMmI3YWQ5XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Det sjunde inseglet,1957,A,96 min,"Drama, Fantasy, History",8.2,"A man seeks answers about life, death, and the existence of God as he plays chess against the Grim Reaper during the Black Plague.",88,Ingmar Bergman,Max von Sydow,Gunnar Björnstrand,Bengt Ekerot,Nils Poppe,164939, +"https://m.media-amazon.com/images/M/MV5BNjZmZGRiMDgtNDkwNi00OTZhLWFhZmMtYTdkYjgyNThhOWY3XkEyXkFqcGdeQXVyMTA1NTM1NDI2._V1_UX67_CR0,0,67,98_AL_.jpg",Du rififi chez les hommes,1955,,118 min,"Crime, Drama, Thriller",8.2,"Four men plan a technically perfect crime, but the human element intervenes...",97,Jules Dassin,Jean Servais,Carl Möhner,Robert Manuel,Janine Darcey,28810,"57,226" +"https://m.media-amazon.com/images/M/MV5BOWIwODIxYWItZDI4MS00YzhhLWE3MmYtMzlhZDIwOTMzZmE5L2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Dial M for Murder,1954,A,105 min,"Crime, Thriller",8.2,A former tennis player tries to arrange his wife's murder after learning of her affair.,75,Alfred Hitchcock,Ray Milland,Grace Kelly,Robert Cummings,John Williams,158335,"12,562" +"https://m.media-amazon.com/images/M/MV5BYWQ4ZTRiODktNjAzZC00Nzg1LTk1YWQtNDFmNDI0NmZiNGIwXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UY98_CR0,0,67,98_AL_.jpg",Tôkyô monogatari,1953,U,136 min,Drama,8.2,"An old couple visit their children and grandchildren in the city, but receive little attention.",,Yasujirô Ozu,Chishû Ryû,Chieko Higashiyama,Sô Yamamura,Setsuko Hara,53153, +"https://m.media-amazon.com/images/M/MV5BMjEzMzA4NDE2OF5BMl5BanBnXkFtZTcwNTc5MDI2NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Rashômon,1950,,88 min,"Crime, Drama, Mystery",8.2,"The rape of a bride and the murder of her samurai husband are recalled from the perspectives of a bandit, the bride, the samurai's ghost and a woodcutter.",98,Akira Kurosawa,Toshirô Mifune,Machiko Kyô,Masayuki Mori,Takashi Shimura,152572,"96,568" +"https://m.media-amazon.com/images/M/MV5BMTY2MTAzODI5NV5BMl5BanBnXkFtZTgwMjM4NzQ0MjE@._V1_UX67_CR0,0,67,98_AL_.jpg",All About Eve,1950,Passed,138 min,Drama,8.2,A seemingly timid but secretly ruthless ingénue insinuates herself into the lives of an aging Broadway star and her circle of theater friends.,98,Joseph L. Mankiewicz,Bette Davis,Anne Baxter,George Sanders,Celeste Holm,120539,"10,177" +"https://m.media-amazon.com/images/M/MV5BOTJlZWMxYzEtMjlkMS00ODE0LThlM2ItMDI3NGQ2YjhmMzkxXkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Treasure of the Sierra Madre,1948,Passed,126 min,"Adventure, Drama, Western",8.2,Two Americans searching for work in Mexico convince an old prospector to help them mine for gold in the Sierra Madre Mountains.,98,John Huston,Humphrey Bogart,Walter Huston,Tim Holt,Bruce Bennett,114304,"5,014,000" +"https://m.media-amazon.com/images/M/MV5BYTIwNDcyMjktMTczMy00NDM5LTlhNDEtMmE3NGVjOTM2YjQ3XkEyXkFqcGdeQXVyNjc0MzMzNjA@._V1_UX67_CR0,0,67,98_AL_.jpg",To Be or Not to Be,1942,Passed,99 min,"Comedy, War",8.2,"During the Nazi occupation of Poland, an acting troupe becomes embroiled in a Polish soldier's efforts to track down a German spy.",86,Ernst Lubitsch,Carole Lombard,Jack Benny,Robert Stack,Felix Bressart,29915, +"https://m.media-amazon.com/images/M/MV5BZjEyOTE4MzMtNmMzMy00Mzc3LWJlOTQtOGJiNDE0ZmJiOTU4L2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR2,0,67,98_AL_.jpg",The Gold Rush,1925,Passed,95 min,"Adventure, Comedy, Drama",8.2,A prospector goes to the Klondike in search of gold and finds it and more.,,Charles Chaplin,Charles Chaplin,Mack Swain,Tom Murray,Henry Bergman,101053,"5,450,000" +"https://m.media-amazon.com/images/M/MV5BZWFhOGU5NDctY2Q3YS00Y2VlLWI1NzEtZmIwY2ZiZjY4OTA2XkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Sherlock Jr.,1924,Passed,45 min,"Action, Comedy, Romance",8.2,"A film projectionist longs to be a detective, and puts his meagre skills to work when he is framed by a rival for stealing his girlfriend's father's pocketwatch.",,Buster Keaton,Buster Keaton,Kathryn McGuire,Joe Keaton,Erwin Connelly,41985,"977,375" +"https://m.media-amazon.com/images/M/MV5BNjgwNjkwOWYtYmM3My00NzI1LTk5OGItYWY0OTMyZTY4OTg2XkEyXkFqcGdeQXVyODk4OTc3MTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Portrait de la jeune fille en feu,2019,R,122 min,"Drama, Romance",8.1,"On an isolated island in Brittany at the end of the eighteenth century, a female painter is obliged to paint a wedding portrait of a young woman.",95,Céline Sciamma,Noémie Merlant,Adèle Haenel,Luàna Bajrami,Valeria Golino,63134,"3,759,854" +"https://m.media-amazon.com/images/M/MV5BNGI1MTI1YTQtY2QwYi00YzUzLTg3NWYtNzExZDlhOTZmZWU0XkEyXkFqcGdeQXVyMDkwNTkwNg@@._V1_UY98_CR3,0,67,98_AL_.jpg",Pink,2016,UA,136 min,"Drama, Thriller",8.1,"When three young women are implicated in a crime, a retired lawyer steps forward to help them clear their names.",,Aniruddha Roy Chowdhury,Taapsee Pannu,Amitabh Bachchan,Kirti Kulhari,Andrea Tariang,39216,"1,241,223" +"https://m.media-amazon.com/images/M/MV5BZGRkOGMxYTUtZTBhYS00NzI3LWEzMDQtOWRhMmNjNjJjMzM4XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR0,0,67,98_AL_.jpg",Koe no katachi,2016,16,130 min,"Animation, Drama, Family",8.1,"A young man is ostracized by his classmates after he bullies a deaf girl to the point where she moves away. Years later, he sets off on a path for redemption.",78,Naoko Yamada,Miyu Irino,Saori Hayami,Aoi Yûki,Kenshô Ono,47708, +"https://m.media-amazon.com/images/M/MV5BMDk0YzAwYjktMWFiZi00Y2FmLWJmMmMtMzUyZDZmMmU5MjkzXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR1,0,67,98_AL_.jpg",Contratiempo,2016,TV-MA,106 min,"Crime, Drama, Mystery",8.1,A successful entrepreneur accused of murder and a witness preparation expert have less than three hours to come up with an impregnable defense.,,Oriol Paulo,Mario Casas,Ana Wagener,Jose Coronado,Bárbara Lennie,141516, +"https://m.media-amazon.com/images/M/MV5BNDJhYTk2MTctZmVmOS00OTViLTgxNjQtMzQxOTRiMDdmNGRjXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR0,0,67,98_AL_.jpg",Ah-ga-ssi,2016,A,145 min,"Drama, Romance, Thriller",8.1,"A woman is hired as a handmaiden to a Japanese heiress, but secretly she is involved in a plot to defraud her.",84,Chan-wook Park,Kim Min-hee,Jung-woo Ha,Cho Jin-woong,Moon So-Ri,113649,"2,006,788" +"https://m.media-amazon.com/images/M/MV5BMGI3YWFmNDQtNjc0Ny00ZDBjLThlNjYtZTc1ZTk5MzU2YTVjXkEyXkFqcGdeQXVyNzA4ODc3ODU@._V1_UY98_CR1,0,67,98_AL_.jpg",Mommy,2014,R,139 min,Drama,8.1,"A widowed single mother, raising her violent son alone, finds new hope when a mysterious neighbor inserts herself into their household.",74,Xavier Dolan,Anne Dorval,Antoine Olivier Pilon,Suzanne Clément,Patrick Huard,50700,"3,492,754" +"https://m.media-amazon.com/images/M/MV5BMjA1NTEwMDMxMF5BMl5BanBnXkFtZTgwODkzMzI0MjE@._V1_UY98_CR0,0,67,98_AL_.jpg",Haider,2014,UA,160 min,"Action, Crime, Drama",8.1,"A young man returns to Kashmir after his father's disappearance to confront his uncle, whom he suspects of playing a role in his father's fate.",,Vishal Bhardwaj,Shahid Kapoor,Tabu,Shraddha Kapoor,Kay Kay Menon,50445,"901,610" +"https://m.media-amazon.com/images/M/MV5BYzc5MTU4N2EtYTkyMi00NjdhLTg3NWEtMTY4OTEyMzJhZTAzXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Logan,2017,A,137 min,"Action, Drama, Sci-Fi",8.1,"In a future where mutants are nearly extinct, an elderly and weary Logan leads a quiet life. But when Laura, a mutant child pursued by scientists, comes to him for help, he must get her to safety.",77,James Mangold,Hugh Jackman,Patrick Stewart,Dafne Keen,Boyd Holbrook,647884,"226,277,068" +"https://m.media-amazon.com/images/M/MV5BMjE4NzgzNzEwMl5BMl5BanBnXkFtZTgwMTMzMDE0NjE@._V1_UX67_CR0,0,67,98_AL_.jpg",Room,2015,R,118 min,"Drama, Thriller",8.1,"Held captive for 7 years in an enclosed space, a woman and her young son finally gain their freedom, allowing the boy to experience the outside world for the first time.",86,Lenny Abrahamson,Brie Larson,Jacob Tremblay,Sean Bridgers,Wendy Crewson,371538,"14,677,674" +"https://m.media-amazon.com/images/M/MV5BNGQzY2Y0MTgtMDA4OC00NjM3LWI0ZGQtNTJlM2UxZDQxZjI0XkEyXkFqcGdeQXVyNDUzOTQ5MjY@._V1_UY98_CR1,0,67,98_AL_.jpg",Relatos salvajes,2014,R,122 min,"Comedy, Drama, Thriller",8.1,Six short stories that explore the extremities of human behavior involving people in distress.,77,Damián Szifron,Darío Grandinetti,María Marull,Mónica Villa,Diego Starosta,177059,"3,107,072" +"https://m.media-amazon.com/images/M/MV5BZGE1MDg5M2MtNTkyZS00MTY5LTg1YzUtZTlhZmM1Y2EwNmFmXkEyXkFqcGdeQXVyNjA3OTI0MDc@._V1_UX67_CR0,0,67,98_AL_.jpg",Soul,2020,U,100 min,"Animation, Adventure, Comedy",8.1,"After landing the gig of a lifetime, a New York jazz pianist suddenly finds himself trapped in a strange land between Earth and the afterlife.",83,Pete Docter,Kemp Powers,Jamie Foxx,Tina Fey,Graham Norton,159171, +"https://m.media-amazon.com/images/M/MV5BYzE2MjEwMTQtOTQ2Mi00ZWExLTkyMjUtNmJjMjBlYWFjZDdlXkEyXkFqcGdeQXVyMTI3ODAyMzE2._V1_UY98_CR0,0,67,98_AL_.jpg",Kis Uykusu,2014,,196 min,Drama,8.1,A hotel owner and landlord in a remote Turkish village deals with conflicts within his family and a tenant behind on his rent.,88,Nuri Bilge Ceylan,Haluk Bilginer,Melisa Sözen,Demet Akbag,Ayberk Pekcan,46547,"165,520" +"https://m.media-amazon.com/images/M/MV5BMTYzOTE2NjkxN15BMl5BanBnXkFtZTgwMDgzMTg0MzE@._V1_UY98_CR0,0,67,98_AL_.jpg",PK,2014,UA,153 min,"Comedy, Drama, Musical",8.1,An alien on Earth loses the only device he can use to communicate with his spaceship. His innocent nature and child-like questions force the country to evaluate the impact of religion on its people.,,Rajkumar Hirani,Aamir Khan,Anushka Sharma,Sanjay Dutt,Boman Irani,163061,"10,616,104" +"https://m.media-amazon.com/images/M/MV5BMGNhYjUwNmYtNDQxNi00NDdmLTljMDAtZWM1NDQyZTk3ZDYwXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR0,0,67,98_AL_.jpg",OMG: Oh My God!,2012,U,125 min,"Comedy, Drama, Fantasy",8.1,A shopkeeper takes God to court when his shop is destroyed by an earthquake.,,Umesh Shukla,Paresh Rawal,Akshay Kumar,Mithun Chakraborty,Mahesh Manjrekar,51739,"923,221" +"https://m.media-amazon.com/images/M/MV5BMzM5NjUxOTEyMl5BMl5BanBnXkFtZTgwNjEyMDM0MDE@._V1_UX67_CR0,0,67,98_AL_.jpg",The Grand Budapest Hotel,2014,UA,99 min,"Adventure, Comedy, Crime",8.1,"A writer encounters the owner of an aging high-class hotel, who tells him of his early years serving as a lobby boy in the hotel's glorious years under an exceptional concierge.",88,Wes Anderson,Ralph Fiennes,F. Murray Abraham,Mathieu Amalric,Adrien Brody,707630,"59,100,318" +"https://m.media-amazon.com/images/M/MV5BMTk0MDQ3MzAzOV5BMl5BanBnXkFtZTgwNzU1NzE3MjE@._V1_UX67_CR0,0,67,98_AL_.jpg",Gone Girl,2014,A,149 min,"Drama, Mystery, Thriller",8.1,"With his wife's disappearance having become the focus of an intense media circus, a man sees the spotlight turned on him when it's suspected that he may not be innocent.",79,David Fincher,Ben Affleck,Rosamund Pike,Neil Patrick Harris,Tyler Perry,859695,"167,767,189" +"https://m.media-amazon.com/images/M/MV5BYzQxNDZhNDUtNDUwOC00NjQyLTg2OWUtZWVlYThjYjYyMTc2XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR1,0,67,98_AL_.jpg",Ôkami kodomo no Ame to Yuki,2012,U,117 min,"Animation, Drama, Fantasy",8.1,"After her werewolf lover unexpectedly dies in an accident while hunting for food for their children, a young woman must find ways to raise the werewolf son and daughter that she had with him while keeping their trait hidden from society.",71,Mamoru Hosoda,Aoi Miyazaki,Takao Osawa,Haru Kuroki,Yukito Nishii,38803, +"https://m.media-amazon.com/images/M/MV5BMjQ1NjM3MTUxNV5BMl5BanBnXkFtZTgwMDc5MTY5OTE@._V1_UX67_CR0,0,67,98_AL_.jpg",Hacksaw Ridge,2016,A,139 min,"Biography, Drama, History",8.1,"World War II American Army Medic Desmond T. Doss, who served during the Battle of Okinawa, refuses to kill people, and becomes the first man in American history to receive the Medal of Honor without firing a shot.",71,Mel Gibson,Andrew Garfield,Sam Worthington,Luke Bracey,Teresa Palmer,435928,"67,209,615" +"https://m.media-amazon.com/images/M/MV5BOTgxMDQwMDk0OF5BMl5BanBnXkFtZTgwNjU5OTg2NDE@._V1_UX67_CR0,0,67,98_AL_.jpg",Inside Out,2015,U,95 min,"Animation, Adventure, Comedy",8.1,"After young Riley is uprooted from her Midwest life and moved to San Francisco, her emotions - Joy, Fear, Anger, Disgust and Sadness - conflict on how best to navigate a new city, house, and school.",94,Pete Docter,Ronnie Del Carmen,Amy Poehler,Bill Hader,Lewis Black,616228,"356,461,711" +"https://m.media-amazon.com/images/M/MV5BMTQzMTEyODY2Ml5BMl5BanBnXkFtZTgwMjA0MDUyMjE@._V1_UY98_CR0,0,67,98_AL_.jpg",Barfi!,2012,U,151 min,"Comedy, Drama, Romance",8.1,Three young people learn that love can neither be defined nor contained by society's definition of normal and abnormal.,,Anurag Basu,Ranbir Kapoor,Priyanka Chopra,Ileana D'Cruz,Saurabh Shukla,75721,"2,804,874" +"https://m.media-amazon.com/images/M/MV5BMjExMTEzODkyN15BMl5BanBnXkFtZTcwNTU4NTc4OQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",12 Years a Slave,2013,A,134 min,"Biography, Drama, History",8.1,"In the antebellum United States, Solomon Northup, a free black man from upstate New York, is abducted and sold into slavery.",96,Steve McQueen,Chiwetel Ejiofor,Michael Kenneth Williams,Michael Fassbender,Brad Pitt,640533,"56,671,993" +"https://m.media-amazon.com/images/M/MV5BOWEwODJmZDItYTNmZC00OGM4LThlNDktOTQzZjIzMGQxODA4XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Rush,2013,UA,123 min,"Action, Biography, Drama",8.1,The merciless 1970s rivalry between Formula One rivals James Hunt and Niki Lauda.,74,Ron Howard,Daniel Brühl,Chris Hemsworth,Olivia Wilde,Alexandra Maria Lara,432811,"26,947,624" +"https://m.media-amazon.com/images/M/MV5BM2UwMDVmMDItM2I2Yi00NGZmLTk4ZTUtY2JjNTQ3OGQ5ZjM2XkEyXkFqcGdeQXVyMTA1OTYzOTUx._V1_UX67_CR0,0,67,98_AL_.jpg",Ford v Ferrari,2019,UA,152 min,"Action, Biography, Drama",8.1,American car designer Carroll Shelby and driver Ken Miles battle corporate interference and the laws of physics to build a revolutionary race car for Ford in order to defeat Ferrari at the 24 Hours of Le Mans in 1966.,81,James Mangold,Matt Damon,Christian Bale,Jon Bernthal,Caitriona Balfe,291289,"117,624,028" +"https://m.media-amazon.com/images/M/MV5BMjIyOTM5OTIzNV5BMl5BanBnXkFtZTgwMDkzODE2NjE@._V1_UX67_CR0,0,67,98_AL_.jpg",Spotlight,2015,A,129 min,"Biography, Crime, Drama",8.1,"The true story of how the Boston Globe uncovered the massive scandal of child molestation and cover-up within the local Catholic Archdiocese, shaking the entire Catholic Church to its core.",93,Tom McCarthy,Mark Ruffalo,Michael Keaton,Rachel McAdams,Liev Schreiber,420316,"45,055,776" +"https://m.media-amazon.com/images/M/MV5BMTQ2MDMwNjEwNV5BMl5BanBnXkFtZTgwOTkxMzI0MzE@._V1_UY98_CR0,0,67,98_AL_.jpg",Song of the Sea,2014,PG,93 min,"Animation, Adventure, Drama",8.1,"Ben, a young Irish boy, and his little sister Saoirse, a girl who can turn into a seal, go on an adventure to free the fairies and save the spirit world.",85,Tomm Moore,David Rawle,Brendan Gleeson,Lisa Hannigan,Fionnula Flanagan,51679,"857,524" +"https://m.media-amazon.com/images/M/MV5BMTQ1NDI0NzkyOF5BMl5BanBnXkFtZTcwNzAyNzE2Nw@@._V1_UY98_CR0,0,67,98_AL_.jpg",Kahaani,2012,UA,122 min,"Mystery, Thriller",8.1,"A pregnant woman's search for her missing husband takes her from London to Kolkata, but everyone she questions denies having ever met him.",,Sujoy Ghosh,Vidya Balan,Parambrata Chattopadhyay,Indraneil Sengupta,Nawazuddin Siddiqui,57806,"1,035,953" +"https://m.media-amazon.com/images/M/MV5BZGFmMjM5OWMtZTRiNC00ODhlLThlYTItYTcyZDMyYmMyYjFjXkEyXkFqcGdeQXVyNDUzOTQ5MjY@._V1_UY98_CR0,0,67,98_AL_.jpg",Zindagi Na Milegi Dobara,2011,U,155 min,"Comedy, Drama",8.1,Three friends decide to turn their fantasy vacation into reality after one of their friends gets engaged.,,Zoya Akhtar,Hrithik Roshan,Farhan Akhtar,Abhay Deol,Katrina Kaif,67927,"3,108,485" +"https://m.media-amazon.com/images/M/MV5BMTg0NTIzMjQ1NV5BMl5BanBnXkFtZTcwNDc3MzM5OQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Prisoners,2013,A,153 min,"Crime, Drama, Mystery",8.1,"When Keller Dover's daughter and her friend go missing, he takes matters into his own hands as the police pursue multiple leads and the pressure mounts.",70,Denis Villeneuve,Hugh Jackman,Jake Gyllenhaal,Viola Davis,Melissa Leo,601149,"61,002,302" +"https://m.media-amazon.com/images/M/MV5BN2EwM2I5OWMtMGQyMi00Zjg1LWJkNTctZTdjYTA4OGUwZjMyXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Mad Max: Fury Road,2015,UA,120 min,"Action, Adventure, Sci-Fi",8.1,"In a post-apocalyptic wasteland, a woman rebels against a tyrannical ruler in search for her homeland with the aid of a group of female prisoners, a psychotic worshiper, and a drifter named Max.",90,George Miller,Tom Hardy,Charlize Theron,Nicholas Hoult,Zoë Kravitz,882316,"154,058,340" +"https://m.media-amazon.com/images/M/MV5BOTcwMzdiMWItMjZlOS00MzAzLTg5OTItNTA4OGYyMjBhMmRiXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR1,0,67,98_AL_.jpg",A Wednesday,2008,UA,104 min,"Action, Crime, Drama",8.1,A retiring police officer reminisces about the most astounding day of his career. About a case that was never filed but continues to haunt him in his memories - the case of a man and a Wednesday.,,Neeraj Pandey,Anupam Kher,Naseeruddin Shah,Jimmy Sheirgill,Aamir Bashir,73891, +"https://m.media-amazon.com/images/M/MV5BMTc5NTk2OTU1Nl5BMl5BanBnXkFtZTcwMDc3NjAwMg@@._V1_UX67_CR0,0,67,98_AL_.jpg",Gran Torino,2008,R,116 min,Drama,8.1,"Disgruntled Korean War veteran Walt Kowalski sets out to reform his neighbor, Thao Lor, a Hmong teenager who tried to steal Kowalski's prized possession: a 1972 Gran Torino.",72,Clint Eastwood,Clint Eastwood,Bee Vang,Christopher Carley,Ahney Her,720450,"148,095,302" +"https://m.media-amazon.com/images/M/MV5BMGVmMWNiMDktYjQ0Mi00MWIxLTk0N2UtN2ZlYTdkN2IzNDNlXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UX67_CR0,0,67,98_AL_.jpg",Harry Potter and the Deathly Hallows: Part 2,2011,UA,130 min,"Adventure, Drama, Fantasy",8.1,"Harry, Ron, and Hermione search for Voldemort's remaining Horcruxes in their effort to destroy the Dark Lord as the final battle rages on at Hogwarts.",85,David Yates,Daniel Radcliffe,Emma Watson,Rupert Grint,Michael Gambon,764493,"381,011,219" +"https://m.media-amazon.com/images/M/MV5BMTUzOTcwOTA2NV5BMl5BanBnXkFtZTcwNDczMzczMg@@._V1_UY98_CR0,0,67,98_AL_.jpg",Okuribito,2008,PG-13,130 min,"Drama, Music",8.1,A newly unemployed cellist takes a job preparing the dead for funerals.,68,Yôjirô Takita,Masahiro Motoki,Ryôko Hirosue,Tsutomu Yamazaki,Kazuko Yoshiyuki,48582,"1,498,210" +"https://m.media-amazon.com/images/M/MV5BNzE4NDg5OWMtMzg3NC00ZDRjLTllMDMtZTRjNWZmNjBmMGZlXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR1,0,67,98_AL_.jpg",Hachi: A Dog's Tale,2009,G,93 min,"Biography, Drama, Family",8.1,A college professor bonds with an abandoned dog he takes into his home.,,Lasse Hallström,Richard Gere,Joan Allen,Cary-Hiroyuki Tagawa,Sarah Roemer,253575, +"https://m.media-amazon.com/images/M/MV5BMDgzYjQwMDMtNGUzYi00MTRmLWIyMGMtNjE1OGZkNzY2YWIzL2ltYWdlXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UY98_CR1,0,67,98_AL_.jpg",Mary and Max,2009,,92 min,"Animation, Comedy, Drama",8.1,"A tale of friendship between two unlikely pen pals: Mary, a lonely, eight-year-old girl living in the suburbs of Melbourne, and Max, a forty-four-year old, severely obese man living in New York.",,Adam Elliot,Toni Collette,Philip Seymour Hoffman,Eric Bana,Barry Humphries,164462, +"https://m.media-amazon.com/images/M/MV5BMjA5NDQyMjc2NF5BMl5BanBnXkFtZTcwMjg5ODcyMw@@._V1_UX67_CR0,0,67,98_AL_.jpg",How to Train Your Dragon,2010,U,98 min,"Animation, Action, Adventure",8.1,"A hapless young Viking who aspires to hunt dragons becomes the unlikely friend of a young dragon himself, and learns there may be more to the creatures than he assumed.",75,Dean DeBlois,Chris Sanders,Jay Baruchel,Gerard Butler,Christopher Mintz-Plasse,666773,"217,581,231" +"https://m.media-amazon.com/images/M/MV5BMTAwNDEyODU1MjheQTJeQWpwZ15BbWU2MDc3NDQwNw@@._V1_UX67_CR0,0,67,98_AL_.jpg",Into the Wild,2007,R,148 min,"Adventure, Biography, Drama",8.1,"After graduating from Emory University, top student and athlete Christopher McCandless abandons his possessions, gives his entire $24,000 savings account to charity and hitchhikes to Alaska to live in the wilderness. Along the way, Christopher encounters a series of characters that shape his life.",73,Sean Penn,Emile Hirsch,Vince Vaughn,Catherine Keener,Marcia Gay Harden,572921,"18,354,356" +"https://m.media-amazon.com/images/M/MV5BMjA5Njk3MjM4OV5BMl5BanBnXkFtZTcwMTc5MTE1MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",No Country for Old Men,2007,R,122 min,"Crime, Drama, Thriller",8.1,Violence and mayhem ensue after a hunter stumbles upon a drug deal gone wrong and more than two million dollars in cash near the Rio Grande.,91,Ethan Coen,Joel Coen,Tommy Lee Jones,Javier Bardem,Josh Brolin,856916,"74,283,625" +"https://m.media-amazon.com/images/M/MV5BN2ZmMDMwODgtMzA5MS00MGU0LWEyYTgtYzQ5MmQzMzU2NTVkXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR0,0,67,98_AL_.jpg",Lage Raho Munna Bhai,2006,U,144 min,"Comedy, Drama, Romance",8.1,Munna Bhai embarks on a journey with Mahatma Gandhi in order to fight against a corrupt property dealer.,,Rajkumar Hirani,Sanjay Dutt,Arshad Warsi,Vidya Balan,Boman Irani,43137,"2,217,561" +"https://m.media-amazon.com/images/M/MV5BMTkxNzA1NDQxOV5BMl5BanBnXkFtZTcwNTkyMTIzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg",Million Dollar Baby,2004,UA,132 min,"Drama, Sport",8.1,A determined woman works with a hardened boxing trainer to become a professional.,86,Clint Eastwood,Hilary Swank,Clint Eastwood,Morgan Freeman,Jay Baruchel,635975,"100,492,203" +"https://m.media-amazon.com/images/M/MV5BZGJjYmIzZmQtNWE4Yy00ZGVmLWJkZGEtMzUzNmQ4ZWFlMjRhXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Hotel Rwanda,2004,PG-13,121 min,"Biography, Drama, History",8.1,"Paul Rusesabagina, a hotel manager, houses over a thousand Tutsi refugees during their struggle against the Hutu militia in Rwanda, Africa.",79,Terry George,Don Cheadle,Sophie Okonedo,Joaquin Phoenix,Xolani Mali,334320,"23,530,892" +"https://m.media-amazon.com/images/M/MV5BNjAxZTEzNzQtYjdlNy00ZTJmLTkwZDUtOTAwNTM3YjI2MWUyL2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Taegukgi hwinalrimyeo,2004,R,140 min,"Action, Drama, War",8.1,"When two brothers are forced to fight in the Korean War, the elder decides to take the riskiest missions if it will help shield the younger from battle.",64,Je-kyu Kang,Jang Dong-Gun,Won Bin,Eun-ju Lee,Hyeong-jin Kong,37820,"1,111,061" +"https://m.media-amazon.com/images/M/MV5BMTQ1MjAwNTM5Ml5BMl5BanBnXkFtZTYwNDM0MTc3._V1_UX67_CR0,0,67,98_AL_.jpg",Before Sunset,2004,R,80 min,"Drama, Romance",8.1,"Nine years after Jesse and Celine first met, they encounter each other again on the French leg of Jesse's book tour.",90,Richard Linklater,Ethan Hawke,Julie Delpy,Vernon Dobtcheff,Louise Lemoine Torrès,236311,"5,820,649" +"https://m.media-amazon.com/images/M/MV5BMzQ4MTBlYTQtMzJkYS00OGNjLTk1MWYtNzQ0OTQ0OWEyOWU1XkEyXkFqcGdeQXVyNDgyODgxNjE@._V1_UY98_CR1,0,67,98_AL_.jpg",Munna Bhai M.B.B.S.,2003,U,156 min,"Comedy, Drama, Musical",8.1,A gangster sets out to fulfill his father's dream of becoming a doctor.,,Rajkumar Hirani,Sanjay Dutt,Arshad Warsi,Gracy Singh,Sunil Dutt,73992, +"https://m.media-amazon.com/images/M/MV5BOGViNTg4YTktYTQ2Ni00MTU0LTk2NWUtMTI4OTc1YTM0NzQ2XkEyXkFqcGdeQXVyMDM2NDM2MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Salinui chueok,2003,UA,131 min,"Crime, Drama, Mystery",8.1,"In a small Korean province in 1986, two detectives struggle with the case of multiple young women being found raped and murdered by an unknown culprit.",82,Bong Joon Ho,Kang-ho Song,Kim Sang-kyung,Roe-ha Kim,Jae-ho Song,139558,"14,131" +"https://m.media-amazon.com/images/M/MV5BMjRjMTYwMTYtMmRkNi00MmVkLWE0MjQtNmM3YjI0NWFhZDNmXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UX67_CR0,0,67,98_AL_.jpg",Dil Chahta Hai,2001,Unrated,183 min,"Comedy, Drama, Romance",8.1,"Three inseparable childhood friends are just out of college. Nothing comes between them - until they each fall in love, and their wildly different approaches to relationships creates tension.",,Farhan Akhtar,Aamir Khan,Saif Ali Khan,Akshaye Khanna,Preity Zinta,66803,"300,000" +"https://m.media-amazon.com/images/M/MV5BNzM3NDFhYTAtYmU5Mi00NGRmLTljYjgtMDkyODQ4MjNkMGY2XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Kill Bill: Vol. 1,2003,R,111 min,"Action, Crime, Drama",8.1,"After awakening from a four-year coma, a former assassin wreaks vengeance on the team of assassins who betrayed her.",69,Quentin Tarantino,Uma Thurman,David Carradine,Daryl Hannah,Michael Madsen,1000639,"70,099,045" +"https://m.media-amazon.com/images/M/MV5BZTAzNWZlNmUtZDEzYi00ZjA5LWIwYjEtZGM1NWE1MjE4YWRhXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Finding Nemo,2003,U,100 min,"Animation, Adventure, Comedy",8.1,"After his son is captured in the Great Barrier Reef and taken to Sydney, a timid clownfish sets out on a journey to bring him home.",90,Andrew Stanton,Lee Unkrich,Albert Brooks,Ellen DeGeneres,Alexander Gould,949565,"380,843,261" +"https://m.media-amazon.com/images/M/MV5BMTY5MzYzNjc5NV5BMl5BanBnXkFtZTYwNTUyNTc2._V1_UX67_CR0,0,67,98_AL_.jpg",Catch Me If You Can,2002,A,141 min,"Biography, Crime, Drama",8.1,"Barely 21 yet, Frank is a skilled forger who has passed as a doctor, lawyer and pilot. FBI agent Carl becomes obsessed with tracking down the con man, who only revels in the pursuit.",75,Steven Spielberg,Leonardo DiCaprio,Tom Hanks,Christopher Walken,Martin Sheen,832846,"164,615,351" +"https://m.media-amazon.com/images/M/MV5BMjQxMWJhMzMtMzllZi00NzMwLTllYjktNTcwZmU4ZmU3NTA0XkEyXkFqcGdeQXVyMTAzMDM4MjM0._V1_UY98_CR3,0,67,98_AL_.jpg",Amores perros,2000,A,154 min,"Drama, Thriller",8.1,"A horrific car accident connects three stories, each involving characters dealing with loss, regret, and life's harsh realities, all in the name of love.",83,Alejandro G. Iñárritu,Emilio Echevarría,Gael García Bernal,Goya Toledo,Álvaro Guerrero,223741,"5,383,834" +"https://m.media-amazon.com/images/M/MV5BMTY1NTI0ODUyOF5BMl5BanBnXkFtZTgwNTEyNjQ0MDE@._V1_UX67_CR0,0,67,98_AL_.jpg","Monsters, Inc.",2001,U,92 min,"Animation, Adventure, Comedy",8.1,"In order to power the city, monsters have to scare children so that they scream. However, the children are toxic to the monsters, and after a child gets through, 2 monsters realize things may not be what they think.",79,Pete Docter,David Silverman,Lee Unkrich,Billy Crystal,John Goodman,815505,"289,916,256" +"https://m.media-amazon.com/images/M/MV5BZjJhMThkNTQtNjkxNy00MDdjLTg4MWQtMTI2MmQ3MDVmODUzXkEyXkFqcGdeQXVyMTAwOTA3NzY3._V1_UY98_CR1,0,67,98_AL_.jpg","Shin seiki Evangelion Gekijô-ban: Air/Magokoro wo, kimi ni",1997,UA,87 min,"Animation, Action, Drama",8.1,Concurrent theatrical ending of the TV series Shin seiki evangerion (1995).,,Hideaki Anno,Kazuya Tsurumaki,Megumi Ogata,Megumi Hayashibara,Yûko Miyamura,38847, +"https://m.media-amazon.com/images/M/MV5BNDYxNWUzZmYtOGQxMC00MTdkLTkxOTctYzkyOGIwNWQxZjhmXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Lagaan: Once Upon a Time in India,2001,U,224 min,"Adventure, Drama, Musical",8.1,The people of a small village in Victorian India stake their future on a game of cricket against their ruthless British rulers.,84,Ashutosh Gowariker,Aamir Khan,Raghuvir Yadav,Gracy Singh,Rachel Shelley,105036,"70,147" +"https://m.media-amazon.com/images/M/MV5BMWM4NTFhYjctNzUyNi00NGMwLTk3NTYtMDIyNTZmMzRlYmQyXkEyXkFqcGdeQXVyMTAwMzUyOTc@._V1_UX67_CR0,0,67,98_AL_.jpg",The Sixth Sense,1999,A,107 min,"Drama, Mystery, Thriller",8.1,A boy who communicates with spirits seeks the help of a disheartened child psychologist.,64,M. Night Shyamalan,Bruce Willis,Haley Joel Osment,Toni Collette,Olivia Williams,911573,"293,506,292" +"https://m.media-amazon.com/images/M/MV5BMzIwOTdmNjQtOWQ1ZS00ZWQ4LWIxYTMtOWFkM2NjODJiMGY4L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UX67_CR0,0,67,98_AL_.jpg",La leggenda del pianista sull'oceano,1998,U,169 min,"Drama, Music, Romance",8.1,"A baby boy, discovered in 1900 on an ocean liner, grows into a musical prodigy, never setting foot on land.",58,Giuseppe Tornatore,Tim Roth,Pruitt Taylor Vince,Mélanie Thierry,Bill Nunn,59020,"259,127" +"https://m.media-amazon.com/images/M/MV5BMDIzODcyY2EtMmY2MC00ZWVlLTgwMzAtMjQwOWUyNmJjNTYyXkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",The Truman Show,1998,U,103 min,"Comedy, Drama",8.1,An insurance salesman discovers his whole life is actually a reality TV show.,90,Peter Weir,Jim Carrey,Ed Harris,Laura Linney,Noah Emmerich,939631,"125,618,201" +"https://m.media-amazon.com/images/M/MV5BMmExZTZhN2QtMzg5Mi00Y2M5LTlmMWYtNTUzMzUwMGM2OGQ3XkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg","Crna macka, beli macor",1998,R,127 min,"Comedy, Crime, Romance",8.1,Matko and his son Zare live on the banks of the Danube river and get by through hustling and basically doing anything to make a living. In order to pay off a business debt Matko agrees to marry off Zare to the sister of a local gangster.,73,Emir Kusturica,Bajram Severdzan,Srdjan 'Zika' Todorovic,Branka Katic,Florijan Ajdini,50862,"348,660" +"https://m.media-amazon.com/images/M/MV5BMTQ0NjUzMDMyOF5BMl5BanBnXkFtZTgwODA1OTU0MDE@._V1_UX67_CR0,0,67,98_AL_.jpg",The Big Lebowski,1998,R,117 min,"Comedy, Crime, Sport",8.1,"Jeff ""The Dude"" Lebowski, mistaken for a millionaire of the same name, seeks restitution for his ruined rug and enlists his bowling buddies to help get it.",71,Joel Coen,Ethan Coen,Jeff Bridges,John Goodman,Julianne Moore,732620,"17,498,804" +"https://m.media-amazon.com/images/M/MV5BYjZjODRlMjQtMjJlYy00ZDBjLTkyYTQtZGQxZTk5NzJhYmNmXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UY98_CR1,0,67,98_AL_.jpg",Fa yeung nin wah,2000,U,98 min,"Drama, Romance",8.1,"Two neighbors, a woman and a man, form a strong bond after both suspect extramarital activities of their spouses. However, they agree to keep their bond platonic so as not to commit similar wrongs.",85,Kar-Wai Wong,Tony Chiu-Wai Leung,Maggie Cheung,Ping Lam Siu,Tung Cho 'Joe' Cheung,124383,"2,734,044" +"https://m.media-amazon.com/images/M/MV5BMzA5Zjc3ZTMtMmU5YS00YTMwLWI4MWUtYTU0YTVmNjVmODZhXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Trainspotting,1996,A,93 min,Drama,8.1,"Renton, deeply immersed in the Edinburgh drug scene, tries to clean up and get out, despite the allure of the drugs and influence of friends.",83,Danny Boyle,Ewan McGregor,Ewen Bremner,Jonny Lee Miller,Kevin McKidd,634716,"16,501,785" +"https://m.media-amazon.com/images/M/MV5BNDJiZDgyZjctYmRjMS00ZjdkLTkwMTEtNGU1NDg3NDQ0Yzk1XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Fargo,1996,A,98 min,"Crime, Drama, Thriller",8.1,Jerry Lundegaard's inept crime falls apart due to his and his henchmen's bungling and the persistent police work of the quite pregnant Marge Gunderson.,85,Joel Coen,Ethan Coen,William H. Macy,Frances McDormand,Steve Buscemi,617444,"24,611,975" +"https://m.media-amazon.com/images/M/MV5BNzI4YTVmMWEtMWQ3MS00OGE1LWE5YjMtNjc4NWJmYjRmZTQyXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UY98_CR0,0,67,98_AL_.jpg",Underground,1995,,170 min,"Comedy, Drama, War",8.1,"A group of Serbian socialists prepares for the war in a surreal underground filled by parties, tragedies, love and hate.",,Emir Kusturica,Predrag 'Miki' Manojlovic,Lazar Ristovski,Mirjana Jokovic,Slavko Stimac,55220,"171,082" +"https://m.media-amazon.com/images/M/MV5BNDNiOTA5YjktY2Q0Ni00ODgzLWE5MWItNGExOWRlYjY2MjBlXkEyXkFqcGdeQXVyNjQ2MjQ5NzM@._V1_UY98_CR1,0,67,98_AL_.jpg",La haine,1995,UA,98 min,"Crime, Drama",8.1,24 hours in the lives of three young men in the French suburbs the day after a violent riot.,,Mathieu Kassovitz,Vincent Cassel,Hubert Koundé,Saïd Taghmaoui,Abdel Ahmed Ghili,150345,"309,811" +"https://m.media-amazon.com/images/M/MV5BYmNjYzRlM2YtZTZjZC00ODVmLTljZWMtODg1YmYyNDBiNzU3XkEyXkFqcGdeQXVyNTkzNDQ4ODc@._V1_UY98_CR3,0,67,98_AL_.jpg",Dilwale Dulhania Le Jayenge,1995,U,189 min,"Drama, Romance",8.1,"When Raj meets Simran in Europe, it isn't love at first sight but when Simran moves to India for an arranged marriage, love makes its presence felt.",,Aditya Chopra,Shah Rukh Khan,Kajol,Amrish Puri,Farida Jalal,63516, +"https://m.media-amazon.com/images/M/MV5BZDdiZTAwYzAtMDI3Ni00OTRjLTkzN2UtMGE3MDMyZmU4NTU4XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Before Sunrise,1995,R,101 min,"Drama, Romance",8.1,"A young man and woman meet on a train in Europe, and wind up spending one evening together in Vienna. Unfortunately, both know that this will probably be their only night together.",77,Richard Linklater,Ethan Hawke,Julie Delpy,Andrea Eckert,Hanno Pöschl,272291,"5,535,405" +"https://m.media-amazon.com/images/M/MV5BYTg1MmNiMjItMmY4Yy00ZDQ3LThjMzYtZGQ0ZTQzNTdkMGQ1L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Trois couleurs: Rouge,1994,U,99 min,"Drama, Mystery, Romance",8.1,A model discovers a retired judge is keen on invading people's privacy.,100,Krzysztof Kieslowski,Irène Jacob,Jean-Louis Trintignant,Frédérique Feder,Jean-Pierre Lorit,90729,"4,043,686" +"https://m.media-amazon.com/images/M/MV5BMGQ5MzljNzYtMDM1My00NmI0LThlYzQtMTg0ZmQ0MTk1YjkxXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR1,0,67,98_AL_.jpg",Chung Hing sam lam,1994,U,102 min,"Comedy, Crime, Drama",8.1,"Two melancholy Hong Kong policemen fall in love: one with a mysterious female underworld figure, the other with a beautiful and ethereal server at a late-night restaurant he frequents.",77,Kar-Wai Wong,Brigitte Lin,Takeshi Kaneshiro,Tony Chiu-Wai Leung,Faye Wong,63122,"600,200" +"https://m.media-amazon.com/images/M/MV5BMjM2MDgxMDg0Nl5BMl5BanBnXkFtZTgwNTM2OTM5NDE@._V1_UX67_CR0,0,67,98_AL_.jpg",Jurassic Park,1993,UA,127 min,"Action, Adventure, Sci-Fi",8.1,A pragmatic paleontologist visiting an almost complete theme park is tasked with protecting a couple of kids after a power failure causes the park's cloned dinosaurs to run loose.,68,Steven Spielberg,Sam Neill,Laura Dern,Jeff Goldblum,Richard Attenborough,867615,"402,453,882" +"https://m.media-amazon.com/images/M/MV5BMmYyOTgwYWItYmU3Ny00M2E2LTk0NWMtMDVlNmQ0MWZiMTMxXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",In the Name of the Father,1993,UA,133 min,"Biography, Crime, Drama",8.1,A man's coerced confession to an I.R.A. bombing he did not commit results in the imprisonment of his father as well. An English lawyer fights to free them.,84,Jim Sheridan,Daniel Day-Lewis,Pete Postlethwaite,Alison Crosbie,Philip King,156842,"25,010,410" +"https://m.media-amazon.com/images/M/MV5BYmFhZmM3Y2MtNDA1Ny00NjkzLWJkM2EtYWU1ZjEwYmNjZDQ0XkEyXkFqcGdeQXVyMTMxMTY0OTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Ba wang bie ji,1993,R,171 min,"Drama, Music, Romance",8.1,Two boys meet at an opera training school in Peking in 1924. Their resulting friendship will span nearly 70 years and will endure some of the most troublesome times in China's history.,,Kaige Chen,Leslie Cheung,Fengyi Zhang,Gong Li,You Ge,25088,"5,216,888" +"https://m.media-amazon.com/images/M/MV5BMjEzNjY5NDcwNV5BMl5BanBnXkFtZTcwNzEwMzg4NA@@._V1_UX67_CR0,0,67,98_AL_.jpg",Dà hóng denglong gaogao guà,1991,PG,125 min,"Drama, History, Romance",8.1,"A young woman becomes the fourth wife of a wealthy lord, and must learn to live with the strict rules and tensions within the household.",,Yimou Zhang,Gong Li,Jingwu Ma,Saifei He,Cuifen Cao,29662,"2,603,061" +"https://m.media-amazon.com/images/M/MV5BOGYwYWNjMzgtNGU4ZC00NWQ2LWEwZjUtMzE1Zjc3NjY3YTU1XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Dead Poets Society,1989,U,128 min,"Comedy, Drama",8.1,Maverick teacher John Keating uses poetry to embolden his boarding school students to new heights of self-expression.,79,Peter Weir,Robin Williams,Robert Sean Leonard,Ethan Hawke,Josh Charles,425457,"95,860,116" +"https://m.media-amazon.com/images/M/MV5BODJmY2Y2OGQtMDg2My00N2Q3LWJmZTUtYTc2ODBjZDVlNDlhXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Stand by Me,1986,U,89 min,"Adventure, Drama",8.1,"After the death of one of his friends, a writer recounts a childhood journey with his friends to find the body of a missing boy.",75,Rob Reiner,Wil Wheaton,River Phoenix,Corey Feldman,Jerry O'Connell,363401,"52,287,414" +"https://m.media-amazon.com/images/M/MV5BMzRjZjdlMjQtODVkYS00N2YzLWJlYWYtMGVlN2E5MWEwMWQzXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Platoon,1986,A,120 min,"Drama, War",8.1,"Chris Taylor, a neophyte recruit in Vietnam, finds himself caught in a battle of wills between two sergeants, one good and the other evil. A shrewd examination of the brutality of war and the duality of man in conflict.",92,Oliver Stone,Charlie Sheen,Tom Berenger,Willem Dafoe,Keith David,381222,"138,530,565" +"https://m.media-amazon.com/images/M/MV5BM2RjMmU3ZWItYzBlMy00ZmJkLWE5YzgtNTVkODdhOWM3NGZhXkEyXkFqcGdeQXVyNDA5Mjg5MjA@._V1_UX67_CR0,0,67,98_AL_.jpg","Paris, Texas",1984,U,145 min,Drama,8.1,"Travis Henderson, an aimless drifter who has been missing for four years, wanders out of the desert and must reconnect with society, himself, his life, and his family.",78,Wim Wenders,Harry Dean Stanton,Nastassja Kinski,Dean Stockwell,Aurore Clément,91188,"2,181,987" +"https://m.media-amazon.com/images/M/MV5BZWFkN2ZhODAtYTNkZS00Y2NjLWIzNDYtNzJjNDNlMzAyNTIyXkEyXkFqcGdeQXVyODEzNjM5OTQ@._V1_UY98_CR1,0,67,98_AL_.jpg",Kaze no tani no Naushika,1984,U,117 min,"Animation, Adventure, Fantasy",8.1,Warrior and pacifist Princess Nausicaä desperately struggles to prevent two warring nations from destroying themselves and their dying planet.,86,Hayao Miyazaki,Sumi Shimamoto,Mahito Tsujimura,Hisako Kyôda,Gorô Naya,150924,"495,770" +"https://m.media-amazon.com/images/M/MV5BNGViZWZmM2EtNGYzZi00ZDAyLTk3ODMtNzIyZTBjN2Y1NmM1XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Thing,1982,A,109 min,"Horror, Mystery, Sci-Fi",8.1,A research team in Antarctica is hunted by a shape-shifting alien that assumes the appearance of its victims.,57,John Carpenter,Kurt Russell,Wilford Brimley,Keith David,Richard Masur,371271,"13,782,838" +"https://m.media-amazon.com/images/M/MV5BZDhlZTYxOTYtYTk3Ny00ZDljLTk3ZmItZTcxZWU5YTIyYmFkXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Pink Floyd: The Wall,1982,UA,95 min,"Drama, Fantasy, Music",8.1,A confined but troubled rock star descends into madness in the midst of his physical and social isolation from everyone.,47,Alan Parker,Bob Geldof,Christine Hargreaves,James Laurenson,Eleanor David,76081,"22,244,207" +"https://m.media-amazon.com/images/M/MV5BYjIzNTYxMTctZjAwNS00YzI3LWExMGMtMGQxNGM5ZTc1NzhlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Fitzcarraldo,1982,R,158 min,"Adventure, Drama",8.1,"The story of Brian Sweeney Fitzgerald, an extremely determined man who intends to build an opera house in the middle of a jungle.",,Werner Herzog,Klaus Kinski,Claudia Cardinale,José Lewgoy,Miguel Ángel Fuentes,31595, +"https://m.media-amazon.com/images/M/MV5BZmQzMDE5ZWQtOTU3ZS00ZjdhLWI0OTctZDNkODk4YThmOTRhL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Fanny och Alexander,1982,A,188 min,Drama,8.1,"Two young Swedish children experience the many comedies and tragedies of their family, the Ekdahls.",100,Ingmar Bergman,Bertil Guve,Pernilla Allwin,Kristina Adolphson,Börje Ahlstedt,57784,"4,971,340" +"https://m.media-amazon.com/images/M/MV5BNzQzMzJhZTEtOWM4NS00MTdhLTg0YjgtMjM4MDRkZjUwZDBlXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Blade Runner,1982,UA,117 min,"Action, Sci-Fi, Thriller",8.1,"A blade runner must pursue and terminate four replicants who stole a ship in space, and have returned to Earth to find their creator.",84,Ridley Scott,Harrison Ford,Rutger Hauer,Sean Young,Edward James Olmos,693827,"32,868,943" +"https://m.media-amazon.com/images/M/MV5BMDVjNjIwOGItNDE3Ny00OThjLWE0NzQtZTU3YjMzZTZjMzhkXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",The Elephant Man,1980,UA,124 min,"Biography, Drama",8.1,"A Victorian surgeon rescues a heavily disfigured man who is mistreated while scraping a living as a side-show freak. Behind his monstrous façade, there is revealed a person of kindness, intelligence and sophistication.",78,David Lynch,Anthony Hopkins,John Hurt,Anne Bancroft,John Gielgud,220078, +"https://m.media-amazon.com/images/M/MV5BMzAwNjU1OTktYjY3Mi00NDY5LWFlZWUtZjhjNGE0OTkwZDkwXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Life of Brian,1979,R,94 min,Comedy,8.1,"Born on the original Christmas in the stable next door to Jesus Christ, Brian of Nazareth spends his life being mistaken for a messiah.",77,Terry Jones,Graham Chapman,John Cleese,Michael Palin,Terry Gilliam,367250,"20,045,115" +"https://m.media-amazon.com/images/M/MV5BNDhmNTA0ZDMtYjhkNS00NzEzLWIzYTItOGNkMTVmYjE2YmI3XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",The Deer Hunter,1978,A,183 min,"Drama, War",8.1,An in-depth examination of the ways in which the U.S. Vietnam War impacts and disrupts the lives of people in a small industrial town in Pennsylvania.,86,Michael Cimino,Robert De Niro,Christopher Walken,John Cazale,John Savage,311361,"48,979,328" +"https://m.media-amazon.com/images/M/MV5BMTY5MDMzODUyOF5BMl5BanBnXkFtZTcwMTQ3NTMyNA@@._V1_UX67_CR0,0,67,98_AL_.jpg",Rocky,1976,U,120 min,"Drama, Sport",8.1,A small-time boxer gets a supremely rare chance to fight a heavy-weight champion in a bout in which he strives to go the distance for his self-respect.,70,John G. Avildsen,Sylvester Stallone,Talia Shire,Burt Young,Carl Weathers,518546,"117,235,247" +"https://m.media-amazon.com/images/M/MV5BZGNjYjM2MzItZGQzZi00NmY3LTgxOGUtMTQ2MWQxNWQ2MmMwXkEyXkFqcGdeQXVyNzM0MTUwNTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Network,1976,UA,121 min,Drama,8.1,A television network cynically exploits a deranged former anchor's ravings and revelations about the news media for its own profit.,83,Sidney Lumet,Faye Dunaway,William Holden,Peter Finch,Robert Duvall,144911, +"https://m.media-amazon.com/images/M/MV5BNmY0MWY2NDctZDdmMi00MjA1LTk0ZTQtZDMyZTQ1NTNlYzVjXkEyXkFqcGdeQXVyMjUzOTY1NTc@._V1_UX67_CR0,0,67,98_AL_.jpg",Barry Lyndon,1975,PG,185 min,"Adventure, Drama, History",8.1,An Irish rogue wins the heart of a rich widow and assumes her dead husband's aristocratic position in 18th-century England.,89,Stanley Kubrick,Ryan O'Neal,Marisa Berenson,Patrick Magee,Hardy Krüger,149843, +"https://m.media-amazon.com/images/M/MV5BMTg1MDg3OTk3M15BMl5BanBnXkFtZTgwMDEzMzE5MTE@._V1_UY98_CR0,0,67,98_AL_.jpg",Zerkalo,1975,G,107 min,"Biography, Drama",8.1,"A dying man in his forties remembers his past. His childhood, his mother, the war, personal moments and things that tell of the recent history of all the Russian nation.",,Andrei Tarkovsky,Margarita Terekhova,Filipp Yankovskiy,Ignat Daniltsev,Oleg Yankovskiy,40081,"177,345" +"https://m.media-amazon.com/images/M/MV5BOGMwYmY5ZmEtMzY1Yi00OWJiLTk1Y2MtMzI2MjBhYmZkNTQ0XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Chinatown,1974,UA,130 min,"Drama, Mystery, Thriller",8.1,"A private detective hired to expose an adulterer finds himself caught up in a web of deceit, corruption, and murder.",92,Roman Polanski,Jack Nicholson,Faye Dunaway,John Huston,Perry Lopez,294230,"29,000,000" +"https://m.media-amazon.com/images/M/MV5BOWVmYzQwY2MtOTBjNi00MDNhLWI5OGMtN2RiMDYxODI3MjU5XkEyXkFqcGdeQXVyMjUzOTY1NTc@._V1_UX67_CR0,0,67,98_AL_.jpg",Paper Moon,1973,U,102 min,"Comedy, Crime, Drama",8.1,"During the Great Depression, a con man finds himself saddled with a young girl who may or may not be his daughter, and the two forge an unlikely partnership.",77,Peter Bogdanovich,Ryan O'Neal,Tatum O'Neal,Madeline Kahn,John Hillerman,42285,"30,933,743" +"https://m.media-amazon.com/images/M/MV5BMTg3NzYzOTEtNmE2Ni00M2EyLWJhMjctNjMyMTk4ZTViOGUzXkEyXkFqcGdeQXVyNzQxNDExNTU@._V1_UY98_CR0,0,67,98_AL_.jpg",Viskningar och rop,1972,A,91 min,Drama,8.1,"When a woman dying of cancer in early twentieth-century Sweden is visited by her two sisters, long-repressed feelings between the siblings rise to the surface.",,Ingmar Bergman,Harriet Andersson,Liv Ullmann,Kari Sylwan,Ingrid Thulin,30206,"1,742,348" +"https://m.media-amazon.com/images/M/MV5BZmY4Yjc0OWQtZDRhMy00ODc2LWI2NGYtMWFlODYyN2VlNDQyXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UY98_CR1,0,67,98_AL_.jpg",Solaris,1972,PG,167 min,"Drama, Mystery, Sci-Fi",8.1,A psychologist is sent to a station orbiting a distant planet in order to discover what has caused the crew to go insane.,90,Andrei Tarkovsky,Natalya Bondarchuk,Donatas Banionis,Jüri Järvet,Vladislav Dvorzhetskiy,81021, +"https://m.media-amazon.com/images/M/MV5BMWFjZjRiM2QtZmRkOC00MDUxLTlhYmQtYmY5ZTNiMTI5Nzc2L2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Le samouraï,1967,GP,105 min,"Crime, Drama, Mystery",8.1,After professional hitman Jef Costello is seen by witnesses his efforts to provide himself an alibi drive him further into a corner.,,Jean-Pierre Melville,Alain Delon,François Périer,Nathalie Delon,Cathy Rosier,45434,"39,481" +"https://m.media-amazon.com/images/M/MV5BOWFlNzZhYmYtYTI5YS00MDQyLWIyNTUtNTRjMWUwNTEzNjA0XkEyXkFqcGdeQXVyNjUwNzk3NDc@._V1_UX67_CR0,0,67,98_AL_.jpg",Cool Hand Luke,1967,A,127 min,"Crime, Drama",8.1,"A laid back Southern man is sentenced to two years in a rural prison, but refuses to conform.",92,Stuart Rosenberg,Paul Newman,George Kennedy,Strother Martin,J.D. Cannon,161984,"16,217,773" +"https://m.media-amazon.com/images/M/MV5BMTM0YzExY2EtMjUyZi00ZmIwLWFkYTktNjY5NmVkYTdkMjI5XkEyXkFqcGdeQXVyNzQxNDExNTU@._V1_UY98_CR0,0,67,98_AL_.jpg",Persona,1966,,85 min,"Drama, Thriller",8.1,A nurse is put in charge of a mute actress and finds that their personae are melding together.,86,Ingmar Bergman,Bibi Andersson,Liv Ullmann,Margaretha Krook,Gunnar Björnstrand,103191, +"https://m.media-amazon.com/images/M/MV5BNjM2MjMwNzUzN15BMl5BanBnXkFtZTgwMjEzMzE5MTE@._V1_UY98_CR2,0,67,98_AL_.jpg",Andrei Rublev,1966,R,205 min,"Biography, Drama, History",8.1,"The life, times and afflictions of the fifteenth-century Russian iconographer St. Andrei Rublev.",,Andrei Tarkovsky,Anatoliy Solonitsyn,Ivan Lapikov,Nikolay Grinko,Nikolay Sergeev,46947,"102,021" +"https://m.media-amazon.com/images/M/MV5BZWEzMGY4OTQtYTdmMy00M2QwLTliYTQtYWUzYzc3OTA5YzIwXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UY98_CR1,0,67,98_AL_.jpg",La battaglia di Algeri,1966,,121 min,"Drama, War",8.1,"In the 1950s, fear and violence escalate as the people of Algiers fight for independence from the French government.",96,Gillo Pontecorvo,Brahim Hadjadj,Jean Martin,Yacef Saadi,Samia Kerbash,53089,"55,908" +"https://m.media-amazon.com/images/M/MV5BZTg3M2ExY2EtZmI5Yy00YWM1LTg4NzItZWEzZTgxNzE2MjhhXkEyXkFqcGdeQXVyNDE5MTU2MDE@._V1_UX67_CR0,0,67,98_AL_.jpg",El ángel exterminador,1962,,95 min,"Drama, Fantasy",8.1,The guests at an upper-class dinner party find themselves unable to leave.,,Luis Buñuel,Silvia Pinal,Jacqueline Andere,Enrique Rambal,José Baviera,29682, +"https://m.media-amazon.com/images/M/MV5BZmI0M2VmNTgtMWVhYS00Zjg1LTk1YTYtNmJmMjRkZmMwYTc2XkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg",What Ever Happened to Baby Jane?,1962,Passed,134 min,"Drama, Horror, Thriller",8.1,A former child star torments her paraplegic sister in their decaying Hollywood mansion.,75,Robert Aldrich,Bette Davis,Joan Crawford,Victor Buono,Wesley Addy,50058,"4,050,000" +"https://m.media-amazon.com/images/M/MV5BZmY3MDlmODctYTY3Yi00NzYyLWIxNTUtYjVlZWZjMmMwZTBkXkEyXkFqcGdeQXVyMzAxNjg3MjQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Sanjuro,1962,U,96 min,"Action, Comedy, Crime",8.1,"A crafty samurai helps a young man and his fellow clansmen save his uncle, who has been framed and imprisoned by a corrupt superintendent.",,Akira Kurosawa,Toshirô Mifune,Tatsuya Nakadai,Keiju Kobayashi,Yûnosuke Itô,33044, +"https://m.media-amazon.com/images/M/MV5BMGEyNzhkYzktMGMyZS00YzRiLWJlYjktZjJkOTU5ZDY0ZGI4XkEyXkFqcGdeQXVyNjUwNzk3NDc@._V1_UX67_CR0,0,67,98_AL_.jpg",The Man Who Shot Liberty Valance,1962,,123 min,"Drama, Western",8.1,A senator returns to a western town for the funeral of an old friend and tells the story of his origins.,94,John Ford,James Stewart,John Wayne,Vera Miles,Lee Marvin,68827, +"https://m.media-amazon.com/images/M/MV5BYTYzYzBhYjQtNDQxYS00MmUwLTkyZjgtZWVkOWFjNzE5OTI2XkEyXkFqcGdeQXVyNjMxMjkwMjI@._V1_UX67_CR0,0,67,98_AL_.jpg",Ivanovo detstvo,1962,,95 min,"Drama, War",8.1,"In WW2, twelve year old Soviet orphan Ivan Bondarev works for the Soviet army as a scout behind the German lines and strikes a friendship with three sympathetic Soviet officers.",,Andrei Tarkovsky,Eduard Abalov,Nikolay Burlyaev,Valentin Zubkov,Evgeniy Zharikov,31728, +"https://m.media-amazon.com/images/M/MV5BZjgyMzZkMGUtNTBhZC00OTkzLWI4ZmMtYzcwMzc5MjQ0YTM3XkEyXkFqcGdeQXVyMTMxMTY0OTQ@._V1_UY98_CR3,0,67,98_AL_.jpg",Jungfrukällan,1960,A,89 min,Drama,8.1,"An innocent yet pampered young virgin and her family's pregnant and jealous servant set out to deliver candles to church, but only one returns from events that transpire in the woods along the way.",,Ingmar Bergman,Max von Sydow,Birgitta Valberg,Gunnel Lindblom,Birgitta Pettersson,26697,"1,526,000" +"https://m.media-amazon.com/images/M/MV5BMGQ5ODNkNWYtYTgxZS00YjJkLThhODAtYzUwNGNiYjRmNjdkXkEyXkFqcGdeQXVyMTg2NTc4MzA@._V1_UY98_CR4,0,67,98_AL_.jpg",Inherit the Wind,1960,Passed,128 min,"Biography, Drama, History",8.1,"Based on a real-life case in 1925, two great lawyers argue the case for and against a science teacher accused of the crime of teaching evolution.",75,Stanley Kramer,Spencer Tracy,Fredric March,Gene Kelly,Dick York,27254, +"https://m.media-amazon.com/images/M/MV5BYTQ4MjA4NmYtYjRhNi00MTEwLTg0NjgtNjk3ODJlZGU4NjRkL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UY98_CR3,0,67,98_AL_.jpg",Les quatre cents coups,1959,,99 min,"Crime, Drama",8.1,"A young boy, left without attention, delves into a life of petty crime.",,François Truffaut,Jean-Pierre Léaud,Albert Rémy,Claire Maurier,Guy Decomble,105291, +"https://m.media-amazon.com/images/M/MV5BNjgxY2JiZDYtZmMwOC00ZmJjLWJmODUtMTNmNWNmYWI5ODkwL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Ben-Hur,1959,U,212 min,"Adventure, Drama, History",8.1,"After a Jewish prince is betrayed and sent into slavery by a Roman friend, he regains his freedom and comes back for revenge.",90,William Wyler,Charlton Heston,Jack Hawkins,Stephen Boyd,Haya Harareet,219466,"74,700,000" +"https://m.media-amazon.com/images/M/MV5BYjJkN2Y5MTktZDRhOS00NTUwLWFiMzEtMTVlNWU4ODM0Y2E5XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UY98_CR1,0,67,98_AL_.jpg",Kakushi-toride no san-akunin,1958,,139 min,"Adventure, Drama",8.1,"Lured by gold, two greedy peasants unknowingly escort a princess and her general across enemy lines.",,Akira Kurosawa,Toshirô Mifune,Misa Uehara,Minoru Chiaki,Kamatari Fujiwara,34797, +"https://m.media-amazon.com/images/M/MV5BOTdhNmUxZmQtNmMwNC00MzE3LWE1MTUtZDgxZTYwYjEzZjcwXkEyXkFqcGdeQXVyNTA1NjYyMDk@._V1_UY98_CR0,0,67,98_AL_.jpg",Le notti di Cabiria,1957,,110 min,Drama,8.1,A waifish prostitute wanders the streets of Rome looking for true love but finds only heartbreak.,,Federico Fellini,Giulietta Masina,François Périer,Franca Marzi,Dorian Gray,42940,"752,045" +"https://m.media-amazon.com/images/M/MV5BNGYxZjA2M2ItYTRmNS00NzRmLWJkYzgtYTdiNGFlZDI5ZjNmXkEyXkFqcGdeQXVyNDE5MTU2MDE@._V1_UY98_CR0,0,67,98_AL_.jpg",Kumonosu-jô,1957,,110 min,"Drama, History",8.1,"A war-hardened general, egged on by his ambitious wife, works to fulfill a prophecy that he would become lord of Spider's Web Castle.",,Akira Kurosawa,Toshirô Mifune,Minoru Chiaki,Isuzu Yamada,Takashi Shimura,46678, +"https://m.media-amazon.com/images/M/MV5BMGVhNjhjODktODgxYS00MDdhLTlkZjktYTkyNzQxMTU0ZDYxXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",The Bridge on the River Kwai,1957,PG,161 min,"Adventure, Drama, War",8.1,"British POWs are forced to build a railway bridge across the river Kwai for their Japanese captors, not knowing that the allied forces are planning to destroy it.",87,David Lean,William Holden,Alec Guinness,Jack Hawkins,Sessue Hayakawa,203463,"44,908,000" +"https://m.media-amazon.com/images/M/MV5BY2I0MWFiZDMtNWQyYy00Njk5LTk3MDktZjZjNTNmZmVkYjkxXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",On the Waterfront,1954,A,108 min,"Crime, Drama, Thriller",8.1,An ex-prize fighter turned longshoreman struggles to stand up to his corrupt union bosses.,91,Elia Kazan,Marlon Brando,Karl Malden,Lee J. Cobb,Rod Steiger,142107,"9,600,000" +"https://m.media-amazon.com/images/M/MV5BZDdkNzMwZmUtY2Q5MS00ZmM2LWJhYjItYTBjMWY0MGM4MDRjXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UY98_CR0,0,67,98_AL_.jpg",Le salaire de la peur,1953,U,131 min,"Adventure, Drama, Thriller",8.1,"In a decrepit South American village, four men are hired to transport an urgent nitroglycerine shipment without the equipment that would make it safe.",85,Henri-Georges Clouzot,Yves Montand,Charles Vanel,Peter van Eyck,Folco Lulli,54588, +"https://m.media-amazon.com/images/M/MV5BNDUzZjlhZTYtN2E5MS00ODQ3LWI1ZjgtNzdiZmI0NTZiZTljXkEyXkFqcGdeQXVyMjI4MjA5MzA@._V1_UX67_CR0,0,67,98_AL_.jpg",Ace in the Hole,1951,Approved,111 min,"Drama, Film-Noir",8.1,"A frustrated former big-city journalist now stuck working for an Albuquerque newspaper exploits a story about a man trapped in a cave to rekindle his career, but the situation quickly escalates into an out-of-control circus.",72,Billy Wilder,Kirk Douglas,Jan Sterling,Robert Arthur,Porter Hall,31568,"3,969,893" +"https://m.media-amazon.com/images/M/MV5BZmI5NTA3MjItYzdhMi00MWMxLTg3OWMtYWQyYjg5MTFmM2U0L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",White Heat,1949,,114 min,"Action, Crime, Drama",8.1,A psychopathic criminal with a mother complex makes a daring break from prison and leads his old gang in a chemical plant payroll heist.,,Raoul Walsh,James Cagney,Virginia Mayo,Edmond O'Brien,Margaret Wycherly,29807, +"https://m.media-amazon.com/images/M/MV5BYjE2OTdhMWUtOGJlMy00ZDViLWIzZjgtYjZkZGZmMDZjYmEyXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",The Third Man,1949,Approved,104 min,"Film-Noir, Mystery, Thriller",8.1,"Pulp novelist Holly Martins travels to shadowy, postwar Vienna, only to find himself investigating the mysterious death of an old friend, Harry Lime.",97,Carol Reed,Orson Welles,Joseph Cotten,Alida Valli,Trevor Howard,158731,"449,191" +"https://m.media-amazon.com/images/M/MV5BOWRmNGEwZjUtZjEwNS00OGZmLThhMmEtZTJlMTU5MGQ3ZWUwXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",The Red Shoes,1948,,135 min,"Drama, Music, Romance",8.1,A young ballet dancer is torn between the man she loves and her pursuit to become a prima ballerina.,,Michael Powell,Emeric Pressburger,Anton Walbrook,Marius Goring,Moira Shearer,30935,"10,900,000" +"https://m.media-amazon.com/images/M/MV5BNzc1MTcyNTQ5N15BMl5BanBnXkFtZTgwMzgwMDI0MjE@._V1_UX67_CR0,0,67,98_AL_.jpg",The Shop Around the Corner,1940,,99 min,"Comedy, Drama, Romance",8.1,"Two employees at a gift shop can barely stand each other, without realizing that they are falling in love through the post as each other's anonymous pen pal.",96,Ernst Lubitsch,Margaret Sullavan,James Stewart,Frank Morgan,Joseph Schildkraut,28450,"203,300" +"https://m.media-amazon.com/images/M/MV5BYTcxYWExOTMtMWFmYy00ZjgzLWI0YjktNWEzYzJkZTg0NDdmL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UY98_CR0,0,67,98_AL_.jpg",Rebecca,1940,Approved,130 min,"Drama, Mystery, Romance",8.1,A self-conscious woman juggles adjusting to her new role as an aristocrat's wife and avoiding being intimidated by his first wife's spectral presence.,86,Alfred Hitchcock,Laurence Olivier,Joan Fontaine,George Sanders,Judith Anderson,123942,"4,360,000" +"https://m.media-amazon.com/images/M/MV5BZTYwYjYxYzgtMDE1Ni00NzU4LWJlMTEtODQ5YmJmMGJhZjI5L2ltYWdlXkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Mr. Smith Goes to Washington,1939,Passed,129 min,"Comedy, Drama",8.1,"A naive man is appointed to fill a vacancy in the United States Senate. His plans promptly collide with political corruption, but he doesn't back down.",73,Frank Capra,James Stewart,Jean Arthur,Claude Rains,Edward Arnold,107017,"9,600,000" +"https://m.media-amazon.com/images/M/MV5BYjUyZWZkM2UtMzYxYy00ZmQ3LWFmZTQtOGE2YjBkNjA3YWZlXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Gone with the Wind,1939,U,238 min,"Drama, History, Romance",8.1,A manipulative woman and a roguish man conduct a turbulent romance during the American Civil War and Reconstruction periods.,97,Victor Fleming,George Cukor,Sam Wood,Clark Gable,Vivien Leigh,290074,"198,676,459" +"https://m.media-amazon.com/images/M/MV5BMTg3MTI5NTk0N15BMl5BanBnXkFtZTgwMjU1MDM5MTE@._V1_UY98_CR2,0,67,98_AL_.jpg",La Grande Illusion,1937,,113 min,"Drama, War",8.1,"During WWI, two French soldiers are captured and imprisoned in a German P.O.W. camp. Several escape attempts follow until they are eventually sent to a seemingly inescapable fortress.",,Jean Renoir,Jean Gabin,Dita Parlo,Pierre Fresnay,Erich von Stroheim,33829,"172,885" +"https://m.media-amazon.com/images/M/MV5BYzJmMWE5NjAtNWMyZS00NmFiLWIwMDgtZDE2NzczYWFhNzIzXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",It Happened One Night,1934,Approved,105 min,"Comedy, Romance",8.1,"A renegade reporter and a crazy young heiress meet on a bus heading for New York, and end up stuck with each other when the bus leaves them behind at one of the stops.",87,Frank Capra,Clark Gable,Claudette Colbert,Walter Connolly,Roscoe Karns,94016,"4,360,000" +"https://m.media-amazon.com/images/M/MV5BNjBjNDJiYTUtOWY0OS00OGVmLTg2YzctMTE0NzVhODM1ZWJmXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",La passion de Jeanne d'Arc,1928,Passed,110 min,"Biography, Drama, History",8.1,"In 1431, Jeanne d'Arc is placed on trial on charges of heresy. The ecclesiastical jurists attempt to force Jeanne to recant her claims of holy visions.",,Carl Theodor Dreyer,Maria Falconetti,Eugene Silvain,André Berley,Maurice Schutz,47676,"21,877" +"https://m.media-amazon.com/images/M/MV5BM2QwYWQ0MWMtNzcwOC00N2Q2LWE1MDEtZmQxZjhiM2U1YzFhXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",The Circus,1928,Passed,72 min,"Comedy, Romance",8.1,The Tramp finds work and the girl of his dreams at a circus.,90,Charles Chaplin,Charles Chaplin,Merna Kennedy,Al Ernest Garcia,Harry Crocker,30205, +"https://m.media-amazon.com/images/M/MV5BNDVkYmYwM2ItNzRiMy00NWQ4LTlhMjMtNDI1ZDYyOGVmMzJjXkEyXkFqcGdeQXVyNTgzMzU5MDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Sunrise: A Song of Two Humans,1927,Passed,94 min,"Drama, Romance",8.1,An allegorical tale about a man fighting the good and evil within him. Both sides are made flesh - one a sophisticated woman he is attracted to and the other his wife.,,F.W. Murnau,George O'Brien,Janet Gaynor,Margaret Livingston,Bodil Rosing,46865,"539,540" +"https://m.media-amazon.com/images/M/MV5BYmRiMDFlYjYtOTMwYy00OGY2LWE0Y2QtYzQxOGNhZmUwNTIxXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",The General,1926,Passed,67 min,"Action, Adventure, Comedy",8.1,"When Union spies steal an engineer's beloved locomotive, he pursues it single-handedly and straight through enemy lines.",,Clyde Bruckman,Buster Keaton,Buster Keaton,Marion Mack,Glen Cavender,81156,"1,033,895" +"https://m.media-amazon.com/images/M/MV5BNWJiNGJiMTEtMGM3OC00ZWNlLTgwZTgtMzdhNTRiZjk5MTQ1XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR1,0,67,98_AL_.jpg",Das Cabinet des Dr. Caligari,1920,,76 min,"Fantasy, Horror, Mystery",8.1,"Hypnotist Dr. Caligari uses a somnambulist, Cesare, to commit murders.",,Robert Wiene,Werner Krauss,Conrad Veidt,Friedrich Feher,Lil Dagover,57428, +"https://m.media-amazon.com/images/M/MV5BNjZlMDdmN2YtYThmZi00NGQzLTk0ZTQtNTUyZDFmODExOGNiXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR0,0,67,98_AL_.jpg",Badhaai ho,2018,UA,124 min,"Comedy, Drama",8,A man is embarrassed when he finds out his mother is pregnant.,,Amit Ravindernath Sharma,Ayushmann Khurrana,Neena Gupta,Gajraj Rao,Sanya Malhotra,27978, +"https://m.media-amazon.com/images/M/MV5BNjJkYTc5N2UtMGRlMC00M2FmLTk0ZWMtOTYxNDUwNjI2YzljXkEyXkFqcGdeQXVyNDg4NjY5OTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Togo,2019,U,113 min,"Adventure, Biography, Drama",8,"The story of Togo, the sled dog who led the 1925 serum run yet was considered by most to be too small and weak to lead such an intense race.",69,Ericson Core,Willem Dafoe,Julianne Nicholson,Christopher Heyerdahl,Richard Dormer,37556, +"https://m.media-amazon.com/images/M/MV5BMGE1ZTkyOTMtMTdiZS00YzI2LTlmYWQtOTE5YWY0NWVlNjlmXkEyXkFqcGdeQXVyNjQ3ODkxMjE@._V1_UY98_CR0,0,67,98_AL_.jpg",Airlift,2016,UA,130 min,"Drama, History",8,"When Iraq invades Kuwait in August 1990, a callous Indian businessman becomes the spokesperson for more than 170,000 stranded countrymen.",,Raja Menon,Akshay Kumar,Nimrat Kaur,Kumud Mishra,Prakash Belawadi,52897, +"https://m.media-amazon.com/images/M/MV5BMjE1NjQ5ODc2NV5BMl5BanBnXkFtZTgwOTM5ODIxNjE@._V1_UY98_CR0,0,67,98_AL_.jpg",Bajrangi Bhaijaan,2015,UA,163 min,"Action, Adventure, Comedy",8,An Indian man with a magnanimous heart takes a young mute Pakistani girl back to her homeland to reunite her with her family.,,Kabir Khan,Salman Khan,Harshaali Malhotra,Nawazuddin Siddiqui,Kareena Kapoor,72245,"8,178,001" +"https://m.media-amazon.com/images/M/MV5BYTdhNjBjZDctYTlkYy00ZGIxLWFjYTktODk5ZjNlMzI4NjI3XkEyXkFqcGdeQXVyMjY1MjkzMjE@._V1_UY98_CR0,0,67,98_AL_.jpg",Baby,2015,UA,159 min,"Action, Crime, Thriller",8,"An elite counter-intelligence unit learns of a plot, masterminded by a maniacal madman. With the clock ticking, it's up to them to track the terrorists' international tentacles and prevent them from striking at the heart of India.",,Neeraj Pandey,Akshay Kumar,Danny Denzongpa,Rana Daggubati,Taapsee Pannu,52848, +"https://m.media-amazon.com/images/M/MV5BMzUzNDM2NzM2MV5BMl5BanBnXkFtZTgwNTM3NTg4OTE@._V1_UX67_CR0,0,67,98_AL_.jpg",La La Land,2016,A,128 min,"Comedy, Drama, Music",8,"While navigating their careers in Los Angeles, a pianist and an actress fall in love while attempting to reconcile their aspirations for the future.",94,Damien Chazelle,Ryan Gosling,Emma Stone,Rosemarie DeWitt,J.K. Simmons,505918,"151,101,803" +"https://m.media-amazon.com/images/M/MV5BMjA3NjkzNjg2MF5BMl5BanBnXkFtZTgwMDkyMzgzMDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Lion,2016,U,118 min,"Biography, Drama",8,"A five-year-old Indian boy is adopted by an Australian couple after getting lost hundreds of kilometers from home. 25 years later, he sets out to find his lost family.",69,Garth Davis,Dev Patel,Nicole Kidman,Rooney Mara,Sunny Pawar,213970,"51,739,495" +"https://m.media-amazon.com/images/M/MV5BMTc2MTQ3MDA1Nl5BMl5BanBnXkFtZTgwODA3OTI4NjE@._V1_UX67_CR0,0,67,98_AL_.jpg",The Martian,2015,UA,144 min,"Adventure, Drama, Sci-Fi",8,"An astronaut becomes stranded on Mars after his team assume him dead, and must rely on his ingenuity to find a way to signal to Earth that he is alive.",80,Ridley Scott,Matt Damon,Jessica Chastain,Kristen Wiig,Kate Mara,760094,"228,433,663" +"https://m.media-amazon.com/images/M/MV5BOTMyMjEyNzIzMV5BMl5BanBnXkFtZTgwNzIyNjU0NzE@._V1_UX67_CR0,0,67,98_AL_.jpg",Zootopia,2016,U,108 min,"Animation, Adventure, Comedy",8,"In a city of anthropomorphic animals, a rookie bunny cop and a cynical con artist fox must work together to uncover a conspiracy.",78,Byron Howard,Rich Moore,Jared Bush,Ginnifer Goodwin,Jason Bateman,434143,"341,268,248" +"https://m.media-amazon.com/images/M/MV5BYWVlMjVhZWYtNWViNC00ODFkLTk1MmItYjU1MDY5ZDdhMTU3XkEyXkFqcGdeQXVyODIwMDI1NjM@._V1_UX67_CR0,0,67,98_AL_.jpg",Bãhubali: The Beginning,2015,UA,159 min,"Action, Drama",8,"In ancient India, an adventurous and daring man becomes involved in a decades-old feud between two warring peoples.",,S.S. Rajamouli,Prabhas,Rana Daggubati,Ramya Krishnan,Sathyaraj,102972,"6,738,000" +"https://m.media-amazon.com/images/M/MV5BNThmMWMyMWMtOWRiNy00MGY0LTg1OTUtNjYzODg2MjdlZGU5XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR1,0,67,98_AL_.jpg",Kaguyahime no monogatari,2013,U,137 min,"Animation, Adventure, Drama",8,"Found inside a shining stalk of bamboo by an old bamboo cutter and his wife, a tiny girl grows rapidly into an exquisite young lady. The mysterious young princess enthralls all who encounter her, but ultimately she must confront her fate, the punishment for her crime.",89,Isao Takahata,Chloë Grace Moretz,James Caan,Mary Steenburgen,James Marsden,38746,"1,506,975" +"https://m.media-amazon.com/images/M/MV5BYjFhOWY0OTgtNDkzMC00YWJkLTk1NGEtYWUxNjhmMmQ5ZjYyXkEyXkFqcGdeQXVyMjMxOTE0ODA@._V1_UX67_CR0,0,67,98_AL_.jpg",Wonder,2017,U,113 min,"Drama, Family",8,"Based on the New York Times bestseller, this movie tells the incredibly inspiring and heartwarming story of August Pullman, a boy with facial differences who enters the fifth grade, attending a mainstream elementary school for the first time.",66,Stephen Chbosky,Jacob Tremblay,Owen Wilson,Izabela Vidovic,Julia Roberts,141923,"132,422,809" +"https://m.media-amazon.com/images/M/MV5BZDkzMTQ1YTMtMWY4Ny00MzExLTkzYzEtNzZhOTczNzU2NTU1XkEyXkFqcGdeQXVyODY3NjMyMDU@._V1_UY98_CR4,0,67,98_AL_.jpg",Gully Boy,2019,UA,154 min,"Drama, Music, Romance",8,A coming-of-age story based on the lives of street rappers in Mumbai.,65,Zoya Akhtar,Vijay Varma,Nakul Roshan Sahdev,Ranveer Singh,Vijay Raaz,31886,"5,566,534" +"https://m.media-amazon.com/images/M/MV5BMTQ1NDI5MjMzNF5BMl5BanBnXkFtZTcwMTc0MDQwOQ@@._V1_UY98_CR0,0,67,98_AL_.jpg",Special Chabbis,2013,UA,144 min,"Crime, Drama, Thriller",8,A gang of con-men rob prominent rich businessmen and politicians by posing as C.B.I and income tax officers.,,Neeraj Pandey,Akshay Kumar,Anupam Kher,Manoj Bajpayee,Jimmy Sheirgill,51069,"1,079,369" +"https://m.media-amazon.com/images/M/MV5BMTEwNjE2OTM4NDZeQTJeQWpwZ15BbWU3MDE2MTE4OTk@._V1_UX67_CR0,0,67,98_AL_.jpg",Short Term 12,2013,R,96 min,Drama,8,A 20-something supervising staff member of a residential treatment facility navigates the troubled waters of that world alongside her co-worker and longtime boyfriend.,82,Destin Daniel Cretton,Brie Larson,Frantz Turner,John Gallagher Jr.,Kaitlyn Dever,81770,"1,010,414" +"https://m.media-amazon.com/images/M/MV5BMTg5MTE2NjA4OV5BMl5BanBnXkFtZTgwMTUyMjczMTE@._V1_UX67_CR0,0,67,98_AL_.jpg",Serbuan maut 2: Berandal,2014,A,150 min,"Action, Crime, Thriller",8,"Only a short time after the first raid, Rama goes undercover with the thugs of Jakarta and plans to bring down the syndicate and uncover the corruption within his police force.",71,Gareth Evans,Iko Uwais,Yayan Ruhian,Arifin Putra,Oka Antara,114316,"2,625,803" +"https://m.media-amazon.com/images/M/MV5BOTgwMzFiMWYtZDhlNS00ODNkLWJiODAtZDVhNzgyNzJhYjQ4L2ltYWdlXkEyXkFqcGdeQXVyNzEzOTYxNTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",The Imitation Game,2014,UA,114 min,"Biography, Drama, Thriller",8,"During World War II, the English mathematical genius Alan Turing tries to crack the German Enigma code with help from fellow mathematicians.",73,Morten Tyldum,Benedict Cumberbatch,Keira Knightley,Matthew Goode,Allen Leech,685201,"91,125,683" +"https://m.media-amazon.com/images/M/MV5BMTAwMjU5OTgxNjZeQTJeQWpwZ15BbWU4MDUxNDYxODEx._V1_UX67_CR0,0,67,98_AL_.jpg",Guardians of the Galaxy,2014,UA,121 min,"Action, Adventure, Comedy",8,A group of intergalactic criminals must pull together to stop a fanatical warrior with plans to purge the universe.,76,James Gunn,Chris Pratt,Vin Diesel,Bradley Cooper,Zoe Saldana,1043455,"333,176,600" +"https://m.media-amazon.com/images/M/MV5BNzA1Njg4NzYxOV5BMl5BanBnXkFtZTgwODk5NjU3MzI@._V1_UX67_CR0,0,67,98_AL_.jpg",Blade Runner 2049,2017,UA,164 min,"Action, Drama, Mystery",8,"Young Blade Runner K's discovery of a long-buried secret leads him to track down former Blade Runner Rick Deckard, who's been missing for thirty years.",81,Denis Villeneuve,Harrison Ford,Ryan Gosling,Ana de Armas,Dave Bautista,461823,"92,054,159" +"https://m.media-amazon.com/images/M/MV5BMjA1Nzk0OTM2OF5BMl5BanBnXkFtZTgwNjU2NjEwMDE@._V1_UX67_CR0,0,67,98_AL_.jpg",Her,2013,A,126 min,"Drama, Romance, Sci-Fi",8,"In a near future, a lonely writer develops an unlikely relationship with an operating system designed to meet his every need.",90,Spike Jonze,Joaquin Phoenix,Amy Adams,Scarlett Johansson,Rooney Mara,540772,"25,568,251" +"https://m.media-amazon.com/images/M/MV5BMTA2NDc3Njg5NDVeQTJeQWpwZ15BbWU4MDc1NDcxNTUz._V1_UX67_CR0,0,67,98_AL_.jpg",Bohemian Rhapsody,2018,UA,134 min,"Biography, Drama, Music",8,"The story of the legendary British rock band Queen and lead singer Freddie Mercury, leading up to their famous performance at Live Aid (1985).",49,Bryan Singer,Rami Malek,Lucy Boynton,Gwilym Lee,Ben Hardy,450349,"216,428,042" +"https://m.media-amazon.com/images/M/MV5BMDE5OWMzM2QtOTU2ZS00NzAyLWI2MDEtOTRlYjIxZGM0OWRjXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UX67_CR0,0,67,98_AL_.jpg",The Revenant,2015,A,156 min,"Action, Adventure, Drama",8,A frontiersman on a fur trading expedition in the 1820s fights for survival after being mauled by a bear and left for dead by members of his own hunting team.,76,Alejandro G. Iñárritu,Leonardo DiCaprio,Tom Hardy,Will Poulter,Domhnall Gleeson,705589,"183,637,894" +"https://m.media-amazon.com/images/M/MV5BZThjMmQ5YjktMTUyMC00MjljLWJmMTAtOWIzNDIzY2VhNzQ0XkEyXkFqcGdeQXVyMTAyNjg4NjE0._V1_UX67_CR0,0,67,98_AL_.jpg",The Perks of Being a Wallflower,2012,UA,103 min,"Drama, Romance",8,An introvert freshman is taken under the wings of two seniors who welcome him to the real world,67,Stephen Chbosky,Logan Lerman,Emma Watson,Ezra Miller,Paul Rudd,462252,"17,738,570" +"https://m.media-amazon.com/images/M/MV5BMjEzMzMxOTUyNV5BMl5BanBnXkFtZTcwNjI3MDc5Ng@@._V1_UX67_CR0,0,67,98_AL_.jpg",Tropa de Elite 2: O Inimigo Agora é Outro,2010,,115 min,"Action, Crime, Drama",8,"After a prison riot, former-Captain Nascimento, now a high ranking security officer in Rio de Janeiro, is swept into a bloody political dispute that involves government officials and paramilitary groups.",71,José Padilha,Wagner Moura,Irandhir Santos,André Ramiro,Milhem Cortaz,79200,"100,119" +"https://m.media-amazon.com/images/M/MV5BMzU5MjEwMTg2Nl5BMl5BanBnXkFtZTcwNzM3MTYxNA@@._V1_UY98_CR0,0,67,98_AL_.jpg",The King's Speech,2010,U,118 min,"Biography, Drama, History",8,"The story of King George VI, his impromptu ascension to the throne of the British Empire in 1936, and the speech therapist who helped the unsure monarch overcome his stammer.",88,Tom Hooper,Colin Firth,Geoffrey Rush,Helena Bonham Carter,Derek Jacobi,639603,"138,797,449" +"https://m.media-amazon.com/images/M/MV5BMTM5OTMyMjIxOV5BMl5BanBnXkFtZTcwNzU4MjIwNQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Help,2011,UA,146 min,Drama,8,"An aspiring author during the civil rights movement of the 1960s decides to write a book detailing the African American maids' point of view on the white families for which they work, and the hardships they go through on a daily basis.",62,Tate Taylor,Emma Stone,Viola Davis,Octavia Spencer,Bryce Dallas Howard,428521,"169,708,112" +"https://m.media-amazon.com/images/M/MV5BYzE5MjY1ZDgtMTkyNC00MTMyLThhMjAtZGI5OTE1NzFlZGJjXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Deadpool,2016,R,108 min,"Action, Adventure, Comedy",8,"A wisecracking mercenary gets experimented on and becomes immortal but ugly, and sets out to track down the man who ruined his looks.",65,Tim Miller,Ryan Reynolds,Morena Baccarin,T.J. Miller,Ed Skrein,902669,"363,070,709" +"https://m.media-amazon.com/images/M/MV5BMTQ0MzQxODQ0MV5BMl5BanBnXkFtZTgwNTQ0NzY4NDE@._V1_UX67_CR0,0,67,98_AL_.jpg",Darbareye Elly,2009,TV-PG,119 min,"Drama, Mystery",8,The mysterious disappearance of a kindergarten teacher during a picnic in the north of Iran is followed by a series of misadventures for her fellow travelers.,87,Asghar Farhadi,Golshifteh Farahani,Shahab Hosseini,Taraneh Alidoosti,Merila Zare'i,45803,"106,662" +"https://m.media-amazon.com/images/M/MV5BYjU1NjczNzYtYmFjOC00NzkxLTg4YTUtNGYzMTk3NTU0ZDE3XkEyXkFqcGdeQXVyNDUzOTQ5MjY@._V1_UY98_CR0,0,67,98_AL_.jpg",Dev.D,2009,A,144 min,"Drama, Romance",8,"After breaking up with his childhood sweetheart, a young man finds solace in drugs. Meanwhile, a teenage girl is caught in the world of prostitution. Will they be destroyed, or will they find redemption?",,Anurag Kashyap,Abhay Deol,Mahie Gill,Kalki Koechlin,Dibyendu Bhattacharya,28749,"10,950" +"https://m.media-amazon.com/images/M/MV5BNTFmMjM3M2UtOTIyZC00Zjk3LTkzODUtYTdhNGRmNzFhYzcyXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Yip Man,2008,R,106 min,"Action, Biography, Drama",8,"During the Japanese invasion of China, a wealthy martial artist is forced to leave his home when his city is occupied. With little means of providing for themselves, Ip Man and the remaining members of the city must find a way to survive.",59,Wilson Yip,Donnie Yen,Simon Yam,Siu-Wong Fan,Ka Tung Lam,211427, +"https://m.media-amazon.com/images/M/MV5BMTUyMTA4NDYzMV5BMl5BanBnXkFtZTcwMjk5MzcxMw@@._V1_UX67_CR0,0,67,98_AL_.jpg",My Name Is Khan,2010,UA,165 min,Drama,8,An Indian Muslim man with Asperger's syndrome takes a challenge to speak to the President of the United States seriously and embarks on a cross-country journey.,50,Karan Johar,Shah Rukh Khan,Kajol,Sheetal Menon,Katie A. Keane,98575,"4,018,695" +"https://m.media-amazon.com/images/M/MV5BMjE2NjEyMDg0M15BMl5BanBnXkFtZTcwODYyODg5Mg@@._V1_UY98_CR0,0,67,98_AL_.jpg",Nefes: Vatan Sagolsun,2009,,128 min,"Action, Drama, Thriller",8,Story of 40-man Turkish task force who must defend a relay station.,,Levent Semerci,Erdem Can,Mete Horozoglu,Ilker Kizmaz,Baris Bagci,31838, +"https://m.media-amazon.com/images/M/MV5BZmNjZWI3NzktYWI1Mi00OTAyLWJkNTYtMzUwYTFlZDA0Y2UwXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Slumdog Millionaire,2008,UA,120 min,"Drama, Romance",8,"A Mumbai teenager reflects on his life after being accused of cheating on the Indian version of ""Who Wants to be a Millionaire?"".",84,Danny Boyle,Loveleen Tandan,Dev Patel,Freida Pinto,Saurabh Shukla,798882,"141,319,928" +"https://m.media-amazon.com/images/M/MV5BNzY2NzI4OTE5MF5BMl5BanBnXkFtZTcwMjMyNDY4Mw@@._V1_UX67_CR0,0,67,98_AL_.jpg",Black Swan,2010,A,108 min,"Drama, Thriller",8,"A committed dancer struggles to maintain her sanity after winning the lead role in a production of Tchaikovsky's ""Swan Lake"".",79,Darren Aronofsky,Natalie Portman,Mila Kunis,Vincent Cassel,Winona Ryder,699673,"106,954,678" +"https://m.media-amazon.com/images/M/MV5BYmI1ODU5ZjMtNWUyNC00YzllLThjNzktODE1M2E4OTVmY2E5XkEyXkFqcGdeQXVyMTExNzQzMDE0._V1_UY98_CR1,0,67,98_AL_.jpg",Tropa de Elite,2007,R,115 min,"Action, Crime, Drama",8,"In 1997 Rio de Janeiro, Captain Nascimento has to find a substitute for his position while trying to take down drug dealers and criminals before the Pope visits.",33,José Padilha,Wagner Moura,André Ramiro,Caio Junqueira,Milhem Cortaz,98097,"8,060" +"https://m.media-amazon.com/images/M/MV5BNDYxNjQyMjAtNTdiOS00NGYwLWFmNTAtNThmYjU5ZGI2YTI1XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",The Avengers,2012,UA,143 min,"Action, Adventure, Sci-Fi",8,Earth's mightiest heroes must come together and learn to fight as a team if they are going to stop the mischievous Loki and his alien army from enslaving humanity.,69,Joss Whedon,Robert Downey Jr.,Chris Evans,Scarlett Johansson,Jeremy Renner,1260806,"623,279,547" +"https://m.media-amazon.com/images/M/MV5BMGRkZThmYzEtYjQxZC00OWEzLThjYjAtYzFkMjY0NGZkZWI4XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Persepolis,2007,PG-13,96 min,"Animation, Biography, Drama",8,A precocious and outspoken Iranian girl grows up during the Islamic Revolution.,90,Vincent Paronnaud,Marjane Satrapi,Chiara Mastroianni,Catherine Deneuve,Gena Rowlands,88656,"4,445,756" +"https://m.media-amazon.com/images/M/MV5BMTYwMTA4MzgyNF5BMl5BanBnXkFtZTgwMjEyMjE0MDE@._V1_UX67_CR0,0,67,98_AL_.jpg",Dallas Buyers Club,2013,R,117 min,"Biography, Drama",8,"In 1985 Dallas, electrician and hustler Ron Woodroof works around the system to help AIDS patients get the medication they need after he is diagnosed with the disease.",80,Jean-Marc Vallée,Matthew McConaughey,Jennifer Garner,Jared Leto,Steve Zahn,441614,"27,298,285" +"https://m.media-amazon.com/images/M/MV5BMTQ5NjQ0NDI3NF5BMl5BanBnXkFtZTcwNDI0MjEzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Pursuit of Happyness,2006,U,117 min,"Biography, Drama",8,A struggling salesman takes custody of his son as he's poised to begin a life-changing professional career.,64,Gabriele Muccino,Will Smith,Thandie Newton,Jaden Smith,Brian Howe,448930,"163,566,459" +"https://m.media-amazon.com/images/M/MV5BZDMxOGZhNWYtMzRlYy00Mzk5LWJjMjEtNmQ4NDU4M2QxM2UzXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg",Blood Diamond,2006,A,143 min,"Adventure, Drama, Thriller",8,"A fisherman, a smuggler, and a syndicate of businessmen match wits over the possession of a priceless diamond.",64,Edward Zwick,Leonardo DiCaprio,Djimon Hounsou,Jennifer Connelly,Kagiso Kuypers,499439,"57,366,262" +"https://m.media-amazon.com/images/M/MV5BNGNiNmU2YTMtZmU4OS00MjM0LTlmYWUtMjVlYjAzYjE2N2RjXkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",The Bourne Ultimatum,2007,UA,115 min,"Action, Mystery, Thriller",8,Jason Bourne dodges a ruthless C.I.A. official and his Agents from a new assassination program while searching for the origins of his life as a trained killer.,85,Paul Greengrass,Matt Damon,Edgar Ramírez,Joan Allen,Julia Stiles,604694,"227,471,070" +"https://m.media-amazon.com/images/M/MV5BMTM1ODIwNzM5OV5BMl5BanBnXkFtZTcwNjk5MDkyMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Bin-jip,2004,U,88 min,"Crime, Drama, Romance",8,A transient young man breaks into empty homes to partake of the vacationing residents' lives for a few days.,72,Ki-duk Kim,Seung-Yun Lee,Hee Jae,Hyuk-ho Kwon,Jin-mo Joo,50610,"238,507" +"https://m.media-amazon.com/images/M/MV5BODZmYjMwNzEtNzVhNC00ZTRmLTk2M2UtNzE1MTQ2ZDAxNjc2XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Sin City,2005,A,124 min,"Crime, Thriller",8,"A movie that explores the dark and miserable town, Basin City, tells the story of three different people, all caught up in violent corruption.",74,Frank Miller,Quentin Tarantino,Robert Rodriguez,Mickey Rourke,Clive Owen,738512,"74,103,820" +"https://m.media-amazon.com/images/M/MV5BMTc3MjkzMDkxN15BMl5BanBnXkFtZTcwODAyMTU1MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Le scaphandre et le papillon,2007,PG-13,112 min,"Biography, Drama",8,The true story of Elle editor Jean-Dominique Bauby who suffers a stroke and has to live with an almost totally paralyzed body; only his left eye isn't paralyzed.,92,Julian Schnabel,Laura Obiols,Mathieu Amalric,Emmanuelle Seigner,Marie-Josée Croze,103284,"5,990,075" +"https://m.media-amazon.com/images/M/MV5BMjE0MTY2MDI3NV5BMl5BanBnXkFtZTcwNTc1MzEzMQ@@._V1_UY98_CR2,0,67,98_AL_.jpg",G.O.R.A.,2004,,127 min,"Adventure, Comedy, Sci-Fi",8,A slick young Turk kidnapped by extraterrestrials shows his great « humanitarian spirit » by outwitting the evil commander-in-chief of the planet of G.O.R.A.,,Ömer Faruk Sorak,Cem Yilmaz,Özge Özberk,Ozan Güven,Safak Sezer,56960, +"https://m.media-amazon.com/images/M/MV5BMTMzODU0NTkxMF5BMl5BanBnXkFtZTcwMjQ4MzMzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg",Ratatouille,2007,U,111 min,"Animation, Adventure, Comedy",8,A rat who can cook makes an unusual alliance with a young kitchen worker at a famous restaurant.,96,Brad Bird,Jan Pinkava,Brad Garrett,Lou Romano,Patton Oswalt,641645,"206,445,654" +"https://m.media-amazon.com/images/M/MV5BMDI5ZWJhOWItYTlhOC00YWNhLTlkNzctNDU5YTI1M2E1MWZhXkEyXkFqcGdeQXVyNTIzOTk5ODM@._V1_UX67_CR0,0,67,98_AL_.jpg",Casino Royale,2006,PG-13,144 min,"Action, Adventure, Thriller",8,"After earning 00 status and a licence to kill, Secret Agent James Bond sets out on his first mission as 007. Bond must defeat a private banker funding terrorists in a high-stakes game of poker at Casino Royale, Montenegro.",80,Martin Campbell,Daniel Craig,Eva Green,Judi Dench,Jeffrey Wright,582239,"167,445,960" +"https://m.media-amazon.com/images/M/MV5BNmFiYmJmN2QtNWQwMi00MzliLThiOWMtZjQxNGRhZTQ1MjgyXkEyXkFqcGdeQXVyNzQ1ODk3MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Kill Bill: Vol. 2,2004,A,137 min,"Action, Crime, Thriller",8,"The Bride continues her quest of vengeance against her former boss and lover Bill, the reclusive bouncer Budd, and the treacherous, one-eyed Elle.",83,Quentin Tarantino,Uma Thurman,David Carradine,Michael Madsen,Daryl Hannah,683900,"66,208,183" +"https://m.media-amazon.com/images/M/MV5BYmViZTY1OWEtMTQxMy00OGQ5LTgzZjAtYTQzOTYxNjliYTI4XkEyXkFqcGdeQXVyNjkxOTM4ODY@._V1_UY98_CR1,0,67,98_AL_.jpg",Vozvrashchenie,2003,,110 min,Drama,8,"In the Russian wilderness, two brothers face a range of new, conflicting emotions when their father - a man they know only through a single photograph - resurfaces.",82,Andrey Zvyagintsev,Vladimir Garin,Ivan Dobronravov,Konstantin Lavronenko,Nataliya Vdovina,42399,"502,028" +"https://m.media-amazon.com/images/M/MV5BZGYxOTRlM2MtNWRjZS00NDk2LWExM2EtMDFiYTgyMGJkZGYyXkEyXkFqcGdeQXVyMTA1NTM1NDI2._V1_UY98_CR1,0,67,98_AL_.jpg",Bom Yeoareum Gaeul Gyeoul Geurigo Bom,2003,R,103 min,"Drama, Romance",8,A boy is raised by a Buddhist monk in an isolated floating temple where the years pass like the seasons.,85,Ki-duk Kim,Ki-duk Kim,Yeong-su Oh,Jong-ho Kim,Kim Young-Min,77520,"2,380,788" +"https://m.media-amazon.com/images/M/MV5BMjE0NDk2NjgwMV5BMl5BanBnXkFtZTYwMTgyMzA3._V1_UX67_CR0,0,67,98_AL_.jpg",Mar adentro,2014,U,126 min,"Biography, Drama",8,"The factual story of Spaniard Ramon Sampedro, who fought a thirty-year campaign in favor of euthanasia and his own right to die.",74,Alejandro Amenábar,Javier Bardem,Belén Rueda,Lola Dueñas,Mabel Rivera,77554,"2,086,345" +"https://m.media-amazon.com/images/M/MV5BODEyYmQxZjUtZGQ0NS00ZTAwLTkwOGQtNGY2NzEwMWE0MDc3XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Cinderella Man,2005,UA,144 min,"Biography, Drama, History",8,"The story of James J. Braddock, a supposedly washed-up boxer who came back to become a champion and an inspiration in the 1930s.",69,Ron Howard,Russell Crowe,Renée Zellweger,Craig Bierko,Paul Giamatti,176151,"61,649,911" +"https://m.media-amazon.com/images/M/MV5BYmVjNDIxODAtNWZiZi00ZDBlLWJmOTUtNDNjMGExNTViMzE1XkEyXkFqcGdeQXVyNTE0MDc0NTM@._V1_UX67_CR0,0,67,98_AL_.jpg",Kal Ho Naa Ho,2003,U,186 min,"Comedy, Drama, Musical",8,"Naina, an introverted, perpetually depressed girl's life changes when she meets Aman. But Aman has a secret of his own which changes their lives forever. Embroiled in all this is Rohit, Naina's best friend who conceals his love for her.",54,Nikkhil Advani,Preity Zinta,Shah Rukh Khan,Saif Ali Khan,Jaya Bachchan,63460,"1,787,378" +"https://m.media-amazon.com/images/M/MV5BM2U0NTcxOTktN2MwZS00N2Q2LWJlYWItMTg0NWIyMDIxNzU5L2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR1,0,67,98_AL_.jpg",Mou gaan dou,2002,UA,101 min,"Action, Crime, Drama",8,"A story between a mole in the police department and an undercover cop. Their objectives are the same: to find out who is the mole, and who is the cop.",75,Andrew Lau,Alan Mak,Andy Lau,Tony Chiu-Wai Leung,Anthony Chau-Sang Wong,117857,"169,659" +"https://m.media-amazon.com/images/M/MV5BNGYyZGM5MGMtYTY2Ni00M2Y1LWIzNjQtYWUzM2VlNGVhMDNhXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Pirates of the Caribbean: The Curse of the Black Pearl,2003,UA,143 min,"Action, Adventure, Fantasy",8,"Blacksmith Will Turner teams up with eccentric pirate ""Captain"" Jack Sparrow to save his love, the governor's daughter, from Jack's former pirate allies, who are now undead.",63,Gore Verbinski,Johnny Depp,Geoffrey Rush,Orlando Bloom,Keira Knightley,1015122,"305,413,918" +"https://m.media-amazon.com/images/M/MV5BMmU3NzIyODctYjVhOC00NzBmLTlhNWItMzBlODEwZTlmMjUzXkEyXkFqcGdeQXVyNTIzOTk5ODM@._V1_UX67_CR0,0,67,98_AL_.jpg",Big Fish,2003,U,125 min,"Adventure, Drama, Fantasy",8,A frustrated son tries to determine the fact from fiction in his dying father's life.,58,Tim Burton,Ewan McGregor,Albert Finney,Billy Crudup,Jessica Lange,415218,"66,257,002" +"https://m.media-amazon.com/images/M/MV5BMTY5OTU0OTc2NV5BMl5BanBnXkFtZTcwMzU4MDcyMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Incredibles,2004,U,115 min,"Animation, Action, Adventure",8,"A family of undercover superheroes, while trying to live the quiet suburban life, are forced into action to save the world.",90,Brad Bird,Craig T. Nelson,Samuel L. Jackson,Holly Hunter,Jason Lee,657047,"261,441,092" +"https://m.media-amazon.com/images/M/MV5BMjM2NTYxMTE3OV5BMl5BanBnXkFtZTgwNDgwNjgwMzE@._V1_UY98_CR3,0,67,98_AL_.jpg",Yeopgijeogin geunyeo,2001,,137 min,"Comedy, Drama, Romance",8,"A young man sees a drunk, cute woman standing too close to the tracks at a metro station in Seoul and pulls her back. She ends up getting him into trouble repeatedly after that, starting on the train.",,Jae-young Kwak,Tae-Hyun Cha,Jun Ji-Hyun,In-mun Kim,Song Wok-suk,45403, +"https://m.media-amazon.com/images/M/MV5BMTkwNTg2MTI1NF5BMl5BanBnXkFtZTcwMDM1MzUyMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Dogville,2003,R,178 min,"Crime, Drama",8,"A woman on the run from the mob is reluctantly accepted in a small Colorado community in exchange for labor, but when a search visits the town she finds out that their support has a price.",60,Lars von Trier,Nicole Kidman,Paul Bettany,Lauren Bacall,Harriet Andersson,137963,"1,530,386" +"https://m.media-amazon.com/images/M/MV5BMjA2MzM4NjkyMF5BMl5BanBnXkFtZTYwMTQ2ODc5._V1_UY98_CR2,0,67,98_AL_.jpg",Vizontele,2001,,110 min,"Comedy, Drama",8,Lives of residents in a small Anatolian village change when television is introduced to them,,Yilmaz Erdogan,Ömer Faruk Sorak,Yilmaz Erdogan,Demet Akbag,Altan Erkekli,33592, +"https://m.media-amazon.com/images/M/MV5BZjZlZDlkYTktMmU1My00ZDBiLWFlNjEtYTBhNjVhOTM4ZjJjXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Donnie Darko,2001,R,113 min,"Drama, Mystery, Sci-Fi",8,"After narrowly escaping a bizarre accident, a troubled teenager is plagued by visions of a man in a large rabbit suit who manipulates him to commit a series of crimes.",88,Richard Kelly,Jake Gyllenhaal,Jena Malone,Mary McDonnell,Holmes Osborne,740086,"1,480,006" +"https://m.media-amazon.com/images/M/MV5BZjk3YThkNDktNjZjMS00MTBiLTllNTAtYzkzMTU0N2QwYjJjXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Magnolia,1999,R,188 min,Drama,8,"An epic mosaic of interrelated characters in search of love, forgiveness, and meaning in the San Fernando Valley.",77,Paul Thomas Anderson,Tom Cruise,Jason Robards,Julianne Moore,Philip Seymour Hoffman,289742,"22,455,976" +"https://m.media-amazon.com/images/M/MV5BNDVkYWMxNWEtNjc2MC00OGI5LWI3NmUtYWUwNDQyOTc3YmY5XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Dancer in the Dark,2000,U,140 min,"Crime, Drama, Musical",8,"An East European girl travels to the United States with her young son, expecting it to be like a Hollywood film.",61,Lars von Trier,Björk,Catherine Deneuve,David Morse,Peter Stormare,102285,"4,184,036" +"https://m.media-amazon.com/images/M/MV5BNmE1MDk4OWEtYjk1NS00MWU2LTk5ZWItYjZhYmRkODRjMDc0XkEyXkFqcGdeQXVyNjE5MjUyOTM@._V1_UX67_CR0,0,67,98_AL_.jpg",The Straight Story,1999,U,112 min,"Biography, Drama",8,An old man makes a long journey by lawnmower to mend his relationship with an ill brother.,86,David Lynch,Richard Farnsworth,Sissy Spacek,Jane Galloway Heitz,Joseph A. Carpenter,82002,"6,203,044" +"https://m.media-amazon.com/images/M/MV5BMmMzOWNhNTYtYmY0My00OGJiLWIzNDUtZWRhNGY0NWFjNzFmXkEyXkFqcGdeQXVyNjUxMDQ0MTg@._V1_UX67_CR0,0,67,98_AL_.jpg",Pâfekuto burû,1997,A,81 min,"Animation, Crime, Mystery",8,"A pop singer gives up her career to become an actress, but she slowly goes insane when she starts being stalked by an obsessed fan and what seems to be a ghost of her past.",,Satoshi Kon,Junko Iwao,Rica Matsumoto,Shinpachi Tsuji,Masaaki Ôkura,58192,"776,665" +"https://m.media-amazon.com/images/M/MV5BYTg3Yjc4N2QtZDdlNC00NmU2LWFiYjktYjI3NTMwMjk4M2FmXkEyXkFqcGdeQXVyMjgyNjk3MzE@._V1_UY98_CR4,0,67,98_AL_.jpg",Festen,1998,R,105 min,Drama,8,"At Helge's 60th birthday party, some unpleasant family truths are revealed.",82,Thomas Vinterberg,Ulrich Thomsen,Henning Moritzen,Thomas Bo Larsen,Paprika Steen,78341,"1,647,780" +"https://m.media-amazon.com/images/M/MV5BMjE3ZDA5ZmUtYTk1ZS00NmZmLWJhNTItYjIwZjUwN2RjNzIyXkEyXkFqcGdeQXVyMTkzODUwNzk@._V1_UX67_CR0,0,67,98_AL_.jpg",Central do Brasil,1998,R,110 min,Drama,8,"An emotive journey of a former school teacher, who writes letters for illiterate people, and a young boy, whose mother has just died, as they search for the father he never knew.",80,Walter Salles,Fernanda Montenegro,Vinícius de Oliveira,Marília Pêra,Soia Lira,36419,"5,595,428" +"https://m.media-amazon.com/images/M/MV5BMjIxNDU2Njk0OV5BMl5BanBnXkFtZTgwODc3Njc3NjE@._V1_UX67_CR0,0,67,98_AL_.jpg",The Iron Giant,1999,PG,86 min,"Animation, Action, Adventure",8,A young boy befriends a giant robot from outer space that a paranoid government agent wants to destroy.,85,Brad Bird,Eli Marienthal,Harry Connick Jr.,Jennifer Aniston,Vin Diesel,172083,"23,159,305" +"https://m.media-amazon.com/images/M/MV5BMTk2MjcxNjMzN15BMl5BanBnXkFtZTgwMTE3OTEwNjE@._V1_UY98_CR3,0,67,98_AL_.jpg",Knockin' on Heaven's Door,1997,,87 min,"Action, Crime, Comedy",8,"Two terminally ill patients escape from a hospital, steal a car and rush towards the sea.",,Thomas Jahn,Til Schweiger,Jan Josef Liefers,Thierry van Werveke,Moritz Bleibtreu,27721,"3,296" +"https://m.media-amazon.com/images/M/MV5BNGY5NWIxMjAtODBjNC00MmZhLTk1ZTAtNGRhYThlOTNjMTQwXkEyXkFqcGdeQXVyNTc1NTQxODI@._V1_UX67_CR0,0,67,98_AL_.jpg",Sling Blade,1996,R,135 min,Drama,8,"Karl Childers, a simple man hospitalized since his childhood murder of his mother and her lover, is released to start a new life in a small town.",84,Billy Bob Thornton,Billy Bob Thornton,Dwight Yoakam,J.T. Walsh,John Ritter,86838,"24,475,416" +"https://m.media-amazon.com/images/M/MV5BY2QzMTIxNjItNGQyNy00MjQzLWJiYTItMzIyZjdkYjYyYjRlXkEyXkFqcGdeQXVyMTAwMzUyOTc@._V1_UX67_CR0,0,67,98_AL_.jpg",Secrets & Lies,1996,U,136 min,"Comedy, Drama",8,"Following the death of her adoptive parents, a successful young black optometrist establishes contact with her biological mother -- a lonely white factory worker living in poverty in East London.",91,Mike Leigh,Timothy Spall,Brenda Blethyn,Phyllis Logan,Claire Rushbrook,37564,"13,417,292" +"https://m.media-amazon.com/images/M/MV5BN2Y2OWU4MWMtNmIyMy00YzMyLWI0Y2ItMTcyZDc3MTdmZDU4XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Twelve Monkeys,1995,A,129 min,"Mystery, Sci-Fi, Thriller",8,"In a future world devastated by disease, a convict is sent back in time to gather information about the man-made virus that wiped out most of the human population on the planet.",74,Terry Gilliam,Bruce Willis,Madeleine Stowe,Brad Pitt,Joseph Melito,578443,"57,141,459" +"https://m.media-amazon.com/images/M/MV5BYWRiYjQyOGItNzQ1Mi00MGI1LWE3NjItNTg1ZDQwNjUwNDM2XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Kôkaku Kidôtai,1995,UA,83 min,"Animation, Action, Crime",8,A cyborg policewoman and her partner hunt a mysterious and powerful hacker called the Puppet Master.,76,Mamoru Oshii,Atsuko Tanaka,Iemasa Kayumi,Akio Ôtsuka,Kôichi Yamadera,129231,"515,905" +"https://m.media-amazon.com/images/M/MV5BNWE4OTNiM2ItMjY4Ni00ZTViLWFiZmEtZGEyNGY2ZmNlMzIyXkEyXkFqcGdeQXVyMDU5NDcxNw@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Nightmare Before Christmas,1993,U,76 min,"Animation, Family, Fantasy",8,"Jack Skellington, king of Halloween Town, discovers Christmas Town, but his attempts to bring Christmas to his home causes confusion.",82,Henry Selick,Danny Elfman,Chris Sarandon,Catherine O'Hara,William Hickey,300208,"75,082,668" +"https://m.media-amazon.com/images/M/MV5BZWIxNzM5YzQtY2FmMS00Yjc3LWI1ZjUtNGVjMjMzZTIxZTIxXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Groundhog Day,1993,U,101 min,"Comedy, Fantasy, Romance",8,A weatherman finds himself inexplicably living the same day over and over again.,72,Harold Ramis,Bill Murray,Andie MacDowell,Chris Elliott,Stephen Tobolowsky,577991,"70,906,973" +"https://m.media-amazon.com/images/M/MV5BNzZmMjAxNjQtZjQzOS00NjU4LWI0NDktZjlkZTgwNjVmNzU3XkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UX67_CR0,0,67,98_AL_.jpg",Bound by Honor,1993,R,180 min,"Crime, Drama",8,"Based on the true life experiences of poet Jimmy Santiago Baca, the film focuses on step-brothers Paco and Cruz, and their bi-racial cousin Miklo.",47,Taylor Hackford,Damian Chapa,Jesse Borrego,Benjamin Bratt,Enrique Castillo,28825,"4,496,583" +"https://m.media-amazon.com/images/M/MV5BZTM3ZjA3NTctZThkYy00ODYyLTk2ZjItZmE0MmZlMTk3YjQwXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg",Scent of a Woman,1992,UA,156 min,Drama,8,"A prep school student needing money agrees to ""babysit"" a blind man, but the job is not at all what he anticipated.",59,Martin Brest,Al Pacino,Chris O'Donnell,James Rebhorn,Gabrielle Anwar,263918,"63,895,607" +"https://m.media-amazon.com/images/M/MV5BY2Q2NDI1MjUtM2Q5ZS00MTFlLWJiYWEtNTZmNjQ3OGJkZDgxXkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UX67_CR0,0,67,98_AL_.jpg",Aladdin,1992,U,90 min,"Animation, Adventure, Comedy",8,A kindhearted street urchin and a power-hungry Grand Vizier vie for a magic lamp that has the power to make their deepest wishes come true.,86,Ron Clements,John Musker,Scott Weinger,Robin Williams,Linda Larkin,373845,"217,350,219" +"https://m.media-amazon.com/images/M/MV5BYjYyODExMDctZjgwYy00ZjQwLWI4OWYtOGFlYjA4ZjEzNmY1XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",JFK,1991,UA,189 min,"Drama, History, Thriller",8,New Orleans District Attorney Jim Garrison discovers there's more to the Kennedy assassination than the official story.,72,Oliver Stone,Kevin Costner,Gary Oldman,Jack Lemmon,Walter Matthau,142110,"70,405,498" +"https://m.media-amazon.com/images/M/MV5BMzE5MDM1NDktY2I0OC00YWI5LTk2NzUtYjczNDczOWQxYjM0XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Beauty and the Beast,1991,G,84 min,"Animation, Family, Fantasy",8,A prince cursed to spend his days as a hideous monster sets out to regain his humanity by earning a young woman's love.,95,Gary Trousdale,Kirk Wise,Paige O'Hara,Robby Benson,Jesse Corti,417178,"218,967,620" +"https://m.media-amazon.com/images/M/MV5BMTY3OTI5NDczN15BMl5BanBnXkFtZTcwNDA0NDY3Mw@@._V1_UX67_CR0,0,67,98_AL_.jpg",Dances with Wolves,1990,U,181 min,"Adventure, Drama, Western",8,"Lieutenant John Dunbar, assigned to a remote western Civil War outpost, befriends wolves and Indians, making him an intolerable aberration in the military.",72,Kevin Costner,Kevin Costner,Mary McDonnell,Graham Greene,Rodney A. Grant,240266,"184,208,848" +"https://m.media-amazon.com/images/M/MV5BODA2MjU1NTI1MV5BMl5BanBnXkFtZTgwOTU4ODIwMjE@._V1_UX67_CR0,0,67,98_AL_.jpg",Do the Right Thing,1989,R,120 min,"Comedy, Drama",8,"On the hottest day of the year on a street in the Bedford-Stuyvesant section of Brooklyn, everyone's hate and bigotry smolders and builds until it explodes into violence.",93,Spike Lee,Danny Aiello,Ossie Davis,Ruby Dee,Richard Edson,89429,"27,545,445" +"https://m.media-amazon.com/images/M/MV5BMzVjNzI4NzYtMjE4NS00M2IzLWFkOWMtOTYwMWUzN2ZlNGVjL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Rain Man,1988,U,133 min,Drama,8,Selfish yuppie Charlie Babbitt's father left a fortune to his savant brother Raymond and a pittance to Charlie; they travel cross-country.,65,Barry Levinson,Dustin Hoffman,Tom Cruise,Valeria Golino,Gerald R. Molen,473064,"178,800,000" +"https://m.media-amazon.com/images/M/MV5BM2ZiZTk1ODgtMTZkNS00NTYxLWIxZTUtNWExZGYwZTRjODViXkEyXkFqcGdeQXVyMTE2MzA3MDM@._V1_UX67_CR0,0,67,98_AL_.jpg",Akira,1988,UA,124 min,"Animation, Action, Sci-Fi",8,A secret military project endangers Neo-Tokyo when it turns a biker gang member into a rampaging psychic psychopath who can only be stopped by two teenagers and a group of psychics.,,Katsuhiro Ôtomo,Mitsuo Iwata,Nozomu Sasaki,Mami Koyama,Tesshô Genda,164918,"553,171" +"https://m.media-amazon.com/images/M/MV5BMGM4M2Q5N2MtNThkZS00NTc1LTk1NTItNWEyZjJjNDRmNDk5XkEyXkFqcGdeQXVyMjA0MDQ0Mjc@._V1_UX67_CR0,0,67,98_AL_.jpg",The Princess Bride,1987,U,98 min,"Adventure, Family, Fantasy",8,"While home sick in bed, a young boy's grandfather reads him the story of a farmboy-turned-pirate who encounters numerous obstacles, enemies and allies in his quest to be reunited with his true love.",77,Rob Reiner,Cary Elwes,Mandy Patinkin,Robin Wright,Chris Sarandon,393899,"30,857,814" +"https://m.media-amazon.com/images/M/MV5BMzMxZjUzOGQtOTFlOS00MzliLWJhNTUtOTgyNzYzMWQ2YzhmXkEyXkFqcGdeQXVyNjQ2MjQ5NzM@._V1_UY98_CR0,0,67,98_AL_.jpg",Der Himmel über Berlin,1987,U,128 min,"Drama, Fantasy, Romance",8,An angel tires of overseeing human activity and wishes to become human when he falls in love with a mortal.,79,Wim Wenders,Bruno Ganz,Solveig Dommartin,Otto Sander,Curt Bois,64722,"3,333,969" +"https://m.media-amazon.com/images/M/MV5BZmYxOTA5YTEtNDY3Ni00YTE5LWE1MTgtYjc4ZWUxNWY3ZTkxXkEyXkFqcGdeQXVyNjQ2MjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Au revoir les enfants,1987,U,104 min,"Drama, War",8,"A French boarding school run by priests seems to be a haven from World War II until a new student arrives. He becomes the roommate of the top student in his class. Rivals at first, the roommates form a bond and share a secret.",88,Louis Malle,Gaspard Manesse,Raphael Fejtö,Francine Racette,Stanislas Carré de Malberg,31163,"4,542,825" +"https://m.media-amazon.com/images/M/MV5BNTg0NmI1ZGQtZTUxNC00NTgxLThjMDUtZmRlYmEzM2MwOWYwXkEyXkFqcGdeQXVyMzM4MjM0Nzg@._V1_UY98_CR1,0,67,98_AL_.jpg",Tenkû no shiro Rapyuta,1986,U,125 min,"Animation, Adventure, Drama",8,A young boy and a girl with a magic crystal must race against pirates and foreign agents in a search for a legendary floating castle.,78,Hayao Miyazaki,Mayumi Tanaka,Keiko Yokozawa,Kotoe Hatsui,Minori Terada,150140, +"https://m.media-amazon.com/images/M/MV5BYTViNzMxZjEtZGEwNy00MDNiLWIzNGQtZDY2MjQ1OWViZjFmXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",The Terminator,1984,UA,107 min,"Action, Sci-Fi",8,"A human soldier is sent from 2029 to 1984 to stop an almost indestructible cyborg killing machine, sent from the same year, which has been programmed to execute a young woman whose unborn son is the key to humanity's future salvation.",84,James Cameron,Arnold Schwarzenegger,Linda Hamilton,Michael Biehn,Paul Winfield,799795,"38,400,000" +"https://m.media-amazon.com/images/M/MV5BMzJiZDRmOWUtYjE2MS00Mjc1LTg1ZDYtNTQxYWJkZTg1OTM4XkEyXkFqcGdeQXVyNjUwNzk3NDc@._V1_UX67_CR0,0,67,98_AL_.jpg",Gandhi,1982,U,191 min,"Biography, Drama, History",8,The life of the lawyer who became the famed leader of the Indian revolts against the British rule through his philosophy of nonviolent protest.,79,Richard Attenborough,Ben Kingsley,John Gielgud,Rohini Hattangadi,Roshan Seth,217664,"52,767,889" +"https://m.media-amazon.com/images/M/MV5BMzFhNWVmNWItNGM5OC00NjZhLTk3YTQtMjE1ODUyOThlMjNmL2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Kagemusha,1980,U,180 min,"Drama, History, War",8,A petty thief with an utter resemblance to a samurai warlord is hired as the lord's double. When the warlord later dies the thief is forced to take up arms in his place.,84,Akira Kurosawa,Tatsuya Nakadai,Tsutomu Yamazaki,Ken'ichi Hagiwara,Jinpachi Nezu,32195, +"https://m.media-amazon.com/images/M/MV5BNjAzNzJjYzQtMGFmNS00ZjAzLTkwMjgtMWIzYzFkMzM4Njg3XkEyXkFqcGdeQXVyMTY5Nzc4MDY@._V1_UX67_CR0,0,67,98_AL_.jpg",Being There,1979,PG,130 min,"Comedy, Drama",8,"A simpleminded, sheltered gardener becomes an unlikely trusted advisor to a powerful businessman and an insider in Washington politics.",83,Hal Ashby,Peter Sellers,Shirley MacLaine,Melvyn Douglas,Jack Warden,65625,"30,177,511" +"https://m.media-amazon.com/images/M/MV5BZDg1OGQ4YzgtM2Y2NS00NjA3LWFjYTctMDRlMDI3NWE1OTUyXkEyXkFqcGdeQXVyMjUzOTY1NTc@._V1_UX67_CR0,0,67,98_AL_.jpg",Annie Hall,1977,A,93 min,"Comedy, Romance",8,Neurotic New York comedian Alvy Singer falls in love with the ditzy Annie Hall.,92,Woody Allen,Woody Allen,Diane Keaton,Tony Roberts,Carol Kane,251823,"39,200,000" +"https://m.media-amazon.com/images/M/MV5BMmVmODY1MzEtYTMwZC00MzNhLWFkNDMtZjAwM2EwODUxZTA5XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Jaws,1975,A,124 min,"Adventure, Thriller",8,"When a killer shark unleashes chaos on a beach community, it's up to a local sheriff, a marine biologist, and an old seafarer to hunt the beast down.",87,Steven Spielberg,Roy Scheider,Robert Shaw,Richard Dreyfuss,Lorraine Gary,543388,"260,000,000" +"https://m.media-amazon.com/images/M/MV5BODExZmE2ZWItYTIzOC00MzI1LTgyNTktMDBhNmFhY2Y4OTQ3XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Dog Day Afternoon,1975,U,125 min,"Biography, Crime, Drama",8,"Three amateur bank robbers plan to hold up a bank. A nice simple robbery: Walk in, take the money, and run. Unfortunately, the supposedly uncomplicated heist suddenly becomes a bizarre nightmare as everything that could go wrong does.",86,Sidney Lumet,Al Pacino,John Cazale,Penelope Allen,Sully Boyar,235652,"50,000,000" +"https://m.media-amazon.com/images/M/MV5BMTEwNjg2MjM2ODFeQTJeQWpwZ15BbWU4MDQ1MDU5OTEx._V1_UX67_CR0,0,67,98_AL_.jpg",Young Frankenstein,1974,A,106 min,Comedy,8,"An American grandson of the infamous scientist, struggling to prove that his grandfather was not as insane as people believe, is invited to Transylvania, where he discovers the process that reanimates a dead body.",80,Mel Brooks,Gene Wilder,Madeline Kahn,Marty Feldman,Peter Boyle,143359,"86,300,000" +"https://m.media-amazon.com/images/M/MV5BZGRjZjQ0NzAtYmZlNS00Zjc1LTk1YWItMDY5YzQxMzA4MTAzXkEyXkFqcGdeQXVyMjI4MjA5MzA@._V1_UX67_CR0,0,67,98_AL_.jpg",Papillon,1973,R,151 min,"Biography, Crime, Drama",8,"A man befriends a fellow criminal as the two of them begin serving their sentence on a dreadful prison island, which inspires the man to plot his escape.",58,Franklin J. Schaffner,Steve McQueen,Dustin Hoffman,Victor Jory,Don Gordon,121627,"53,267,000" +"https://m.media-amazon.com/images/M/MV5BYjhmMGMxZDYtMTkyNy00YWVmLTgyYmUtYTU3ZjcwNTBjN2I1XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",The Exorcist,1973,A,122 min,Horror,8,"When a 12-year-old girl is possessed by a mysterious entity, her mother seeks the help of two priests to save her.",81,William Friedkin,Ellen Burstyn,Max von Sydow,Linda Blair,Lee J. Cobb,362393,"232,906,145" +"https://m.media-amazon.com/images/M/MV5BM2EzZmFmMmItODY3Zi00NjdjLWE0MTYtZWQ3MGIyM2M4YjZhXkEyXkFqcGdeQXVyMzg2MzE2OTE@._V1_UX67_CR0,0,67,98_AL_.jpg",Sleuth,1972,PG,138 min,"Mystery, Thriller",8,"A man who loves games and theater invites his wife's lover to meet him, setting up a battle of wits with potentially deadly results.",,Joseph L. Mankiewicz,Laurence Olivier,Michael Caine,Alec Cawthorne,John Matthews,44748,"4,081,254" +"https://m.media-amazon.com/images/M/MV5BNmVjNzZkZjQtYmM5ZC00M2I0LWJhNzktNDk3MGU1NWMxMjFjXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",The Last Picture Show,1971,R,118 min,"Drama, Romance",8,"In 1951, a group of high schoolers come of age in a bleak, isolated, atrophied North Texas town that is slowly dying, both culturally and economically.",93,Peter Bogdanovich,Timothy Bottoms,Jeff Bridges,Cybill Shepherd,Ben Johnson,42456,"29,133,000" +"https://m.media-amazon.com/images/M/MV5BMWMxNDYzNmUtYjFmNC00MGM2LWFmNzMtODhlMGNkNDg5MjE5XkEyXkFqcGdeQXVyNjE5MjUyOTM@._V1_UX67_CR0,0,67,98_AL_.jpg",Fiddler on the Roof,1971,G,181 min,"Drama, Family, Musical",8,"In prerevolutionary Russia, a Jewish peasant contends with marrying off three of his daughters while growing anti-Semitic sentiment threatens his village.",67,Norman Jewison,Topol,Norma Crane,Leonard Frey,Molly Picon,39491,"80,500,000" +"https://m.media-amazon.com/images/M/MV5BODFlYzU4YTItN2EwYi00ODI3LTkwNTQtMDdkNjM3YjMyMTgyXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UY98_CR0,0,67,98_AL_.jpg",Il conformista,1970,UA,113 min,Drama,8,"A weak-willed Italian man becomes a fascist flunky who goes abroad to arrange the assassination of his old teacher, now a political dissident.",100,Bernardo Bertolucci,Jean-Louis Trintignant,Stefania Sandrelli,Gastone Moschin,Enzo Tarascio,27067,"541,940" +"https://m.media-amazon.com/images/M/MV5BMTkyMTM2NDk5Nl5BMl5BanBnXkFtZTgwNzY1NzEyMDE@._V1_UX67_CR0,0,67,98_AL_.jpg",Butch Cassidy and the Sundance Kid,1969,PG,110 min,"Biography, Crime, Drama",8,"Wyoming, early 1900s. Butch Cassidy and The Sundance Kid are the leaders of a band of outlaws. After a train robbery goes wrong they find themselves on the run with a posse hard on their heels. Their solution - escape to Bolivia.",66,George Roy Hill,Paul Newman,Robert Redford,Katharine Ross,Strother Martin,201888,"102,308,889" +"https://m.media-amazon.com/images/M/MV5BZmEwZGU2NzctYzlmNi00MGJkLWE3N2MtYjBlN2ZhMGJkZTZiXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Rosemary's Baby,1968,A,137 min,"Drama, Horror",8,A young couple trying for a baby move into a fancy apartment surrounded by peculiar neighbors.,96,Roman Polanski,Mia Farrow,John Cassavetes,Ruth Gordon,Sidney Blackmer,193674, +"https://m.media-amazon.com/images/M/MV5BMTg0NjUwMzg5NF5BMl5BanBnXkFtZTgwNDQ0NjcwMTE@._V1_UX67_CR0,0,67,98_AL_.jpg",Planet of the Apes,1968,U,112 min,"Adventure, Sci-Fi",8,"An astronaut crew crash-lands on a planet in the distant future where intelligent talking apes are the dominant species, and humans are the oppressed and enslaved.",79,Franklin J. Schaffner,Charlton Heston,Roddy McDowall,Kim Hunter,Maurice Evans,165167,"33,395,426" +"https://m.media-amazon.com/images/M/MV5BMTQ0ODc4MDk4Nl5BMl5BanBnXkFtZTcwMTEzNzgzNA@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Graduate,1967,A,106 min,"Comedy, Drama, Romance",8,A disillusioned college graduate finds himself torn between his older lover and her daughter.,83,Mike Nichols,Dustin Hoffman,Anne Bancroft,Katharine Ross,William Daniels,253676,"104,945,305" +"https://m.media-amazon.com/images/M/MV5BMjQ5ODI1MjQtMDc0Zi00OGQ1LWE2NTYtMTg1YTkxM2E5NzFkXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg",Who's Afraid of Virginia Woolf?,1966,A,131 min,Drama,8,"A bitter, aging couple, with the help of alcohol, use their young houseguests to fuel anguish and emotional pain towards each other over the course of a distressing night.",75,Mike Nichols,Elizabeth Taylor,Richard Burton,George Segal,Sandy Dennis,68926, +"https://m.media-amazon.com/images/M/MV5BODIxNjhkYjEtYzUyMi00YTNjLWE1YjktNjAyY2I2MWNkNmNmL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UY98_CR1,0,67,98_AL_.jpg",The Sound of Music,1965,U,172 min,"Biography, Drama, Family",8,A woman leaves an Austrian convent to become a governess to the children of a Naval officer widower.,63,Robert Wise,Julie Andrews,Christopher Plummer,Eleanor Parker,Richard Haydn,205425,"163,214,286" +"https://m.media-amazon.com/images/M/MV5BNzdmZTk4MTktZmExNi00OWEwLTgxZDctNTE4NWMwNjc1Nzg2XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Doctor Zhivago,1965,A,197 min,"Drama, Romance, War",8,"The life of a Russian physician and poet who, although married to another, falls in love with a political activist's wife and experiences hardship during World War I and then the October Revolution.",69,David Lean,Omar Sharif,Julie Christie,Geraldine Chaplin,Rod Steiger,69903,"111,722,000" +"https://m.media-amazon.com/images/M/MV5BYjA1MGVlMGItNzgxMC00OWY4LWI4YjEtNTNmYWIzMGUxOGQzXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UY98_CR0,0,67,98_AL_.jpg",Per un pugno di dollari,1964,A,99 min,"Action, Drama, Western",8,"A wandering gunfighter plays two rival families against each other in a town torn apart by greed, pride, and revenge.",65,Sergio Leone,Clint Eastwood,Gian Maria Volontè,Marianne Koch,Wolfgang Lukschy,198219,"14,500,000" +"https://m.media-amazon.com/images/M/MV5BMTQ4MTA0NjEzMF5BMl5BanBnXkFtZTgwMDg4NDYxMzE@._V1_UY98_CR2,0,67,98_AL_.jpg",8½,1963,,138 min,Drama,8,A harried movie director retreats into his memories and fantasies.,91,Federico Fellini,Marcello Mastroianni,Anouk Aimée,Claudia Cardinale,Sandra Milo,108844,"50,690" +"https://m.media-amazon.com/images/M/MV5BNjMyZmI5NmItY2JlMi00NzU3LWI5ZGItZjhkOTE0YjEyN2Q4XkEyXkFqcGdeQXVyNDkzNTM2ODg@._V1_UX67_CR0,0,67,98_AL_.jpg",Vivre sa vie: Film en douze tableaux,1962,,80 min,Drama,8,Twelve episodic tales in the life of a Parisian woman and her slow descent into prostitution.,,Jean-Luc Godard,Anna Karina,Sady Rebbot,André S. Labarthe,Guylaine Schlumberger,28057, +"https://m.media-amazon.com/images/M/MV5BNjhjODI2NTItMGE1ZS00NThiLWE1MmYtOWE3YzcyNzY1MTJlXkEyXkFqcGdeQXVyNTc1NTQxODI@._V1_UX67_CR0,0,67,98_AL_.jpg",The Hustler,1961,A,134 min,"Drama, Sport",8,An up-and-coming pool player plays a long-time champion in a single high-stakes match.,90,Robert Rossen,Paul Newman,Jackie Gleason,Piper Laurie,George C. Scott,75067,"8,284,000" +"https://m.media-amazon.com/images/M/MV5BODQ0NzY5NGEtYTc5NC00Yjg4LTg4Y2QtZjE2MTkyYTNmNmU2L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UY98_CR1,0,67,98_AL_.jpg",La dolce vita,1960,A,174 min,"Comedy, Drama",8,A series of stories following a week in the life of a philandering paparazzo journalist living in Rome.,95,Federico Fellini,Marcello Mastroianni,Anita Ekberg,Anouk Aimée,Yvonne Furneaux,66621,"19,516,000" +"https://m.media-amazon.com/images/M/MV5BZDVhMTk1NjUtYjc0OS00OTE1LTk1NTYtYWMzMDI5OTlmYzU2XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Rio Bravo,1959,Passed,141 min,"Action, Drama, Western",8,"A small-town sheriff in the American West enlists the help of a cripple, a drunk, and a young gunfighter in his efforts to hold in jail the brother of the local bad guy.",93,Howard Hawks,John Wayne,Dean Martin,Ricky Nelson,Angie Dickinson,56305,"12,535,000" +"https://m.media-amazon.com/images/M/MV5BMzM0MzE2ZTAtZTBjZS00MTk5LTg5OTEtNjNmYmQ5NzU2OTUyXkEyXkFqcGdeQXVyNDY2MTk1ODk@._V1_UX67_CR0,0,67,98_AL_.jpg",Anatomy of a Murder,1959,,161 min,"Crime, Drama, Mystery",8,"In a murder trial, the defendant says he suffered temporary insanity after the victim raped his wife. What is the truth, and will he win his case?",95,Otto Preminger,James Stewart,Lee Remick,Ben Gazzara,Arthur O'Connell,59847,"11,900,000" +"https://m.media-amazon.com/images/M/MV5BOTA1MjA3M2EtMmJjZS00OWViLTkwMTEtM2E5ZDk0NTAyNGJiXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Touch of Evil,1958,PG-13,95 min,"Crime, Drama, Film-Noir",8,"A stark, perverse story of murder, kidnapping, and police corruption in a Mexican border town.",99,Orson Welles,Charlton Heston,Orson Welles,Janet Leigh,Joseph Calleia,98431,"2,237,659" +"https://m.media-amazon.com/images/M/MV5BMzFhNTMwNDMtZjY3Yy00NzY3LWI1ZWQtZTQxMWJmODVhZWFkXkEyXkFqcGdeQXVyNjQzNDI3NzY@._V1_UX67_CR0,0,67,98_AL_.jpg",Cat on a Hot Tin Roof,1958,A,108 min,Drama,8,Brick is an alcoholic ex-football player who drinks his days away and resists the affections of his wife. A reunion with his terminal father jogs a host of memories and revelations for both father and son.,84,Richard Brooks,Elizabeth Taylor,Paul Newman,Burl Ives,Jack Carson,45062,"17,570,324" +"https://m.media-amazon.com/images/M/MV5BMjE5NTU3YWYtOWIxNi00YWZhLTg2NzktYzVjZWY5MDQ4NzVlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Sweet Smell of Success,1957,Approved,96 min,"Drama, Film-Noir",8,Powerful but unethical Broadway columnist J.J. Hunsecker coerces unscrupulous press agent Sidney Falco into breaking up his sister's romance with a jazz musician.,100,Alexander Mackendrick,Burt Lancaster,Tony Curtis,Susan Harrison,Martin Milner,28137, +"https://m.media-amazon.com/images/M/MV5BMDE5ZjAwY2YtOWM5Yi00ZWNlLWE5ODQtYjA4NzA1NGFkZDU5XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",The Killing,1956,Approved,84 min,"Crime, Drama, Film-Noir",8,Crook Johnny Clay assembles a five man team to plan and execute a daring race-track robbery.,91,Stanley Kubrick,Sterling Hayden,Coleen Gray,Vince Edwards,Jay C. Flippen,81702, +"https://m.media-amazon.com/images/M/MV5BYTNjN2M2MzYtZGEwMi00Mzc5LWEwYTMtODM1ZmRiZjFiNTU0L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",The Night of the Hunter,1955,,92 min,"Crime, Drama, Film-Noir",8,"A religious fanatic marries a gullible widow whose young children are reluctant to tell him where their real daddy hid the $10,000 he'd stolen in a robbery.",99,Charles Laughton,Robert Mitchum,Shelley Winters,Lillian Gish,James Gleason,81980,"654,000" +"https://m.media-amazon.com/images/M/MV5BYjUyOGMyMTQtYTM5Yy00MjFiLTk2OGItMWYwMDc2YmM1YzhiXkEyXkFqcGdeQXVyMjA0MzYwMDY@._V1_UY98_CR2,0,67,98_AL_.jpg",La Strada,1954,,108 min,Drama,8,"A care-free girl is sold to a traveling entertainer, consequently enduring physical and emotional pain along the way.",,Federico Fellini,Anthony Quinn,Giulietta Masina,Richard Basehart,Aldo Silvani,58314, +"https://m.media-amazon.com/images/M/MV5BMGJmNmU5OTAtOTQyYy00MmM3LTk4MzUtMGFiZDYzODdmMmU4XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UY98_CR3,0,67,98_AL_.jpg",Les diaboliques,1955,,117 min,"Crime, Drama, Horror",8,The wife and mistress of a loathed school principal plan to murder him with what they believe is the perfect alibi.,,Henri-Georges Clouzot,Simone Signoret,Véra Clouzot,Paul Meurisse,Charles Vanel,61503, +"https://m.media-amazon.com/images/M/MV5BNDMyNGU0NjUtNTIxMC00ZmU2LWE0ZGItZTdkNGVlODI2ZDcyL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Stalag 17,1953,,120 min,"Comedy, Drama, War",8,"When two escaping American World War II prisoners are killed, the German P.O.W. camp barracks black marketeer, J.J. Sefton, is suspected of being an informer.",84,Billy Wilder,William Holden,Don Taylor,Otto Preminger,Robert Strauss,51046, +"https://m.media-amazon.com/images/M/MV5BMTE2MDM4MTMtZmNkZC00Y2QyLWE0YjUtMTAxZGJmODMxMDM0XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Roman Holiday,1953,,118 min,"Comedy, Romance",8,A bored and sheltered princess escapes her guardians and falls in love with an American newsman in Rome.,78,William Wyler,Gregory Peck,Audrey Hepburn,Eddie Albert,Hartley Power,127256, +"https://m.media-amazon.com/images/M/MV5BNzk2M2Y3MzYtNGMzMi00Y2FjLTkwODQtNmExYWU3ZWY3NzExXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg",A Streetcar Named Desire,1951,A,122 min,Drama,8,Disturbed Blanche DuBois moves in with her sister in New Orleans and is tormented by her brutish brother-in-law while her reality crumbles around her.,97,Elia Kazan,Vivien Leigh,Marlon Brando,Kim Hunter,Karl Malden,99182,"8,000,000" +"https://m.media-amazon.com/images/M/MV5BNjRmZjcwZTQtYWY0ZS00ODAwLTg4YTktZDhlZDMwMTM1MGFkXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",In a Lonely Place,1950,,94 min,"Drama, Film-Noir, Mystery",8,"A potentially violent screenwriter is a murder suspect until his lovely neighbor clears him. However, she soon starts to have her doubts.",,Nicholas Ray,Humphrey Bogart,Gloria Grahame,Frank Lovejoy,Carl Benton Reid,26784, +"https://m.media-amazon.com/images/M/MV5BZjc1Yzc0ZmItMzU1OS00OWVlLThmYTctMWNlYmFlMjkxMzc0XkEyXkFqcGdeQXVyNTA1NjYyMDk@._V1_UY98_CR32,0,67,98_AL_.jpg",Kind Hearts and Coronets,1949,U,106 min,"Comedy, Crime",8,A distant poor relative of the Duke D'Ascoyne plots to inherit the title by murdering the eight other heirs who stand ahead of him in the line of succession.,,Robert Hamer,Dennis Price,Alec Guinness,Valerie Hobson,Joan Greenwood,34485, +"https://m.media-amazon.com/images/M/MV5BYWFjMDNlYzItY2VlMS00ZTRkLWJjYTEtYjI5NmFlMGE3MzQ2XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Rope,1948,A,80 min,"Crime, Drama, Mystery",8,Two men attempt to prove they committed the perfect crime by hosting a dinner party after strangling their former classmate to death.,73,Alfred Hitchcock,James Stewart,John Dall,Farley Granger,Dick Hogan,129783, +"https://m.media-amazon.com/images/M/MV5BMDE0MjYxYmMtM2VhMC00MjhiLTg5NjItMDkzZGM5MGVlYjMxL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Out of the Past,1947,,97 min,"Crime, Drama, Film-Noir",8,"A private eye escapes his past to run a gas station in a small town, but his past catches up with him. Now he must return to the big city world of danger, corruption, double crosses and duplicitous dames.",,Jacques Tourneur,Robert Mitchum,Jane Greer,Kirk Douglas,Rhonda Fleming,32784, +"https://m.media-amazon.com/images/M/MV5BYWQ0MGNjOTYtMWJlNi00YWMxLWFmMzktYjAyNTVkY2U1NWNhL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Brief Encounter,1945,U,86 min,"Drama, Romance",8,"Meeting a stranger in a railway station, a woman is tempted to cheat on her husband.",92,David Lean,Celia Johnson,Trevor Howard,Stanley Holloway,Joyce Carey,35601, +"https://m.media-amazon.com/images/M/MV5BYjkxOGM5OTktNTRmZi00MjhlLWE2MDktNzY3NjY3NmRjNDUyXkEyXkFqcGdeQXVyNDY2MTk1ODk@._V1_UX67_CR0,0,67,98_AL_.jpg",Laura,1944,Passed,88 min,"Drama, Film-Noir, Mystery",8,A police detective falls in love with the woman whose murder he is investigating.,,Otto Preminger,Gene Tierney,Dana Andrews,Clifton Webb,Vincent Price,42725,"4,360,000" +"https://m.media-amazon.com/images/M/MV5BY2RmNTRjYzctODI4Ni00MzQyLWEyNTAtNjU0N2JkMTNhNjJkXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",The Best Years of Our Lives,1946,Approved,170 min,"Drama, Romance, War",8,Three World War II veterans return home to small-town America to discover that they and their families have been irreparably changed.,93,William Wyler,Myrna Loy,Dana Andrews,Fredric March,Teresa Wright,57259,"23,650,000" +"https://m.media-amazon.com/images/M/MV5BZDVlNTBjMjctNjAzNS00ZGJhLTg2NzMtNzIwYTIzYTBiMDkyXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg",Arsenic and Old Lace,1942,,118 min,"Comedy, Crime, Thriller",8,A writer of books on the futility of marriage risks his reputation when he decides to get married. Things get even more complicated when he learns on his wedding day that his beloved maiden aunts are habitual murderers.,,Frank Capra,Cary Grant,Priscilla Lane,Raymond Massey,Jack Carson,65101, +"https://m.media-amazon.com/images/M/MV5BZjIwNGM1ZTUtOThjYS00NDdiLTk2ZDYtNGY5YjJkNzliM2JjL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Maltese Falcon,1941,,100 min,"Film-Noir, Mystery",8,"A private detective takes on a case that involves him with three eccentric criminals, a gorgeous liar, and their quest for a priceless statuette.",96,John Huston,Humphrey Bogart,Mary Astor,Gladys George,Peter Lorre,148928,"2,108,060" +"https://m.media-amazon.com/images/M/MV5BNzJiOGI2MjctYjUyMS00ZjkzLWE2ZmUtOTg4NTZkOTNhZDc1L2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",The Grapes of Wrath,1940,Passed,129 min,"Drama, History",8,"A poor Midwest family is forced off their land. They travel to California, suffering the misfortunes of the homeless in the Great Depression.",96,John Ford,Henry Fonda,Jane Darwell,John Carradine,Charley Grapewin,85559,"55,000" +"https://m.media-amazon.com/images/M/MV5BNjUyMTc4MDExMV5BMl5BanBnXkFtZTgwNDg0NDIwMjE@._V1_UX67_CR0,0,67,98_AL_.jpg",The Wizard of Oz,1939,U,102 min,"Adventure, Family, Fantasy",8,Dorothy Gale is swept away from a farm in Kansas to a magical land of Oz in a tornado and embarks on a quest with her new friends to see the Wizard who can help her return home to Kansas and help her friends as well.,92,Victor Fleming,George Cukor,Mervyn LeRoy,Norman Taurog,Richard Thorpe,371379,"2,076,020" +"https://m.media-amazon.com/images/M/MV5BYTE4NjYxMGEtZmQxZi00YWVmLWJjZTctYTJmNDFmZGEwNDVhXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UY98_CR2,0,67,98_AL_.jpg",La règle du jeu,1939,,110 min,"Comedy, Drama",8,"A bourgeois life in France at the onset of World War II, as the rich and their poor servants meet up at a French chateau.",,Jean Renoir,Marcel Dalio,Nora Gregor,Paulette Dubost,Mila Parély,26725, +"https://m.media-amazon.com/images/M/MV5BYmFlOWMwMjAtMDMyMC00N2JjLTllODUtZjY3YWU3NGRkM2I2L2ltYWdlXkEyXkFqcGdeQXVyMjUxODE0MDY@._V1_UX67_CR0,0,67,98_AL_.jpg",The Thin Man,1934,TV-PG,91 min,"Comedy, Crime, Mystery",8,"Former detective Nick Charles and his wealthy wife Nora investigate a murder case, mostly for the fun of it.",86,W.S. Van Dyke,William Powell,Myrna Loy,Maureen O'Sullivan,Nat Pendleton,26642, +"https://m.media-amazon.com/images/M/MV5BMzg2MWQ4MDEtOGZlNi00MTg0LWIwMjQtYWY5NTQwYmUzMWNmXkEyXkFqcGdeQXVyMzg2MzE2OTE@._V1_UX67_CR0,0,67,98_AL_.jpg",All Quiet on the Western Front,1930,U,152 min,"Drama, War",8,"A German youth eagerly enters World War I, but his enthusiasm wanes as he gets a firsthand view of the horror.",91,Lewis Milestone,Lew Ayres,Louis Wolheim,John Wray,Arnold Lucy,57318,"3,270,000" +"https://m.media-amazon.com/images/M/MV5BMTEyMTQzMjQ0MTJeQTJeQWpwZ15BbWU4MDcyMjg4OTEx._V1_UY98_CR1,0,67,98_AL_.jpg",Bronenosets Potemkin,1925,,75 min,"Drama, History, Thriller",8,"In the midst of the Russian Revolution of 1905, the crew of the battleship Potemkin mutiny against the brutal, tyrannical regime of the vessel's officers. The resulting street demonstration in Odessa brings on a police massacre.",97,Sergei M. Eisenstein,Aleksandr Antonov,Vladimir Barskiy,Grigoriy Aleksandrov,Ivan Bobrov,53054,"50,970" +"https://m.media-amazon.com/images/M/MV5BMGUwZjliMTAtNzAxZi00MWNiLWE2NzgtZGUxMGQxZjhhNDRiXkEyXkFqcGdeQXVyNjU1NzU3MzE@._V1_UX67_CR0,0,67,98_AL_.jpg",Knives Out,2019,UA,130 min,"Comedy, Crime, Drama",7.9,"A detective investigates the death of a patriarch of an eccentric, combative family.",82,Rian Johnson,Daniel Craig,Chris Evans,Ana de Armas,Jamie Lee Curtis,454203,"165,359,751" +"https://m.media-amazon.com/images/M/MV5BNmI0MTliMTAtMmJhNC00NTJmLTllMzQtMDI3NzA1ODMyZWI1XkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR5,0,67,98_AL_.jpg",Dil Bechara,2020,UA,101 min,"Comedy, Drama, Romance",7.9,"The emotional journey of two hopelessly in love youngsters, a young girl, Kizie, suffering from cancer, and a boy, Manny, whom she meets at a support group.",,Mukesh Chhabra,Sushant Singh Rajput,Sanjana Sanghi,Sahil Vaid,Saswata Chatterjee,111478, +"https://m.media-amazon.com/images/M/MV5BYWZmOTY0MDAtMGRlMS00YjFlLWFkZTUtYmJhYWNlN2JjMmZkXkEyXkFqcGdeQXVyODAzODU1NDQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Manbiki kazoku,2018,A,121 min,"Crime, Drama",7.9,A family of small-time crooks take in a child they find outside in the cold.,93,Hirokazu Koreeda,Lily Franky,Sakura Andô,Kirin Kiki,Mayu Matsuoka,62754,"3,313,513" +"https://m.media-amazon.com/images/M/MV5BZGVmY2RjNDgtMTc3Yy00YmY0LTgwODItYzBjNWJhNTRlYjdkXkEyXkFqcGdeQXVyMjM4NTM5NDY@._V1_UX67_CR0,0,67,98_AL_.jpg",Marriage Story,2019,U,137 min,"Comedy, Drama, Romance",7.9,Noah Baumbach's incisive and compassionate look at a marriage breaking up and a family staying together.,94,Noah Baumbach,Adam Driver,Scarlett Johansson,Julia Greer,Azhy Robertson,246644,"2,000,000" +"https://m.media-amazon.com/images/M/MV5BNDk3NTEwNjc0MV5BMl5BanBnXkFtZTgwNzYxNTMwMzI@._V1_UX67_CR0,0,67,98_AL_.jpg",Call Me by Your Name,2017,UA,132 min,"Drama, Romance",7.9,"In 1980s Italy, romance blossoms between a seventeen-year-old student and the older man hired as his father's research assistant.",93,Luca Guadagnino,Armie Hammer,Timothée Chalamet,Michael Stuhlbarg,Amira Casar,212651,"18,095,701" +"https://m.media-amazon.com/images/M/MV5BMTQ4NTMzMTk4NV5BMl5BanBnXkFtZTgwNTU5MjE4MDI@._V1_UX67_CR0,0,67,98_AL_.jpg","I, Daniel Blake",2016,UA,100 min,Drama,7.9,"After having suffered a heart-attack, a 59-year-old carpenter must fight the bureaucratic forces of the system in order to receive Employment and Support Allowance.",78,Ken Loach,Laura Obiols,Dave Johns,Hayley Squires,Sharon Percy,53818,"258,168" +"https://m.media-amazon.com/images/M/MV5BZDQwOWQ2NmUtZThjZi00MGM0LTkzNDctMzcyMjcyOGI1OGRkXkEyXkFqcGdeQXVyMTA3MDk2NDg2._V1_UX67_CR0,0,67,98_AL_.jpg",Isle of Dogs,2018,U,101 min,"Animation, Adventure, Comedy",7.9,"Set in Japan, Isle of Dogs follows a boy's odyssey in search of his lost dog.",82,Wes Anderson,Bryan Cranston,Koyu Rankin,Edward Norton,Bob Balaban,139114,"32,015,231" +"https://m.media-amazon.com/images/M/MV5BMjI1MDQ2MDg5Ml5BMl5BanBnXkFtZTgwMjc2NjM5ODE@._V1_UX67_CR0,0,67,98_AL_.jpg",Hunt for the Wilderpeople,2016,UA,101 min,"Adventure, Comedy, Drama",7.9,A national manhunt is ordered for a rebellious kid and his foster uncle who go missing in the wild New Zealand bush.,81,Taika Waititi,Sam Neill,Julian Dennison,Rima Te Wiata,Rachel House,111483,"5,202,582" +"https://m.media-amazon.com/images/M/MV5BMjE5OTM0OTY5NF5BMl5BanBnXkFtZTgwMDcxOTQ3ODE@._V1_UX67_CR0,0,67,98_AL_.jpg",Captain Fantastic,2016,R,118 min,"Comedy, Drama",7.9,"In the forests of the Pacific Northwest, a father devoted to raising his six kids with a rigorous physical and intellectual education is forced to leave his paradise and enter the world, challenging his idea of what it means to be a parent.",72,Matt Ross,Viggo Mortensen,George MacKay,Samantha Isler,Annalise Basso,189400,"5,875,006" +"https://m.media-amazon.com/images/M/MV5BMjEzODA3MDcxMl5BMl5BanBnXkFtZTgwODgxNDk3NzE@._V1_UX67_CR0,0,67,98_AL_.jpg",Sing Street,2016,PG-13,106 min,"Comedy, Drama, Music",7.9,A boy growing up in Dublin during the 1980s escapes his strained family life by starting a band to impress the mysterious girl he likes.,79,John Carney,Ferdia Walsh-Peelo,Aidan Gillen,Maria Doyle Kennedy,Jack Reynor,85109,"3,237,118" +"https://m.media-amazon.com/images/M/MV5BMjMyNDkzMzI1OF5BMl5BanBnXkFtZTgwODcxODg5MjI@._V1_UX67_CR0,0,67,98_AL_.jpg",Thor: Ragnarok,2017,UA,130 min,"Action, Adventure, Comedy",7.9,"Imprisoned on the planet Sakaar, Thor must race against time to return to Asgard and stop Ragnarök, the destruction of his world, at the hands of the powerful and ruthless villain Hela.",74,Taika Waititi,Chris Hemsworth,Tom Hiddleston,Cate Blanchett,Mark Ruffalo,587775,"315,058,289" +"https://m.media-amazon.com/images/M/MV5BN2U1YzdhYWMtZWUzMi00OWI1LWFkM2ItNWVjM2YxMGQ2MmNhXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UY98_CR0,0,67,98_AL_.jpg",Nightcrawler,2014,A,117 min,"Crime, Drama, Thriller",7.9,"When Louis Bloom, a con man desperate for work, muscles into the world of L.A. crime journalism, he blurs the line between observer and participant to become the star of his own story.",76,Dan Gilroy,Jake Gyllenhaal,Rene Russo,Bill Paxton,Riz Ahmed,466134,"32,381,218" +"https://m.media-amazon.com/images/M/MV5BZjU0Yzk2MzEtMjAzYy00MzY0LTg2YmItM2RkNzdkY2ZhN2JkXkEyXkFqcGdeQXVyNDg4NjY5OTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Jojo Rabbit,2019,UA,108 min,"Comedy, Drama, War",7.9,A young boy in Hitler's army finds out his mother is hiding a Jewish girl in their home.,58,Taika Waititi,Roman Griffin Davis,Thomasin McKenzie,Scarlett Johansson,Taika Waititi,297918,"349,555" +"https://m.media-amazon.com/images/M/MV5BMTExMzU0ODcxNDheQTJeQWpwZ15BbWU4MDE1OTI4MzAy._V1_UX67_CR0,0,67,98_AL_.jpg",Arrival,2016,UA,116 min,"Drama, Sci-Fi",7.9,A linguist works with the military to communicate with alien lifeforms after twelve mysterious spacecrafts appear around the world.,81,Denis Villeneuve,Amy Adams,Jeremy Renner,Forest Whitaker,Michael Stuhlbarg,594181,"100,546,139" +"https://m.media-amazon.com/images/M/MV5BOTAzODEzNDAzMl5BMl5BanBnXkFtZTgwMDU1MTgzNzE@._V1_UX67_CR0,0,67,98_AL_.jpg",Star Wars: Episode VII - The Force Awakens,2015,U,138 min,"Action, Adventure, Sci-Fi",7.9,"As a new threat to the galaxy rises, Rey, a desert scavenger, and Finn, an ex-stormtrooper, must join Han Solo and Chewbacca to search for the one hope of restoring peace.",80,J.J. Abrams,Daisy Ridley,John Boyega,Oscar Isaac,Domhnall Gleeson,860823,"936,662,225" +"https://m.media-amazon.com/images/M/MV5BMjA5NzgxODE2NF5BMl5BanBnXkFtZTcwNTI1NTI0OQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Before Midnight,2013,R,109 min,"Drama, Romance",7.9,We meet Jesse and Celine nine years on in Greece. Almost two decades have passed since their first meeting on that train bound for Vienna.,94,Richard Linklater,Ethan Hawke,Julie Delpy,Seamus Davey-Fitzpatrick,Ariane Labed,141457,"8,114,627" +"https://m.media-amazon.com/images/M/MV5BZGIzNWYzN2YtMjcwYS00YjQ3LWI2NjMtOTNiYTUyYjE2MGNkXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",X-Men: Days of Future Past,2014,UA,132 min,"Action, Adventure, Sci-Fi",7.9,The X-Men send Wolverine to the past in a desperate effort to change history and prevent an event that results in doom for both humans and mutants.,75,Bryan Singer,Patrick Stewart,Ian McKellen,Hugh Jackman,James McAvoy,659763,"233,921,534" +"https://m.media-amazon.com/images/M/MV5BYTRkMDRiYmEtNGM4YS00NzM3LWI4MTMtYzk1MmVjMjM3ODg1XkEyXkFqcGdeQXVyMjgyNjk3MzE@._V1_UY98_CR1,0,67,98_AL_.jpg",Bir Zamanlar Anadolu'da,2011,,157 min,"Crime, Drama",7.9,A group of men set out in search of a dead body in the Anatolian steppes.,82,Nuri Bilge Ceylan,Muhammet Uzuner,Yilmaz Erdogan,Taner Birsel,Ahmet Mümtaz Taylan,41995,"138,730" +"https://m.media-amazon.com/images/M/MV5BMDUyZWU5N2UtOWFlMy00MTI0LTk0ZDYtMzFhNjljODBhZDA5XkEyXkFqcGdeQXVyNzA4ODc3ODU@._V1_UY98_CR1,0,67,98_AL_.jpg",The Artist,2011,U,100 min,"Comedy, Drama, Romance",7.9,An egomaniacal film star develops a relationship with a young dancer against the backdrop of Hollywood's silent era.,89,Michel Hazanavicius,Jean Dujardin,Bérénice Bejo,John Goodman,James Cromwell,230624,"44,671,682" +"https://m.media-amazon.com/images/M/MV5BMTc5OTk4MTM3M15BMl5BanBnXkFtZTgwODcxNjg3MDE@._V1_UX67_CR0,0,67,98_AL_.jpg",Edge of Tomorrow,2014,UA,113 min,"Action, Adventure, Sci-Fi",7.9,"A soldier fighting aliens gets to relive the same day over and over again, the day restarting every time he dies.",71,Doug Liman,Tom Cruise,Emily Blunt,Bill Paxton,Brendan Gleeson,600004,"100,206,256" +"https://m.media-amazon.com/images/M/MV5BMTk1NTc3NDc4MF5BMl5BanBnXkFtZTcwNjYwNDk0OA@@._V1_UX67_CR0,0,67,98_AL_.jpg",Amour,2012,UA,127 min,"Drama, Romance",7.9,"Georges and Anne are an octogenarian couple. They are cultivated, retired music teachers. Their daughter, also a musician, lives in Britain with her family. One day, Anne has a stroke, and the couple's bond of love is severely tested.",94,Michael Haneke,Jean-Louis Trintignant,Emmanuelle Riva,Isabelle Huppert,Alexandre Tharaud,93090,"6,739,492" +"https://m.media-amazon.com/images/M/MV5BMGUyM2ZiZmUtMWY0OC00NTQ4LThkOGUtNjY2NjkzMDJiMWMwXkEyXkFqcGdeQXVyMzY0MTE3NzU@._V1_UX67_CR0,0,67,98_AL_.jpg",The Irishman,2019,R,209 min,"Biography, Crime, Drama",7.9,"An old man recalls his time painting houses for his friend, Jimmy Hoffa, through the 1950-70s.",94,Martin Scorsese,Robert De Niro,Al Pacino,Joe Pesci,Harvey Keitel,324720,"7,000,000" +"https://m.media-amazon.com/images/M/MV5BMTUyMjQ1MTY5OV5BMl5BanBnXkFtZTcwNzY5NjExMw@@._V1_UY98_CR1,0,67,98_AL_.jpg",Un prophète,2009,A,155 min,"Crime, Drama",7.9,A young Arab man is sent to a French prison.,90,Jacques Audiard,Tahar Rahim,Niels Arestrup,Adel Bencherif,Reda Kateb,93560,"2,084,637" +"https://m.media-amazon.com/images/M/MV5BMTgzODgyNTQwOV5BMl5BanBnXkFtZTcwNzc0NTc0Mg@@._V1_UX67_CR0,0,67,98_AL_.jpg",Moon,2009,R,97 min,"Drama, Mystery, Sci-Fi",7.9,"Astronaut Sam Bell has a quintessentially personal encounter toward the end of his three-year stint on the Moon, where he, working alongside his computer, GERTY, sends back to Earth parcels of a resource that has helped diminish our planet's power problems.",67,Duncan Jones,Sam Rockwell,Kevin Spacey,Dominique McElligott,Rosie Shaw,335152,"5,009,677" +"https://m.media-amazon.com/images/M/MV5BOWM4NTY2NTMtZDZlZS00NTgyLWEzZDMtODE3ZGI1MzI3ZmU5XkEyXkFqcGdeQXVyNzI1NzMxNzM@._V1_UY98_CR1,0,67,98_AL_.jpg",Låt den rätte komma in,2008,R,114 min,"Crime, Drama, Fantasy",7.9,"Oskar, an overlooked and bullied boy, finds love and revenge through Eli, a beautiful but peculiar girl.",82,Tomas Alfredson,Kåre Hedebrant,Lina Leandersson,Per Ragnar,Henrik Dahl,205609,"2,122,065" +"https://m.media-amazon.com/images/M/MV5BYmQ5MzFjYWMtMTMwNC00ZGU5LWI3YTQtYzhkMGExNGFlY2Q0XkEyXkFqcGdeQXVyNTIzOTk5ODM@._V1_UX67_CR0,0,67,98_AL_.jpg",District 9,2009,A,112 min,"Action, Sci-Fi, Thriller",7.9,Violence ensues after an extraterrestrial race forced to live in slum-like conditions on Earth finds a kindred spirit in a government agent exposed to their biotechnology.,81,Neill Blomkamp,Sharlto Copley,David James,Jason Cope,Nathalie Boltt,638202,"115,646,235" +"https://m.media-amazon.com/images/M/MV5BMTc5MjYyOTg4MF5BMl5BanBnXkFtZTcwNDc2MzQwMg@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Wrestler,2008,UA,109 min,"Drama, Sport",7.9,"A faded professional wrestler must retire, but finds his quest for a new life outside the ring a dispiriting struggle.",80,Darren Aronofsky,Mickey Rourke,Marisa Tomei,Evan Rachel Wood,Mark Margolis,289415,"26,236,603" +"https://m.media-amazon.com/images/M/MV5BYmIzYmY4MGItM2I4YS00OWZhLWFmMzQtYzI2MWY1MmM3NGU1XkEyXkFqcGdeQXVyNjQ2MjQ5NzM@._V1_UY98_CR0,0,67,98_AL_.jpg",Jab We Met,2007,U,138 min,"Comedy, Drama, Romance",7.9,A depressed wealthy businessman finds his life changing after he meets a spunky and care-free young woman.,,Imtiaz Ali,Shahid Kapoor,Kareena Kapoor,Tarun Arora,Dara Singh,47720,"410,800" +"https://m.media-amazon.com/images/M/MV5BMTYzNDc2MDc0N15BMl5BanBnXkFtZTgwOTcwMDQ5MTE@._V1_UX67_CR0,0,67,98_AL_.jpg",Boyhood,2014,A,165 min,Drama,7.9,"The life of Mason, from early childhood to his arrival at college.",100,Richard Linklater,Ellar Coltrane,Patricia Arquette,Ethan Hawke,Elijah Smith,335533,"25,379,975" +"https://m.media-amazon.com/images/M/MV5BYzU1YWUzNjYtNmVhZi00ODUyLTg4M2ItMTFlMmU1Mzc5OTE5XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR1,0,67,98_AL_.jpg","4 luni, 3 saptamâni si 2 zile",2007,,113 min,Drama,7.9,A woman assists her friend in arranging an illegal abortion in 1980s Romania.,97,Cristian Mungiu,Anamaria Marinca,Laura Vasiliu,Vlad Ivanov,Alexandru Potocean,56625,"1,185,783" +"https://m.media-amazon.com/images/M/MV5BMjE5NDQ5OTE4Ml5BMl5BanBnXkFtZTcwOTE3NDIzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg",Star Trek,2009,UA,127 min,"Action, Adventure, Sci-Fi",7.9,The brash James T. Kirk tries to live up to his father's legacy with Mr. Spock keeping him in check as a vengeful Romulan from the future creates black holes to destroy the Federation one planet at a time.,82,J.J. Abrams,Chris Pine,Zachary Quinto,Simon Pegg,Leonard Nimoy,577336,"257,730,019" +"https://m.media-amazon.com/images/M/MV5BMTUwOGFiM2QtOWMxYS00MjU2LThmZDMtZDM2MWMzNzllNjdhXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",In Bruges,2008,R,107 min,"Comedy, Crime, Drama",7.9,"Guilt-stricken after a job gone wrong, hitman Ray and his partner await orders from their ruthless boss in Bruges, Belgium, the last place in the world Ray wants to be.",67,Martin McDonagh,Colin Farrell,Brendan Gleeson,Ciarán Hinds,Elizabeth Berrington,390334,"7,757,130" +"https://m.media-amazon.com/images/M/MV5BMzQ5NGQwOTUtNWJlZi00ZTFiLWI0ZTEtOGU3MTA2ZGU5OWZiXkEyXkFqcGdeQXVyMTczNjQwOTY@._V1_UX67_CR0,0,67,98_AL_.jpg",The Man from Earth,2007,,87 min,"Drama, Fantasy, Mystery",7.9,An impromptu goodbye party for Professor John Oldman becomes a mysterious interrogation after the retiring scholar reveals to his colleagues he has a longer and stranger past than they can imagine.,,Richard Schenkman,David Lee Smith,Tony Todd,John Billingsley,Ellen Crawford,174125, +"https://m.media-amazon.com/images/M/MV5BMjE0NzgwODI4M15BMl5BanBnXkFtZTcwNjg3OTA0MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Letters from Iwo Jima,2006,UA,141 min,"Action, Adventure, Drama",7.9,"The story of the battle of Iwo Jima between the United States and Imperial Japan during World War II, as told from the perspective of the Japanese who fought it.",89,Clint Eastwood,Ken Watanabe,Kazunari Ninomiya,Tsuyoshi Ihara,Ryô Kase,154011,"13,756,082" +"https://m.media-amazon.com/images/M/MV5BMjAzODUwMjM1M15BMl5BanBnXkFtZTcwNjU2MjU2MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Fall,2006,R,117 min,"Adventure, Drama, Fantasy",7.9,"In a hospital on the outskirts of 1920s Los Angeles, an injured stuntman begins to tell a fellow patient, a little girl with a broken arm, a fantastic story of five mythical heroes. Thanks to his fractured state of mind and her vivid imagination, the line between fiction and reality blurs as the tale advances.",64,Tarsem Singh,Lee Pace,Catinca Untaru,Justine Waddell,Kim Uylenbroek,107290,"2,280,348" +"https://m.media-amazon.com/images/M/MV5BNTg2OTY2ODg5OF5BMl5BanBnXkFtZTcwODM5MTYxOA@@._V1_UX67_CR0,0,67,98_AL_.jpg",Life of Pi,2012,U,127 min,"Adventure, Drama, Fantasy",7.9,"A young man who survives a disaster at sea is hurtled into an epic journey of adventure and discovery. While cast away, he forms an unexpected connection with another survivor: a fearsome Bengal tiger.",79,Ang Lee,Suraj Sharma,Irrfan Khan,Adil Hussain,Tabu,580708,"124,987,023" +"https://m.media-amazon.com/images/M/MV5BOGUwYTU4NGEtNDM4MS00NDRjLTkwNmQtOTkwMWMyMjhmMjdlXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Fantastic Mr. Fox,2009,PG,87 min,"Animation, Adventure, Comedy",7.9,An urbane fox cannot resist returning to his farm raiding ways and then must help his community survive the farmers' retaliation.,83,Wes Anderson,George Clooney,Meryl Streep,Bill Murray,Jason Schwartzman,199696,"21,002,919" +"https://m.media-amazon.com/images/M/MV5BMTU3MDc2MjUwMV5BMl5BanBnXkFtZTcwNzQyMDAzMQ@@._V1_UY98_CR0,0,67,98_AL_.jpg",C.R.A.Z.Y.,2005,,129 min,"Comedy, Drama",7.9,"A young French-Canadian, growing up in the 1960s and 1970s, struggles to reconcile his emerging homosexuality with his father's conservative values and his own Catholic beliefs.",81,Jean-Marc Vallée,Michel Côté,Marc-André Grondin,Danielle Proulx,Émile Vallée,31476, +"https://m.media-amazon.com/images/M/MV5BOGY1M2MwOTEtZDIyNi00YjNlLWExYmEtNzBjOGI3N2QzNTg5XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Les choristes,2004,PG-13,97 min,"Drama, Music",7.9,The new teacher at a severely administered boys' boarding school works to positively affect the students' lives through music.,56,Christophe Barratier,Gérard Jugnot,François Berléand,Jean-Baptiste Maunier,Kad Merad,57430,"3,635,164" +"https://m.media-amazon.com/images/M/MV5BMTczNTI2ODUwOF5BMl5BanBnXkFtZTcwMTU0NTIzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg",Iron Man,2008,UA,126 min,"Action, Adventure, Sci-Fi",7.9,"After being held captive in an Afghan cave, billionaire engineer Tony Stark creates a unique weaponized suit of armor to fight evil.",79,Jon Favreau,Robert Downey Jr.,Gwyneth Paltrow,Terrence Howard,Jeff Bridges,939644,"318,412,101" +"https://m.media-amazon.com/images/M/MV5BMTg5Mjk2NDMtZTk0Ny00YTQ0LWIzYWEtMWI5MGQ0Mjg1OTNkXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Shaun of the Dead,2004,UA,99 min,"Comedy, Horror",7.9,A man's uneventful life is disrupted by the zombie apocalypse.,76,Edgar Wright,Simon Pegg,Nick Frost,Kate Ashfield,Lucy Davis,512249,"13,542,874" +"https://m.media-amazon.com/images/M/MV5BODBiNzYxNzYtMjkyMi00MjUyLWJkM2YtZjNkMDhhYmEwMTRiL2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR1,0,67,98_AL_.jpg",Gegen die Wand,2004,R,121 min,"Drama, Romance",7.9,"With the intention to break free from the strict familial restrictions, a suicidal young woman sets up a marriage of convenience with a forty-year-old addict, an act that will lead to an outburst of envious love.",78,Fatih Akin,Birol Ünel,Sibel Kekilli,Güven Kiraç,Zarah Jane McKenzie,51325, +"https://m.media-amazon.com/images/M/MV5BMTIzNDUyMjA4MV5BMl5BanBnXkFtZTYwNDc4ODM3._V1_UX67_CR0,0,67,98_AL_.jpg",Mystic River,2003,A,138 min,"Crime, Drama, Mystery",7.9,The lives of three men who were childhood friends are shattered when one of them has a family tragedy.,84,Clint Eastwood,Sean Penn,Tim Robbins,Kevin Bacon,Emmy Rossum,419420,"90,135,191" +"https://m.media-amazon.com/images/M/MV5BMTY4NTIwODg0N15BMl5BanBnXkFtZTcwOTc0MjEzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg",Harry Potter and the Prisoner of Azkaban,2004,U,142 min,"Adventure, Family, Fantasy",7.9,"Harry Potter, Ron and Hermione return to Hogwarts School of Witchcraft and Wizardry for their third year of study, where they delve into the mystery surrounding an escaped prisoner who poses a dangerous threat to the young wizard.",82,Alfonso Cuarón,Daniel Radcliffe,Emma Watson,Rupert Grint,Richard Griffiths,552493,"249,358,727" +"https://m.media-amazon.com/images/M/MV5BMWQ2MjQ0OTctMWE1OC00NjZjLTk3ZDAtNTk3NTZiYWMxYTlmXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Ying xiong,2002,PG-13,120 min,"Action, Adventure, History",7.9,"A defense officer, Nameless, was summoned by the King of Qin regarding his success of terminating three warriors.",85,Yimou Zhang,Jet Li,Tony Chiu-Wai Leung,Maggie Cheung,Ziyi Zhang,173999,"53,710,019" +"https://m.media-amazon.com/images/M/MV5BYmVmMGQ3NzEtM2FiNi00YThhLWFkZjYtM2Y0MjZjNGE4NzM0XkEyXkFqcGdeQXVyODc0OTEyNDU@._V1_UY98_CR1,0,67,98_AL_.jpg",Hable con ella,2002,R,112 min,"Drama, Mystery, Romance",7.9,Two men share an odd friendship while they care for two women who are both in deep comas.,86,Pedro Almodóvar,Rosario Flores,Javier Cámara,Darío Grandinetti,Leonor Watling,104691,"9,284,265" +"https://m.media-amazon.com/images/M/MV5BMGFkNjNmZWMtNDdiOS00ZWM3LWE1ZTMtZDU3MGQyMzIyNzZhXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",No Man's Land,2001,R,98 min,"Comedy, Drama, War",7.9,"Bosnia and Herzegovina during 1993 at the time of the heaviest fighting between the two warring sides. Two soldiers from opposing sides in the conflict, Nino and Ciki, become trapped in no man's land, whilst a third soldier becomes a living booby trap.",84,Danis Tanovic,Branko Djuric,Rene Bitorajac,Filip Sovagovic,Georges Siatidis,44618,"1,059,830" +"https://m.media-amazon.com/images/M/MV5BMjYzYWM4YTItZjJiMC00OTM5LTg3NDgtOGQ2Njk2ZWNhN2QwXkEyXkFqcGdeQXVyMzM4MjM0Nzg@._V1_UY98_CR0,0,67,98_AL_.jpg",Cowboy Bebop: Tengoku no tobira,2001,U,115 min,"Animation, Action, Crime",7.9,"A terrorist explosion releases a deadly virus on the masses, and it's up the bounty-hunting Bebop crew to catch the cold-blooded culprit.",61,Shin'ichirô Watanabe,Tensai Okamura,Hiroyuki Okiura,Yoshiyuki Takei,Beau Billingslea,42897,"1,000,045" +"https://m.media-amazon.com/images/M/MV5BM2JkNGU0ZGMtZjVjNS00NjgyLWEyOWYtZmRmZGQyN2IxZjA2XkEyXkFqcGdeQXVyNTIzOTk5ODM@._V1_UX67_CR0,0,67,98_AL_.jpg",The Bourne Identity,2002,UA,119 min,"Action, Mystery, Thriller",7.9,"A man is picked up by a fishing boat, bullet-riddled and suffering from amnesia, before racing to elude assassins and attempting to regain his memory.",68,Doug Liman,Franka Potente,Matt Damon,Chris Cooper,Clive Owen,508771,"121,661,683" +"https://m.media-amazon.com/images/M/MV5BMTYxMDdlYjItMDVkYy00MjYzLThhMTYtYjIzZjZiODk1ZWRmXkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Nueve reinas,2000,R,114 min,"Crime, Drama, Thriller",7.9,"Two con artists try to swindle a stamp collector by selling him a sheet of counterfeit rare stamps (the ""nine queens"").",80,Fabián Bielinsky,Ricardo Darín,Gastón Pauls,Graciela Tenenbaum,María Mercedes Villagra,49721,"1,221,261" +"https://m.media-amazon.com/images/M/MV5BMTQ5NTI2NTI4NF5BMl5BanBnXkFtZTcwNjk2NDA2OQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Children of Men,2006,A,109 min,"Adventure, Drama, Sci-Fi",7.9,"In 2027, in a chaotic world in which women have become somehow infertile, a former activist agrees to help transport a miraculously pregnant woman to a sanctuary at sea.",84,Alfonso Cuarón,Julianne Moore,Clive Owen,Chiwetel Ejiofor,Michael Caine,465113,"35,552,383" +"https://m.media-amazon.com/images/M/MV5BMzY1ZjMwMGEtYTY1ZS00ZDllLTk0ZmUtYzA3ZTA4NmYwNGNkXkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Almost Famous,2000,A,122 min,"Adventure, Comedy, Drama",7.9,A high-school boy is given the chance to write a story for Rolling Stone Magazine about an up-and-coming rock band as he accompanies them on their concert tour.,90,Cameron Crowe,Billy Crudup,Patrick Fugit,Kate Hudson,Frances McDormand,252586,"32,534,850" +"https://m.media-amazon.com/images/M/MV5BYjBhZmViNTItMGExMy00MGNmLTkwZDItMDVlMTQ4ODVkYTMwXkEyXkFqcGdeQXVyNzM0MTUwNTY@._V1_UY98_CR1,0,67,98_AL_.jpg",Mulholland Dr.,2001,R,147 min,"Drama, Mystery, Thriller",7.9,"After a car wreck on the winding Mulholland Drive renders a woman amnesiac, she and a perky Hollywood-hopeful search for clues and answers across Los Angeles in a twisting venture beyond dreams and reality.",85,David Lynch,Naomi Watts,Laura Harring,Justin Theroux,Jeanne Bates,322031,"7,220,243" +"https://m.media-amazon.com/images/M/MV5BMWM5ZDcxMTYtNTEyNS00MDRkLWI3YTItNThmMGExMWY4NDIwXkEyXkFqcGdeQXVyNjUwNzk3NDc@._V1_UX67_CR0,0,67,98_AL_.jpg",Toy Story 2,1999,U,92 min,"Animation, Adventure, Comedy",7.9,"When Woody is stolen by a toy collector, Buzz and his friends set out on a rescue mission to save Woody before he becomes a museum toy property with his roundup gang Jessie, Prospector, and Bullseye.",88,John Lasseter,Ash Brannon,Lee Unkrich,Tom Hanks,Tim Allen,527512,"245,852,179" +"https://m.media-amazon.com/images/M/MV5BY2E2YWYxY2QtZmJmZi00MjJlLWFiYWItZTk5Y2IyMWQ1ZThhXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Boogie Nights,1997,R,155 min,Drama,7.9,"Back when sex was safe, pleasure was a business and business was booming, an idealistic porn producer aspires to elevate his craft to an art when he discovers a hot young talent.",85,Paul Thomas Anderson,Mark Wahlberg,Julianne Moore,Burt Reynolds,Luis Guzmán,239473,"26,400,640" +"https://m.media-amazon.com/images/M/MV5BZDg0MWNmNjktMGEwZC00ZDlmLWI1MTUtMDBmNjQzMWM2NjBjXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Mimi wo sumaseba,1995,U,111 min,"Animation, Drama, Family",7.9,"A love story between a girl who loves reading books, and a boy who has previously checked out all of the library books she chooses.",75,Yoshifumi Kondô,Yoko Honna,Issey Takahashi,Takashi Tachibana,Shigeru Muroi,51943, +"https://m.media-amazon.com/images/M/MV5BYTY4MTdjZDMtOTBiMC00MDEwLThhMjUtMjlhMjdlYTBmMzk3XkEyXkFqcGdeQXVyNjMwMjk0MTQ@._V1_UY98_CR1,0,67,98_AL_.jpg",Once Were Warriors,1994,A,102 min,"Crime, Drama",7.9,A family descended from Maori warriors is bedeviled by a violent father and the societal problems of being treated as outcasts.,77,Lee Tamahori,Rena Owen,Temuera Morrison,Mamaengaroa Kerr-Bell,Julian Arahanga,31590,"2,201,126" +"https://m.media-amazon.com/images/M/MV5BMDViNjFjOWMtZGZhMi00NmIyLThmYzktODA4MzJhZDZhMDc5XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UY98_CR1,0,67,98_AL_.jpg",True Romance,1993,R,119 min,"Crime, Drama, Romance",7.9,"In Detroit, a lonely pop culture geek marries a call girl, steals cocaine from her pimp, and tries to sell it in Hollywood. Meanwhile, the owners of the cocaine, the Mob, track them down in an attempt to reclaim it.",59,Tony Scott,Christian Slater,Patricia Arquette,Dennis Hopper,Val Kilmer,206918,"12,281,500" +"https://m.media-amazon.com/images/M/MV5BMjg5OGU4OGYtNTZmNy00MjQ1LWIzYzgtMTllMGY2NzlkNzYwXkEyXkFqcGdeQXVyMTI3ODAyMzE2._V1_UY98_CR2,0,67,98_AL_.jpg",Trois couleurs: Bleu,1993,U,94 min,"Drama, Music, Mystery",7.9,A woman struggles to find a way to live her life after the death of her husband and child.,85,Krzysztof Kieslowski,Juliette Binoche,Zbigniew Zamachowski,Julie Delpy,Benoît Régent,89836,"1,324,974" +"https://m.media-amazon.com/images/M/MV5BOTMyZGI4N2YtMzdkNi00MDZmLTg4NmItMzg0ODY5NjdhZjYwL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMzM4MjM0Nzg@._V1_UY98_CR1,0,67,98_AL_.jpg",Jûbê ninpûchô,1993,A,94 min,"Animation, Action, Adventure",7.9,A vagabond swordsman is aided by a beautiful ninja girl and a crafty spy in confronting a demonic clan of killers - with a ghost from his past as their leader - who are bent on overthrowing the Tokugawa Shogunate.,,Yoshiaki Kawajiri,Kôichi Yamadera,Emi Shinohara,Takeshi Aono,Osamu Saka,34529, +"https://m.media-amazon.com/images/M/MV5BN2I2N2Q1YmMtMzZkMC00Y2JjLWJmOWUtNjc2OTM2ZTk1MjUyXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Carlito's Way,1993,A,144 min,"Crime, Drama, Thriller",7.9,"A Puerto Rican former convict, just released from prison, pledges to stay away from drugs and violence despite the pressure around him and lead on to a better life outside of N.Y.C.",65,Brian De Palma,Al Pacino,Sean Penn,Penelope Ann Miller,John Leguizamo,201000,"36,948,322" +"https://m.media-amazon.com/images/M/MV5BNDUxN2I5NDUtZjdlMC00NjlmLTg0OTQtNjk0NjAxZjFmZTUzXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Edward Scissorhands,1990,U,105 min,"Drama, Fantasy, Romance",7.9,"An artificial man, who was incompletely constructed and has scissors for hands, leads a solitary life. Then one day, a suburban lady meets him and introduces him to her world.",74,Tim Burton,Johnny Depp,Winona Ryder,Dianne Wiest,Anthony Michael Hall,447368,"56,362,352" +"https://m.media-amazon.com/images/M/MV5BYjdkNzA4MzYtZThhOS00ZDgzLTlmMDItNmY1ZjI5YjkzZTE1XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",My Left Foot: The Story of Christy Brown,1989,U,103 min,"Biography, Drama",7.9,"Christy Brown, born with cerebral palsy, learns to paint and write with his only controllable limb - his left foot.",97,Jim Sheridan,Daniel Day-Lewis,Brenda Fricker,Alison Whelan,Kirsten Sheridan,68076,"14,743,391" +"https://m.media-amazon.com/images/M/MV5BYWY3N2EyOWYtNDVhZi00MWRkLTg2OTUtODNkNDQ5ZTIwMGJkXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Crimes and Misdemeanors,1989,PG-13,104 min,"Comedy, Drama",7.9,An ophthalmologist's mistress threatens to reveal their affair to his wife while a married documentary filmmaker is infatuated with another woman.,77,Woody Allen,Martin Landau,Woody Allen,Bill Bernstein,Claire Bloom,54670,"18,254,702" +"https://m.media-amazon.com/images/M/MV5BYTVjYWJmMWQtYWU4Ni00MWY3LWI2YmMtNTI5MDE0MWVmMmEzL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",The Untouchables,1987,A,119 min,"Crime, Drama, Thriller",7.9,"During the era of Prohibition in the United States, Federal Agent Eliot Ness sets out to stop ruthless Chicago gangster Al Capone and, because of rampant corruption, assembles a small, hand-picked team to help him.",79,Brian De Palma,Kevin Costner,Sean Connery,Robert De Niro,Charles Martin Smith,281842,"76,270,454" +"https://m.media-amazon.com/images/M/MV5BMWZiNWUwYjMtM2Y1Yi00MTZmLWEwYzctNjVmYWM0OTFlZDFhXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Hannah and Her Sisters,1986,PG-13,107 min,"Comedy, Drama",7.9,"Between two Thanksgivings two years apart, Hannah's husband falls in love with her sister Lee, while her hypochondriac ex-husband rekindles his relationship with her sister Holly.",90,Woody Allen,Mia Farrow,Dianne Wiest,Michael Caine,Barbara Hershey,67176,"40,084,041" +"https://m.media-amazon.com/images/M/MV5BMzIwM2IwYTItYmM4Zi00OWMzLTkwNjAtYWRmYWNmY2RhMDk0XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Brazil,1985,U,132 min,"Drama, Sci-Fi",7.9,A bureaucrat in a dystopic society becomes an enemy of the state as he pursues the woman of his dreams.,84,Terry Gilliam,Jonathan Pryce,Kim Greist,Robert De Niro,Katherine Helmond,187567,"9,929,135" +"https://m.media-amazon.com/images/M/MV5BMTQ2MTIzMzg5Nl5BMl5BanBnXkFtZTgwOTc5NDI1MDE@._V1_UX67_CR0,0,67,98_AL_.jpg",This Is Spinal Tap,1984,R,82 min,"Comedy, Music",7.9,"Spinal Tap, one of England's loudest bands, is chronicled by film director Marty DiBergi on what proves to be a fateful tour.",92,Rob Reiner,Rob Reiner,Michael McKean,Christopher Guest,Kimberly Stringer,128812,"188,751" +"https://m.media-amazon.com/images/M/MV5BOWMyNjE0MzEtMzVjNy00NjIxLTg0ZjMtMWJhNGI1YmVjYTczL2ltYWdlXkEyXkFqcGdeQXVyNzc5MjA3OA@@._V1_UX67_CR0,0,67,98_AL_.jpg",A Christmas Story,1983,U,93 min,"Comedy, Family",7.9,"In the 1940s, a young boy named Ralphie attempts to convince his parents, his teacher and Santa that a Red Ryder BB gun really is the perfect Christmas gift.",77,Bob Clark,Peter Billingsley,Melinda Dillon,Darren McGavin,Scott Schwartz,132947,"20,605,209" +"https://m.media-amazon.com/images/M/MV5BYTdlMDExOGUtN2I3MS00MjY5LWE1NTAtYzc3MzIxN2M3OWY1XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",The Blues Brothers,1980,U,133 min,"Action, Adventure, Comedy",7.9,"Jake Blues, just released from prison, puts together his old band to save the Catholic home where he and his brother Elwood were raised.",60,John Landis,John Belushi,Dan Aykroyd,Cab Calloway,John Candy,183182,"57,229,890" +"https://m.media-amazon.com/images/M/MV5BMzdmY2I3MmEtOGFiZi00MTg1LWIxY2QtNWUwM2NmNWNlY2U5XkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Manhattan,1979,R,96 min,"Comedy, Drama, Romance",7.9,The life of a divorced television writer dating a teenage girl is further complicated when he falls in love with his best friend's mistress.,83,Woody Allen,Woody Allen,Diane Keaton,Mariel Hemingway,Michael Murphy,131436,"45,700,000" +"https://m.media-amazon.com/images/M/MV5BZWE4N2JkNDUtZDU4MC00ZjNhLTlkMjYtOTNkMjZhMDAwMDMyXkEyXkFqcGdeQXVyMTA0MjU0Ng@@._V1_UX67_CR0,0,67,98_AL_.jpg",All That Jazz,1979,A,123 min,"Drama, Music, Musical",7.9,"Director/choreographer Bob Fosse tells his own life story as he details the sordid career of Joe Gideon, a womanizing, drug-using dancer.",72,Bob Fosse,Roy Scheider,Jessica Lange,Ann Reinking,Leland Palmer,28223,"37,823,676" +"https://m.media-amazon.com/images/M/MV5BMzc1YTIyNjctYzhlNy00ZmYzLWI2ZWQtMzk4MmQwYzA0NGQ1XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Dawn of the Dead,1978,A,127 min,"Action, Adventure, Horror",7.9,"Following an ever-growing epidemic of zombies that have risen from the dead, two Philadelphia S.W.A.T. team members, a traffic reporter, and his television executive girlfriend seek refuge in a secluded shopping mall.",71,George A. Romero,David Emge,Ken Foree,Scott H. Reiniger,Gaylen Ross,111512,"5,100,000" +"https://m.media-amazon.com/images/M/MV5BOWI2YWQxM2MtY2U4Yi00YjgzLTgwNzktN2ExNTgzNTIzMmUzXkEyXkFqcGdeQXVyMTAwMzUyOTc@._V1_UX67_CR0,0,67,98_AL_.jpg",All the President's Men,1976,U,138 min,"Biography, Drama, History",7.9,"""The Washington Post"" reporters Bob Woodward and Carl Bernstein uncover the details of the Watergate scandal that leads to President Richard Nixon's resignation.",84,Alan J. Pakula,Dustin Hoffman,Robert Redford,Jack Warden,Martin Balsam,103031,"70,600,000" +"https://m.media-amazon.com/images/M/MV5BN2IzM2I5NTQtMTIyMy00YWM2LWI1OGMtNjI0MWIyNDZkZGFkXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",La montaña sagrada,1973,R,114 min,"Adventure, Drama, Fantasy",7.9,"In a corrupt, greed-fueled world, a powerful alchemist leads a messianic character and seven materialistic figures to the Holy Mountain, where they hope to achieve enlightenment.",76,Alejandro Jodorowsky,Alejandro Jodorowsky,Horacio Salinas,Zamira Saunders,Juan Ferrara,37183,"61,001" +"https://m.media-amazon.com/images/M/MV5BZDI2OTg2NDQtMzc0MC00MjRiLWI1NzAtMjY2ZDMwMmUyNzBiXkEyXkFqcGdeQXVyNzM0MTUwNTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Amarcord,1973,R,123 min,"Comedy, Drama, Family",7.9,A series of comedic and nostalgic vignettes set in a 1930s Italian coastal town.,,Federico Fellini,Magali Noël,Bruno Zanin,Pupella Maggio,Armando Brancia,39897, +"https://m.media-amazon.com/images/M/MV5BYzQ5NjJiYWQtYjAzMC00NGU0LWFlMDYtNGFiYjFlMWI1NWM0XkEyXkFqcGdeQXVyODQ0OTczOQ@@._V1_UY98_CR4,0,67,98_AL_.jpg",Le charme discret de la bourgeoisie,1972,PG,102 min,Comedy,7.9,"A surreal, virtually plotless series of dreams centered around six middle-class people and their consistently interrupted attempts to have a meal together.",93,Luis Buñuel,Fernando Rey,Delphine Seyrig,Paul Frankeur,Bulle Ogier,38737,"198,809" +"https://m.media-amazon.com/images/M/MV5BMjRkY2VhYzMtZWQyNS00OTY2LWE5NTAtYjlhNmQyYzE5MmUxXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg","Aguirre, der Zorn Gottes",1972,,95 min,"Action, Adventure, Biography",7.9,"In the 16th century, the ruthless and insane Don Lope de Aguirre leads a Spanish expedition in search of El Dorado.",,Werner Herzog,Klaus Kinski,Ruy Guerra,Helena Rojo,Del Negro,52397, +"https://m.media-amazon.com/images/M/MV5BY2M5Mzg3NjctZTlkNy00MTU0LWFlYTQtY2E2Y2M4NjNiNzllXkEyXkFqcGdeQXVyMTAwMzUyOTc@._V1_UX67_CR0,0,67,98_AL_.jpg",Harold and Maude,1971,PG,91 min,"Comedy, Drama, Romance",7.9,"Young, rich, and obsessed with death, Harold finds himself changed forever when he meets lively septuagenarian Maude at a funeral.",62,Hal Ashby,Ruth Gordon,Bud Cort,Vivian Pickles,Cyril Cusack,70826, +"https://m.media-amazon.com/images/M/MV5BMmNhZmJhMmYtNjlkMC00MjhjLTk1NzMtMTNlMzYzNjZlMjNiXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Patton,1970,U,172 min,"Biography, Drama, War",7.9,The World War II phase of the career of controversial American general George S. Patton.,91,Franklin J. Schaffner,George C. Scott,Karl Malden,Stephen Young,Michael Strong,93741,"61,700,000" +"https://m.media-amazon.com/images/M/MV5BNGUyYTZmOWItMDJhMi00N2IxLWIyNDMtNjUxM2ZiYmU5YWU1XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",The Wild Bunch,1969,A,145 min,"Action, Adventure, Western",7.9,"An aging group of outlaws look for one last big score as the ""traditional"" American West is disappearing around them.",97,Sam Peckinpah,William Holden,Ernest Borgnine,Robert Ryan,Edmond O'Brien,77401,"12,064,472" +"https://m.media-amazon.com/images/M/MV5BMzRmN2E1ZDUtZDc2ZC00ZmI3LTkwOTctNzE2ZDIzMGJiMTYzXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Night of the Living Dead,1968,,96 min,"Horror, Thriller",7.9,A ragtag group of Pennsylvanians barricade themselves in an old farmhouse to remain safe from a horde of flesh-eating ghouls that are ravaging the East Coast of the United States.,89,George A. Romero,Duane Jones,Judith O'Dea,Karl Hardman,Marilyn Eastman,116557,"89,029" +"https://m.media-amazon.com/images/M/MV5BMTkzNzYyMzA5N15BMl5BanBnXkFtZTgwODcwODQ3MDI@._V1_UX67_CR0,0,67,98_AL_.jpg",The Lion in Winter,1968,PG,134 min,"Biography, Drama, History",7.9,"1183 A.D.: King Henry II's three sons all want to inherit the throne, but he won't commit to a choice. They and his wife variously plot to force him.",,Anthony Harvey,Peter O'Toole,Katharine Hepburn,Anthony Hopkins,John Castle,29003,"22,276,975" +"https://m.media-amazon.com/images/M/MV5BZjZhZTZkNWItZGE1My00MTRkLWI2ZDktMWZkZTIxZWYxOTgzXkEyXkFqcGdeQXVyNDY2MTk1ODk@._V1_UX67_CR0,0,67,98_AL_.jpg",In the Heat of the Night,1967,U,110 min,"Crime, Drama, Mystery",7.9,A black police detective is asked to investigate a murder in a racially hostile southern town.,75,Norman Jewison,Sidney Poitier,Rod Steiger,Warren Oates,Lee Grant,67804,"24,379,978" +"https://m.media-amazon.com/images/M/MV5BMTA0Y2UyMDUtZGZiOS00ZmVkLTg3NmItODQyNTY1ZjU1MWE4L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Charade,1963,U,113 min,"Comedy, Mystery, Romance",7.9,Romance and suspense ensue in Paris as a woman is pursued by several men who want a fortune her murdered husband had stolen. Whom can she trust?,83,Stanley Donen,Cary Grant,Audrey Hepburn,Walter Matthau,James Coburn,68689,"13,474,588" +"https://m.media-amazon.com/images/M/MV5BOTY0ZTA1ZjUtN2MyNi00ZGRmLWExYmMtOTkyNzI1NGQ2Y2RlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",The Manchurian Candidate,1962,PG-13,126 min,"Drama, Thriller",7.9,A former prisoner of war is brainwashed as an unwitting assassin for an international Communist conspiracy.,94,John Frankenheimer,Frank Sinatra,Laurence Harvey,Janet Leigh,Angela Lansbury,71122, +"https://m.media-amazon.com/images/M/MV5BMjc4MTUxN2UtMmU1NC00MjQyLTk3YTYtZTQ0YzEzZDc0Njc0XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Spartacus,1960,A,197 min,"Adventure, Biography, Drama",7.9,The slave Spartacus leads a violent revolt against the decadent Roman Republic.,87,Stanley Kubrick,Kirk Douglas,Laurence Olivier,Jean Simmons,Charles Laughton,124339,"30,000,000" +"https://m.media-amazon.com/images/M/MV5BZDFlODBmZTYtMWU4MS00MzY4LWFmYzYtYzAzZmU1MGUzMDE5XkEyXkFqcGdeQXVyNTc1NDM0NDU@._V1_UY98_CR1,0,67,98_AL_.jpg",L'avventura,1960,U,144 min,"Drama, Mystery",7.9,"A woman disappears during a Mediterranean boating trip. During the search, her lover and her best friend become attracted to each other.",,Michelangelo Antonioni,Gabriele Ferzetti,Monica Vitti,Lea Massari,Dominique Blanchar,26542, +"https://m.media-amazon.com/images/M/MV5BMzY2NTA1MzUwN15BMl5BanBnXkFtZTgwOTc4NTU4MjE@._V1_UX67_CR0,0,67,98_AL_.jpg",Hiroshima mon amour,1959,,90 min,"Drama, Romance",7.9,A French actress filming an anti-war film in Hiroshima has an affair with a married Japanese architect as they share their differing perspectives on war.,,Alain Resnais,Emmanuelle Riva,Eiji Okada,Stella Dassas,Pierre Barbaud,28421,"88,300" +"https://m.media-amazon.com/images/M/MV5BODcxYjUxZDgtYTQ5Zi00YmQ1LWJmZmItODZkOTYyNDhiNWM3XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",The Ten Commandments,1956,U,220 min,"Adventure, Drama",7.9,"Moses, an Egyptian Prince, learns of his true heritage as a Hebrew and his divine mission as the deliverer of his people.",,Cecil B. DeMille,Charlton Heston,Yul Brynner,Anne Baxter,Edward G. Robinson,63560,"93,740,000" +"https://m.media-amazon.com/images/M/MV5BYWQ3YWJiMDEtMDBhNS00YjY1LTkzNmEtY2U4Njg4MjQ3YWE3XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",The Searchers,1956,Passed,119 min,"Adventure, Drama, Western",7.9,An American Civil War veteran embarks on a journey to rescue his niece from the Comanches.,94,John Ford,John Wayne,Jeffrey Hunter,Vera Miles,Ward Bond,80316, +"https://m.media-amazon.com/images/M/MV5BMzE1MzdjNmUtOWU5MS00OTgwLWIzYjYtYTYwYTM0NDkyOTU1XkEyXkFqcGdeQXVyMTY5Nzc4MDY@._V1_UX67_CR0,0,67,98_AL_.jpg",East of Eden,1955,U,118 min,Drama,7.9,"Two brothers struggle to maintain their strict, Bible-toting father's favor.",72,Elia Kazan,James Dean,Raymond Massey,Julie Harris,Burl Ives,40313, +"https://m.media-amazon.com/images/M/MV5BOWIzZGUxZmItOThkMS00Y2QxLTg0MTYtMDdhMjRlNTNlYTI3L2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",High Noon,1952,PG,85 min,"Drama, Thriller, Western",7.9,"A town Marshal, despite the disagreements of his newlywed bride and the townspeople around him, must face a gang of deadly killers alone at high noon when the gang leader, an outlaw he sent up years ago, arrives on the noon train.",89,Fred Zinnemann,Gary Cooper,Grace Kelly,Thomas Mitchell,Lloyd Bridges,97222,"9,450,000" +"https://m.media-amazon.com/images/M/MV5BNzkwNjk4ODgtYjRmMi00ODdhLWIyNjUtNWQyMjg2N2E2NjlhXkEyXkFqcGdeQXVyNjE5MjUyOTM@._V1_UX67_CR0,0,67,98_AL_.jpg",Strangers on a Train,1951,A,101 min,"Crime, Film-Noir, Thriller",7.9,A psychopath forces a tennis star to comply with his theory that two strangers can get away with murder.,88,Alfred Hitchcock,Farley Granger,Robert Walker,Ruth Roman,Leo G. Carroll,123341,"7,630,000" +"https://m.media-amazon.com/images/M/MV5BMzg2YTFkNjgtM2ZkNS00MWVkLWIwMTEtZTgzMDM2MmUxNDE2XkEyXkFqcGdeQXVyMjI4MjA5MzA@._V1_UX67_CR0,0,67,98_AL_.jpg",Harvey,1950,Approved,104 min,"Comedy, Drama, Fantasy",7.9,"Due to his insistence that he has an invisible six foot-tall rabbit for a best friend, a whimsical middle-aged man is thought by his family to be insane - but he may be wiser than anyone knows.",,Henry Koster,James Stewart,Wallace Ford,William H. Lynn,Victoria Horne,52573, +"https://m.media-amazon.com/images/M/MV5BNjRkOGEwYTUtY2E5Yy00ODg4LTk2ZWItY2IyMzUxOGVhMTM1XkEyXkFqcGdeQXVyNDk0MDg4NDk@._V1_UX67_CR0,0,67,98_AL_.jpg",Miracle on 34th Street,1947,,96 min,"Comedy, Drama, Family",7.9,"When a nice old man who claims to be Santa Claus is institutionalized as insane, a young lawyer decides to defend him by arguing in court that he is the real thing.",88,George Seaton,Edmund Gwenn,Maureen O'Hara,John Payne,Gene Lockhart,41625,"2,650,000" +"https://m.media-amazon.com/images/M/MV5BYTc1NGViOTMtNjZhNS00OGY2LWI4MmItOWQwNTY4MDMzNWI3L2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Notorious,1946,U,102 min,"Drama, Film-Noir, Romance",7.9,A woman is asked to spy on a group of Nazi friends in South America. How far will she have to go to ingratiate herself with them?,100,Alfred Hitchcock,Cary Grant,Ingrid Bergman,Claude Rains,Louis Calhern,92306,"10,464,000" +"https://m.media-amazon.com/images/M/MV5BMjdiM2IyZmQtODJiYy00NDNkLTllYmItMmFjMDNiYTQyOGVkXkEyXkFqcGdeQXVyNDY2MTk1ODk@._V1_UX67_CR0,0,67,98_AL_.jpg",The Big Sleep,1946,Passed,114 min,"Crime, Film-Noir, Mystery",7.9,"Private detective Philip Marlowe is hired by a wealthy family. Before the complex case is over, he's seen murder, blackmail, and what might be love.",,Howard Hawks,Humphrey Bogart,Lauren Bacall,John Ridgely,Martha Vickers,78796,"6,540,000" +"https://m.media-amazon.com/images/M/MV5BMTk4NDQ0NjgyNF5BMl5BanBnXkFtZTgwMTE3NTkxMTE@._V1_UX67_CR0,0,67,98_AL_.jpg",The Lost Weekend,1945,Passed,101 min,"Drama, Film-Noir",7.9,The desperate life of a chronic alcoholic is followed through a four-day drinking bout.,,Billy Wilder,Ray Milland,Jane Wyman,Phillip Terry,Howard Da Silva,33549,"9,460,000" +"https://m.media-amazon.com/images/M/MV5BYjQ4ZDA4NGMtMTkwYi00NThiLThhZDUtZTEzNTAxOWYyY2E4XkEyXkFqcGdeQXVyMjUxODE0MDY@._V1_UX67_CR0,0,67,98_AL_.jpg",The Philadelphia Story,1940,,112 min,"Comedy, Romance",7.9,"When a rich woman's ex-husband and a tabloid-type reporter turn up just before her planned remarriage, she begins to learn the truth about herself.",96,George Cukor,Cary Grant,Katharine Hepburn,James Stewart,Ruth Hussey,63550, +"https://m.media-amazon.com/images/M/MV5BZDVmZTZkYjMtNmViZC00ODEzLTgwNDAtNmQ3OGQwOWY5YjFmXkEyXkFqcGdeQXVyNDY2MTk1ODk@._V1_UX67_CR0,0,67,98_AL_.jpg",His Girl Friday,1940,Passed,92 min,"Comedy, Drama, Romance",7.9,A newspaper editor uses every trick in the book to keep his ace reporter ex-wife from remarrying.,,Howard Hawks,Cary Grant,Rosalind Russell,Ralph Bellamy,Gene Lockhart,53667,"296,000" +"https://m.media-amazon.com/images/M/MV5BYjZjOTU3MTMtYTM5YS00YjZmLThmNmMtODcwOTM1NmRiMWM2XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",The Adventures of Robin Hood,1938,PG,102 min,"Action, Adventure, Romance",7.9,"When Prince John and the Norman Lords begin oppressing the Saxon masses in King Richard's absence, a Saxon lord fights back as the outlaw leader of a rebel guerrilla army.",97,Michael Curtiz,William Keighley,Errol Flynn,Olivia de Havilland,Basil Rathbone,47175,"3,981,000" +"https://m.media-amazon.com/images/M/MV5BYTJmNmQxNGItNDNlMC00MDU3LWFhNzMtZDQ2NDY0ZTVkNjE3XkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",A Night at the Opera,1935,Passed,96 min,"Comedy, Music, Musical",7.9,A sly business manager and two wacky friends of two opera singers help them achieve success while humiliating their stuffy and snobbish enemies.,,Sam Wood,Edmund Goulding,Groucho Marx,Chico Marx,Harpo Marx,30580,"2,537,520" +"https://m.media-amazon.com/images/M/MV5BZTY3YjYxZGQtMTM2YS00ZmYwLWFlM2QtOWFlMTU1NTAyZDQ2XkEyXkFqcGdeQXVyNTgyNTA4MjM@._V1_UX67_CR0,0,67,98_AL_.jpg",King Kong,1933,Passed,100 min,"Adventure, Horror, Sci-Fi",7.9,A film crew goes to a tropical island for an exotic location shoot and discovers a colossal ape who takes a shine to their female blonde star. He is then captured and brought back to New York City for public exhibition.,90,Merian C. Cooper,Ernest B. Schoedsack,Fay Wray,Robert Armstrong,Bruce Cabot,78991,"10,000,000" +"https://m.media-amazon.com/images/M/MV5BMjMyYjgyOTQtZDVlZS00NTQ0LWJiNDItNGRlZmM3Yzc0N2Y0XkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg",Freaks,1932,,64 min,"Drama, Horror",7.9,"A circus' beautiful trapeze artist agrees to marry the leader of side-show performers, but his deformed friends discover she is only marrying him for his inheritance.",80,Tod Browning,Wallace Ford,Leila Hyams,Olga Baclanova,Roscoe Ates,42117, +"https://m.media-amazon.com/images/M/MV5BMTAxYjEyMTctZTg3Ni00MGZmLWIxMmMtOGM2NTFiY2U3MmExXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Nosferatu,1922,,94 min,"Fantasy, Horror",7.9,Vampire Count Orlok expresses interest in a new residence and real estate agent Hutter's wife.,,F.W. Murnau,Max Schreck,Alexander Granach,Gustav von Wangenheim,Greta Schröder,88794, +"https://m.media-amazon.com/images/M/MV5BMTlkMmVmYjktYTc2NC00ZGZjLWEyOWUtMjc2MDMwMjQwOTA5XkEyXkFqcGdeQXVyNTI4MzE4MDU@._V1_UX67_CR0,0,67,98_AL_.jpg",The Gentlemen,2019,A,113 min,"Action, Comedy, Crime",7.8,"An American expat tries to sell off his highly profitable marijuana empire in London, triggering plots, schemes, bribery and blackmail in an attempt to steal his domain out from under him.",51,Guy Ritchie,Matthew McConaughey,Charlie Hunnam,Michelle Dockery,Jeremy Strong,237392, +"https://m.media-amazon.com/images/M/MV5BZmVhN2JlYjEtZWFkOS00YzE0LThiNDMtMGI3NDA1MTk2ZDQ2XkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR0,0,67,98_AL_.jpg",Raazi,2018,UA,138 min,"Action, Drama, Thriller",7.8,A Kashmiri woman agrees to marry a Pakistani army officer in order to spy on Pakistan during the Indo-Pakistan War of 1971.,,Meghna Gulzar,Alia Bhatt,Vicky Kaushal,Rajit Kapoor,Shishir Sharma,25344, +"https://m.media-amazon.com/images/M/MV5BNjcyYjg0M2ItMzMyZS00NmM1LTlhZDMtN2MxN2RhNWY4YTkwXkEyXkFqcGdeQXVyNjY1MTg4Mzc@._V1_UX67_CR0,0,67,98_AL_.jpg",Sound of Metal,2019,R,120 min,"Drama, Music",7.8,A heavy-metal drummer's life is thrown into freefall when he begins to lose his hearing.,81,Darius Marder,Riz Ahmed,Olivia Cooke,Paul Raci,Lauren Ridloff,27187, +"https://m.media-amazon.com/images/M/MV5BMTBkMjMyN2UtNzVjNi00Y2ZiLTk2MDYtN2Y0MjgzYjAxNzE4XkEyXkFqcGdeQXVyNjkxOTM4ODY@._V1_UY98_CR1,0,67,98_AL_.jpg",Forushande,2016,UA,124 min,Drama,7.8,"While both participating in a production of ""Death of a Salesman,"" a teacher's wife is assaulted in her new home, which leaves him determined to find the perpetrator over his wife's traumatized objections.",85,Asghar Farhadi,Shahab Hosseini,Taraneh Alidoosti,Babak Karimi,Mina Sadati,51240,"2,402,067" +"https://m.media-amazon.com/images/M/MV5BN2YyZjQ0NTEtNzU5MS00NGZkLTg0MTEtYzJmMWY3MWRhZjM2XkEyXkFqcGdeQXVyMDA4NzMyOA@@._V1_UX67_CR0,0,67,98_AL_.jpg",Dunkirk,2017,UA,106 min,"Action, Drama, History",7.8,"Allied soldiers from Belgium, the British Empire, and France are surrounded by the German Army and evacuated during a fierce battle in World War II.",94,Christopher Nolan,Fionn Whitehead,Barry Keoghan,Mark Rylance,Tom Hardy,555092,"188,373,161" +"https://m.media-amazon.com/images/M/MV5BNDQzZmQ5MjItYmJlNy00MGI2LWExMDQtMjBiNjNmMzc5NTk1XkEyXkFqcGdeQXVyNjY1OTY4MTk@._V1_UY98_CR1,0,67,98_AL_.jpg",Perfetti sconosciuti,2016,,96 min,"Comedy, Drama",7.8,"Seven long-time friends get together for a dinner. When they decide to share with each other the content of every text message, email and phone call they receive, many secrets start to unveil and the equilibrium trembles.",,Paolo Genovese,Giuseppe Battiston,Anna Foglietta,Marco Giallini,Edoardo Leo,57168, +"https://m.media-amazon.com/images/M/MV5BMzg2Mzg4YmUtNDdkNy00NWY1LWE3NmEtZWMwNGNlMzE5YzU3XkEyXkFqcGdeQXVyMjA5MTIzMjQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Hidden Figures,2016,UA,127 min,"Biography, Drama, History",7.8,The story of a team of female African-American mathematicians who served a vital role in NASA during the early years of the U.S. space program.,74,Theodore Melfi,Taraji P. Henson,Octavia Spencer,Janelle Monáe,Kevin Costner,200876,"169,607,287" +"https://m.media-amazon.com/images/M/MV5BMmYwNWZlNzEtNjE4Zi00NzQ4LWI2YmUtOWZhNzZhZDYyNmVmXkEyXkFqcGdeQXVyNzYzODM3Mzg@._V1_UX67_CR0,0,67,98_AL_.jpg",Paddington 2,2017,U,103 min,"Adventure, Comedy, Family",7.8,"Paddington (Ben Whishaw), now happily settled with the Brown family and a popular member of the local community, picks up a series of odd jobs to buy the perfect present for his Aunt Lucy's (Imelda Staunton's) 100th birthday, only for the gift to be stolen.",88,Paul King,Ben Whishaw,Hugh Grant,Hugh Bonneville,Sally Hawkins,61594,"40,442,052" +"https://m.media-amazon.com/images/M/MV5BY2YxNjQxYWYtYzNkMi00YTgyLWIwZTMtYzgyYjZlZmYzZTA0XkEyXkFqcGdeQXVyMTA4NjE0NjEy._V1_UX67_CR0,0,67,98_AL_.jpg",Udta Punjab,2016,A,148 min,"Action, Crime, Drama",7.8,A story that revolves around drug abuse in the affluent north Indian State of Punjab and how the youth there have succumbed to it en-masse resulting in a socio-economic decline.,,Abhishek Chaubey,Shahid Kapoor,Alia Bhatt,Kareena Kapoor,Diljit Dosanjh,27175, +"https://m.media-amazon.com/images/M/MV5BMjA2Mzg2NDMzNl5BMl5BanBnXkFtZTgwMjcwODUzOTE@._V1_UX67_CR0,0,67,98_AL_.jpg",Kubo and the Two Strings,2016,PG,101 min,"Animation, Action, Adventure",7.8,A young boy named Kubo must locate a magical suit of armour worn by his late father in order to defeat a vengeful spirit from the past.,84,Travis Knight,Charlize Theron,Art Parkinson,Matthew McConaughey,Ralph Fiennes,118035,"48,023,088" +"https://m.media-amazon.com/images/M/MV5BZjAzZjZiMmQtMDZmOC00NjVmLTkyNTItOGI2Mzg4NTBhZTA1XkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR0,0,67,98_AL_.jpg",M.S. Dhoni: The Untold Story,2016,U,184 min,"Biography, Drama, Sport",7.8,The untold story of Mahendra Singh Dhoni's journey from ticket collector to trophy collector - the world-cup-winning captain of the Indian Cricket Team.,,Neeraj Pandey,Sushant Singh Rajput,Kiara Advani,Anupam Kher,Disha Patani,40416,"1,782,795" +"https://m.media-amazon.com/images/M/MV5BMTYxMjk0NDg4Ml5BMl5BanBnXkFtZTgwODcyNjA5OTE@._V1_UX67_CR0,0,67,98_AL_.jpg",Manchester by the Sea,2016,UA,137 min,Drama,7.8,A depressed uncle is asked to take care of his teenage nephew after the boy's father dies.,96,Kenneth Lonergan,Casey Affleck,Michelle Williams,Kyle Chandler,Lucas Hedges,246963,"47,695,120" +"https://m.media-amazon.com/images/M/MV5BMjA0MzQzNjM1Ml5BMl5BanBnXkFtZTgwNjM5MjU5NjE@._V1_UX67_CR0,0,67,98_AL_.jpg",Under sandet,2015,R,100 min,"Drama, History, War",7.8,"In post-World War II Denmark, a group of young German POWs are forced to clear a beach of thousands of land mines under the watch of a Danish Sergeant who slowly learns to appreciate their plight.",75,Martin Zandvliet,Roland Møller,Louis Hofmann,Joel Basman,Mikkel Boe Følsgaard,35539,"435,266" +"https://m.media-amazon.com/images/M/MV5BMjEwMzMxODIzOV5BMl5BanBnXkFtZTgwNzg3OTAzMDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Rogue One,2016,UA,133 min,"Action, Adventure, Sci-Fi",7.8,The daughter of an Imperial scientist joins the Rebel Alliance in a risky move to steal the plans for the Death Star.,65,Gareth Edwards,Felicity Jones,Diego Luna,Alan Tudyk,Donnie Yen,556608,"532,177,324" +"https://m.media-amazon.com/images/M/MV5BMjQ0MTgyNjAxMV5BMl5BanBnXkFtZTgwNjUzMDkyODE@._V1_UX67_CR0,0,67,98_AL_.jpg",Captain America: Civil War,2016,UA,147 min,"Action, Adventure, Sci-Fi",7.8,Political involvement in the Avengers' affairs causes a rift between Captain America and Iron Man.,75,Anthony Russo,Joe Russo,Chris Evans,Robert Downey Jr.,Scarlett Johansson,663649,"408,084,349" +"https://m.media-amazon.com/images/M/MV5BMjA1MTc1NTg5NV5BMl5BanBnXkFtZTgwOTM2MDEzNzE@._V1_UX67_CR0,0,67,98_AL_.jpg",The Hateful Eight,2015,A,168 min,"Crime, Drama, Mystery",7.8,"In the dead of a Wyoming winter, a bounty hunter and his prisoner find shelter in a cabin currently inhabited by a collection of nefarious characters.",68,Quentin Tarantino,Samuel L. Jackson,Kurt Russell,Jennifer Jason Leigh,Walton Goggins,517059,"54,117,416" +"https://m.media-amazon.com/images/M/MV5BY2QzYTQyYzItMzAwYi00YjZlLThjNTUtNzMyMDdkYzJiNWM4XkEyXkFqcGdeQXVyMTkxNjUyNQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Little Women,2019,U,135 min,"Drama, Romance",7.8,"Jo March reflects back and forth on her life, telling the beloved story of the March sisters - four young women, each determined to live life on her own terms.",91,Greta Gerwig,Saoirse Ronan,Emma Watson,Florence Pugh,Eliza Scanlen,143250,"108,101,214" +"https://m.media-amazon.com/images/M/MV5BMTU3NjE2NjgwN15BMl5BanBnXkFtZTgwNDYzMzEwMzI@._V1_UX67_CR0,0,67,98_AL_.jpg",Loving Vincent,2017,UA,94 min,"Animation, Biography, Crime",7.8,"In a story depicted in oil painted animation, a young man comes to the last hometown of painter Vincent van Gogh (Robert Gulaczyk) to deliver the troubled artist's final letter and ends up investigating his final days there.",62,Dorota Kobiela,Hugh Welchman,Douglas Booth,Jerome Flynn,Robert Gulaczyk,50778,"6,735,118" +"https://m.media-amazon.com/images/M/MV5BMTU2OTcyOTE3MF5BMl5BanBnXkFtZTgwNTg5Mjc1MjE@._V1_UX67_CR0,0,67,98_AL_.jpg",Pride,2014,R,119 min,"Biography, Comedy, Drama",7.8,U.K. gay activists work to help miners during their lengthy strike of the National Union of Mineworkers in the summer of 1984.,79,Matthew Warchus,Bill Nighy,Imelda Staunton,Dominic West,Paddy Considine,51841, +"https://m.media-amazon.com/images/M/MV5BMTcxNTgzNDg1N15BMl5BanBnXkFtZTgwNjg4MzI1MDE@._V1_UX67_CR0,0,67,98_AL_.jpg",Le passé,2013,PG-13,130 min,"Drama, Mystery",7.8,"An Iranian man deserts his French wife and her two children to return to his homeland. Meanwhile, his wife starts up a new relationship, a reality her husband confronts upon his wife's request for a divorce.",85,Asghar Farhadi,Bérénice Bejo,Tahar Rahim,Ali Mosaffa,Pauline Burlet,45002,"1,330,596" +"https://m.media-amazon.com/images/M/MV5BNjg5NmI3NmUtZDQ2Mi00ZTI0LWE0YzAtOGRhOWJmNDJkOWNkXkEyXkFqcGdeQXVyMzIzNDU1NTY@._V1_UY98_CR0,0,67,98_AL_.jpg",La grande bellezza,2013,,141 min,Drama,7.8,"Jep Gambardella has seduced his way through the lavish nightlife of Rome for decades, but after his 65th birthday and a shock from the past, Jep looks past the nightclubs and parties to find a timeless landscape of absurd, exquisite beauty.",86,Paolo Sorrentino,Toni Servillo,Carlo Verdone,Sabrina Ferilli,Carlo Buccirosso,81125,"2,852,400" +"https://m.media-amazon.com/images/M/MV5BMTUwMzc1NjIzMV5BMl5BanBnXkFtZTgwODUyMTIxMTE@._V1_UX67_CR0,0,67,98_AL_.jpg",The Lunchbox,2013,U,104 min,"Drama, Romance",7.8,A mistaken delivery in Mumbai's famously efficient lunchbox delivery system connects a young housewife to an older man in the dusk of his life as they build a fantasy world together through notes in the lunchbox.,76,Ritesh Batra,Irrfan Khan,Nimrat Kaur,Nawazuddin Siddiqui,Lillete Dubey,50523,"4,231,500" +"https://m.media-amazon.com/images/M/MV5BYWNlODE1ZTEtOTQ5MS00N2QwLTllNjItZDQ2Y2UzMmU5YmI2XkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR3,0,67,98_AL_.jpg",Vicky Donor,2012,UA,126 min,"Comedy, Romance",7.8,"A man is brought in by an infertility doctor to supply him with his sperm, where he becomes the biggest sperm donor for his clinic.",,Shoojit Sircar,Ayushmann Khurrana,Yami Gautam,Annu Kapoor,Dolly Ahluwalia,39710,"169,209" +"https://m.media-amazon.com/images/M/MV5BMDliOTIzNmUtOTllOC00NDU3LWFiNjYtMGM0NDc1YTMxNjYxXkEyXkFqcGdeQXVyNTM3NzExMDQ@._V1_UY98_CR1,0,67,98_AL_.jpg",Big Hero 6,2014,U,102 min,"Animation, Action, Adventure",7.8,"A special bond develops between plus-sized inflatable robot Baymax and prodigy Hiro Hamada, who together team up with a group of friends to form a band of high-tech heroes.",74,Don Hall,Chris Williams,Ryan Potter,Scott Adsit,Jamie Chung,410983,"222,527,828" +"https://m.media-amazon.com/images/M/MV5BMTA1ODUzMDA3NzFeQTJeQWpwZ15BbWU3MDgxMTYxNTk@._V1_UX67_CR0,0,67,98_AL_.jpg",About Time,2013,R,123 min,"Comedy, Drama, Fantasy",7.8,"At the age of 21, Tim discovers he can travel in time and change what happens and has happened in his own life. His decision to make his world a better place by getting a girlfriend turns out not to be as easy as you might think.",55,Richard Curtis,Domhnall Gleeson,Rachel McAdams,Bill Nighy,Lydia Wilson,303032,"15,322,921" +"https://m.media-amazon.com/images/M/MV5BMjQ5YWVmYmYtOWFiZC00NGMxLWEwODctZDM2MWI4YWViN2E5XkEyXkFqcGdeQXVyNjQ2MjQ5NzM@._V1_UY98_CR0,0,67,98_AL_.jpg",English Vinglish,2012,U,134 min,"Comedy, Drama, Family",7.8,"A quiet, sweet tempered housewife endures small slights from her well-educated husband and daughter every day because of her inability to speak and understand English.",,Gauri Shinde,Sridevi,Adil Hussain,Mehdi Nebbou,Priya Anand,33618,"1,670,773" +"https://m.media-amazon.com/images/M/MV5BMTU4NDg0MzkzNV5BMl5BanBnXkFtZTgwODA3Mzc1MDE@._V1_UX67_CR0,0,67,98_AL_.jpg",Kaze tachinu,2013,PG-13,126 min,"Animation, Biography, Drama",7.8,"A look at the life of Jiro Horikoshi, the man who designed Japanese fighter planes during World War II.",83,Hayao Miyazaki,Hideaki Anno,Hidetoshi Nishijima,Miori Takimoto,Masahiko Nishimura,73690,"5,209,580" +"https://m.media-amazon.com/images/M/MV5BMTYzMDM4NzkxOV5BMl5BanBnXkFtZTgwNzM1Mzg2NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Toy Story 4,2019,U,100 min,"Animation, Adventure, Comedy",7.8,"When a new toy called ""Forky"" joins Woody and the gang, a road trip alongside old and new friends reveals how big the world can be for a toy.",84,Josh Cooley,Tom Hanks,Tim Allen,Annie Potts,Tony Hale,203177,"434,038,008" +"https://m.media-amazon.com/images/M/MV5BMTQ4MzQ3NjA0N15BMl5BanBnXkFtZTgwODQyNjQ4MDE@._V1_UX67_CR0,0,67,98_AL_.jpg",La migliore offerta,2013,R,131 min,"Crime, Drama, Mystery",7.8,A lonely art expert working for a mysterious and reclusive heiress finds not only her art worth examining.,49,Giuseppe Tornatore,Geoffrey Rush,Jim Sturgess,Sylvia Hoeks,Donald Sutherland,108399,"85,433" +"https://m.media-amazon.com/images/M/MV5BMzllMWI1ZDQtMmFhNS00NzJkLThmMTMtNzFmMmMyYjU3ZGVjXkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UY98_CR1,0,67,98_AL_.jpg",Moonrise Kingdom,2012,A,94 min,"Comedy, Drama, Romance",7.8,"A pair of young lovers flee their New England town, which causes a local search party to fan out to find them.",84,Wes Anderson,Jared Gilman,Kara Hayward,Bruce Willis,Bill Murray,318789,"45,512,466" +"https://m.media-amazon.com/images/M/MV5BMzMwMTAwODczN15BMl5BanBnXkFtZTgwMDk2NDA4MTE@._V1_UX67_CR0,0,67,98_AL_.jpg",How to Train Your Dragon 2,2014,U,102 min,"Animation, Action, Adventure",7.8,"When Hiccup and Toothless discover an ice cave that is home to hundreds of new wild dragons and the mysterious Dragon Rider, the two friends find themselves at the center of a battle to protect the peace.",76,Dean DeBlois,Jay Baruchel,Cate Blanchett,Gerard Butler,Craig Ferguson,305611,"177,002,924" +"https://m.media-amazon.com/images/M/MV5BNDc4MThhN2EtZjMzNC00ZDJmLThiZTgtNThlY2UxZWMzNjdkXkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",The Big Short,2015,A,130 min,"Biography, Comedy, Drama",7.8,In 2006-2007 a group of investors bet against the US mortgage market. In their research they discover how flawed and corrupt the market is.,81,Adam McKay,Christian Bale,Steve Carell,Ryan Gosling,Brad Pitt,362942,"70,259,870" +"https://m.media-amazon.com/images/M/MV5BYzM2OGQ2NzUtNzlmYi00ZDg4LWExODgtMDVmOTU2Yzg2N2U5XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR0,0,67,98_AL_.jpg",Kokuhaku,2010,,106 min,"Drama, Thriller",7.8,A psychological thriller of a grieving mother turned cold-blooded avenger with a twisty master plan to pay back those who were responsible for her daughter's death.,,Tetsuya Nakashima,Takako Matsu,Yoshino Kimura,Masaki Okada,Yukito Nishii,35713, +"https://m.media-amazon.com/images/M/MV5BZjRmNjc5MTYtYjc3My00ZjNiLTg4YjUtMTQ0ZTFkZmMxMDUzXkEyXkFqcGdeQXVyNDY5MTUyNjU@._V1_UY98_CR3,0,67,98_AL_.jpg",Ang-ma-reul bo-at-da,2010,,144 min,"Action, Crime, Drama",7.8,A secret agent exacts revenge on a serial killer through a series of captures and releases.,67,Jee-woon Kim,Lee Byung-Hun,Choi Min-sik,Jeon Gook-Hwan,Ho-jin Chun,111252,"128,392" +"https://m.media-amazon.com/images/M/MV5BMTczNDk4NTQ0OV5BMl5BanBnXkFtZTcwNDAxMDgxNw@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Girl with the Dragon Tattoo,2011,R,158 min,"Crime, Drama, Mystery",7.8,"Journalist Mikael Blomkvist is aided in his search for a woman who has been missing for forty years by Lisbeth Salander, a young computer hacker.",71,David Fincher,Daniel Craig,Rooney Mara,Christopher Plummer,Stellan Skarsgård,423010,"102,515,793" +"https://m.media-amazon.com/images/M/MV5BODhiZWRhMjctNDUyMS00NmUwLTgwYmItMjJhOWNkZWQ3ZTQxXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Captain Phillips,2013,UA,134 min,"Adventure, Biography, Crime",7.8,"The true story of Captain Richard Phillips and the 2009 hijacking by Somali pirates of the U.S.-flagged MV Maersk Alabama, the first American cargo ship to be hijacked in two hundred years.",82,Paul Greengrass,Tom Hanks,Barkhad Abdi,Barkhad Abdirahman,Catherine Keener,421244,"107,100,855" +"https://m.media-amazon.com/images/M/MV5BMTgzMTkxNjAxNV5BMl5BanBnXkFtZTgwMDU3MDE0MjE@._V1_UY98_CR0,0,67,98_AL_.jpg",Ajeossi,2010,R,119 min,"Action, Crime, Drama",7.8,A quiet pawnshop keeper with a violent past takes on a drug-and-organ trafficking ring in hope of saving the child who is his only friend.,,Jeong-beom Lee,Won Bin,Sae-ron Kim,Tae-hoon Kim,Hee-won Kim,62848,"6,460" +"https://m.media-amazon.com/images/M/MV5BMTA5MzkyMzIxNjJeQTJeQWpwZ15BbWU4MDU0MDk0OTUx._V1_UX67_CR0,0,67,98_AL_.jpg",Straight Outta Compton,2015,R,147 min,"Biography, Drama, History",7.8,"The rap group NWA emerges from the mean streets of Compton in Los Angeles, California, in the mid-1980s and revolutionizes Hip Hop culture with their music and tales about life in the hood.",72,F. Gary Gray,O'Shea Jackson Jr.,Corey Hawkins,Jason Mitchell,Neil Brown Jr.,179264,"161,197,785" +"https://m.media-amazon.com/images/M/MV5BMTQzMTg0NDA1M15BMl5BanBnXkFtZTgwODUzMTE0MjE@._V1_UY98_CR0,0,67,98_AL_.jpg",Madeo,2009,R,129 min,"Crime, Drama, Mystery",7.8,A mother desperately searches for the killer who framed her son for a girl's horrific murder.,79,Bong Joon Ho,Hye-ja Kim,Won Bin,Jin Goo,Je-mun Yun,52758,"547,292" +"https://m.media-amazon.com/images/M/MV5BY2ViOTU5MDQtZTRiZi00YjViLWFiY2ItOTRhNWYyN2ZiMzUyXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR1,0,67,98_AL_.jpg",Chugyeokja,2008,,125 min,"Action, Crime, Thriller",7.8,A disgraced ex-policeman who runs a small ring of prostitutes finds himself in a race against time when one of his women goes missing.,64,Hong-jin Na,Kim Yoon-seok,Jung-woo Ha,Yeong-hie Seo,Yoo-Jeong Kim,58468, +"https://m.media-amazon.com/images/M/MV5BMzU0NDY0NDEzNV5BMl5BanBnXkFtZTgwOTIxNDU1MDE@._V1_UX67_CR0,0,67,98_AL_.jpg",The Hobbit: The Desolation of Smaug,2013,UA,161 min,"Adventure, Fantasy",7.8,"The dwarves, along with Bilbo Baggins and Gandalf the Grey, continue their quest to reclaim Erebor, their homeland, from Smaug. Bilbo Baggins is in possession of a mysterious and magical ring.",66,Peter Jackson,Ian McKellen,Martin Freeman,Richard Armitage,Ken Stott,601408,"258,366,855" +"https://m.media-amazon.com/images/M/MV5BMTQ2OTYyNzUxOF5BMl5BanBnXkFtZTcwMzUwMDY4Mg@@._V1_UX67_CR0,0,67,98_AL_.jpg",Das weiße Band - Eine deutsche Kindergeschichte,2009,UA,144 min,"Drama, History, Mystery",7.8,"Strange events happen in a small village in the north of Germany during the years before World War I, which seem to be ritual punishment. Who is responsible?",82,Michael Haneke,Christian Friedel,Ernst Jacobi,Leonie Benesch,Ulrich Tukur,68715,"2,222,647" +"https://m.media-amazon.com/images/M/MV5BMTc2Mjc0MDg3MV5BMl5BanBnXkFtZTcwMjUzMDkxMw@@._V1_UX67_CR0,0,67,98_AL_.jpg",Män som hatar kvinnor,2009,R,152 min,"Crime, Drama, Mystery",7.8,A journalist is aided by a young female hacker in his search for the killer of a woman who has been dead for forty years.,76,Niels Arden Oplev,Michael Nyqvist,Noomi Rapace,Ewa Fröling,Lena Endre,208994,"10,095,170" +"https://m.media-amazon.com/images/M/MV5BYjYzOGE1MjUtODgyMy00ZDAxLTljYTgtNzk0Njg2YWQwMTZhXkEyXkFqcGdeQXVyMDM2NDM2MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Trial of the Chicago 7,2020,R,129 min,"Drama, History, Thriller",7.8,"The story of 7 people on trial stemming from various charges surrounding the uprising at the 1968 Democratic National Convention in Chicago, Illinois.",77,Aaron Sorkin,Eddie Redmayne,Alex Sharp,Sacha Baron Cohen,Jeremy Strong,89896, +"https://m.media-amazon.com/images/M/MV5BOTNjM2Y2ZjgtMDc5NS00MDQ1LTgyNGYtYzYwMTAyNWQwYTMyXkEyXkFqcGdeQXVyMjE4NzUxNDA@._V1_UX67_CR0,0,67,98_AL_.jpg",Druk,2020,,117 min,"Comedy, Drama",7.8,"Four friends, all high school teachers, test a theory that they will improve their lives by maintaining a constant level of alcohol in their blood.",81,Thomas Vinterberg,Mads Mikkelsen,Thomas Bo Larsen,Magnus Millang,Lars Ranthe,33931, +"https://m.media-amazon.com/images/M/MV5BMTM0ODk3MjM1MV5BMl5BanBnXkFtZTcwNzc1MDIwNA@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Fighter,2010,UA,116 min,"Biography, Drama, Sport",7.8,"Based on the story of Micky Ward, a fledgling boxer who tries to escape the shadow of his more famous but troubled older boxing brother and get his own shot at greatness.",79,David O. Russell,Mark Wahlberg,Christian Bale,Amy Adams,Melissa Leo,340584,"93,617,009" +"https://m.media-amazon.com/images/M/MV5BMTM4NzQ0OTYyOF5BMl5BanBnXkFtZTcwMDkyNjQyMg@@._V1_UX67_CR0,0,67,98_AL_.jpg",Taken,2008,A,90 min,"Action, Thriller",7.8,"A retired CIA agent travels across Europe and relies on his old skills to save his estranged daughter, who has been kidnapped while on a trip to Paris.",51,Pierre Morel,Liam Neeson,Maggie Grace,Famke Janssen,Leland Orser,564791,"145,000,989" +"https://m.media-amazon.com/images/M/MV5BMTMzMTc3MjA5NF5BMl5BanBnXkFtZTcwOTk3MDE5MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Boy in the Striped Pyjamas,2008,PG-13,94 min,"Drama, History, War",7.8,"Through the innocent eyes of Bruno, the eight-year-old son of the commandant at a German concentration camp, a forbidden friendship with a Jewish boy on the other side of the camp fence has startling and unexpected consequences.",55,Mark Herman,Asa Butterfield,David Thewlis,Rupert Friend,Zac Mattoon O'Brien,190748,"9,030,581" +"https://m.media-amazon.com/images/M/MV5BYWUxZjJkMDktZmMxMS00Mzg3LTk4MDItN2IwODlmN2E0MTM0XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Once,2007,R,86 min,"Drama, Music, Romance",7.8,"A modern-day musical about a busker and an immigrant and their eventful week in Dublin, as they write, rehearse and record songs that tell their love story.",88,John Carney,Glen Hansard,Markéta Irglová,Hugh Walsh,Gerard Hendrick,110656,"9,439,923" +"https://m.media-amazon.com/images/M/MV5BMTcwNTE4MTUxMl5BMl5BanBnXkFtZTcwMDIyODM4OA@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Hobbit: An Unexpected Journey,2012,UA,169 min,"Adventure, Fantasy",7.8,"A reluctant Hobbit, Bilbo Baggins, sets out to the Lonely Mountain with a spirited group of dwarves to reclaim their mountain home, and the gold within it from the dragon Smaug.",58,Peter Jackson,Martin Freeman,Ian McKellen,Richard Armitage,Andy Serkis,757377,"303,003,568" +"https://m.media-amazon.com/images/M/MV5BMzgxMzYyNzAyOF5BMl5BanBnXkFtZTcwODY5MjY3MQ@@._V1_UY98_CR1,0,67,98_AL_.jpg",Auf der anderen Seite,2007,,122 min,Drama,7.8,A Turkish man travels to Istanbul to find the daughter of his father's former girlfriend.,85,Fatih Akin,Baki Davrak,Nurgül Yesilçay,Tuncel Kurtiz,Nursel Köse,30827,"741,283" +"https://m.media-amazon.com/images/M/MV5BMGRiYjE0YzItMzk3Zi00ZmYwLWJjNDktYTAwYjIwMjIxYzM3XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Atonement,2007,R,123 min,"Drama, Mystery, Romance",7.8,Thirteen-year-old fledgling writer Briony Tallis irrevocably changes the course of several lives when she accuses her older sister's lover of a crime he did not commit.,85,Joe Wright,Keira Knightley,James McAvoy,Brenda Blethyn,Saoirse Ronan,251370,"50,927,067" +"https://m.media-amazon.com/images/M/MV5BZjY5ZjQyMjMtMmEwOC00Nzc2LTllYTItMmU2MzJjNTg1NjY0XkEyXkFqcGdeQXVyNjQ1MTMzMDQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Drive,2011,A,100 min,"Crime, Drama",7.8,A mysterious Hollywood stuntman and mechanic moonlights as a getaway driver and finds himself in trouble when he helps out his neighbor.,78,Nicolas Winding Refn,Ryan Gosling,Carey Mulligan,Bryan Cranston,Albert Brooks,571571,"35,061,555" +"https://m.media-amazon.com/images/M/MV5BMjFmZGI2YTEtYmJhMS00YTE5LWJjNjAtNDI5OGY5ZDhmNTRlXkEyXkFqcGdeQXVyODAwMTU1MTE@._V1_UX67_CR0,0,67,98_AL_.jpg",American Gangster,2007,A,157 min,"Biography, Crime, Drama",7.8,"An outcast New York City cop is charged with bringing down Harlem drug lord Frank Lucas, whose real life inspired this partly biographical film.",76,Ridley Scott,Denzel Washington,Russell Crowe,Chiwetel Ejiofor,Josh Brolin,392449,"130,164,645" +"https://m.media-amazon.com/images/M/MV5BMTYwOTEwNjAzMl5BMl5BanBnXkFtZTcwODc5MTUwMw@@._V1_UX67_CR0,0,67,98_AL_.jpg",Avatar,2009,UA,162 min,"Action, Adventure, Fantasy",7.8,A paraplegic Marine dispatched to the moon Pandora on a unique mission becomes torn between following his orders and protecting the world he feels is his home.,83,James Cameron,Sam Worthington,Zoe Saldana,Sigourney Weaver,Michelle Rodriguez,1118998,"760,507,625" +"https://m.media-amazon.com/images/M/MV5BMTg4ODkzMDQ3Nl5BMl5BanBnXkFtZTgwNTEwMTkxMDE@._V1_UX67_CR0,0,67,98_AL_.jpg",Mr. Nobody,2009,R,141 min,"Drama, Fantasy, Romance",7.8,"A boy stands on a station platform as a train is about to leave. Should he go with his mother or stay with his father? Infinite possibilities arise from this decision. As long as he doesn't choose, anything is possible.",63,Jaco Van Dormael,Jared Leto,Sarah Polley,Diane Kruger,Linh Dan Pham,216421,"3,600" +"https://m.media-amazon.com/images/M/MV5BMzhmNGMzMDMtZDM0Yi00MmVmLWExYjAtZDhjZjcxZDM0MzJhXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Apocalypto,2006,A,139 min,"Action, Adventure, Drama",7.8,"As the Mayan kingdom faces its decline, a young man is taken on a perilous journey to a world ruled by fear and oppression.",68,Mel Gibson,Gerardo Taracena,Raoul Max Trujillo,Dalia Hernández,Rudy Youngblood,291018,"50,866,635" +"https://m.media-amazon.com/images/M/MV5BMTgzNTgzODU0NV5BMl5BanBnXkFtZTcwMjEyMjMzMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Little Miss Sunshine,2006,UA,101 min,"Comedy, Drama",7.8,A family determined to get their young daughter into the finals of a beauty pageant take a cross-country trip in their VW bus.,80,Jonathan Dayton,Valerie Faris,Steve Carell,Toni Collette,Greg Kinnear,439856,"59,891,098" +"https://m.media-amazon.com/images/M/MV5BMzg4MDJhMDMtYmJiMS00ZDZmLThmZWUtYTMwZDM1YTc5MWE2XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Hot Fuzz,2007,UA,121 min,"Action, Comedy, Mystery",7.8,A skilled London police officer is transferred to a small town with a dark secret.,81,Edgar Wright,Simon Pegg,Nick Frost,Martin Freeman,Bill Nighy,463466,"23,637,265" +"https://m.media-amazon.com/images/M/MV5BNjQ0NTY2ODY2M15BMl5BanBnXkFtZTgwMjE4MzkxMDE@._V1_UX67_CR0,0,67,98_AL_.jpg",The Curious Case of Benjamin Button,2008,UA,166 min,"Drama, Fantasy, Romance",7.8,"Tells the story of Benjamin Button, a man who starts aging backwards with consequences.",70,David Fincher,Brad Pitt,Cate Blanchett,Tilda Swinton,Julia Ormond,589160,"127,509,326" +"https://m.media-amazon.com/images/M/MV5BY2VlOTc4ZjctYjVlMS00NDYwLWEwZjctZmYzZmVkNGU5NjNjXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UY98_CR2,0,67,98_AL_.jpg",Veer-Zaara,2004,U,192 min,"Drama, Family, Musical",7.8,"Veer-Zaara is a saga of love, separation, courage and sacrifice. A love story that is an inspiration and will remain a legend forever.",67,Yash Chopra,Shah Rukh Khan,Preity Zinta,Rani Mukerji,Kirron Kher,49050,"2,921,738" +"https://m.media-amazon.com/images/M/MV5BMTU4NTc5NjM5M15BMl5BanBnXkFtZTgwODEyMTE0MDE@._V1_UY98_CR1,0,67,98_AL_.jpg",Adams æbler,2005,R,94 min,"Comedy, Crime, Drama",7.8,A neo-nazi sentenced to community service at a church clashes with the blindly devotional priest.,51,Anders Thomas Jensen,Ulrich Thomsen,Mads Mikkelsen,Nicolas Bro,Paprika Steen,45717,"1,305" +"https://m.media-amazon.com/images/M/MV5BMTA1NDQ3NTcyOTNeQTJeQWpwZ15BbWU3MDA0MzA4MzE@._V1_UX67_CR0,0,67,98_AL_.jpg",Pride & Prejudice,2005,PG,129 min,"Drama, Romance",7.8,"Sparks fly when spirited Elizabeth Bennet meets single, rich, and proud Mr. Darcy. But Mr. Darcy reluctantly finds himself falling in love with a woman beneath his class. Can each overcome their own pride and prejudice?",82,Joe Wright,Keira Knightley,Matthew Macfadyen,Brenda Blethyn,Donald Sutherland,258924,"38,405,088" +"https://m.media-amazon.com/images/M/MV5BMjE1MjA0MDA3MV5BMl5BanBnXkFtZTcwOTU0MjMzMQ@@._V1_UY98_CR1,0,67,98_AL_.jpg",The World's Fastest Indian,2005,U,127 min,"Biography, Drama, Sport",7.8,"The story of New Zealander Burt Munro, who spent years rebuilding a 1920 Indian motorcycle, which helped him set the land speed world record at Utah's Bonneville Salt Flats in 1967.",68,Roger Donaldson,Anthony Hopkins,Diane Ladd,Iain Rea,Tessa Mitchell,51980,"5,128,124" +"https://m.media-amazon.com/images/M/MV5BNWY2ODRkZDYtMjllYi00Y2EyLWFhYjktMTQ5OGNkY2ViYmY2XkEyXkFqcGdeQXVyNjUxMDQ0MTg@._V1_UY98_CR1,0,67,98_AL_.jpg",Tôkyô goddofâzâzu,2003,UA,90 min,"Animation, Adventure, Comedy",7.8,"On Christmas Eve, three homeless people living on the streets of Tokyo discover a newborn baby among the trash and set out to find its parents.",73,Satoshi Kon,Shôgo Furuya,Tôru Emori,Yoshiaki Umegaki,Aya Okamoto,31658,"128,985" +"https://m.media-amazon.com/images/M/MV5BOWE2MDAwZjEtODEyOS00ZjYyLTgzNDUtYmNiY2VmNWRiMTQxXkEyXkFqcGdeQXVyNTIzOTk5ODM@._V1_UX67_CR0,0,67,98_AL_.jpg",Serenity,2005,PG-13,119 min,"Action, Adventure, Sci-Fi",7.8,The crew of the ship Serenity try to evade an assassin sent to recapture one of their members who is telepathic.,74,Joss Whedon,Nathan Fillion,Gina Torres,Chiwetel Ejiofor,Alan Tudyk,283310,"25,514,517" +"https://m.media-amazon.com/images/M/MV5BMjIyOTU3MjUxOF5BMl5BanBnXkFtZTcwMTQ0NjYzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg",Walk the Line,2005,PG-13,136 min,"Biography, Drama, Music",7.8,"A chronicle of country music legend Johnny Cash's life, from his early days on an Arkansas cotton farm to his rise to fame with Sun Records in Memphis, where he recorded alongside Elvis Presley, Jerry Lee Lewis, and Carl Perkins.",72,James Mangold,Joaquin Phoenix,Reese Witherspoon,Ginnifer Goodwin,Robert Patrick,234207,"119,519,402" +"https://m.media-amazon.com/images/M/MV5BMzYwODUxNjkyMF5BMl5BanBnXkFtZTcwODUzNjQyMQ@@._V1_UY98_CR0,0,67,98_AL_.jpg",Ondskan,2003,,113 min,Drama,7.8,"A teenage boy expelled from school for fighting arrives at a boarding school where the systematic bullying of younger students is encouraged as a means to maintain discipline, and decides to fight back.",61,Mikael Håfström,Andreas Wilson,Henrik Lundström,Gustaf Skarsgård,Linda Zilliacus,35682,"15,280" +"https://m.media-amazon.com/images/M/MV5BMTk3OTM5Njg5M15BMl5BanBnXkFtZTYwMzA0ODI3._V1_UX67_CR0,0,67,98_AL_.jpg",The Notebook,2004,A,123 min,"Drama, Romance",7.8,"A poor yet passionate young man falls in love with a rich young woman, giving her a sense of freedom, but they are soon separated because of their social differences.",53,Nick Cassavetes,Gena Rowlands,James Garner,Rachel McAdams,Ryan Gosling,520284,"81,001,787" +"https://m.media-amazon.com/images/M/MV5BOTNmZTgyMzAtMTUwZC00NjAwLTk4MjktODllYTY5YTUwN2YwXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Diarios de motocicleta,2004,U,126 min,"Adventure, Biography, Drama",7.8,The dramatization of a motorcycle road trip Che Guevara went on in his youth that showed him his life's calling.,75,Walter Salles,Gael García Bernal,Rodrigo De la Serna,Mía Maestro,Mercedes Morán,96703,"16,756,372" +"https://m.media-amazon.com/images/M/MV5BM2YwNTQwM2ItZTA2Ni00NGY1LThjY2QtNzgyZTBhMTM0MWI4XkEyXkFqcGdeQXVyNzQxNDExNTU@._V1_UY98_CR0,0,67,98_AL_.jpg",Lilja 4-ever,2002,R,109 min,"Crime, Drama",7.8,"Sixteen-year-old Lilja and her only friend, the young boy Volodja, live in Russia, fantasizing about a better life. One day, Lilja falls in love with Andrej, who is going to Sweden, and invites Lilja to come along and start a new life.",82,Lukas Moodysson,Oksana Akinshina,Artyom Bogucharskiy,Pavel Ponomaryov,Lyubov Agapova,42673,"181,655" +"https://m.media-amazon.com/images/M/MV5BNGRiOTIwNTAtYWM2Yy00Yzc4LTkyZjEtNTM3NTIyZTNhMzg1XkEyXkFqcGdeQXVyODIyOTEyMzY@._V1_UY98_CR1,0,67,98_AL_.jpg",Les triplettes de Belleville,2003,PG-13,80 min,"Animation, Comedy, Drama",7.8,"When her grandson is kidnapped during the Tour de France, Madame Souza and her beloved pooch Bruno team up with the Belleville Sisters--an aged song-and-dance team from the days of Fred Astaire--to rescue him.",91,Sylvain Chomet,Michèle Caucheteux,Jean-Claude Donda,Michel Robin,Monica Viegas,50622,"7,002,255" +"https://m.media-amazon.com/images/M/MV5BMTI1NDA4NTMyN15BMl5BanBnXkFtZTYwNTA2ODc5._V1_UY98_CR1,0,67,98_AL_.jpg",Gongdong gyeongbi guyeok JSA,2000,,110 min,"Action, Drama, Thriller",7.8,"After a shooting incident at the North/South Korean border/DMZ leaves 2 North Korean soldiers dead, a neutral Swiss/Swedish team investigates, what actually happened.",58,Chan-wook Park,Lee Yeong-ae,Lee Byung-Hun,Kang-ho Song,Kim Tae-Woo,26518, +"https://m.media-amazon.com/images/M/MV5BMDM0ZWRjZDgtZWI0MS00ZTIzLTg4MWYtZjU5MDEyMDU0ODBjXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",The Count of Monte Cristo,2002,PG-13,131 min,"Action, Adventure, Drama",7.8,"A young man, falsely imprisoned by his jealous ""friend"", escapes and uses a hidden treasure to exact his revenge.",61,Kevin Reynolds,Jim Caviezel,Guy Pearce,Christopher Adamson,JB Blanc,129022,"54,234,062" +"https://m.media-amazon.com/images/M/MV5BMWM0ZjY5ZjctODNkZi00Nzk0LWE1ODUtNGM4ZDUyMzUwMGYwXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Waking Life,2001,R,99 min,"Animation, Drama, Fantasy",7.8,A man shuffles through a dream meeting various people and discussing the meanings and purposes of the universe.,83,Richard Linklater,Ethan Hawke,Trevor Jack Brooks,Lorelei Linklater,Wiley Wiggins,60684,"2,892,011" +"https://m.media-amazon.com/images/M/MV5BYThkMzgxNjEtMzFiOC00MTI0LWI5MDItNDVmYjA4NzY5MDQ2L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Remember the Titans,2000,U,113 min,"Biography, Drama, Sport",7.8,The true story of a newly appointed African-American coach and his high school team on their first season as a racially integrated unit.,48,Boaz Yakin,Denzel Washington,Will Patton,Wood Harris,Ryan Hurst,198089,"115,654,751" +"https://m.media-amazon.com/images/M/MV5BNDdhMzMxOTctNDMyNS00NTZmLTljNWEtNTc4MDBmZTYxY2NmXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Wo hu cang long,2000,UA,120 min,"Action, Adventure, Fantasy",7.8,A young Chinese warrior steals a sword from a famed swordsman and then escapes into a world of romantic adventure with a mysterious man in the frontier of the nation.,94,Ang Lee,Yun-Fat Chow,Michelle Yeoh,Ziyi Zhang,Chen Chang,253228,"128,078,872" +"https://m.media-amazon.com/images/M/MV5BZTk2ZTMzMmUtZjUyNi00YzMyLWE3NTAtNDNjNzU3MGQ1YTFjXkEyXkFqcGdeQXVyMTA0MjU0Ng@@._V1_UY98_CR3,0,67,98_AL_.jpg",Todo sobre mi madre,1999,R,101 min,Drama,7.8,"Young Esteban wants to become a writer and also to discover the identity of his second mother, a trans woman, carefully concealed by his mother Manuela.",87,Pedro Almodóvar,Cecilia Roth,Marisa Paredes,Candela Peña,Antonia San Juan,89058,"8,264,530" +"https://m.media-amazon.com/images/M/MV5BN2Y5ZTU4YjctMDRmMC00MTg4LWE1M2MtMjk4MzVmOTE4YjkzXkEyXkFqcGdeQXVyNTc1NTQxODI@._V1_UX67_CR0,0,67,98_AL_.jpg",Cast Away,2000,UA,143 min,"Adventure, Drama, Romance",7.8,A FedEx executive undergoes a physical and emotional transformation after crash landing on a deserted island.,73,Robert Zemeckis,Tom Hanks,Helen Hunt,Paul Sanchez,Lari White,524235,"233,632,142" +"https://m.media-amazon.com/images/M/MV5BYzVmMTdjOTYtOTJkYS00ZTg2LWExNTgtNzA1N2Y0MDgwYWFhXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",The Boondock Saints,1999,R,108 min,"Action, Crime, Thriller",7.8,Two Irish Catholic brothers become vigilantes and wipe out Boston's criminal underworld in the name of God.,44,Troy Duffy,Willem Dafoe,Sean Patrick Flanery,Norman Reedus,David Della Rocco,227143,"25,812" +"https://m.media-amazon.com/images/M/MV5BODg0YjAzNDQtOGFkMi00Yzk2LTg1NzYtYTNjY2UwZTM2ZDdkL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UY98_CR0,0,67,98_AL_.jpg",The Insider,1999,UA,157 min,"Biography, Drama, Thriller",7.8,A research chemist comes under personal and professional attack when he decides to appear in a 60 Minutes exposé on Big Tobacco.,84,Michael Mann,Russell Crowe,Al Pacino,Christopher Plummer,Diane Venora,159886,"28,965,197" +"https://m.media-amazon.com/images/M/MV5BZmIzMjE0M2YtNzliZi00YWNmLTgyNDItZDhjNWVhY2Q2ODk0XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",October Sky,1999,PG,108 min,"Biography, Drama, Family",7.8,"The true story of Homer Hickam, a coal miner's son who was inspired by the first Sputnik launch to take up rocketry against his father's wishes.",71,Joe Johnston,Jake Gyllenhaal,Chris Cooper,Laura Dern,Chris Owen,82855,"32,481,825" +"https://m.media-amazon.com/images/M/MV5BOGZhM2FhNTItODAzNi00YjA0LWEyN2UtNjJlYWQzYzU1MDg5L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Shrek,2001,U,90 min,"Animation, Adventure, Comedy",7.8,"A mean lord exiles fairytale creatures to the swamp of a grumpy ogre, who must go on a quest and rescue a princess for the lord in order to get his land back.",84,Andrew Adamson,Vicky Jenson,Mike Myers,Eddie Murphy,Cameron Diaz,613941,"267,665,011" +"https://m.media-amazon.com/images/M/MV5BMDdmZGU3NDQtY2E5My00ZTliLWIzOTUtMTY4ZGI1YjdiNjk3XkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg",Titanic,1997,UA,194 min,"Drama, Romance",7.8,"A seventeen-year-old aristocrat falls in love with a kind but poor artist aboard the luxurious, ill-fated R.M.S. Titanic.",75,James Cameron,Leonardo DiCaprio,Kate Winslet,Billy Zane,Kathy Bates,1046089,"659,325,379" +"https://m.media-amazon.com/images/M/MV5BODk4MzE5NjgtN2ZhOS00YTdkLTg0YzktMmE1MTkxZmMyMWI2L2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Hana-bi,1997,,103 min,"Crime, Drama, Romance",7.8,"Nishi leaves the police in the face of harrowing personal and professional difficulties. Spiraling into depression, he makes questionable decisions.",,Takeshi Kitano,Takeshi Kitano,Kayoko Kishimoto,Ren Osugi,Susumu Terajima,27712,"233,986" +"https://m.media-amazon.com/images/M/MV5BODI3ZTc5NjktOGMyOC00NjYzLTgwZDYtYmQ4NDc1MmJjMjRlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Gattaca,1997,UA,106 min,"Drama, Sci-Fi, Thriller",7.8,A genetically inferior man assumes the identity of a superior one in order to pursue his lifelong dream of space travel.,64,Andrew Niccol,Ethan Hawke,Uma Thurman,Jude Law,Gore Vidal,280845,"12,339,633" +"https://m.media-amazon.com/images/M/MV5BZGVmMDNmYmEtNGQ2Mi00Y2ZhLThhZTYtYjE5YmQzMjZiZGMxXkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UY98_CR1,0,67,98_AL_.jpg",The Game,1997,UA,129 min,"Action, Drama, Mystery",7.8,"After a wealthy banker is given an opportunity to participate in a mysterious game, his life is turned upside down when he becomes unable to distinguish between the game and reality.",61,David Fincher,Michael Douglas,Deborah Kara Unger,Sean Penn,James Rebhorn,345096,"48,323,648" +"https://m.media-amazon.com/images/M/MV5BNDYwZTU2MzktNWYxMS00NTYzLTgzOWEtMTRiYjc5NGY2Nzg1XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Breaking the Waves,1996,R,159 min,Drama,7.8,"Oilman Jan is paralyzed in an accident. His wife, who prayed for his return, feels guilty; even more, when Jan urges her to have sex with another.",76,Lars von Trier,Emily Watson,Stellan Skarsgård,Katrin Cartlidge,Jean-Marc Barr,62428,"4,040,691" +"https://m.media-amazon.com/images/M/MV5BNTA5ZjdjNWUtZGUwNy00N2RhLWJiZmItYzFhYjU1NmYxNjY4XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Ed Wood,1994,U,127 min,"Biography, Comedy, Drama",7.8,"Ambitious but troubled movie director Edward D. Wood Jr. tries his best to fulfill his dreams, despite his lack of talent.",70,Tim Burton,Johnny Depp,Martin Landau,Sarah Jessica Parker,Patricia Arquette,164937,"5,887,457" +"https://m.media-amazon.com/images/M/MV5BY2EyZDlhNjItODYzNi00Mzc3LWJjOWUtMTViODU5MTExZWMyL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",What's Eating Gilbert Grape,1993,U,118 min,Drama,7.8,A young man in a small Midwestern town struggles to care for his mentally-disabled younger brother and morbidly obese mother while attempting to pursue his own happiness.,73,Lasse Hallström,Johnny Depp,Leonardo DiCaprio,Juliette Lewis,Mary Steenburgen,215034,"9,170,214" +"https://m.media-amazon.com/images/M/MV5BODRkYzA4MGItODE2MC00ZjkwLWI2NDEtYzU1NzFiZGU1YzA0XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Tombstone,1993,R,130 min,"Action, Biography, Drama",7.8,"A successful lawman's plans to retire anonymously in Tombstone, Arizona are disrupted by the kind of outlaws he was famous for eliminating.",50,George P. Cosmatos,Kevin Jarre,Kurt Russell,Val Kilmer,Sam Elliott,126871,"56,505,065" +"https://m.media-amazon.com/images/M/MV5BODllYjM1ODItYjBmOC00MzkwLWJmM2YtMjMyZDU3MGJhNjc4L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",The Sandlot,1993,U,101 min,"Comedy, Drama, Family",7.8,"In the summer of 1962, a new kid in town is taken under the wing of a young baseball prodigy and his rowdy team, resulting in many adventures.",55,David Mickey Evans,Tom Guiry,Mike Vitar,Art LaFleur,Patrick Renna,78963,"32,416,586" +"https://m.media-amazon.com/images/M/MV5BNDYwOThlMDAtYWUwMS00MjY5LTliMGUtZWFiYTA5MjYwZDAyXkEyXkFqcGdeQXVyNjY1NTQ0NDg@._V1_UX67_CR0,0,67,98_AL_.jpg",The Remains of the Day,1993,U,134 min,"Drama, Romance",7.8,A butler who sacrificed body and soul to service in the years leading up to World War II realizes too late how misguided his loyalty was to his lordly employer.,84,James Ivory,Anthony Hopkins,Emma Thompson,John Haycraft,Christopher Reeve,66065,"22,954,968" +"https://m.media-amazon.com/images/M/MV5BMjA3Y2I4NjAtMDQyZS00ZGJhLWEwMzgtODBiNzE5Zjc1Nzk1L2ltYWdlXkEyXkFqcGdeQXVyNTc2MDU0NDE@._V1_UX67_CR0,0,67,98_AL_.jpg",Naked,1993,,132 min,"Comedy, Drama",7.8,"Parallel tales of two sexually obsessed men, one hurting and annoying women physically and mentally, one wandering around the city talking to strangers and experiencing dimensions of life.",84,Mike Leigh,David Thewlis,Lesley Sharp,Katrin Cartlidge,Greg Cruttwell,34635,"1,769,305" +"https://m.media-amazon.com/images/M/MV5BYmFmOGZjYTItYjY1ZS00OWRiLTk0NDgtMjQ5MzBkYWE2YWE0XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",The Fugitive,1993,U,130 min,"Action, Crime, Drama",7.8,"Dr. Richard Kimble, unjustly accused of murdering his wife, must find the real killer while being the target of a nationwide manhunt led by a seasoned U.S. Marshal.",87,Andrew Davis,Harrison Ford,Tommy Lee Jones,Sela Ward,Julianne Moore,267684,"183,875,760" +"https://m.media-amazon.com/images/M/MV5BMTczOTczNjE3Ml5BMl5BanBnXkFtZTgwODEzMzg5MTI@._V1_UX67_CR0,0,67,98_AL_.jpg",A Bronx Tale,1993,R,121 min,"Crime, Drama, Romance",7.8,A father becomes worried when a local gangster befriends his son in the Bronx in the 1960s.,80,Robert De Niro,Robert De Niro,Chazz Palminteri,Lillo Brancato,Francis Capra,128171,"17,266,971" +"https://m.media-amazon.com/images/M/MV5BYTRiMWM3MGItNjAxZC00M2E3LThhODgtM2QwOGNmZGU4OWZhXkEyXkFqcGdeQXVyNjExODE1MDc@._V1_UX67_CR0,0,67,98_AL_.jpg",Batman: Mask of the Phantasm,1993,PG,76 min,"Animation, Action, Crime",7.8,Batman is wrongly implicated in a series of murders of mob bosses actually done by a new vigilante assassin.,,Kevin Altieri,Boyd Kirkland,Frank Paur,Dan Riba,Eric Radomski,43690,"5,617,391" +"https://m.media-amazon.com/images/M/MV5BOTIzZGU4ZWMtYmNjMy00NzU0LTljMGYtZmVkMDYwN2U2MzYwL2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Lat sau san taam,1992,R,128 min,"Action, Crime, Thriller",7.8,A tough-as-nails cop teams up with an undercover agent to shut down a sinister mobster and his crew.,,John Woo,Yun-Fat Chow,Tony Chiu-Wai Leung,Teresa Mo,Philip Chan,46700, +"https://m.media-amazon.com/images/M/MV5BOGNmMjBmZWEtOWYwZC00NGIzLTg0YWItMzkzMWMwOTU4YTViXkEyXkFqcGdeQXVyNzc5MjA3OA@@._V1_UX67_CR0,0,67,98_AL_.jpg",Night on Earth,1991,R,129 min,"Comedy, Drama",7.8,An anthology of 5 different cab drivers in 5 American and European cities and their remarkable fares on the same eventful night.,68,Jim Jarmusch,Winona Ryder,Gena Rowlands,Lisanne Falk,Alan Randolph Scott,55362,"2,015,810" +"https://m.media-amazon.com/images/M/MV5BYmE0ZGRiMDgtOTU0ZS00YWUwLTk5YWQtMzhiZGVhNzViMGZiXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",La double vie de Véronique,1991,R,98 min,"Drama, Fantasy, Music",7.8,"Two parallel stories about two identical women; one living in Poland, the other in France. They don't know each other, but their lives are nevertheless profoundly connected.",86,Krzysztof Kieslowski,Irène Jacob,Wladyslaw Kowalski,Halina Gryglaszewska,Kalina Jedrusik,42376,"1,999,955" +"https://m.media-amazon.com/images/M/MV5BZmRjNDI5NTgtOTIwMC00MzJhLWI4ZTYtMmU0ZTE3ZmRkZDNhXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Boyz n the Hood,1991,A,112 min,"Crime, Drama",7.8,"Follows the lives of three young males living in the Crenshaw ghetto of Los Angeles, dissecting questions of race, relationships, violence, and future prospects.",76,John Singleton,Cuba Gooding Jr.,Laurence Fishburne,Hudhail Al-Amir,Lloyd Avery II,126082,"57,504,069" +"https://m.media-amazon.com/images/M/MV5BNzY0ODQ3MTMxN15BMl5BanBnXkFtZTgwMDkwNTg4NjE@._V1_UX67_CR0,0,67,98_AL_.jpg",Misery,1990,R,107 min,"Drama, Thriller",7.8,"After a famous author is rescued from a car crash by a fan of his novels, he comes to realize that the care he is receiving is only the beginning of a nightmare of captivity and abuse.",75,Rob Reiner,James Caan,Kathy Bates,Richard Farnsworth,Frances Sternhagen,184740,"61,276,872" +"https://m.media-amazon.com/images/M/MV5BMjI5NjEzMDYyMl5BMl5BanBnXkFtZTgwNjgwNTg4NjE@._V1_UY98_CR3,0,67,98_AL_.jpg",Awakenings,1990,U,121 min,"Biography, Drama",7.8,"The victims of an encephalitis epidemic many years ago have been catatonic ever since, but now a new drug offers the prospect of reviving them.",74,Penny Marshall,Robert De Niro,Robin Williams,Julie Kavner,Ruth Nelson,125276,"52,096,475" +"https://m.media-amazon.com/images/M/MV5BOTc0ODM1Njk1NF5BMl5BanBnXkFtZTcwMDI5OTEyNw@@._V1_UY98_CR1,0,67,98_AL_.jpg",Majo no takkyûbin,1989,U,103 min,"Animation, Adventure, Drama",7.8,"A young witch, on her mandatory year of independent life, finds fitting into a new community difficult while she supports herself by running an air courier service.",83,Hayao Miyazaki,Kirsten Dunst,Minami Takayama,Rei Sakuma,Kappei Yamaguchi,124193, +"https://m.media-amazon.com/images/M/MV5BODhlNjA5MDEtZDVhNS00ZmM3LTg1YzAtZGRjNjhjNTAzNzVkXkEyXkFqcGdeQXVyNjUwMzI2NzU@._V1_UY98_CR0,0,67,98_AL_.jpg",Glory,1989,R,122 min,"Biography, Drama, History",7.8,"Robert Gould Shaw leads the U.S. Civil War's first all-black volunteer company, fighting prejudices from both his own Union Army, and the Confederates.",78,Edward Zwick,Matthew Broderick,Denzel Washington,Cary Elwes,Morgan Freeman,122779,"26,830,000" +"https://m.media-amazon.com/images/M/MV5BMDQyMDVhZjItMGI0Mi00MDQ1LTk3NmQtZmRjZGQ5ZTQ2ZDU5XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Dip huet seung hung,1989,R,111 min,"Action, Crime, Drama",7.8,A disillusioned assassin accepts one last hit in hopes of using his earnings to restore vision to a singer he accidentally blinded.,82,John Woo,Yun-Fat Chow,Danny Lee,Sally Yeh,Kong Chu,45624, +"https://m.media-amazon.com/images/M/MV5BZTMxMGM5MjItNDJhNy00MWI2LWJlZWMtOWFhMjI5ZTQwMWM3XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Back to the Future Part II,1989,U,108 min,"Adventure, Comedy, Sci-Fi",7.8,"After visiting 2015, Marty McFly must repeat his visit to 1955 to prevent disastrous changes to 1985...without interfering with his first trip.",57,Robert Zemeckis,Michael J. Fox,Christopher Lloyd,Lea Thompson,Thomas F. Wilson,481918,"118,500,000" +"https://m.media-amazon.com/images/M/MV5BZTFjNjU4OTktYzljMS00MmFlLWI3NGEtNjNhMTYwYzUyZDgyL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Mississippi Burning,1988,A,128 min,"Crime, Drama, History",7.8,Two F.B.I. Agents with wildly different styles arrive in Mississippi to investigate the disappearance of some civil rights activists.,65,Alan Parker,Gene Hackman,Willem Dafoe,Frances McDormand,Brad Dourif,88214,"34,603,943" +"https://m.media-amazon.com/images/M/MV5BY2QwYmFmZTEtNzY2Mi00ZWMyLWEwY2YtMGIyNGZjMWExOWEyXkEyXkFqcGdeQXVyNjUwNzk3NDc@._V1_UX67_CR0,0,67,98_AL_.jpg",Predator,1987,A,107 min,"Action, Adventure, Sci-Fi",7.8,A team of commandos on a mission in a Central American jungle find themselves hunted by an extraterrestrial warrior.,45,John McTiernan,Arnold Schwarzenegger,Carl Weathers,Kevin Peter Hall,Elpidia Carrillo,371387,"59,735,548" +"https://m.media-amazon.com/images/M/MV5BMWY3ODZlOGMtNzJmOS00ZTNjLWI3ZWEtZTJhZTk5NDZjYWRjXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Evil Dead II,1987,A,84 min,"Action, Comedy, Fantasy",7.8,The lone survivor of an onslaught of flesh-possessing spirits holes up in a cabin with a group of strangers while the demons continue their attack.,72,Sam Raimi,Bruce Campbell,Sarah Berry,Dan Hicks,Kassie Wesley DePaiva,148359,"5,923,044" +"https://m.media-amazon.com/images/M/MV5BMDA0NjZhZWUtNmI2NC00MmFjLTgwZDYtYzVjZmNhMDVmOTBkXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Ferris Bueller's Day Off,1986,U,103 min,Comedy,7.8,"A high school wise guy is determined to have a day off from school, despite what the Principal thinks of that.",61,John Hughes,Matthew Broderick,Alan Ruck,Mia Sara,Jeffrey Jones,321382,"70,136,369" +"https://m.media-amazon.com/images/M/MV5BM2ZmNDJiZTUtYjg5Zi00M2I3LTliZjAtNzQ4NTlkYTAzYTAxXkEyXkFqcGdeQXVyNTkyMDc0MjI@._V1_UX67_CR0,0,67,98_AL_.jpg",Down by Law,1986,R,107 min,"Comedy, Crime, Drama",7.8,"Two men are framed and sent to jail, where they meet a murderer who helps them escape and leave the state.",75,Jim Jarmusch,Tom Waits,John Lurie,Roberto Benigni,Nicoletta Braschi,47834,"1,436,000" +"https://m.media-amazon.com/images/M/MV5BODRlMjRkZGEtZWM2Zi00ZjYxLWE0MWUtMmM1YWM2NzZlOTE1XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",The Goonies,1985,U,114 min,"Adventure, Comedy, Family",7.8,A group of young misfits called The Goonies discover an ancient map and set out on an adventure to find a legendary pirate's long-lost treasure.,62,Richard Donner,Sean Astin,Josh Brolin,Jeff Cohen,Corey Feldman,244430,"61,503,218" +"https://m.media-amazon.com/images/M/MV5BZDRkOWQ5NGUtYTVmOS00ZjNhLWEwODgtOGI2MmUxNTBkMjU0XkEyXkFqcGdeQXVyMjUzOTY1NTc@._V1_UX67_CR0,0,67,98_AL_.jpg",The Color Purple,1985,U,154 min,Drama,7.8,A black Southern woman struggles to find her identity after suffering abuse from her father and others over four decades.,78,Steven Spielberg,Danny Glover,Whoopi Goldberg,Oprah Winfrey,Margaret Avery,78321,"98,467,863" +"https://m.media-amazon.com/images/M/MV5BOTM5N2ZmZTMtNjlmOS00YzlkLTk3YjEtNTU1ZmQ5OTdhODZhXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",The Breakfast Club,1985,UA,97 min,"Comedy, Drama",7.8,Five high school students meet in Saturday detention and discover how they have a lot more in common than they thought.,66,John Hughes,Emilio Estevez,Judd Nelson,Molly Ringwald,Ally Sheedy,357026,"45,875,171" +"https://m.media-amazon.com/images/M/MV5BMGI0NzI5YjAtNTg0MS00NDA2LWE5ZWItODRmOTAxOTAxYjg2L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UX67_CR0,0,67,98_AL_.jpg",The Killing Fields,1984,UA,141 min,"Biography, Drama, History",7.8,"A journalist is trapped in Cambodia during tyrant Pol Pot's bloody 'Year Zero' cleansing campaign, which claimed the lives of two million 'undesirable' civilians.",76,Roland Joffé,Sam Waterston,Haing S. Ngor,John Malkovich,Julian Sands,51585,"34,700,291" +"https://m.media-amazon.com/images/M/MV5BMTkxMjYyNzgwMl5BMl5BanBnXkFtZTgwMTE3MjYyMTE@._V1_UX67_CR0,0,67,98_AL_.jpg",Ghostbusters,1984,UA,105 min,"Action, Comedy, Fantasy",7.8,Three former parapsychology professors set up shop as a unique ghost removal service.,71,Ivan Reitman,Bill Murray,Dan Aykroyd,Sigourney Weaver,Harold Ramis,355413,"238,632,124" +"https://m.media-amazon.com/images/M/MV5BOTUwMDA3MTYtZjhjMi00ODFmLTg5ZTAtYzgwN2NlODgzMmUwXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",The Right Stuff,1983,PG,193 min,"Adventure, Biography, Drama",7.8,"The story of the original Mercury 7 astronauts and their macho, seat-of-the-pants approach to the space program.",91,Philip Kaufman,Sam Shepard,Scott Glenn,Ed Harris,Dennis Quaid,56235,"21,500,000" +"https://m.media-amazon.com/images/M/MV5BMTViNjlkYjgtMmE3Zi00ZGVkLTkyMjMtNzc3YzAwNzNiODQ1XkEyXkFqcGdeQXVyMjA0MzYwMDY@._V1_UX67_CR0,0,67,98_AL_.jpg",The King of Comedy,1982,U,109 min,"Comedy, Crime, Drama",7.8,"Rupert Pupkin is a passionate yet unsuccessful comic who craves nothing more than to be in the spotlight and to achieve this, he stalks and kidnaps his idol to take the spotlight for himself.",73,Martin Scorsese,Robert De Niro,Jerry Lewis,Diahnne Abbott,Sandra Bernhard,88511,"2,500,000" +"https://m.media-amazon.com/images/M/MV5BMTQ2ODFlMDAtNzdhOC00ZDYzLWE3YTMtNDU4ZGFmZmJmYTczXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",E.T. the Extra-Terrestrial,1982,U,115 min,"Family, Sci-Fi",7.8,A troubled child summons the courage to help a friendly alien escape Earth and return to his home world.,91,Steven Spielberg,Henry Thomas,Drew Barrymore,Peter Coyote,Dee Wallace,372490,"435,110,554" +"https://m.media-amazon.com/images/M/MV5BNDM3YjNlYmMtOGY3NS00MmRjLWIyY2UtNDA0MWM3OTNlZTY2XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Kramer vs. Kramer,1979,A,105 min,Drama,7.8,"Ted Kramer's wife leaves him, allowing for a lost bond to be rediscovered between Ted and his son, Billy. But a heated custody battle ensues over the divorced couple's son, deepening the wounds left by the separation.",77,Robert Benton,Dustin Hoffman,Meryl Streep,Jane Alexander,Justin Henry,133351,"106,260,000" +"https://m.media-amazon.com/images/M/MV5BZjMyZmU4OGYtNjBiYS00YTIxLWJjMDUtZjczZmQwMTM4YjQxXkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UX67_CR0,0,67,98_AL_.jpg",Days of Heaven,1978,PG,94 min,"Drama, Romance",7.8,A hot-tempered farm laborer convinces the woman he loves to marry their rich but dying boss so that they can have a claim to his fortune.,93,Terrence Malick,Richard Gere,Brooke Adams,Sam Shepard,Linda Manz,52852, +"https://m.media-amazon.com/images/M/MV5BMjIxNDYxMTk2MF5BMl5BanBnXkFtZTgwMjQxNjU3MTE@._V1_UY98_CR0,0,67,98_AL_.jpg",The Outlaw Josey Wales,1976,A,135 min,Western,7.8,Missouri farmer Josey Wales joins a Confederate guerrilla unit and winds up on the run from the Union soldiers who murdered his family.,69,Clint Eastwood,Clint Eastwood,Sondra Locke,Chief Dan George,Bill McKinney,65659,"31,800,000" +"https://m.media-amazon.com/images/M/MV5BZWQzYjBjZmQtZDFiOS00ZDQ1LWI4MDAtMDk1NGE1NDBhYjNhL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",The Man Who Would Be King,1975,PG,129 min,"Adventure, History, War",7.8,"Two British former soldiers decide to set themselves up as Kings in Kafiristan, a land where no white man has set foot since Alexander the Great.",91,John Huston,Sean Connery,Michael Caine,Christopher Plummer,Saeed Jaffrey,44917, +"https://m.media-amazon.com/images/M/MV5BNzZlMThlYzktMDlmZC00YTI1LThlNzktZWU0MTY4ODc2ZWY4XkEyXkFqcGdeQXVyNTA1NjYyMDk@._V1_UX67_CR0,0,67,98_AL_.jpg",The Conversation,1974,U,113 min,"Drama, Mystery, Thriller",7.8,"A paranoid, secretive surveillance expert has a crisis of conscience when he suspects that the couple he is spying on will be murdered.",85,Francis Ford Coppola,Gene Hackman,John Cazale,Allen Garfield,Frederic Forrest,98611,"4,420,000" +"https://m.media-amazon.com/images/M/MV5BYjhhMDFlZDctYzg1Mi00ZmZiLTgyNTgtM2NkMjRkNzYwZmQ0XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",La planète sauvage,1973,U,72 min,"Animation, Sci-Fi",7.8,"On a faraway planet where blue giants rule, oppressed humanoids rebel against their machine-like leaders.",73,René Laloux,Barry Bostwick,Jennifer Drake,Eric Baugin,Jean Topart,25229,"193,817" +"https://m.media-amazon.com/images/M/MV5BNjZmMWE4NzgtZjc5OS00NTBmLThlY2MtM2MzNTA5NTZiNTFjXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UY98_CR0,0,67,98_AL_.jpg",The Day of the Jackal,1973,A,143 min,"Crime, Drama, Thriller",7.8,"A professional assassin codenamed ""Jackal"" plots to kill Charles de Gaulle, the President of France.",80,Fred Zinnemann,Edward Fox,Terence Alexander,Michel Auclair,Alan Badel,37445,"16,056,255" +"https://m.media-amazon.com/images/M/MV5BMDcxNjhiOTEtMzQ0YS00OTBhLTkxM2QtN2UyZDMzNzIzNWFlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UY98_CR1,0,67,98_AL_.jpg",Badlands,1973,PG,94 min,"Action, Crime, Drama",7.8,An impressionable teenage girl from a dead-end town and her older greaser boyfriend embark on a killing spree in the South Dakota badlands.,93,Terrence Malick,Martin Sheen,Sissy Spacek,Warren Oates,Ramon Bieri,66009, +"https://m.media-amazon.com/images/M/MV5BNTEyMzc0Mjk5MV5BMl5BanBnXkFtZTgwMjI2NDIwMTE@._V1_UX67_CR0,0,67,98_AL_.jpg",Cabaret,1972,A,124 min,"Drama, Music, Musical",7.8,A female girlie club entertainer in Weimar Republic era Berlin romances two men while the Nazi Party rises to power around them.,80,Bob Fosse,Liza Minnelli,Michael York,Helmut Griem,Joel Grey,48334,"42,765,000" +"https://m.media-amazon.com/images/M/MV5BZTllNDU0ZTItYTYxMC00OTI4LThlNDAtZjNiNzdhMWZiYjNmXkEyXkFqcGdeQXVyNzY1NDgwNjQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Willy Wonka & the Chocolate Factory,1971,U,100 min,"Family, Fantasy, Musical",7.8,A poor but hopeful boy seeks one of the five coveted golden tickets that will send him on a tour of Willy Wonka's mysterious chocolate factory.,67,Mel Stuart,Gene Wilder,Jack Albertson,Peter Ostrum,Roy Kinnear,178731,"4,000,000" +"https://m.media-amazon.com/images/M/MV5BNTgwZmIzMmYtZjE3Yy00NzgzLTgxNmUtNjlmZDlkMzlhOTJkXkEyXkFqcGdeQXVyNjUwNzk3NDc@._V1_UX67_CR0,0,67,98_AL_.jpg",Midnight Cowboy,1969,A,113 min,Drama,7.8,"A naive hustler travels from Texas to New York City to seek personal fortune, finding a new friend in the process.",79,John Schlesinger,Dustin Hoffman,Jon Voight,Sylvia Miles,John McGiver,101124,"44,785,053" +"https://m.media-amazon.com/images/M/MV5BMTQyNTAzOTI3NF5BMl5BanBnXkFtZTcwNTM0Mjg0Mg@@._V1_UX67_CR0,0,67,98_AL_.jpg",Wait Until Dark,1967,,108 min,Thriller,7.8,A recently blinded woman is terrorized by a trio of thugs while they search for a heroin-stuffed doll they believe is in her apartment.,81,Terence Young,Audrey Hepburn,Alan Arkin,Richard Crenna,Efrem Zimbalist Jr.,27733,"17,550,741" +"https://m.media-amazon.com/images/M/MV5BZTVmMTk2NjUtNjVjNC00OTcwLWE4OWEtNzA4Mjk1ZmIwNDExXkEyXkFqcGdeQXVyNjUwNzk3NDc@._V1_UX67_CR0,0,67,98_AL_.jpg",Guess Who's Coming to Dinner,1967,,108 min,"Comedy, Drama",7.8,A couple's attitudes are challenged when their daughter introduces them to her African-American fiancé.,63,Stanley Kramer,Spencer Tracy,Sidney Poitier,Katharine Hepburn,Katharine Houghton,39642,"56,700,000" +"https://m.media-amazon.com/images/M/MV5BOTViZmMwOGEtYzc4Yy00ZGQ1LWFkZDQtMDljNGZlMjAxMjhiXkEyXkFqcGdeQXVyNzM0MTUwNTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Bonnie and Clyde,1967,A,111 min,"Action, Biography, Crime",7.8,"Bored waitress Bonnie Parker falls in love with an ex-con named Clyde Barrow and together they start a violent crime spree through the country, stealing cars and robbing banks.",86,Arthur Penn,Warren Beatty,Faye Dunaway,Michael J. Pollard,Gene Hackman,102415, +"https://m.media-amazon.com/images/M/MV5BNGM0ZTU3NmItZmRmMy00YWNjLWEzMWItYzg3MzcwZmM5NjdiXkEyXkFqcGdeQXVyNDYyMDk5MTU@._V1_UY98_CR2,0,67,98_AL_.jpg",My Fair Lady,1964,U,170 min,"Drama, Family, Musical",7.8,Snobbish phonetics Professor Henry Higgins agrees to a wager that he can make flower girl Eliza Doolittle presentable in high society.,95,George Cukor,Audrey Hepburn,Rex Harrison,Stanley Holloway,Wilfrid Hyde-White,86525,"72,000,000" +"https://m.media-amazon.com/images/M/MV5BNmJkODczNjItNDI5Yy00MGI1LTkyOWItZDNmNjM4ZGI1ZDVlL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Mary Poppins,1964,U,139 min,"Comedy, Family, Fantasy",7.8,"In turn of the century London, a magical nanny employs music and adventure to help two neglected children become closer to their father.",88,Robert Stevenson,Julie Andrews,Dick Van Dyke,David Tomlinson,Glynis Johns,158029,"102,272,727" +"https://m.media-amazon.com/images/M/MV5BZTM1ZjQ2YTktNDM2MS00NGY2LTkzNzItZTU4ODg1ODNkMWYxL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",The Longest Day,1962,G,178 min,"Action, Drama, History",7.8,"The events of D-Day, told on a grand scale from both the Allied and German points of view.",75,Ken Annakin,Andrew Marton,Gerd Oswald,Bernhard Wicki,Darryl F. Zanuck,52141,"39,100,000" +"https://m.media-amazon.com/images/M/MV5BZTM1MTRiNDctMTFiMC00NGM1LTkyMWQtNTY1M2JjZDczOWQ3XkEyXkFqcGdeQXVyMDI3OTIzOA@@._V1_UY98_CR3,0,67,98_AL_.jpg",Jules et Jim,1962,,105 min,"Drama, Romance",7.8,Decades of a love triangle concerning two friends and an impulsive woman.,97,François Truffaut,Jeanne Moreau,Oskar Werner,Henri Serre,Vanna Urbino,37605, +"https://m.media-amazon.com/images/M/MV5BNGQyNjBjNTUtNTM1OS00YzcyLWFhNTgtNTU0MDg3NzBlMDQzXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UY98_CR0,0,67,98_AL_.jpg",The Innocents,1961,A,100 min,Horror,7.8,A young governess for two children becomes convinced that the house and grounds are haunted.,88,Jack Clayton,Deborah Kerr,Peter Wyngarde,Megs Jenkins,Michael Redgrave,27007,"2,616,000" +"https://m.media-amazon.com/images/M/MV5BNzk5MDk2MjktY2I3NS00ODZkLTk3OTktY2Q3ZDE2MmQ2M2ZmXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UY98_CR2,0,67,98_AL_.jpg",À bout de souffle,1960,U,90 min,"Crime, Drama",7.8,"A small-time thief steals a car and impulsively murders a motorcycle policeman. Wanted by the authorities, he reunites with a hip American journalism student and attempts to persuade her to run away with him to Italy.",,Jean-Luc Godard,Jean-Paul Belmondo,Jean Seberg,Daniel Boulanger,Henri-Jacques Huet,73251,"336,705" +"https://m.media-amazon.com/images/M/MV5BNzNiOGJhMDUtZjNjMC00YmE5LTk3NjQtNGM4ZjAzOGJjZmRlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Red River,1948,Passed,133 min,"Action, Adventure, Drama",7.8,"Dunson leads a cattle drive, the culmination of over 14 years of work, to its destination in Missouri. But his tyrannical behavior along the way causes a mutiny, led by his adopted son.",,Howard Hawks,Arthur Rosson,John Wayne,Montgomery Clift,Joanne Dru,28167, +"https://m.media-amazon.com/images/M/MV5BODI3YzNiZTUtYjEyZS00ODkwLWE2ZDUtNGJmMTNiYTc4ZTM4XkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Key Largo,1948,,100 min,"Action, Crime, Drama",7.8,"A man visits his war buddy's family hotel and finds a gangster running things. As a hurricane approaches, the two end up confronting each other.",,John Huston,Humphrey Bogart,Edward G. Robinson,Lauren Bacall,Lionel Barrymore,36995, +"https://m.media-amazon.com/images/M/MV5BZGU2YmU0MWMtMzg5My00ZmY2LTljMDItMTg2YTI5Y2U2OTE3XkEyXkFqcGdeQXVyMjUxODE0MDY@._V1_UY98_CR0,0,67,98_AL_.jpg",To Have and Have Not,1944,PG,100 min,"Adventure, Comedy, Film-Noir",7.8,"During World War II, American expatriate Harry Morgan helps transport a French Resistance leader and his beautiful wife to Martinique while romancing a sensuous lounge singer.",,Howard Hawks,Humphrey Bogart,Lauren Bacall,Walter Brennan,Dolores Moran,31053, +"https://m.media-amazon.com/images/M/MV5BM2I1YWM4NTYtYjA0Ny00ZDEwLTg3NTgtNzBjMzZhZTk1YTA1XkEyXkFqcGdeQXVyMTY5Nzc4MDY@._V1_UX67_CR0,0,67,98_AL_.jpg",Shadow of a Doubt,1943,PG,108 min,"Film-Noir, Thriller",7.8,"A young girl, overjoyed when her favorite uncle comes to visit the family, slowly begins to suspect that he is in fact the ""Merry Widow"" killer sought by the authorities.",94,Alfred Hitchcock,Teresa Wright,Joseph Cotten,Macdonald Carey,Henry Travers,59556, +"https://m.media-amazon.com/images/M/MV5BOGQ4NDUyNWQtZTEyOC00OTMzLWFhYjAtNDNmYmQ2MWQyMTRmXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg",Stagecoach,1939,Passed,96 min,"Adventure, Drama, Western",7.8,A group of people traveling on a stagecoach find their journey complicated by the threat of Geronimo and learn something about each other in the process.,93,John Ford,John Wayne,Claire Trevor,Andy Devine,John Carradine,43621, +"https://m.media-amazon.com/images/M/MV5BNjk3YzFjYTktOGY0ZS00Y2EwLTk2NTctYTI1Nzc2OWNiN2I4XkEyXkFqcGdeQXVyNzM0MTUwNTY@._V1_UX67_CR0,0,67,98_AL_.jpg",The Lady Vanishes,1938,,96 min,"Mystery, Thriller",7.8,"While travelling in continental Europe, a rich young playgirl realizes that an elderly lady seems to have disappeared from the train.",98,Alfred Hitchcock,Margaret Lockwood,Michael Redgrave,Paul Lukas,May Whitty,47400, +"https://m.media-amazon.com/images/M/MV5BMmVkOTRiYmItZjE4NS00MWNjLWE0ZmMtYzg5YzFjMjMyY2RkXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Bringing Up Baby,1938,Passed,102 min,"Comedy, Family, Romance",7.8,"While trying to secure a $1 million donation for his museum, a befuddled paleontologist is pursued by a flighty and often irritating heiress and her pet leopard, Baby.",91,Howard Hawks,Katharine Hepburn,Cary Grant,Charles Ruggles,Walter Catlett,55163, +"https://m.media-amazon.com/images/M/MV5BOTUzMzAzMzEzNV5BMl5BanBnXkFtZTgwOTg1NTAwMjE@._V1_UX67_CR0,0,67,98_AL_.jpg",Bride of Frankenstein,1935,,75 min,"Drama, Horror, Sci-Fi",7.8,"Mary Shelley reveals the main characters of her novel survived: Dr. Frankenstein, goaded by an even madder scientist, builds his monster a mate.",95,James Whale,Boris Karloff,Elsa Lanchester,Colin Clive,Valerie Hobson,43542,"4,360,000" +"https://m.media-amazon.com/images/M/MV5BYmYxZGU2NWYtNzQxZS00NmEyLWIzN2YtMDk5MWM0ODc5ZTE4XkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg",Duck Soup,1933,,69 min,"Comedy, Musical, War",7.8,Rufus T. Firefly is named president/dictator of bankrupt Freedonia and declares war on neighboring Sylvania over the love of wealthy Mrs. Teasdale.,93,Leo McCarey,Groucho Marx,Harpo Marx,Chico Marx,Zeppo Marx,55581, +"https://m.media-amazon.com/images/M/MV5BYmMxZTU2ZDUtM2Y1MS00ZWFmLWJlN2UtNzI0OTJiOTYzMTk3XkEyXkFqcGdeQXVyMjUxODE0MDY@._V1_UX67_CR0,0,67,98_AL_.jpg",Scarface: The Shame of the Nation,1932,PG,93 min,"Action, Crime, Drama",7.8,"An ambitious and nearly insane violent gangster climbs the ladder of success in the mob, but his weaknesses prove to be his downfall.",87,Howard Hawks,Richard Rosson,Paul Muni,Ann Dvorak,Karen Morley,25312, +"https://m.media-amazon.com/images/M/MV5BMTQ0Njc1MjM0OF5BMl5BanBnXkFtZTgwNTY2NTUyMjE@._V1_UX67_CR0,0,67,98_AL_.jpg",Frankenstein,1931,Passed,70 min,"Drama, Horror, Sci-Fi",7.8,Dr. Frankenstein dares to tamper with life and death by creating a human monster out of lifeless body parts.,91,James Whale,Colin Clive,Mae Clarke,Boris Karloff,John Boles,65341, +"https://m.media-amazon.com/images/M/MV5BMTU0OTc3ODk4Ml5BMl5BanBnXkFtZTgwMzM4NzI5NjM@._V1_UX67_CR0,0,67,98_AL_.jpg",Roma,2018,R,135 min,Drama,7.7,A year in the life of a middle-class family's maid in Mexico City in the early 1970s.,96,Alfonso Cuarón,Yalitza Aparicio,Marina de Tavira,Diego Cortina Autrey,Carlos Peralta,140375, +"https://m.media-amazon.com/images/M/MV5BNjRhYzk2NDAtYzA1Mi00MmNmLWE1ZjQtMDBhZmUyMTdjZjBiXkEyXkFqcGdeQXVyNjk1Njg5NTA@._V1_UX67_CR0,0,67,98_AL_.jpg",God's Own Country,2017,,104 min,"Drama, Romance",7.7,"Spring. Yorkshire. Young farmer Johnny Saxby numbs his daily frustrations with binge drinking and casual sex, until the arrival of a Romanian migrant worker for lambing season ignites an intense relationship that sets Johnny on a new path.",85,Francis Lee,Josh O'Connor,Alec Secareanu,Gemma Jones,Ian Hart,25198,"335,609" +"https://m.media-amazon.com/images/M/MV5BNjk1Njk3YjctMmMyYS00Y2I4LThhMzktN2U0MTMyZTFlYWQ5XkEyXkFqcGdeQXVyODM2ODEzMDA@._V1_UY98_CR15,0,67,98_AL_.jpg",Deadpool 2,2018,R,119 min,"Action, Adventure, Comedy",7.7,"Foul-mouthed mutant mercenary Wade Wilson (a.k.a. Deadpool), brings together a team of fellow mutant rogues to protect a young boy with supernatural abilities from the brutal, time-traveling cyborg Cable.",66,David Leitch,Ryan Reynolds,Josh Brolin,Morena Baccarin,Julian Dennison,478586,"324,591,735" +"https://m.media-amazon.com/images/M/MV5BMTUyMjU1OTUwM15BMl5BanBnXkFtZTgwMDg1NDQ2MjI@._V1_UX67_CR0,0,67,98_AL_.jpg",Wind River,2017,R,107 min,"Crime, Drama, Mystery",7.7,A veteran hunter helps an FBI agent investigate the murder of a young woman on a Wyoming Native American reservation.,73,Taylor Sheridan,Kelsey Asbille,Jeremy Renner,Julia Jones,Teo Briones,205444,"33,800,859" +"https://m.media-amazon.com/images/M/MV5BMjUxMDQwNjcyNl5BMl5BanBnXkFtZTgwNzcwMzc0MTI@._V1_UX67_CR0,0,67,98_AL_.jpg",Get Out,2017,R,104 min,"Horror, Mystery, Thriller",7.7,"A young African-American visits his white girlfriend's parents for the weekend, where his simmering uneasiness about their reception of him eventually reaches a boiling point.",85,Jordan Peele,Daniel Kaluuya,Allison Williams,Bradley Whitford,Catherine Keener,492851,"176,040,665" +"https://m.media-amazon.com/images/M/MV5BNjRlZmM0ODktY2RjNS00ZDdjLWJhZGYtNDljNWZkMGM5MTg0XkEyXkFqcGdeQXVyNjAwMjI5MDk@._V1_UX67_CR0,0,67,98_AL_.jpg",Mission: Impossible - Fallout,2018,UA,147 min,"Action, Adventure, Thriller",7.7,"Ethan Hunt and his IMF team, along with some familiar allies, race against time after a mission gone wrong.",86,Christopher McQuarrie,Tom Cruise,Henry Cavill,Ving Rhames,Simon Pegg,291257,"220,159,104" +"https://m.media-amazon.com/images/M/MV5BMjE0NDUyOTc2MV5BMl5BanBnXkFtZTgwODk2NzU3OTE@._V1_UX67_CR0,0,67,98_AL_.jpg",En man som heter Ove,2015,PG-13,116 min,"Comedy, Drama, Romance",7.7,"Ove, an ill-tempered, isolated retiree who spends his days enforcing block association rules and visiting his wife's grave, has finally given up on life just as an unlikely friendship develops with his boisterous new neighbors.",70,Hannes Holm,Rolf Lassgård,Bahar Pars,Filip Berg,Ida Engvoll,47444,"3,358,518" +"https://m.media-amazon.com/images/M/MV5BMjAwNDA5NzEwM15BMl5BanBnXkFtZTgwMTA1MDUyNDE@._V1_UX67_CR0,0,67,98_AL_.jpg",What We Do in the Shadows,2014,R,86 min,"Comedy, Horror",7.7,"Viago, Deacon and Vladislav are vampires who are finding that modern life has them struggling with the mundane - like paying rent, keeping up with the chore wheel, trying to get into nightclubs and overcoming flatmate conflicts.",76,Jemaine Clement,Taika Waititi,Jemaine Clement,Taika Waititi,Cori Gonzalez-Macuer,157498,"3,333,000" +"https://m.media-amazon.com/images/M/MV5BZTlmYTJmMWEtNDRhNy00ODc1LTg2OTMtMjk2ODJhNTA4YTE1XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR0,0,67,98_AL_.jpg",Omoide no Mânî,2014,U,103 min,"Animation, Drama, Family",7.7,"Due to 12 y.o. Anna's asthma, she's sent to stay with relatives of her guardian in the Japanese countryside. She likes to be alone, sketching. She befriends Marnie. Who is the mysterious, blonde Marnie.",72,James Simone,Hiromasa Yonebayashi,Sara Takatsuki,Kasumi Arimura,Nanako Matsushima,32798,"765,127" +"https://m.media-amazon.com/images/M/MV5BMTAwMTU4MDA3NDNeQTJeQWpwZ15BbWU4MDk4NTMxNTIx._V1_UX67_CR0,0,67,98_AL_.jpg",The Theory of Everything,2014,U,123 min,"Biography, Drama, Romance",7.7,A look at the relationship between the famous physicist Stephen Hawking and his wife.,72,James Marsh,Eddie Redmayne,Felicity Jones,Tom Prior,Sophie Perry,404182,"35,893,537" +"https://m.media-amazon.com/images/M/MV5BYTM3ZTllNzItNTNmOS00NzJiLTg1MWMtMjMxNDc0NmJhODU5XkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UX67_CR0,0,67,98_AL_.jpg",Kingsman: The Secret Service,2014,A,129 min,"Action, Adventure, Comedy",7.7,"A spy organisation recruits a promising street kid into the agency's training program, while a global threat emerges from a twisted tech genius.",60,Matthew Vaughn,Colin Firth,Taron Egerton,Samuel L. Jackson,Michael Caine,590440,"128,261,724" +"https://m.media-amazon.com/images/M/MV5BNTVkMTFiZWItOTFkOC00YTc3LWFhYzQtZTg3NzAxZjJlNTAyXkEyXkFqcGdeQXVyODE5NzE3OTE@._V1_UX67_CR0,0,67,98_AL_.jpg",The Fault in Our Stars,2014,UA,126 min,"Drama, Romance",7.7,Two teenage cancer patients begin a life-affirming journey to visit a reclusive author in Amsterdam.,69,Josh Boone,Shailene Woodley,Ansel Elgort,Nat Wolff,Laura Dern,344312,"124,872,350" +"https://m.media-amazon.com/images/M/MV5BNTA1NzUzNjY4MV5BMl5BanBnXkFtZTgwNDU0MDI0NTE@._V1_UX67_CR0,0,67,98_AL_.jpg",Me and Earl and the Dying Girl,2015,PG-13,105 min,"Comedy, Drama",7.7,"High schooler Greg, who spends most of his time making parodies of classic movies with his co-worker Earl, finds his outlook forever altered after befriending a classmate who has just been diagnosed with cancer.",74,Alfonso Gomez-Rejon,Thomas Mann,RJ Cyler,Olivia Cooke,Nick Offerman,123210,"6,743,776" +"https://m.media-amazon.com/images/M/MV5BODAzNDMxMzAxOV5BMl5BanBnXkFtZTgwMDMxMjA4MjE@._V1_UX67_CR0,0,67,98_AL_.jpg",Birdman or (The Unexpected Virtue of Ignorance),2014,A,119 min,"Comedy, Drama",7.7,"A washed-up superhero actor attempts to revive his fading career by writing, directing, and starring in a Broadway production.",87,Alejandro G. Iñárritu,Michael Keaton,Zach Galifianakis,Edward Norton,Andrea Riseborough,580291,"42,340,598" +"https://m.media-amazon.com/images/M/MV5BMTQ5NTg5ODk4OV5BMl5BanBnXkFtZTgwODc4MTMzMDE@._V1_UX67_CR0,0,67,98_AL_.jpg",La vie d'Adèle,2013,A,180 min,"Drama, Romance",7.7,"Adèle's life is changed when she meets Emma, a young woman with blue hair, who will allow her to discover desire and to assert herself as a woman and as an adult. In front of others, Adèle grows, seeks herself, loses herself, and ultimately finds herself through love and loss.",89,Abdellatif Kechiche,Léa Seydoux,Adèle Exarchopoulos,Salim Kechiouche,Aurélien Recoing,138741,"2,199,675" +"https://m.media-amazon.com/images/M/MV5BMTgwNTAwMjEzMF5BMl5BanBnXkFtZTcwNzMzODY4OA@@._V1_UY98_CR3,0,67,98_AL_.jpg",Kai po che!,2013,U,130 min,"Drama, Sport",7.7,Three friends growing up in India at the turn of the millennium set out to open a training academy to produce the country's next cricket stars.,40,Abhishek Kapoor,Amit Sadh,Sushant Singh Rajput,Rajkummar Rao,Amrita Puri,32628,"1,122,527" +"https://m.media-amazon.com/images/M/MV5BMTQzMzg2Nzg2MF5BMl5BanBnXkFtZTgwNjUzNzIzMDE@._V1_UX67_CR0,0,67,98_AL_.jpg",The Broken Circle Breakdown,2012,,111 min,"Drama, Music, Romance",7.7,"Elise and Didier fall in love at first sight, in spite of their differences. He talks, she listens. He's a romantic atheist, she's a religious realist. When their daughter becomes seriously ill, their love is put on trial.",70,Felix van Groeningen,Veerle Baetens,Johan Heldenbergh,Nell Cattrysse,Geert Van Rampelberg,39379,"175,058" +"https://m.media-amazon.com/images/M/MV5BMzA2NDkwODAwM15BMl5BanBnXkFtZTgwODk5MTgzMTE@._V1_UY98_CR0,0,67,98_AL_.jpg",Captain America: The Winter Soldier,2014,UA,136 min,"Action, Adventure, Sci-Fi",7.7,"As Steve Rogers struggles to embrace his role in the modern world, he teams up with a fellow Avenger and S.H.I.E.L.D agent, Black Widow, to battle a new threat from history: an assassin known as the Winter Soldier.",70,Anthony Russo,Joe Russo,Chris Evans,Samuel L. Jackson,Scarlett Johansson,736182,"259,766,572" +"https://m.media-amazon.com/images/M/MV5BOTc3NzAxMjg4M15BMl5BanBnXkFtZTcwMDc2ODQwNw@@._V1_UY98_CR3,0,67,98_AL_.jpg",Rockstar,2011,UA,159 min,"Drama, Music, Musical",7.7,"Janardhan Jakhar chases his dreams of becoming a big Rock star, during which he falls in love with Heer.",,Imtiaz Ali,Ranbir Kapoor,Nargis Fakhri,Shammi Kapoor,Kumud Mishra,39501,"985,912" +"https://m.media-amazon.com/images/M/MV5BOGQzODdlMDktNzU4ZC00N2M3LWFkYTAtYTM1NTE0ZWI5YTg4XkEyXkFqcGdeQXVyMTA1NTM1NDI2._V1_UX67_CR0,0,67,98_AL_.jpg",Nebraska,2013,UA,115 min,"Adventure, Comedy, Drama",7.7,"An aging, booze-addled father makes the trip from Montana to Nebraska with his estranged son in order to claim a million-dollar Mega Sweepstakes Marketing prize.",87,Alexander Payne,Bruce Dern,Will Forte,June Squibb,Bob Odenkirk,112298,"17,654,912" +"https://m.media-amazon.com/images/M/MV5BNzMxNTExOTkyMF5BMl5BanBnXkFtZTcwMzEyNDc0OA@@._V1_UX67_CR0,0,67,98_AL_.jpg",Wreck-It Ralph,2012,U,101 min,"Animation, Adventure, Comedy",7.7,"A video game villain wants to be a hero and sets out to fulfill his dream, but his quest brings havoc to the whole arcade where he lives.",72,Rich Moore,John C. Reilly,Jack McBrayer,Jane Lynch,Sarah Silverman,380195,"189,422,889" +"https://m.media-amazon.com/images/M/MV5BNjg0OTM5OTQyNV5BMl5BanBnXkFtZTgwNDg5NDQ0NTE@._V1_UY98_CR2,0,67,98_AL_.jpg",Le Petit Prince,2015,PG,108 min,"Animation, Adventure, Drama",7.7,"A little girl lives in a very grown-up world with her mother, who tries to prepare her for it. Her neighbor, the Aviator, introduces the girl to an extraordinary world where anything is possible, the world of the Little Prince.",70,Mark Osborne,Jeff Bridges,Mackenzie Foy,Rachel McAdams,Marion Cotillard,56720,"1,339,152" +"https://m.media-amazon.com/images/M/MV5BMTM3NzQzMDA5Ml5BMl5BanBnXkFtZTcwODA5NTcyNw@@._V1_UY98_CR0,0,67,98_AL_.jpg",Detachment,2011,,98 min,Drama,7.7,A substitute teacher who drifts from classroom to classroom finds a connection to the students and teachers during his latest assignment.,52,Tony Kaye,Adrien Brody,Christina Hendricks,Marcia Gay Harden,Lucy Liu,77071,"71,177" +"https://m.media-amazon.com/images/M/MV5BMTM4NjY1MDQwMl5BMl5BanBnXkFtZTcwNTI3Njg3NA@@._V1_UX67_CR0,0,67,98_AL_.jpg",Midnight in Paris,2011,PG-13,96 min,"Comedy, Fantasy, Romance",7.7,"While on a trip to Paris with his fiancée's family, a nostalgic screenwriter finds himself mysteriously going back to the 1920s every day at midnight.",81,Woody Allen,Owen Wilson,Rachel McAdams,Kathy Bates,Kurt Fuller,388089,"56,816,662" +"https://m.media-amazon.com/images/M/MV5BMTg4MDk1ODExN15BMl5BanBnXkFtZTgwNzIyNjg3MDE@._V1_UX67_CR0,0,67,98_AL_.jpg",The Lego Movie,2014,U,100 min,"Animation, Action, Adventure",7.7,"An ordinary LEGO construction worker, thought to be the prophesied as ""special"", is recruited to join a quest to stop an evil tyrant from gluing the LEGO universe into eternal stasis.",83,Christopher Miller,Phil Lord,Chris Pratt,Will Ferrell,Elizabeth Banks,323982,"257,760,692" +"https://m.media-amazon.com/images/M/MV5BNjE5MzYwMzYxMF5BMl5BanBnXkFtZTcwOTk4MTk0OQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Gravity,2013,UA,91 min,"Drama, Sci-Fi, Thriller",7.7,Two astronauts work together to survive after an accident leaves them stranded in space.,96,Alfonso Cuarón,Sandra Bullock,George Clooney,Ed Harris,Orto Ignatiussen,769145,"274,092,705" +"https://m.media-amazon.com/images/M/MV5BMTk2NzczOTgxNF5BMl5BanBnXkFtZTcwODQ5ODczOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Star Trek Into Darkness,2013,UA,132 min,"Action, Adventure, Sci-Fi",7.7,"After the crew of the Enterprise find an unstoppable force of terror from within their own organization, Captain Kirk leads a manhunt to a war-zone world to capture a one-man weapon of mass destruction.",72,J.J. Abrams,Chris Pine,Zachary Quinto,Zoe Saldana,Benedict Cumberbatch,463188,"228,778,661" +"https://m.media-amazon.com/images/M/MV5BMTYwMzMzMDI0NF5BMl5BanBnXkFtZTgwNDQ3NjI3NjE@._V1_UX67_CR0,0,67,98_AL_.jpg",Beasts of No Nation,2015,,137 min,"Drama, War",7.7,"A drama based on the experiences of Agu, a child soldier fighting in the civil war of an unnamed African country.",79,Cary Joji Fukunaga,Abraham Attah,Emmanuel Affadzi,Ricky Adelayitor,Andrew Adote,73964,"83,861" +"https://m.media-amazon.com/images/M/MV5BOGUyZDUxZjEtMmIzMC00MzlmLTg4MGItZWJmMzBhZjE0Mjc1XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",The Social Network,2010,UA,120 min,"Biography, Drama",7.7,"As Harvard student Mark Zuckerberg creates the social networking site that would become known as Facebook, he is sued by the twins who claimed he stole their idea, and by the co-founder who was later squeezed out of the business.",95,David Fincher,Jesse Eisenberg,Andrew Garfield,Justin Timberlake,Rooney Mara,624982,"96,962,694" +"https://m.media-amazon.com/images/M/MV5BMTg5OTMxNzk4Nl5BMl5BanBnXkFtZTcwOTk1MjAwNQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",X: First Class,2011,UA,131 min,"Action, Adventure, Sci-Fi",7.7,"In the 1960s, superpowered humans Charles Xavier and Erik Lensherr work together to find others like them, but Erik's vengeful pursuit of an ambitious mutant who ruined his life causes a schism to divide them.",65,Matthew Vaughn,James McAvoy,Michael Fassbender,Jennifer Lawrence,Kevin Bacon,645512,"146,408,305" +"https://m.media-amazon.com/images/M/MV5BNGQwZjg5YmYtY2VkNC00NzliLTljYTctNzI5NmU3MjE2ODQzXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",The Hangover,2009,UA,100 min,Comedy,7.7,"Three buddies wake up from a bachelor party in Las Vegas, with no memory of the previous night and the bachelor missing. They make their way around the city in order to find their friend before his wedding.",73,Todd Phillips,Zach Galifianakis,Bradley Cooper,Justin Bartha,Ed Helms,717559,"277,322,503" +"https://m.media-amazon.com/images/M/MV5BMWZiNjE2OWItMTkwNy00ZWQzLWI0NTgtMWE0NjNiYTljN2Q1XkEyXkFqcGdeQXVyNzAwMjYxMzA@._V1_UX67_CR0,0,67,98_AL_.jpg",Skyfall,2012,UA,143 min,"Action, Adventure, Thriller",7.7,"James Bond's loyalty to M is tested when her past comes back to haunt her. When MI6 comes under attack, 007 must track down and destroy the threat, no matter how personal the cost.",81,Sam Mendes,Daniel Craig,Javier Bardem,Naomie Harris,Judi Dench,630614,"304,360,277" +"https://m.media-amazon.com/images/M/MV5BMTM2MTI5NzA3MF5BMl5BanBnXkFtZTcwODExNTc0OA@@._V1_UX67_CR0,0,67,98_AL_.jpg",Silver Linings Playbook,2012,A,122 min,"Comedy, Drama, Romance",7.7,"After a stint in a mental institution, former teacher Pat Solitano moves back in with his parents and tries to reconcile with his ex-wife. Things get more challenging when Pat meets Tiffany, a mysterious girl with problems of her own.",81,David O. Russell,Bradley Cooper,Jennifer Lawrence,Robert De Niro,Jacki Weaver,661871,"132,092,958" +"https://m.media-amazon.com/images/M/MV5BNzljNjY3MDYtYzc0Ni00YjU0LWIyNDUtNTE0ZDRiMGExMjZlXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Argo,2012,A,120 min,"Biography, Drama, Thriller",7.7,"Acting under the cover of a Hollywood producer scouting a location for a science fiction film, a CIA agent launches a dangerous operation to rescue six Americans in Tehran during the U.S. hostage crisis in Iran in 1979.",86,Ben Affleck,Ben Affleck,Bryan Cranston,John Goodman,Alan Arkin,572581,"136,025,503" +"https://m.media-amazon.com/images/M/MV5BMTk5MjM4OTU1OV5BMl5BanBnXkFtZTcwODkzNDIzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg",(500) Days of Summer,2009,UA,95 min,"Comedy, Drama, Romance",7.7,"An offbeat romantic comedy about a woman who doesn't believe true love exists, and the young man who falls for her.",76,Marc Webb,Zooey Deschanel,Joseph Gordon-Levitt,Geoffrey Arend,Chloë Grace Moretz,472242,"32,391,374" +"https://m.media-amazon.com/images/M/MV5BMTQ2OTE1Mjk0N15BMl5BanBnXkFtZTcwODE3MDAwNA@@._V1_UX67_CR0,0,67,98_AL_.jpg",Harry Potter and the Deathly Hallows: Part 1,2010,A,146 min,"Adventure, Family, Fantasy",7.7,"As Harry, Ron, and Hermione race against time and evil to destroy the Horcruxes, they uncover the existence of the three most powerful objects in the wizarding world: the Deathly Hallows.",65,David Yates,Daniel Radcliffe,Emma Watson,Rupert Grint,Bill Nighy,479120,"295,983,305" +"https://m.media-amazon.com/images/M/MV5BOTc3YmM3N2QtODZkMC00ZDE5LThjMTQtYTljN2Y1YTYwYWJkXkEyXkFqcGdeQXVyODEzNjM5OTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Gake no ue no Ponyo,2008,U,101 min,"Animation, Adventure, Comedy",7.7,"A five-year-old boy develops a relationship with Ponyo, a young goldfish princess who longs to become a human after falling in love with him.",86,Hayao Miyazaki,Cate Blanchett,Matt Damon,Liam Neeson,Tomoko Yamaguchi,125317,"15,090,400" +"https://m.media-amazon.com/images/M/MV5BOTY4NTU2NTU4NF5BMl5BanBnXkFtZTcwNjE0OTc5MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Frost/Nixon,2008,R,122 min,"Biography, Drama, History",7.7,A dramatic retelling of the post-Watergate television interviews between British talk-show host David Frost and former president Richard Nixon.,80,Ron Howard,Frank Langella,Michael Sheen,Kevin Bacon,Sam Rockwell,103330,"18,593,156" +"https://m.media-amazon.com/images/M/MV5BNDliMTMxOWEtODM3Yi00N2QwLTg4YTAtNTE5YzBlNTA2NjhlXkEyXkFqcGdeQXVyNjE5MjUyOTM@._V1_UX67_CR0,0,67,98_AL_.jpg",Papurika,2006,U,90 min,"Animation, Drama, Fantasy",7.7,"When a machine that allows therapists to enter their patients' dreams is stolen, all Hell breaks loose. Only a young female therapist, Paprika, can stop it.",81,Satoshi Kon,Megumi Hayashibara,Tôru Emori,Katsunosuke Hori,Tôru Furuya,71379,"881,302" +"https://m.media-amazon.com/images/M/MV5BOTA1Mzg3NjIxNV5BMl5BanBnXkFtZTcwNzU2NTc5MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Changeling,2008,R,141 min,"Biography, Crime, Drama",7.7,Grief-stricken mother Christine Collins (Angelina Jolie) takes on the L.A.P.D. to her own detriment when it tries to pass off an obvious impostor as her missing child.,63,Clint Eastwood,Angelina Jolie,Colm Feore,Amy Ryan,Gattlin Griffith,239203,"35,739,802" +"https://m.media-amazon.com/images/M/MV5BMTU2NjQ1Nzc4MF5BMl5BanBnXkFtZTcwNTM0NDk1Mw@@._V1_UX67_CR0,0,67,98_AL_.jpg",Flipped,2010,PG,90 min,"Comedy, Drama, Romance",7.7,Two eighth-graders start to have feelings for each other despite being total opposites.,45,Rob Reiner,Madeline Carroll,Callan McAuliffe,Rebecca De Mornay,Anthony Edwards,81446,"1,752,214" +"https://m.media-amazon.com/images/M/MV5BMzA4ZGM1NjYtMjcxYS00MTdiLWJmNzEtMTUzODY0NDQ0YzUzXkEyXkFqcGdeQXVyMzYwMjQ3OTI@._V1_UY98_CR1,0,67,98_AL_.jpg",Toki o kakeru shôjo,2006,U,98 min,"Animation, Adventure, Comedy",7.7,"A high-school girl named Makoto acquires the power to travel back in time, and decides to use it for her own personal benefits. Little does she know that she is affecting the lives of others just as much as she is her own.",,Mamoru Hosoda,Riisa Naka,Takuya Ishida,Mitsutaka Itakura,Ayami Kakiuchi,60368, +"https://m.media-amazon.com/images/M/MV5BZDNlNjEzMzQtZDM0MS00YzhiLTk0MGUtYTdmNDZiZGVjNTk0L2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR1,0,67,98_AL_.jpg",Death Note: Desu nôto,2006,,126 min,"Crime, Drama, Fantasy",7.7,"A battle between the world's two greatest minds begins when Light Yagami finds the Death Note, a notebook with the power to kill, and decides to rid the world of criminals.",,Shûsuke Kaneko,Tatsuya Fujiwara,Ken'ichi Matsuyama,Asaka Seto,Yû Kashii,28630, +"https://m.media-amazon.com/images/M/MV5BMmE3OWZhZDYtOTBjMi00NDIwLTg1NWMtMjg0NjJmZWM4MjliL2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",This Is England,2006,,101 min,"Crime, Drama",7.7,"A young boy becomes friends with a gang of skinheads. Friends soon become like family, and relationships will be pushed to the very limit.",86,Shane Meadows,Thomas Turgoose,Stephen Graham,Jo Hartley,Andrew Shim,115576,"327,919" +"https://m.media-amazon.com/images/M/MV5BMTUxNzc0OTIxMV5BMl5BanBnXkFtZTgwNDI3NzU2NDE@._V1_UX67_CR0,0,67,98_AL_.jpg",Ex Machina,2014,UA,108 min,"Drama, Sci-Fi, Thriller",7.7,A young programmer is selected to participate in a ground-breaking experiment in synthetic intelligence by evaluating the human qualities of a highly advanced humanoid A.I.,78,Alex Garland,Alicia Vikander,Domhnall Gleeson,Oscar Isaac,Sonoya Mizuno,474141,"25,442,958" +"https://m.media-amazon.com/images/M/MV5BMjIxODEyOTQ5Ml5BMl5BanBnXkFtZTcwNjE3NzI5Mw@@._V1_UY98_CR1,0,67,98_AL_.jpg",Efter brylluppet,2006,R,120 min,Drama,7.7,"A manager of an orphanage in India is sent to Copenhagen, Denmark, where he discovers a life-altering family secret.",78,Susanne Bier,Mads Mikkelsen,Sidse Babett Knudsen,Rolf Lassgård,Neeral Mulchandani,32001,"412,544" +"https://m.media-amazon.com/images/M/MV5BMjM1NTkxNjkzMl5BMl5BanBnXkFtZTgwNDgwMDAxMzE@._V1_UY98_CR1,0,67,98_AL_.jpg",The Last King of Scotland,2006,R,123 min,"Biography, Drama, History",7.7,Based on the events of the brutal Ugandan dictator Idi Amin's regime as seen by his personal physician during the 1970s.,74,Kevin Macdonald,James McAvoy,Forest Whitaker,Gillian Anderson,Kerry Washington,175355,"17,605,861" +"https://m.media-amazon.com/images/M/MV5BN2UwNDc5NmEtNjVjZS00OTI5LWE5YjctMWM3ZjBiZGYwMGI2XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Zodiac,2007,UA,157 min,"Crime, Drama, Mystery",7.7,"In the late 1960s/early 1970s, a San Francisco cartoonist becomes an amateur detective obsessed with tracking down the Zodiac Killer, an unidentified individual who terrorizes Northern California with a killing spree.",78,David Fincher,Jake Gyllenhaal,Robert Downey Jr.,Mark Ruffalo,Anthony Edwards,466080,"33,080,084" +"https://m.media-amazon.com/images/M/MV5BZjczMWI1YWMtYTZjOS00ZDc5LWE2MWItMTY3ZGUxNzFkNjJmL2ltYWdlXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Lucky Number Slevin,2006,R,110 min,"Action, Crime, Drama",7.7,"A case of mistaken identity lands Slevin into the middle of a war being plotted by two of the city's most rival crime bosses. Under constant surveillance by Detective Brikowski and assassin Goodkat, he must get them before they get him.",53,Paul McGuigan,Josh Hartnett,Ben Kingsley,Morgan Freeman,Lucy Liu,299524,"22,494,487" +"https://m.media-amazon.com/images/M/MV5BMTQyODczNjU3NF5BMl5BanBnXkFtZTcwNjQ0NDIzMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Joyeux Noël,2005,PG-13,116 min,"Drama, History, Music",7.7,"In December 1914, an unofficial Christmas truce on the Western Front allows soldiers from opposing sides of the First World War to gain insight into each other's way of life.",70,Christian Carion,Diane Kruger,Benno Fürmann,Guillaume Canet,Natalie Dessay,28003,"1,054,361" +"https://m.media-amazon.com/images/M/MV5BNTEzOTYwMTcxN15BMl5BanBnXkFtZTcwNTgyNjI1MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Control,2007,R,122 min,"Biography, Drama, Music",7.7,"A profile of Ian Curtis, the enigmatic singer of Joy Division whose personal, professional, and romantic troubles led him to commit suicide at the age of 23.",78,Anton Corbijn,Sam Riley,Samantha Morton,Craig Parkinson,Alexandra Maria Lara,61609,"871,577" +"https://m.media-amazon.com/images/M/MV5BMTAxNDYxMjg0MjNeQTJeQWpwZ15BbWU3MDcyNTk2OTM@._V1_UX67_CR0,0,67,98_AL_.jpg",Tangled,2010,U,100 min,"Animation, Adventure, Comedy",7.7,"The magically long-haired Rapunzel has spent her entire life in a tower, but now that a runaway thief has stumbled upon her, she is about to discover the world for the first time, and who she really is.",71,Nathan Greno,Byron Howard,Mandy Moore,Zachary Levi,Donna Murphy,405922,"200,821,936" +"https://m.media-amazon.com/images/M/MV5BODFlNTI0ZWQtOTcxNC00OTc0LTkwZDUtMmNkM2I1ZWFlYzZkXkEyXkFqcGdeQXVyNTIzOTk5ODM@._V1_UY98_CR2,0,67,98_AL_.jpg",Zwartboek,2006,R,145 min,"Drama, Thriller, War",7.7,"In the Nazi-occupied Netherlands during World War II, a Jewish singer infiltrates the regional Gestapo headquarters for the Dutch resistance.",71,Paul Verhoeven,Carice van Houten,Sebastian Koch,Thom Hoffman,Halina Reijn,72643,"4,398,392" +"https://m.media-amazon.com/images/M/MV5BMTY5NTAzNTc1NF5BMl5BanBnXkFtZTYwNDY4MDc3._V1_UX67_CR0,0,67,98_AL_.jpg",Brokeback Mountain,2005,A,134 min,"Drama, Romance",7.7,"The story of a forbidden and secretive relationship between two cowboys, and their lives over the years.",87,Ang Lee,Jake Gyllenhaal,Heath Ledger,Michelle Williams,Randy Quaid,323103,"83,043,761" +"https://m.media-amazon.com/images/M/MV5BODE0NTcxNTQzNF5BMl5BanBnXkFtZTcwMzczOTIzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg",3:10 to Yuma,2007,A,122 min,"Action, Crime, Drama",7.7,A small-time rancher agrees to hold a captured outlaw who's awaiting a train to go to court in Yuma. A battle of wills ensues as the outlaw tries to psych out the rancher.,76,James Mangold,Russell Crowe,Christian Bale,Ben Foster,Logan Lerman,288797,"53,606,916" +"https://m.media-amazon.com/images/M/MV5BOTk1OTA1MjIyNV5BMl5BanBnXkFtZTcwODQxMTkyMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Crash,2004,UA,112 min,"Crime, Drama, Thriller",7.7,"Los Angeles citizens with vastly separate lives collide in interweaving stories of race, loss and redemption.",66,Paul Haggis,Don Cheadle,Sandra Bullock,Thandie Newton,Karina Arroyave,419483,"54,580,300" +"https://m.media-amazon.com/images/M/MV5BMjZiOTNlMzYtZWYwZS00YWJjLTk5NDgtODkwNjRhMDI0MjhjXkEyXkFqcGdeQXVyMjgyNjk3MzE@._V1_UY98_CR1,0,67,98_AL_.jpg",Kung fu,2004,UA,99 min,"Action, Comedy, Fantasy",7.7,"In Shanghai, China in the 1940s, a wannabe gangster aspires to join the notorious ""Axe Gang"" while residents of a housing complex exhibit extraordinary powers in defending their turf.",78,Stephen Chow,Stephen Chow,Wah Yuen,Qiu Yuen,Siu-Lung Leung,127250,"17,108,591" +"https://m.media-amazon.com/images/M/MV5BYTIyMDFmMmItMWQzYy00MjBiLTg2M2UtM2JiNDRhOWE4NjBhXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",The Bourne Supremacy,2004,A,108 min,"Action, Mystery, Thriller",7.7,"When Jason Bourne is framed for a CIA operation gone awry, he is forced to resume his former life as a trained assassin to survive.",73,Paul Greengrass,Matt Damon,Franka Potente,Joan Allen,Brian Cox,434841,"176,241,941" +"https://m.media-amazon.com/images/M/MV5BNjk1NzBlY2YtNjJmNi00YTVmLWI2OTgtNDUxNDE5NjUzZmE0XkEyXkFqcGdeQXVyNTc1NTQxODI@._V1_UX67_CR0,0,67,98_AL_.jpg",The Machinist,2004,R,101 min,"Drama, Thriller",7.7,An industrial worker who hasn't slept in a year begins to doubt his own sanity.,61,Brad Anderson,Christian Bale,Jennifer Jason Leigh,Aitana Sánchez-Gijón,John Sharian,358432,"1,082,715" +"https://m.media-amazon.com/images/M/MV5BMTQxNDQwNjQzOV5BMl5BanBnXkFtZTcwNTQxNDYyMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Ray,2004,A,152 min,"Biography, Drama, Music",7.7,"The story of the life and career of the legendary rhythm and blues musician Ray Charles, from his humble beginnings in the South, where he went blind at age seven, to his meteoric rise to stardom during the 1950s and 1960s.",73,Taylor Hackford,Jamie Foxx,Regina King,Kerry Washington,Clifton Powell,138356,"75,331,600" +"https://m.media-amazon.com/images/M/MV5BMTI2NDI5ODk4N15BMl5BanBnXkFtZTYwMTI3NTE3._V1_UX67_CR0,0,67,98_AL_.jpg",Lost in Translation,2003,UA,102 min,"Comedy, Drama",7.7,A faded movie star and a neglected young woman form an unlikely bond after crossing paths in Tokyo.,89,Sofia Coppola,Bill Murray,Scarlett Johansson,Giovanni Ribisi,Anna Faris,415074,"44,585,453" +"https://m.media-amazon.com/images/M/MV5BMTI1NDMyMjExOF5BMl5BanBnXkFtZTcwOTc4MjQzMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Harry Potter and the Goblet of Fire,2005,UA,157 min,"Adventure, Family, Fantasy",7.7,"Harry Potter finds himself competing in a hazardous tournament between rival schools of magic, but he is distracted by recurring nightmares.",81,Mike Newell,Daniel Radcliffe,Emma Watson,Rupert Grint,Eric Sykes,548619,"290,013,036" +"https://m.media-amazon.com/images/M/MV5BODFlMmEwMDgtYjhmZi00ZTE5LTk2NWQtMWE1Y2M0NjkzOGYxXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Man on Fire,2004,UA,146 min,"Action, Crime, Drama",7.7,"In Mexico City, a former CIA operative swears vengeance on those who committed an unspeakable act against the family he was hired to protect.",47,Tony Scott,Denzel Washington,Christopher Walken,Dakota Fanning,Radha Mitchell,329592,"77,911,774" +"https://m.media-amazon.com/images/M/MV5BMzQxNjM5NzkxNV5BMl5BanBnXkFtZTcwMzg5NDMwMg@@._V1_UX67_CR0,0,67,98_AL_.jpg",Coraline,2009,U,100 min,"Animation, Drama, Family",7.7,"An adventurous 11-year-old girl finds another world that is a strangely idealized version of her frustrating home, but it has sinister secrets.",80,Henry Selick,Dakota Fanning,Teri Hatcher,John Hodgman,Jennifer Saunders,197761,"75,286,229" +"https://m.media-amazon.com/images/M/MV5BMzkyNzQ1Mzc0NV5BMl5BanBnXkFtZTcwODg3MzUzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Last Samurai,2003,UA,154 min,"Action, Drama",7.7,An American military advisor embraces the Samurai culture he was hired to destroy after he is captured in battle.,55,Edward Zwick,Tom Cruise,Ken Watanabe,Billy Connolly,William Atherton,400049,"111,110,575" +"https://m.media-amazon.com/images/M/MV5BMTI2NzU1NTc1NF5BMl5BanBnXkFtZTcwOTQ1MjAwMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Magdalene Sisters,2002,R,114 min,Drama,7.7,Three young Irish women struggle to maintain their spirits while they endure dehumanizing abuse as inmates of a Magdalene Sisters Asylum.,83,Peter Mullan,Eileen Walsh,Dorothy Duffy,Nora-Jane Noone,Anne-Marie Duff,25938,"4,890,878" +"https://m.media-amazon.com/images/M/MV5BMTI0MTg4NzI3M15BMl5BanBnXkFtZTcwOTE0MTUyMQ@@._V1_UY98_CR0,0,67,98_AL_.jpg",Good Bye Lenin!,2003,R,121 min,"Comedy, Drama, Romance",7.7,"In 1990, to protect his fragile mother from a fatal shock after a long coma, a young man must keep her from learning that her beloved nation of East Germany as she knew it has disappeared.",68,Wolfgang Becker,Daniel Brühl,Katrin Saß,Chulpan Khamatova,Florian Lukas,137981,"4,064,200" +"https://m.media-amazon.com/images/M/MV5BOGY1YmUzN2MtNDQ3NC00Nzc4LWI5M2EtYzUwMGQ4NWM4NjE1XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UY98_CR0,0,67,98_AL_.jpg",In America,2002,PG-13,105 min,Drama,7.7,A family of Irish immigrants adjust to life on the mean streets of Hell's Kitchen while also grieving the death of a child.,76,Jim Sheridan,Paddy Considine,Samantha Morton,Djimon Hounsou,Sarah Bolger,40403,"15,539,266" +"https://m.media-amazon.com/images/M/MV5BYzEyNzc0NjctZjJiZC00MWI1LWJlOTMtYWZkZDAzNzQ0ZDNkXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",I Am Sam,2001,PG-13,132 min,Drama,7.7,A mentally handicapped man fights for custody of his 7-year-old daughter and in the process teaches his cold-hearted lawyer the value of love and family.,28,Jessie Nelson,Sean Penn,Michelle Pfeiffer,Dakota Fanning,Dianne Wiest,142863,"40,311,852" +"https://m.media-amazon.com/images/M/MV5BZjIwZWU0ZDItNzBlNS00MDIwLWFlZjctZTJjODdjZWYxNzczL2ltYWdlXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Adaptation.,2002,R,115 min,"Comedy, Drama",7.7,A lovelorn screenwriter becomes desperate as he tries and fails to adapt 'The Orchid Thief' by Susan Orlean for the screen.,83,Spike Jonze,Nicolas Cage,Meryl Streep,Chris Cooper,Tilda Swinton,178565,"22,245,861" +"https://m.media-amazon.com/images/M/MV5BYWMwMzQxZjQtODM1YS00YmFiLTk1YjQtNzNiYWY1MDE4NTdiXkEyXkFqcGdeQXVyNDYyMDk5MTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Black Hawk Down,2001,A,144 min,"Drama, History, War",7.7,160 elite U.S. soldiers drop into Somalia to capture two top lieutenants of a renegade warlord and find themselves in a desperate battle with a large force of heavily-armed Somalis.,74,Ridley Scott,Josh Hartnett,Ewan McGregor,Tom Sizemore,Eric Bana,364254,"108,638,745" +"https://m.media-amazon.com/images/M/MV5BNjcxMmQ0MmItYTkzYy00MmUyLTlhOTQtMmJmNjE3MDMwYjdlXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Road to Perdition,2002,A,117 min,"Crime, Drama, Thriller",7.7,"A mob enforcer's son witnesses a murder, forcing him and his father to take to the road, and his father down a path of redemption and revenge.",72,Sam Mendes,Tom Hanks,Tyler Hoechlin,Rob Maxey,Liam Aiken,246840,"104,454,762" +"https://m.media-amazon.com/images/M/MV5BNThiMDc1YjUtYmE3Zi00MTM1LTkzM2MtNjdlNzQ4ZDlmYjRmXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UY98_CR1,0,67,98_AL_.jpg",Das Experiment,2001,R,120 min,"Drama, Thriller",7.7,"For two weeks, 20 male participants are hired to play prisoners and guards in a prison. The ""prisoners"" have to follow seemingly mild rules, and the ""guards"" are told to retain order without using physical violence.",60,Oliver Hirschbiegel,Moritz Bleibtreu,Christian Berkel,Oliver Stokowski,Wotan Wilke Möhring,90842,"141,072" +"https://m.media-amazon.com/images/M/MV5BNGY3NWYwNzctNWU5Yi00ZjljLTgyNDgtZjNhZjRlNjc0ZTU1XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Billy Elliot,2000,R,110 min,"Drama, Music",7.7,A talented young boy becomes torn between his unexpected love of dance and the disintegration of his family.,74,Stephen Daldry,Jamie Bell,Julie Walters,Jean Heywood,Jamie Draven,126770,"21,995,263" +"https://m.media-amazon.com/images/M/MV5BZGY5NWUyNDUtZWJhZi00ZjMxLWFmMjMtYmJhZjVkZGZhNWQ4XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Hedwig and the Angry Inch,2001,R,95 min,"Comedy, Drama, Music",7.7,A gender-queer punk-rock singer from East Berlin tours the U.S. with her band as she tells her life story and follows the former lover/band-mate who stole her songs.,85,John Cameron Mitchell,John Cameron Mitchell,Miriam Shor,Stephen Trask,Theodore Liscinski,31957,"3,029,081" +"https://m.media-amazon.com/images/M/MV5BYzVmYzVkMmUtOGRhMi00MTNmLThlMmUtZTljYjlkMjNkMjJkXkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Ocean's Eleven,2001,UA,116 min,"Crime, Thriller",7.7,Danny Ocean and his ten accomplices plan to rob three Las Vegas casinos simultaneously.,74,Steven Soderbergh,George Clooney,Brad Pitt,Julia Roberts,Matt Damon,516372,"183,417,150" +"https://m.media-amazon.com/images/M/MV5BNTIyNThlMjMtMzUyMi00YmEyLTljMmYtMWRhN2Q3ZTllZjA4XkEyXkFqcGdeQXVyMzM4MjM0Nzg@._V1_UY98_CR1,0,67,98_AL_.jpg",Vampire Hunter D: Bloodlust,2000,U,103 min,"Animation, Action, Fantasy",7.7,"When a girl is abducted by a vampire, a legendary bounty hunter is hired to bring her back.",62,Yoshiaki Kawajiri,Andrew Philpot,John Rafter Lee,Pamela Adlon,Wendee Lee,29210,"151,086" +"https://m.media-amazon.com/images/M/MV5BMjZkOTdmMWItOTkyNy00MDdjLTlhNTQtYzU3MzdhZjA0ZDEyXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg","O Brother, Where Art Thou?",2000,U,107 min,"Adventure, Comedy, Crime",7.7,"In the deep south during the 1930s, three escaped convicts search for hidden treasure while a relentless lawman pursues them.",69,Joel Coen,Ethan Coen,George Clooney,John Turturro,Tim Blake Nelson,286742,"45,512,588" +"https://m.media-amazon.com/images/M/MV5BZDYwYzlhOTAtNDAwMC00ZTBhLWI4M2QtMTA1NmJhYTdiNTkxXkEyXkFqcGdeQXVyNTM0NTU5Mg@@._V1_UX67_CR0,0,67,98_AL_.jpg",Interstate 60: Episodes of the Road,2002,R,116 min,"Adventure, Comedy, Drama",7.7,"Neal Oliver, a very confused young man and an artist, takes a journey of a lifetime on a highway I60 that doesn't exist on any of the maps, going to the places he never even heard of, searching for an answer and his dreamgirl.",,Bob Gale,James Marsden,Gary Oldman,Kurt Russell,Matthew Edison,29999, +"https://m.media-amazon.com/images/M/MV5BOGE0ZWI0YzAtY2NkZi00YjkyLWIzYWEtNTJmMzJjODllNjdjXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg","South Park: Bigger, Longer & Uncut",1999,A,81 min,"Animation, Comedy, Fantasy",7.7,"When Stan Marsh and his friends go see an R-rated movie, they start cursing and their parents think that Canada is to blame.",73,Trey Parker,Trey Parker,Matt Stone,Mary Kay Bergman,Isaac Hayes,192112,"52,037,603" +"https://m.media-amazon.com/images/M/MV5BOTA5MzQ3MzI1NV5BMl5BanBnXkFtZTgwNTcxNTYxMTE@._V1_UX67_CR0,0,67,98_AL_.jpg",Office Space,1999,R,89 min,Comedy,7.7,Three company workers who hate their jobs decide to rebel against their greedy boss.,68,Mike Judge,Ron Livingston,Jennifer Aniston,David Herman,Ajay Naidu,241575,"10,824,921" +"https://m.media-amazon.com/images/M/MV5BM2FlNzE0ZmUtMmVkZS00MWQ3LWE4OWQtYjQwZjdhNzRmNWE2XkEyXkFqcGdeQXVyMTAwMzUyOTc@._V1_UX67_CR0,0,67,98_AL_.jpg",Happiness,1998,,134 min,"Comedy, Drama",7.7,"The lives of several individuals intertwine as they go about their lives in their own unique ways, engaging in acts society as a whole might find disturbing in a desperate search for human connection.",81,Todd Solondz,Jane Adams,Jon Lovitz,Philip Seymour Hoffman,Dylan Baker,66408,"2,807,390" +"https://m.media-amazon.com/images/M/MV5BMDZkMTUxYWEtMDY5NS00ZTA5LTg3MTItNTlkZWE1YWRjYjMwL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Training Day,2001,A,122 min,"Crime, Drama, Thriller",7.7,A rookie cop spends his first day as a Los Angeles narcotics officer with a rogue detective who isn't what he appears to be.,69,Antoine Fuqua,Denzel Washington,Ethan Hawke,Scott Glenn,Tom Berenger,390247,"76,631,907" +"https://m.media-amazon.com/images/M/MV5BMjE2OTc3OTk2M15BMl5BanBnXkFtZTgwMjg2NjIyMDE@._V1_UX67_CR0,0,67,98_AL_.jpg",Rushmore,1998,UA,93 min,"Comedy, Drama, Romance",7.7,The extracurricular king of Rushmore Preparatory School is put on academic probation.,86,Wes Anderson,Jason Schwartzman,Bill Murray,Olivia Williams,Seymour Cassel,169229,"17,105,219" +"https://m.media-amazon.com/images/M/MV5BYjA2MTA1MjUtYmUyNy00NGZiLTk2NTAtMDk3N2M3YmMwOTc1XkEyXkFqcGdeQXVyMjA0MzYwMDY@._V1_UY98_CR0,0,67,98_AL_.jpg",Abre los ojos,1997,U,119 min,"Drama, Mystery, Sci-Fi",7.7,"A very handsome man finds the love of his life, but he suffers an accident and needs to have his face rebuilt by surgery after it is severely disfigured.",,Alejandro Amenábar,Eduardo Noriega,Penélope Cruz,Chete Lera,Fele Martínez,64082,"368,234" +"https://m.media-amazon.com/images/M/MV5BYmUxY2MyOTQtYjRlMi00ZWEwLTkzODctZDMxNDcyNTFhYjNjXkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UY98_CR1,0,67,98_AL_.jpg",Being John Malkovich,1999,R,113 min,"Comedy, Drama, Fantasy",7.7,A puppeteer discovers a portal that leads literally into the head of movie star John Malkovich.,90,Spike Jonze,John Cusack,Cameron Diaz,Catherine Keener,John Malkovich,312542,"22,858,926" +"https://m.media-amazon.com/images/M/MV5BNWMxZTgzMWEtMTU0Zi00NDc5LWFkZjctMzUxNDIyNzZiMmNjXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",As Good as It Gets,1997,A,139 min,"Comedy, Drama, Romance",7.7,"A single mother and waitress, a misanthropic author, and a gay artist form an unlikely friendship after the artist is assaulted in a robbery.",67,James L. Brooks,Jack Nicholson,Helen Hunt,Greg Kinnear,Cuba Gooding Jr.,275755,"148,478,011" +"https://m.media-amazon.com/images/M/MV5BZWFjYmZmZGQtYzg4YS00ZGE5LTgwYzAtZmQwZjQ2NDliMGVmXkEyXkFqcGdeQXVyNTUyMzE4Mzg@._V1_UY98_CR0,0,67,98_AL_.jpg",The Fifth Element,1997,UA,126 min,"Action, Adventure, Sci-Fi",7.7,"In the colorful future, a cab driver unwittingly becomes the central figure in the search for a legendary cosmic weapon to keep Evil and Mr. Zorg at bay.",52,Luc Besson,Bruce Willis,Milla Jovovich,Gary Oldman,Ian Holm,434125,"63,540,020" +"https://m.media-amazon.com/images/M/MV5BZjFkOWM5NDUtODYwOS00ZDg0LWFkZGUtYzBkYzNjZjU3ODE3XkEyXkFqcGdeQXVyNzQzNzQxNzI@._V1_UX67_CR0,0,67,98_AL_.jpg",Le dîner de cons,1998,PG-13,80 min,Comedy,7.7,"A few friends have a weekly fools' dinner, where each brings a fool along. Pierre finds a champion fool for next dinner. Surprise.",73,Francis Veber,Thierry Lhermitte,Jacques Villeret,Francis Huster,Daniel Prévost,37424,"4,065,116" +"https://m.media-amazon.com/images/M/MV5BYzMzMDZkYWEtODIzNS00YjI3LTkxNTktOWEyZGM3ZWI2MWM4XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Donnie Brasco,1997,A,127 min,"Biography, Crime, Drama",7.7,"An FBI undercover agent infiltrates the mob and finds himself identifying more with the mafia life, at the expense of his regular one.",76,Mike Newell,Al Pacino,Johnny Depp,Michael Madsen,Bruno Kirby,279318,"41,909,762" +"https://m.media-amazon.com/images/M/MV5BMTQzMzcxMzUyMl5BMl5BanBnXkFtZTgwNDI1MjgxMTE@._V1_UX67_CR0,0,67,98_AL_.jpg",Shine,1996,U,105 min,"Biography, Drama, Music",7.7,"Pianist David Helfgott, driven by his father and teachers, has a breakdown. Years later he returns to the piano, to popular if not critical acclaim.",87,Scott Hicks,Geoffrey Rush,Armin Mueller-Stahl,Justin Braine,Sonia Todd,51350,"35,811,509" +"https://m.media-amazon.com/images/M/MV5BZTM2NWI2OGYtYWNhMi00ZTlmLTg2ZTAtMmI5NWRjODA5YTE1XkEyXkFqcGdeQXVyODE2OTYwNTg@._V1_UX67_CR0,0,67,98_AL_.jpg",Primal Fear,1996,A,129 min,"Crime, Drama, Mystery",7.7,"An altar boy is accused of murdering a priest, and the truth is buried several layers deep.",47,Gregory Hoblit,Richard Gere,Laura Linney,Edward Norton,John Mahoney,189716,"56,116,183" +"https://m.media-amazon.com/images/M/MV5BM2U5OWM5NWQtZDYwZS00NmI3LTk4NDktNzcwZjYzNmEzYWU1XkEyXkFqcGdeQXVyNjMwMjk0MTQ@._V1_UY98_CR0,0,67,98_AL_.jpg",Hamlet,1996,PG-13,242 min,Drama,7.7,"Hamlet, Prince of Denmark, returns home to find his father murdered and his mother remarrying the murderer, his uncle. Meanwhile, war is brewing.",,Kenneth Branagh,Kenneth Branagh,Julie Christie,Derek Jacobi,Kate Winslet,35991,"4,414,535" +"https://m.media-amazon.com/images/M/MV5BZDQzMGE5ODYtZDdiNC00MzZjLTg2NjAtZTk0ODlkYmY4MTQzXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",A Little Princess,1995,U,97 min,"Drama, Family, Fantasy",7.7,A young girl is relegated to servitude at a boarding school when her father goes missing and is presumed dead.,83,Alfonso Cuarón,Liesel Matthews,Eleanor Bron,Liam Cunningham,Rusty Schwimmer,32236,"10,019,307" +"https://m.media-amazon.com/images/M/MV5BZjM4NWRhYTQtYTJlNC00ZmMyLWEzNTAtZDA2MjJjYTQ5ZTVmXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Do lok tin si,1995,UA,99 min,"Comedy, Crime, Drama",7.7,"This Hong Kong-set crime drama follows the lives of a hitman, hoping to get out of the business, and his elusive female partner.",71,Kar-Wai Wong,Leon Lai,Michelle Reis,Takeshi Kaneshiro,Charlie Yeung,26429, +"https://m.media-amazon.com/images/M/MV5BZmVhNWIzOTMtYmVlZC00ZDVmLWIyODEtODEzOTAxYjAwMzVlXkEyXkFqcGdeQXVyMzIwNDY4NDI@._V1_UY98_CR1,0,67,98_AL_.jpg",Il postino,1994,U,108 min,"Biography, Comedy, Drama",7.7,"A simple Italian postman learns to love poetry while delivering mail to a famous poet, and then uses this to woo local beauty Beatrice.",81,Michael Radford,Massimo Troisi,Massimo Troisi,Philippe Noiret,Maria Grazia Cucinotta,33600,"21,848,932" +"https://m.media-amazon.com/images/M/MV5BNzE1Njk0NmItNDhlMC00ZmFlLWI4ZTUtYTY4ZjgzNjkyMTU1XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Clerks,1994,R,92 min,Comedy,7.7,"A day in the lives of two convenience clerks named Dante and Randal as they annoy customers, discuss movies, and play hockey on the store roof.",70,Kevin Smith,Brian O'Halloran,Jeff Anderson,Marilyn Ghigliotti,Lisa Spoonauer,211450,"3,151,130" +"https://m.media-amazon.com/images/M/MV5BZWY0ODc2NDktYmYxNS00MGZiLTk5YjktZjgwZWFhNDQ0MzNhXkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UX67_CR0,0,67,98_AL_.jpg",Short Cuts,1993,R,188 min,"Comedy, Drama",7.7,The day-to-day lives of several suburban Los Angeles residents.,79,Robert Altman,Andie MacDowell,Julianne Moore,Tim Robbins,Bruce Davison,42275,"6,110,979" +"https://m.media-amazon.com/images/M/MV5BNDE0MWE1ZTMtOWFkMS00YjdiLTkwZTItMDljYjY3MjM0NTk5XkEyXkFqcGdeQXVyNDYyMDk5MTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Philadelphia,1993,UA,125 min,Drama,7.7,"When a man with HIV is fired by his law firm because of his condition, he hires a homophobic small time lawyer as the only willing advocate for a wrongful dismissal suit.",66,Jonathan Demme,Tom Hanks,Denzel Washington,Roberta Maxwell,Buzz Kilman,224169,"77,324,422" +"https://m.media-amazon.com/images/M/MV5BN2Y0NWRkNWItZWEwNi00MDNlLWJmZDYtNTkwYzI5Nzg4MjVjXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",The Muppet Christmas Carol,1992,G,85 min,"Comedy, Drama, Family",7.7,The Muppet characters tell their version of the classic tale of an old and bitter miser's redemption on Christmas Eve.,64,Brian Henson,Michael Caine,Kermit the Frog,Dave Goelz,Miss Piggy,50298,"27,281,507" +"https://m.media-amazon.com/images/M/MV5BZDkzOTFmMTUtMmI2OS00MDE4LTg5YTUtODMwNDMzNmI5OGYwL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UY98_CR3,0,67,98_AL_.jpg",Malcolm X,1992,U,202 min,"Biography, Drama, History",7.7,"Biographical epic of the controversial and influential Black Nationalist leader, from his early life and career as a small-time gangster, to his ministry as a member of the Nation of Islam.",73,Spike Lee,Denzel Washington,Angela Bassett,Delroy Lindo,Spike Lee,85819,"48,169,908" +"https://m.media-amazon.com/images/M/MV5BZDNiYmRkNDYtOWU1NC00NmMxLWFkNmUtMGI5NTJjOTJmYTM5XkEyXkFqcGdeQXVyNzQ1ODk3MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",The Last of the Mohicans,1992,UA,112 min,"Action, Adventure, Drama",7.7,Three trappers protect the daughters of a British Colonel in the midst of the French and Indian War.,76,Michael Mann,Daniel Day-Lewis,Madeleine Stowe,Russell Means,Eric Schweig,150409,"75,505,856" +"https://m.media-amazon.com/images/M/MV5BZjVkYmFkZWQtZmNjYy00NmFhLTliMWYtNThlOTUxNjg5ODdhXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR4,0,67,98_AL_.jpg",Kurenai no buta,1992,U,94 min,"Animation, Adventure, Comedy",7.7,"In 1930s Italy, a veteran World War I pilot is cursed to look like an anthropomorphic pig.",83,Hayao Miyazaki,Shûichirô Moriyama,Tokiko Katô,Bunshi Katsura Vi,Tsunehiko Kamijô,77798, +"https://m.media-amazon.com/images/M/MV5BNTYzN2MxODMtMDBhOC00Y2M0LTgzMTItMzQ4NDIyYWIwMDEzL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNTc1NTQxODI@._V1_UX67_CR0,0,67,98_AL_.jpg",Glengarry Glen Ross,1992,R,100 min,"Crime, Drama, Mystery",7.7,An examination of the machinations behind the scenes at a real estate office.,82,James Foley,Al Pacino,Jack Lemmon,Alec Baldwin,Alan Arkin,95826,"10,725,228" +"https://m.media-amazon.com/images/M/MV5BMmRlZDQ1MmUtMzE2Yi00YTkxLTk1MGMtYmIyYWQwODcxYzRlXkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UX67_CR0,0,67,98_AL_.jpg",A Few Good Men,1992,U,138 min,"Drama, Thriller",7.7,Military lawyer Lieutenant Daniel Kaffee defends Marines accused of murder. They contend they were acting under orders.,62,Rob Reiner,Tom Cruise,Jack Nicholson,Demi Moore,Kevin Bacon,235388,"141,340,178" +"https://m.media-amazon.com/images/M/MV5BOWQ1ZWE0MTQtMmEwOS00YjA3LTgyZTAtNjY5ODEyZTJjNDI2XkEyXkFqcGdeQXVyNjE5MjUyOTM@._V1_UX67_CR0,0,67,98_AL_.jpg",Fried Green Tomatoes,1991,PG-13,130 min,Drama,7.7,A housewife who is unhappy with her life befriends an old lady in a nursing home and is enthralled by the tales she tells of people she used to know.,64,Jon Avnet,Kathy Bates,Jessica Tandy,Mary Stuart Masterson,Mary-Louise Parker,66941,"82,418,501" +"https://m.media-amazon.com/images/M/MV5BMTgxMDMxMTctNDY0Zi00ZmNlLWFlYmQtODA2YjY4MDk4MjU1XkEyXkFqcGdeQXVyNTc1NTQxODI@._V1_UX67_CR0,0,67,98_AL_.jpg",Barton Fink,1991,U,116 min,"Comedy, Drama, Thriller",7.7,A renowned New York playwright is enticed to California to write for the movies and discovers the hellish truth of Hollywood.,69,Joel Coen,Ethan Coen,John Turturro,John Goodman,Judy Davis,113240,"6,153,939" +"https://m.media-amazon.com/images/M/MV5BMTY2Njk3MTAzM15BMl5BanBnXkFtZTgwMTY5Mzk4NjE@._V1_UX67_CR0,0,67,98_AL_.jpg",Miller's Crossing,1990,R,115 min,"Crime, Drama, Thriller",7.7,"Tom Reagan, an advisor to a Prohibition-era crime boss, tries to keep the peace between warring mobs but gets caught in divided loyalties.",66,Joel Coen,Ethan Coen,Gabriel Byrne,Albert Finney,John Turturro,125822,"5,080,409" +"https://m.media-amazon.com/images/M/MV5BMDhiOTM2OTctODk3Ny00NWI4LThhZDgtNGQ4NjRiYjFkZGQzXkEyXkFqcGdeQXVyMTA0MjU0Ng@@._V1_UX67_CR0,0,67,98_AL_.jpg",Who Framed Roger Rabbit,1988,U,104 min,"Animation, Adventure, Comedy",7.7,A toon-hating detective is a cartoon rabbit's only hope to prove his innocence when he is accused of murder.,83,Robert Zemeckis,Bob Hoskins,Christopher Lloyd,Joanna Cassidy,Charles Fleischer,182009,"156,452,370" +"https://m.media-amazon.com/images/M/MV5BNDcwMTYzMjctN2M2Yy00ZDcxLWJhNTEtMGNhYzEwYzc2NDE4XkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UY98_CR0,0,67,98_AL_.jpg",Spoorloos,1988,,107 min,"Mystery, Thriller",7.7,"Rex and Saskia, a young couple in love, are on vacation. They stop at a busy service station and Saskia is abducted. After three years and no sign of Saskia, Rex begins receiving letters from the abductor.",,George Sluizer,Bernard-Pierre Donnadieu,Gene Bervoets,Johanna ter Steege,Gwen Eckhaus,33982, +"https://m.media-amazon.com/images/M/MV5BYjE3ODY5OWEtZmE0Mi00MjUxLTg5MmUtZmFkMzM1N2VjMmU5XkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UX67_CR0,0,67,98_AL_.jpg",Withnail & I,1987,R,107 min,"Comedy, Drama",7.7,"In 1969, two substance-abusing, unemployed actors retreat to the countryside for a holiday that proves disastrous.",84,Bruce Robinson,Richard E. Grant,Paul McGann,Richard Griffiths,Ralph Brown,40396,"1,544,889" +"https://m.media-amazon.com/images/M/MV5BZTk0NDU4YmItOTk0ZS00ODc2LTkwNGItNWI5MDJkNTJiYWMxXkEyXkFqcGdeQXVyNjUwNzk3NDc@._V1_UX67_CR0,0,67,98_AL_.jpg",The Last Emperor,1987,U,163 min,"Biography, Drama, History",7.7,The story of the final Emperor of China.,76,Bernardo Bertolucci,John Lone,Joan Chen,Peter O'Toole,Ruocheng Ying,94326,"43,984,230" +"https://m.media-amazon.com/images/M/MV5BMmQwNzczZDItNmI0OS00MjRmLTliYWItZWIyMjk1MTU4ZTQ4L2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Empire of the Sun,1987,U,153 min,"Action, Drama, History",7.7,A young English boy struggles to survive under Japanese occupation during World War II.,62,Steven Spielberg,Christian Bale,John Malkovich,Miranda Richardson,Nigel Havers,115677,"22,238,696" +"https://m.media-amazon.com/images/M/MV5BZjEyZTdhNDMtMWFkMS00ZmRjLWEyNmEtZDU3MWFkNDEzMDYwXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Der Name der Rose,1986,R,130 min,"Crime, Drama, Mystery",7.7,An intellectually nonconformist friar investigates a series of mysterious deaths in an isolated abbey.,54,Jean-Jacques Annaud,Sean Connery,Christian Slater,Helmut Qualtinger,Elya Baskin,102031,"7,153,487" +"https://m.media-amazon.com/images/M/MV5BMzExOTczNTgtN2Q1Yy00MmI1LWE0NjgtNmIwMzdmZGNlODU1XkEyXkFqcGdeQXVyNDkzNTM2ODg@._V1_UX67_CR0,0,67,98_AL_.jpg",Blue Velvet,1986,A,120 min,"Drama, Mystery, Thriller",7.7,"The discovery of a severed human ear found in a field leads a young man on an investigation related to a beautiful, mysterious nightclub singer and a group of psychopathic criminals who have kidnapped her child.",76,David Lynch,Isabella Rossellini,Kyle MacLachlan,Dennis Hopper,Laura Dern,181285,"8,551,228" +"https://m.media-amazon.com/images/M/MV5BY2E1YWRlNzAtYzAwYy00MDg5LTlmYTUtYjdlZDI0NzFkNjNlL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjQ2MjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",The Purple Rose of Cairo,1985,U,82 min,"Comedy, Fantasy, Romance",7.7,"In New Jersey in 1935, a movie character walks off the screen and into the real world.",75,Woody Allen,Mia Farrow,Jeff Daniels,Danny Aiello,Irving Metzman,47102,"10,631,333" +"https://m.media-amazon.com/images/M/MV5BMTUxMjEzMzI2MV5BMl5BanBnXkFtZTgwNTU3ODAxMDE@._V1_UX67_CR0,0,67,98_AL_.jpg",After Hours,1985,UA,97 min,"Comedy, Crime, Drama",7.7,An ordinary word processor has the worst night of his life after he agrees to visit a girl in Soho who he met that evening at a coffee shop.,90,Martin Scorsese,Griffin Dunne,Rosanna Arquette,Verna Bloom,Tommy Chong,59635,"10,600,000" +"https://m.media-amazon.com/images/M/MV5BMGUwMjM0MTEtOGY2NS00MjJmLWEyMDAtYmNkMWJjOWJlNGM0XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Zelig,1983,PG,79 min,Comedy,7.7,"""Documentary"" about a man who can look and act like whoever he's around, and meets various famous people.",,Woody Allen,Woody Allen,Mia Farrow,Patrick Horgan,John Buckwalter,39881,"11,798,616" +"https://m.media-amazon.com/images/M/MV5BMTU5MzMwMzAzM15BMl5BanBnXkFtZTcwNjYyMjA0Mg@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Verdict,1982,U,129 min,Drama,7.7,A lawyer sees the chance to salvage his career and self-respect by taking a medical malpractice case to trial rather than settling.,77,Sidney Lumet,Paul Newman,Charlotte Rampling,Jack Warden,James Mason,36096,"54,000,000" +"https://m.media-amazon.com/images/M/MV5BMzcyYWE5YmQtNDE1Yi00ZjlmLWFlZTAtMzRjODBiYjM3OTA3XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Star Trek II: The Wrath of Khan,1982,U,113 min,"Action, Adventure, Sci-Fi",7.7,"With the assistance of the Enterprise crew, Admiral Kirk must stop an old nemesis, Khan Noonien Singh, from using the life-generating Genesis Device as the ultimate weapon.",67,Nicholas Meyer,William Shatner,Leonard Nimoy,DeForest Kelley,James Doohan,112704,"78,912,963" +"https://m.media-amazon.com/images/M/MV5BODBmOWU2YWMtZGUzZi00YzRhLWJjNDAtYTUwNWVkNDcyZmU5XkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",First Blood,1982,A,93 min,"Action, Adventure",7.7,A veteran Green Beret is forced by a cruel Sheriff and his deputies to flee into the mountains and wage an escalating one-man war against his pursuers.,61,Ted Kotcheff,Sylvester Stallone,Brian Dennehy,Richard Crenna,Bill McKinney,226541,"47,212,904" +"https://m.media-amazon.com/images/M/MV5BNWU3MDFkYWQtMWQ5YS00YTcwLThmNDItODY4OWE2ZTdhZmIwXkEyXkFqcGdeQXVyMjUzOTY1NTc@._V1_UX67_CR0,0,67,98_AL_.jpg",Ordinary People,1980,U,124 min,Drama,7.7,"The accidental death of the older son of an affluent family deeply strains the relationships among the bitter mother, the good-natured father, and the guilt-ridden younger son.",86,Robert Redford,Donald Sutherland,Mary Tyler Moore,Judd Hirsch,Timothy Hutton,47099,"54,800,000" +"https://m.media-amazon.com/images/M/MV5BZjA3YjdhMWEtYjc2Ni00YzVlLWI0MTUtMGZmNTJjNmU0Yzk2XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Airplane!,1980,U,88 min,Comedy,7.7,A man afraid to fly must ensure that a plane lands safely after the pilots become sick.,78,Jim Abrahams,David Zucker,Jerry Zucker,Robert Hays,Julie Hagerty,214882,"83,400,000" +"https://m.media-amazon.com/images/M/MV5BYzYyNjg3OTctNzA2ZS00NjkzLWE4MmYtZDAzZWQ0NzkyMTJhXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Rupan sansei: Kariosutoro no shiro,1979,U,100 min,"Animation, Adventure, Family",7.7,"A dashing thief, his gang of desperadoes and an intrepid policeman struggle to free a princess from an evil count's clutches, and learn the hidden secret to a fabulous treasure that she holds part of a key to.",71,Hayao Miyazaki,Yasuo Yamada,Eiko Masuyama,Kiyoshi Kobayashi,Makio Inoue,27014, +"https://m.media-amazon.com/images/M/MV5BNzk1OGU2NmMtNTdhZC00NjdlLWE5YTMtZTQ0MGExZTQzOGQyXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Halloween,1978,A,91 min,"Horror, Thriller",7.7,"Fifteen years after murdering his sister on Halloween night 1963, Michael Myers escapes from a mental hospital and returns to the small town of Haddonfield, Illinois to kill again.",87,John Carpenter,Donald Pleasence,Jamie Lee Curtis,Tony Moran,Nancy Kyes,233106,"47,000,000" +"https://m.media-amazon.com/images/M/MV5BYmVhMDQ1YWUtYjgxOS00NzYyLWI0ZGItNTg3ZjM0MmQ4NmIwXkEyXkFqcGdeQXVyMjQzMzQzODY@._V1_UY98_CR3,0,67,98_AL_.jpg",Le locataire,1976,R,126 min,"Drama, Thriller",7.7,A bureaucrat rents a Paris apartment where he finds himself drawn into a rabbit hole of dangerous paranoia.,71,Roman Polanski,Roman Polanski,Isabelle Adjani,Melvyn Douglas,Jo Van Fleet,39889,"1,924,733" +"https://m.media-amazon.com/images/M/MV5BMTYxMDk1NTA5NF5BMl5BanBnXkFtZTcwNDkzNzA2NA@@._V1_UX67_CR0,0,67,98_AL_.jpg",Love and Death,1975,PG,85 min,"Comedy, War",7.7,"In czarist Russia, a neurotic soldier and his distant cousin formulate a plot to assassinate Napoleon.",89,Woody Allen,Woody Allen,Diane Keaton,Georges Adet,Frank Adu,36037, +"https://m.media-amazon.com/images/M/MV5BMjE1NDY0NDk3Ml5BMl5BanBnXkFtZTcwMTAzMTM3NA@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Taking of Pelham One Two Three,1974,U,104 min,"Action, Crime, Thriller",7.7,"In New York, armed men hijack a subway car and demand a ransom for the passengers. Even if it's paid, how could they get away?",68,Joseph Sargent,Walter Matthau,Robert Shaw,Martin Balsam,Hector Elizondo,26729, +"https://m.media-amazon.com/images/M/MV5BZGZmMWE1MDYtNzAyNC00MDMzLTgzZjQtNTQ5NjYzN2E4MzkzXkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Blazing Saddles,1974,A,93 min,"Comedy, Western",7.7,"In order to ruin a western town, a corrupt politician appoints a black Sheriff, who promptly becomes his most formidable adversary.",73,Mel Brooks,Cleavon Little,Gene Wilder,Slim Pickens,Harvey Korman,125993,"119,500,000" +"https://m.media-amazon.com/images/M/MV5BYTU4ZTI0NzAtYzMwNi00YmMxLThmZWItNTY5NzgyMDAwYWVhXkEyXkFqcGdeQXVyNjUwNzk3NDc@._V1_UX67_CR0,0,67,98_AL_.jpg",Serpico,1973,A,130 min,"Biography, Crime, Drama",7.7,An honest New York cop named Frank Serpico blows the whistle on rampant corruption in the force only to have his comrades turn against him.,87,Sidney Lumet,Al Pacino,John Randolph,Jack Kehoe,Biff McGuire,109941,"29,800,000" +"https://m.media-amazon.com/images/M/MV5BNGZiMTkyNzQtMDdmZi00ZDNkLWE4YTAtZGNlNTIzYzQyMGM2XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Enter the Dragon,1973,A,102 min,"Action, Crime, Drama",7.7,A secret agent comes to an opium lord's island fortress with other fighters for a martial-arts tournament.,83,Robert Clouse,Bruce Lee,John Saxon,Jim Kelly,Ahna Capri,96561,"25,000,000" +"https://m.media-amazon.com/images/M/MV5BZjBhYzU3NWItOWZjMy00NjI5LWFmYmItZmIyOWFlMDIxMWNiXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Deliverance,1972,U,109 min,"Adventure, Drama, Thriller",7.7,"Intent on seeing the Cahulawassee River before it's dammed and turned into a lake, outdoor fanatic Lewis Medlock takes his friends on a canoeing trip they'll never forget into the dangerous American back-country.",80,John Boorman,Jon Voight,Burt Reynolds,Ned Beatty,Ronny Cox,98740,"7,056,013" +"https://m.media-amazon.com/images/M/MV5BOTZhY2E3NmItMGIwNi00OTA2LThkYmEtODFiZTM0NGI0ZWU5XkEyXkFqcGdeQXVyNTc1NTQxODI@._V1_UY98_CR1,0,67,98_AL_.jpg",The French Connection,1971,A,104 min,"Action, Crime, Drama",7.7,A pair of NYC cops in the Narcotics Bureau stumble onto a drug smuggling job with a French connection.,94,William Friedkin,Gene Hackman,Roy Scheider,Fernando Rey,Tony Lo Bianco,110075,"15,630,710" +"https://m.media-amazon.com/images/M/MV5BMzdhMTM2YTItOWU2YS00MTM0LTgyNDYtMDM1OWM3NzkzNTM2XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Dirty Harry,1971,A,102 min,"Action, Crime, Thriller",7.7,"When a madman calling himself ""the Scorpio Killer"" menaces the city, tough-as-nails San Francisco Police Inspector ""Dirty"" Harry Callahan is assigned to track down and ferret out the crazed psychopath.",90,Don Siegel,Clint Eastwood,Andrew Robinson,Harry Guardino,Reni Santoni,143292,"35,900,000" +"https://m.media-amazon.com/images/M/MV5BNGE3ZWZiNzktMDIyOC00ZmVhLThjZTktZjQ5NjI4NGVhMDBlXkEyXkFqcGdeQXVyMjI4MjA5MzA@._V1_UX67_CR0,0,67,98_AL_.jpg",Where Eagles Dare,1968,U,158 min,"Action, Adventure, War",7.7,"Allied agents stage a daring raid on a castle where the Nazis are holding American brigadier general George Carnaby prisoner, but that's not all that's really going on.",63,Brian G. Hutton,Richard Burton,Clint Eastwood,Mary Ure,Patrick Wymark,51913, +"https://m.media-amazon.com/images/M/MV5BZDVhNzQxZDEtMzcyZC00ZDg1LWFkZDctOWYxZTY0ZmYzYjc2XkEyXkFqcGdeQXVyMjA0MDQ0Mjc@._V1_UX67_CR0,0,67,98_AL_.jpg",The Odd Couple,1968,G,105 min,Comedy,7.7,"Two friends try sharing an apartment, but their ideas of housekeeping and lifestyles are as different as night and day.",86,Gene Saks,Jack Lemmon,Walter Matthau,John Fiedler,Herb Edelman,31572,"44,527,234" +"https://m.media-amazon.com/images/M/MV5BM2Y1ZTI0NzktYzU3MS00YmE1LThkY2EtMDc0NGYxNTNlZDA5XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Dirty Dozen,1967,,150 min,"Action, Adventure, War",7.7,"During World War II, a rebellious U.S. Army Major is assigned a dozen convicted murderers to train and lead them into a mass assassination mission of German officers.",73,Robert Aldrich,Lee Marvin,Ernest Borgnine,Charles Bronson,John Cassavetes,67183,"45,300,000" +"https://m.media-amazon.com/images/M/MV5BZjNkNGJjYWEtM2IyNi00ZjM5LWFlYjYtYjQ4NTU5MGFlMTI2XkEyXkFqcGdeQXVyMTMxMTY0OTQ@._V1_UY98_CR3,0,67,98_AL_.jpg",Belle de jour,1967,A,100 min,"Drama, Romance",7.7,A frigid young housewife decides to spend her midweek afternoons as a prostitute.,,Luis Buñuel,Catherine Deneuve,Jean Sorel,Michel Piccoli,Geneviève Page,40274,"26,331" +"https://m.media-amazon.com/images/M/MV5BMTRjOTA1NzctNzFmMy00ZjcwLWExYjgtYWQyZDM5ZWY1Y2JlXkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",A Man for All Seasons,1966,U,120 min,"Biography, Drama, History",7.7,"The story of Sir Thomas More, who stood up to King Henry VIII when the King rejected the Roman Catholic Church to obtain a divorce and remarry.",72,Fred Zinnemann,Paul Scofield,Wendy Hiller,Robert Shaw,Leo McKern,31222,"28,350,000" +"https://m.media-amazon.com/images/M/MV5BZTU5ZThjNzAtNjc4NC00OTViLWIxYTYtODFmMTk5Y2NjZjZiL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Repulsion,1965,,105 min,"Drama, Horror, Thriller",7.7,A sex-repulsed woman who disapproves of her sister's boyfriend sinks into depression and has horrific visions of rape and violence.,91,Roman Polanski,Catherine Deneuve,Ian Hendry,John Fraser,Yvonne Furneaux,48883, +"https://m.media-amazon.com/images/M/MV5BYzdlYmQ3MWMtMDY3My00MzVmLTg0YmMtYjRlZDUzNjBlMmE0L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Zulu,1964,U,138 min,"Drama, History, War",7.7,Outnumbered British soldiers do battle with Zulu warriors at Rorke's Drift.,77,Cy Endfield,Stanley Baker,Jack Hawkins,Ulla Jacobsson,James Booth,35999, +"https://m.media-amazon.com/images/M/MV5BMTQ2MzE0OTU3NV5BMl5BanBnXkFtZTcwNjQxNTgzNA@@._V1_UX67_CR0,0,67,98_AL_.jpg",Goldfinger,1964,A,110 min,"Action, Adventure, Thriller",7.7,"While investigating a gold magnate's smuggling, James Bond uncovers a plot to contaminate the Fort Knox gold reserve.",87,Guy Hamilton,Sean Connery,Gert Fröbe,Honor Blackman,Shirley Eaton,174119,"51,081,062" +"https://m.media-amazon.com/images/M/MV5BMTAxNDA1ODc5MDleQTJeQWpwZ15BbWU4MDg2MDA4OTEx._V1_UX67_CR0,0,67,98_AL_.jpg",The Birds,1963,A,119 min,"Drama, Horror, Mystery",7.7,A wealthy San Francisco socialite pursues a potential boyfriend to a small Northern California town that slowly takes a turn for the bizarre when birds of all kinds suddenly begin to attack people.,90,Alfred Hitchcock,Rod Taylor,Tippi Hedren,Jessica Tandy,Suzanne Pleshette,171739,"11,403,529" +"https://m.media-amazon.com/images/M/MV5BOWNlMTJmMWUtYjk0MC00M2U4LWI1ODItZDgxNDZiODFmNjc5XkEyXkFqcGdeQXVyMTAwMzUyOTc@._V1_UX67_CR0,0,67,98_AL_.jpg",Cape Fear,1962,Passed,106 min,"Drama, Thriller",7.7,A lawyer's family is stalked by a man he once helped put in jail.,76,J. Lee Thompson,Gregory Peck,Robert Mitchum,Polly Bergen,Lori Martin,26457, +"https://m.media-amazon.com/images/M/MV5BZjM3ZTAzZDYtZmFjZS00YmQ1LWJlOWEtN2I4MDRmYzY5YmRlL2ltYWdlXkEyXkFqcGdeQXVyMjgyNjk3MzE@._V1_UX67_CR0,0,67,98_AL_.jpg",Peeping Tom,1960,,101 min,"Drama, Horror, Thriller",7.7,"A young man murders women, using a movie camera to film their dying expressions of terror.",,Michael Powell,Karlheinz Böhm,Anna Massey,Moira Shearer,Maxine Audley,31354,"83,957" +"https://m.media-amazon.com/images/M/MV5BMzYyNzU0MTM1OF5BMl5BanBnXkFtZTcwMzE1ODE1NA@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Magnificent Seven,1960,Approved,128 min,"Action, Adventure, Western",7.7,Seven gunfighters are hired by Mexican peasants to liberate their village from oppressive bandits.,74,John Sturges,Yul Brynner,Steve McQueen,Charles Bronson,Eli Wallach,87719,"4,905,000" +"https://m.media-amazon.com/images/M/MV5BNzBiMWRhNzQtMjZhZS00NzFmLWE5YWMtOWY4NzIxMjYzZTEyXkEyXkFqcGdeQXVyMzg2MzE2OTE@._V1_UY98_CR3,0,67,98_AL_.jpg",Les yeux sans visage,1960,,90 min,"Drama, Horror",7.7,"A surgeon causes an accident which leaves his daughter disfigured, and goes to extremes to give her a new face.",90,Georges Franju,Pierre Brasseur,Alida Valli,Juliette Mayniel,Alexandre Rignault,27620,"52,709" +"https://m.media-amazon.com/images/M/MV5BYTExYjM3MDYtMzg4MC00MjU4LTljZjAtYzdlMTFmYTJmYTE4XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Invasion of the Body Snatchers,1956,Approved,80 min,"Drama, Horror, Sci-Fi",7.7,A small-town doctor learns that the population of his community is being replaced by emotionless alien duplicates.,92,Don Siegel,Kevin McCarthy,Dana Wynter,Larry Gates,King Donovan,44839, +"https://m.media-amazon.com/images/M/MV5BMTg2ODcxOTU1OV5BMl5BanBnXkFtZTgwNzA3ODI1MDE@._V1_UX67_CR0,0,67,98_AL_.jpg",Rebel Without a Cause,1955,PG-13,111 min,Drama,7.7,"A rebellious young man with a troubled past comes to a new town, finding friends and enemies.",89,Nicholas Ray,James Dean,Natalie Wood,Sal Mineo,Jim Backus,83363, +"https://m.media-amazon.com/images/M/MV5BYTVlM2JmOGQtNWEwYy00NDQzLWIyZmEtOGZhMzgxZGRjZDA0XkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Ladykillers,1955,,91 min,"Comedy, Crime",7.7,Five oddball criminals planning a bank robbery rent rooms on a cul-de-sac from an octogenarian widow under the pretext that they are classical musicians.,91,Alexander Mackendrick,Alec Guinness,Peter Sellers,Cecil Parker,Herbert Lom,26464, +"https://m.media-amazon.com/images/M/MV5BYmFlNTA1NWItODQxNC00YjFmLWE3ZWYtMzg3YTkwYmMxMjY2XkEyXkFqcGdeQXVyMTMxMTY0OTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Sabrina,1954,Passed,113 min,"Comedy, Drama, Romance",7.7,"A playboy becomes interested in the daughter of his family's chauffeur, but it's his more serious brother who would be the better man for her.",72,Billy Wilder,Humphrey Bogart,Audrey Hepburn,William Holden,Walter Hampden,59415, +"https://m.media-amazon.com/images/M/MV5BMWM1ZDhlM2MtNDNmMi00MDk4LTg5MjgtODE4ODk1MjYxOTIwXkEyXkFqcGdeQXVyNjc0MzMzNjA@._V1_UX67_CR0,0,67,98_AL_.jpg",The Quiet Man,1952,Passed,129 min,"Comedy, Drama, Romance",7.7,"A retired American boxer returns to the village of his birth in Ireland, where he falls for a spirited redhead whose brother is contemptuous of their union.",,John Ford,John Wayne,Maureen O'Hara,Barry Fitzgerald,Ward Bond,34677,"10,550,000" +"https://m.media-amazon.com/images/M/MV5BMTU5NTBmYTAtOTgyYi00NGM0LWE0ODctZjNiYWM5MmIxYzE4XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Day the Earth Stood Still,1951,U,92 min,"Drama, Sci-Fi",7.7,An alien lands and tells the people of Earth that they must live peacefully or be destroyed as a danger to other planets.,,Robert Wise,Michael Rennie,Patricia Neal,Hugh Marlowe,Sam Jaffe,76315, +"https://m.media-amazon.com/images/M/MV5BYzM3YjE2NGMtODY3Zi00NTY0LWE4Y2EtMTE5YzNmM2U1NTg2XkEyXkFqcGdeQXVyMTY5Nzc4MDY@._V1_UX67_CR0,0,67,98_AL_.jpg",The African Queen,1951,PG,105 min,"Adventure, Drama, Romance",7.7,"In WWI Africa, a gin-swilling riverboat captain is persuaded by a strait-laced missionary to use his boat to attack an enemy warship.",91,John Huston,Humphrey Bogart,Katharine Hepburn,Robert Morley,Peter Bull,71481,"536,118" +"https://m.media-amazon.com/images/M/MV5BYWUxMzViZTUtNTYxNy00YjY4LWJmMjYtMzNlOThjNjhiZmZkXkEyXkFqcGdeQXVyMDI2NDg0NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Gilda,1946,Approved,110 min,"Drama, Film-Noir, Romance",7.7,A small-time gambler hired to work in a Buenos Aires casino discovers his employer's new wife is his former lover.,,Charles Vidor,Rita Hayworth,Glenn Ford,George Macready,Joseph Calleia,27991, +"https://m.media-amazon.com/images/M/MV5BMjAxMTI1Njk3OF5BMl5BanBnXkFtZTgwNjkzODk4NTE@._V1_UX67_CR0,0,67,98_AL_.jpg",Fantasia,1940,G,125 min,"Animation, Family, Fantasy",7.7,A collection of animated interpretations of great works of Western classical music.,96,James Algar,Samuel Armstrong,Ford Beebe Jr.,Norman Ferguson,David Hand,88662,"76,408,097" +"https://m.media-amazon.com/images/M/MV5BYjllMmE0Y2YtYWIwZi00OWY1LWJhNWItYzM2MmNiYmFiZmRmXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",The Invisible Man,1933,TV-PG,71 min,"Horror, Sci-Fi",7.7,"A scientist finds a way of becoming invisible, but in doing so, he becomes murderously insane.",87,James Whale,Claude Rains,Gloria Stuart,William Harrigan,Henry Travers,30683, +"https://m.media-amazon.com/images/M/MV5BODQ0M2Y5M2QtZGIwMC00MzJjLThlMzYtNmE3ZTMzZTYzOGEwXkEyXkFqcGdeQXVyMTkxNjUyNQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Dark Waters,2019,PG-13,126 min,"Biography, Drama, History",7.6,A corporate defense attorney takes on an environmental lawsuit against a chemical company that exposes a lengthy history of pollution.,73,Todd Haynes,Mark Ruffalo,Anne Hathaway,Tim Robbins,Bill Pullman,60408, +"https://m.media-amazon.com/images/M/MV5BMjIwOTA3NDI3MF5BMl5BanBnXkFtZTgwNzIzMzA5NTM@._V1_UX67_CR0,0,67,98_AL_.jpg",Searching,2018,U/A,102 min,"Drama, Mystery, Thriller",7.6,"After his teenage daughter goes missing, a desperate father tries to find clues on her laptop.",71,Aneesh Chaganty,John Cho,Debra Messing,Joseph Lee,Michelle La,140840,"26,020,957" +"https://m.media-amazon.com/images/M/MV5BOTg4ZTNkZmUtMzNlZi00YmFjLTk1MmUtNWQwNTM0YjcyNTNkXkEyXkFqcGdeQXVyNjg2NjQwMDQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Once Upon a Time... in Hollywood,2019,A,161 min,"Comedy, Drama",7.6,A faded television actor and his stunt double strive to achieve fame and success in the final years of Hollywood's Golden Age in 1969 Los Angeles.,83,Quentin Tarantino,Leonardo DiCaprio,Brad Pitt,Margot Robbie,Emile Hirsch,551309,"142,502,728" +"https://m.media-amazon.com/images/M/MV5BNzk2NmU3NmEtMTVhNS00NzJhLWE1M2ItMThjZjI5NWM3YmFmXkEyXkFqcGdeQXVyMjA1MzUyODk@._V1_UY98_CR1,0,67,98_AL_.jpg",Nelyubov,2017,R,127 min,Drama,7.6,A couple going through a divorce must team up to find their son who has disappeared during one of their bitter arguments.,86,Andrey Zvyagintsev,Maryana Spivak,Aleksey Rozin,Matvey Novikov,Marina Vasileva,29765,"566,356" +"https://m.media-amazon.com/images/M/MV5BMjg4ZmY1MmItMjFjOS00ZTg2LWJjNDYtNDM2YmM2NzhiNmZhXkEyXkFqcGdeQXVyNTAzMTY4MDA@._V1_UX67_CR0,0,67,98_AL_.jpg",The Florida Project,2017,A,111 min,Drama,7.6,"Set over one summer, the film follows precocious six-year-old Moonee as she courts mischief and adventure with her ragtag playmates and bonds with her rebellious but caring mother, all while living in the shadows of Walt Disney World.",92,Sean Baker,Brooklynn Prince,Bria Vinaite,Willem Dafoe,Christopher Rivera,95181,"5,904,366" +"https://m.media-amazon.com/images/M/MV5BYmM4YzA5NjUtZGEyOS00YzllLWJmM2UtZjhhNmJhM2E1NjUxXkEyXkFqcGdeQXVyMTkxNjUyNQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Just Mercy,2019,A,137 min,"Biography, Crime, Drama",7.6,World-renowned civil rights defense attorney Bryan Stevenson works to free a wrongly condemned death row prisoner.,68,Destin Daniel Cretton,Michael B. Jordan,Jamie Foxx,Brie Larson,Charlie Pye Jr.,46739, +"https://m.media-amazon.com/images/M/MV5BMjQ2NDU3NDE0M15BMl5BanBnXkFtZTgwMjA3OTg0MDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Gifted,2017,PG-13,101 min,Drama,7.6,"Frank, a single man raising his child prodigy niece Mary, is drawn into a custody battle with his mother.",60,Marc Webb,Chris Evans,Mckenna Grace,Lindsay Duncan,Octavia Spencer,99643,"24,801,212" +"https://m.media-amazon.com/images/M/MV5BOWVmZGQ0MGYtMDI1Yy00MDkxLWJiYjQtMmZjZmQ0NDFmMDRhXkEyXkFqcGdeQXVyNjg3MDMxNzU@._V1_UX67_CR0,0,67,98_AL_.jpg",The Peanut Butter Falcon,2019,PG-13,97 min,"Adventure, Comedy, Drama",7.6,Zak runs away from his care home to make his dream of becoming a wrestler come true.,70,Tyler Nilson,Michael Schwartz,Zack Gottsagen,Ann Owens,Dakota Johnson,66346,"13,122,642" +"https://m.media-amazon.com/images/M/MV5BMTc5NzQzNjk2NF5BMl5BanBnXkFtZTgwODU0MjI5NjE@._V1_UY98_CR0,0,67,98_AL_.jpg",Victoria,2015,,138 min,"Crime, Drama, Romance",7.6,A young Spanish woman who has recently moved to Berlin finds her flirtation with a local guy turn potentially deadly as their night out with his friends reveals a dangerous secret.,77,Sebastian Schipper,Laia Costa,Frederick Lau,Franz Rogowski,Burak Yigit,52903, +"https://m.media-amazon.com/images/M/MV5BMTkwODUzODA0OV5BMl5BanBnXkFtZTgwMTA3ODkxNzE@._V1_UY98_CR0,0,67,98_AL_.jpg",Mustang,2015,PG-13,97 min,Drama,7.6,"When five orphan girls are seen innocently playing with boys on a beach, their scandalized conservative guardians confine them while forced marriages are arranged.",83,Deniz Gamze Ergüven,Günes Sensoy,Doga Zeynep Doguslu,Tugba Sunguroglu,Elit Iscan,35785,"845,464" +"https://m.media-amazon.com/images/M/MV5BNjM0NTc0NzItM2FlYS00YzEwLWE0YmUtNTA2ZWIzODc2OTgxXkEyXkFqcGdeQXVyNTgwNzIyNzg@._V1_UX67_CR0,0,67,98_AL_.jpg",Guardians of the Galaxy Vol. 2,2017,UA,136 min,"Action, Adventure, Comedy",7.6,"The Guardians struggle to keep together as a team while dealing with their personal family issues, notably Star-Lord's encounter with his father the ambitious celestial being Ego.",67,James Gunn,Chris Pratt,Zoe Saldana,Dave Bautista,Vin Diesel,569974,"389,813,101" +"https://m.media-amazon.com/images/M/MV5BMjM3MjQ1MzkxNl5BMl5BanBnXkFtZTgwODk1ODgyMjI@._V1_UX67_CR0,0,67,98_AL_.jpg",Baby Driver,2017,UA,113 min,"Action, Crime, Drama",7.6,"After being coerced into working for a crime boss, a young getaway driver finds himself taking part in a heist doomed to fail.",86,Edgar Wright,Ansel Elgort,Jon Bernthal,Jon Hamm,Eiza González,439406,"107,825,862" +"https://m.media-amazon.com/images/M/MV5BYWFlOWI3YTMtYTk3NS00YWQ2LTlmYTMtZjk0ZDk4Y2NjODI0XkEyXkFqcGdeQXVyNTQxNTQ4Mg@@._V1_UX67_CR0,0,67,98_AL_.jpg",Only the Brave,2017,UA,134 min,"Action, Biography, Drama",7.6,"Based on the true story of the Granite Mountain Hotshots, a group of elite firefighters who risk everything to protect a town from a historic wildfire.",72,Joseph Kosinski,Josh Brolin,Miles Teller,Jeff Bridges,Jennifer Connelly,58371,"18,340,051" +"https://m.media-amazon.com/images/M/MV5BMjIxOTI0MjU5NV5BMl5BanBnXkFtZTgwNzM4OTk4NTE@._V1_UX67_CR0,0,67,98_AL_.jpg",Bridge of Spies,2015,UA,142 min,"Drama, History, Thriller",7.6,"During the Cold War, an American lawyer is recruited to defend an arrested Soviet spy in court, and then help the CIA facilitate an exchange of the spy for the Soviet captured American U2 spy plane pilot, Francis Gary Powers.",81,Steven Spielberg,Tom Hanks,Mark Rylance,Alan Alda,Amy Ryan,287659,"72,313,754" +"https://m.media-amazon.com/images/M/MV5BMTEzNzY0OTg0NTdeQTJeQWpwZ15BbWU4MDU3OTg3MjUz._V1_UX67_CR0,0,67,98_AL_.jpg",Incredibles 2,2018,UA,118 min,"Animation, Action, Adventure",7.6,The Incredibles family takes on a new mission which involves a change in family roles: Bob Parr (Mr. Incredible) must manage the house while his wife Helen (Elastigirl) goes out to save the world.,80,Brad Bird,Craig T. Nelson,Holly Hunter,Sarah Vowell,Huck Milner,250057,"608,581,744" +"https://m.media-amazon.com/images/M/MV5BMjI4MzU5NTExNF5BMl5BanBnXkFtZTgwNzY1MTEwMDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Moana,2016,U,107 min,"Animation, Adventure, Comedy",7.6,"In Ancient Polynesia, when a terrible curse incurred by the Demigod Maui reaches Moana's island, she answers the Ocean's call to seek out the Demigod to set things right.",81,Ron Clements,John Musker,Don Hall,Chris Williams,Auli'i Cravalho,272784,"248,757,044" +"https://m.media-amazon.com/images/M/MV5BMjA5NjM3NTk1M15BMl5BanBnXkFtZTgwMzg1MzU2NjE@._V1_UX67_CR0,0,67,98_AL_.jpg",Sicario,2015,A,121 min,"Action, Crime, Drama",7.6,An idealistic FBI agent is enlisted by a government task force to aid in the escalating war against drugs at the border area between the U.S. and Mexico.,82,Denis Villeneuve,Emily Blunt,Josh Brolin,Benicio Del Toro,Jon Bernthal,371291,"46,889,293" +"https://m.media-amazon.com/images/M/MV5BNmZkYjQzY2QtNjdkNC00YjkzLTk5NjUtY2MyNDNiYTBhN2M2XkEyXkFqcGdeQXVyMjMwNDgzNjc@._V1_UX67_CR0,0,67,98_AL_.jpg",Creed,2015,A,133 min,"Drama, Sport",7.6,"The former World Heavyweight Champion Rocky Balboa serves as a trainer and mentor to Adonis Johnson, the son of his late friend and former rival Apollo Creed.",82,Ryan Coogler,Michael B. Jordan,Sylvester Stallone,Tessa Thompson,Phylicia Rashad,247666,"109,767,581" +"https://m.media-amazon.com/images/M/MV5BYTYxZjQ2YTktNmVkMC00ZTY4LThkZmItMDc4MTJiYjVhZjM0L2ltYWdlXkEyXkFqcGdeQXVyMjgyNjk3MzE@._V1_UY98_CR1,0,67,98_AL_.jpg",Leviafan,2014,R,140 min,"Crime, Drama",7.6,"In a Russian coastal town, Kolya is forced to fight the corrupt mayor when he is told that his house will be demolished. He recruits a lawyer friend to help, but the man's arrival brings further misfortune for Kolya and his family.",92,Andrey Zvyagintsev,Aleksey Serebryakov,Elena Lyadova,Roman Madyanov,Vladimir Vdovichenkov,49397,"1,092,800" +"https://m.media-amazon.com/images/M/MV5BMTg4NDA1OTA5NF5BMl5BanBnXkFtZTgwMDQ2MDM5ODE@._V1_UX67_CR0,0,67,98_AL_.jpg",Hell or High Water,2016,R,102 min,"Action, Crime, Drama",7.6,A divorced father and his ex-con older brother resort to a desperate scheme in order to save their family's ranch in West Texas.,88,David Mackenzie,Chris Pine,Ben Foster,Jeff Bridges,Gil Birmingham,204175,"26,862,450" +"https://m.media-amazon.com/images/M/MV5BMjA5ODgyNzcxMV5BMl5BanBnXkFtZTgwMzkzOTYzMDE@._V1_UX67_CR0,0,67,98_AL_.jpg",Philomena,2013,PG-13,98 min,"Biography, Comedy, Drama",7.6,"A world-weary political journalist picks up the story of a woman's search for her son, who was taken away from her decades ago after she became pregnant and was forced to live in a convent.",77,Stephen Frears,Judi Dench,Steve Coogan,Sophie Kennedy Clark,Mare Winningham,94212,"37,707,719" +"https://m.media-amazon.com/images/M/MV5BMTgwODk3NDc1N15BMl5BanBnXkFtZTgwNTc1NjQwMjE@._V1_UX67_CR0,0,67,98_AL_.jpg",Dawn of the Planet of the Apes,2014,UA,130 min,"Action, Adventure, Drama",7.6,A growing nation of genetically evolved apes led by Caesar is threatened by a band of human survivors of the devastating virus unleashed a decade earlier.,79,Matt Reeves,Gary Oldman,Keri Russell,Andy Serkis,Kodi Smit-McPhee,411599,"208,545,589" +"https://m.media-amazon.com/images/M/MV5BNGMxZjFkN2EtMDRiMS00ZTBjLWI0M2MtZWUyYjFhZGViZDJlXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",El cuerpo,2012,,112 min,"Mystery, Thriller",7.6,A detective searches for the body of a femme fatale which has gone missing from a morgue.,,Oriol Paulo,Jose Coronado,Hugo Silva,Belén Rueda,Aura Garrido,57549, +"https://m.media-amazon.com/images/M/MV5BZGIxODNjM2YtZjA5Mi00MjA5LTk2YjItODE0OWI5NThjNTBmXkEyXkFqcGdeQXVyNzQ1ODk3MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Serbuan maut,2011,A,101 min,"Action, Thriller",7.6,A S.W.A.T. team becomes trapped in a tenement run by a ruthless mobster and his army of killers and thugs.,73,Gareth Evans,Iko Uwais,Ananda George,Ray Sahetapy,Donny Alamsyah,190531,"4,105,123" +"https://m.media-amazon.com/images/M/MV5BMjMxNjU0ODU5Ml5BMl5BanBnXkFtZTcwNjI4MzAyOA@@._V1_UX67_CR0,0,67,98_AL_.jpg",End of Watch,2012,A,109 min,"Action, Crime, Drama",7.6,"Shot documentary-style, this film follows the daily grind of two young police officers in LA who are partners and friends, and what happens when they meet criminal forces greater than themselves.",68,David Ayer,Jake Gyllenhaal,Michael Peña,Anna Kendrick,America Ferrera,228132,"41,003,371" +"https://m.media-amazon.com/images/M/MV5BZDY3ZGI0ZDAtMThlNy00MzAxLTg4YjAtNjkwYTkxNmQ4MjdlXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Kari-gurashi no Arietti,2010,U,94 min,"Animation, Adventure, Family",7.6,"The Clock family are four-inch-tall people who live anonymously in another family's residence, borrowing simple items to make their home. Life changes for the Clocks when their teenage daughter, Arrietty, is discovered.",80,Hiromasa Yonebayashi,Amy Poehler,Mirai Shida,Ryûnosuke Kamiki,Tatsuya Fujiwara,80939,"19,202,743" +"https://m.media-amazon.com/images/M/MV5BNmE5ZmE3OGItNTdlNC00YmMxLWEzNjctYzAwOGQ5ODg0OTI0XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",A Star Is Born,2018,UA,136 min,"Drama, Music, Romance",7.6,A musician helps a young singer find fame as age and alcoholism send his own career into a downward spiral.,88,Bradley Cooper,Lady Gaga,Bradley Cooper,Sam Elliott,Greg Grunberg,334312,"215,288,866" +"https://m.media-amazon.com/images/M/MV5BODhkZDIzNjgtOTA5ZS00MmMzLWFkNjYtM2Y2MzFjN2FkNjAzL2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR1,0,67,98_AL_.jpg",True Grit,2010,PG-13,110 min,"Drama, Western",7.6,A stubborn teenager enlists the help of a tough U.S. Marshal to track down her father's murderer.,80,Ethan Coen,Joel Coen,Jeff Bridges,Matt Damon,Hailee Steinfeld,311822,"171,243,005" +"https://m.media-amazon.com/images/M/MV5BNDY2OTE5MzE0Nl5BMl5BanBnXkFtZTcwNDAyOTc2NA@@._V1_UX67_CR0,0,67,98_AL_.jpg",Hævnen,2010,R,118 min,"Drama, Romance",7.6,"The lives of two Danish families cross each other, and an extraordinary but risky friendship comes into bud. But loneliness, frailty and sorrow lie in wait.",65,Susanne Bier,Mikael Persbrandt,Trine Dyrholm,Markus Rygaard,Wil Johnson,38491,"1,008,098" +"https://m.media-amazon.com/images/M/MV5BMTY3NjY0MTQ0Nl5BMl5BanBnXkFtZTcwMzQ2MTc0Mw@@._V1_UX67_CR0,0,67,98_AL_.jpg",Despicable Me,2010,U,95 min,"Animation, Comedy, Crime",7.6,"When a criminal mastermind uses a trio of orphan girls as pawns for a grand scheme, he finds their love is profoundly changing him for the better.",72,Pierre Coffin,Chris Renaud,Steve Carell,Jason Segel,Russell Brand,500851,"251,513,985" +"https://m.media-amazon.com/images/M/MV5BNjg3ODQyNTIyN15BMl5BanBnXkFtZTcwMjUzNzM5NQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",50/50,2011,R,100 min,"Comedy, Drama, Romance",7.6,"Inspired by a true story, a comedy centered on a 27-year-old guy who learns of his cancer diagnosis and his subsequent struggle to beat the disease.",72,Jonathan Levine,Joseph Gordon-Levitt,Seth Rogen,Anna Kendrick,Bryce Dallas Howard,315426,"35,014,192" +"https://m.media-amazon.com/images/M/MV5BMTMzNzEzMDYxM15BMl5BanBnXkFtZTcwMTc0NTMxMw@@._V1_UX67_CR0,0,67,98_AL_.jpg",Kick-Ass,2010,UA,117 min,"Action, Comedy, Crime",7.6,"Dave Lizewski is an unnoticed high school student and comic book fan who one day decides to become a superhero, even though he has no powers, training or meaningful reason to do so.",66,Matthew Vaughn,Aaron Taylor-Johnson,Nicolas Cage,Chloë Grace Moretz,Garrett M. Brown,524081,"48,071,303" +"https://m.media-amazon.com/images/M/MV5BMjI2ODE4ODAtMDA3MS00ODNkLTg4N2EtOGU0YjZmNGY4NjZlXkEyXkFqcGdeQXVyMTY5MDE5NA@@._V1_UY98_CR0,0,67,98_AL_.jpg",Celda 211,2009,,113 min,"Action, Adventure, Crime",7.6,"The story of two men on different sides of a prison riot -- the inmate leading the rebellion and the young guard trapped in the revolt, who poses as a prisoner in a desperate attempt to survive the ordeal.",,Daniel Monzón,Luis Tosar,Alberto Ammann,Antonio Resines,Manuel Morón,63882, +"https://m.media-amazon.com/images/M/MV5BMjAxOTU3Mzc1M15BMl5BanBnXkFtZTcwMzk1ODUzNg@@._V1_UX67_CR0,0,67,98_AL_.jpg",Moneyball,2011,PG-13,133 min,"Biography, Drama, Sport",7.6,Oakland A's general manager Billy Beane's successful attempt to assemble a baseball team on a lean budget by employing computer-generated analysis to acquire new players.,87,Bennett Miller,Brad Pitt,Robin Wright,Jonah Hill,Philip Seymour Hoffman,369529,"75,605,492" +"https://m.media-amazon.com/images/M/MV5BYmFmNjY5NDYtZjlhNi00YjQ5LTgzNzctNWRiNWUzNmIyNjc4XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UY98_CR0,0,67,98_AL_.jpg",La piel que habito,2011,R,120 min,"Drama, Horror, Thriller",7.6,"A brilliant plastic surgeon, haunted by past tragedies, creates a type of synthetic skin that withstands any kind of damage. His guinea pig: a mysterious and volatile woman who holds the key to his obsession.",70,Pedro Almodóvar,Antonio Banderas,Elena Anaya,Jan Cornet,Marisa Paredes,138959,"3,185,812" +"https://m.media-amazon.com/images/M/MV5BMTU5MDg0NTQ1N15BMl5BanBnXkFtZTcwMjA4Mjg3Mg@@._V1_UY98_CR1,0,67,98_AL_.jpg",Zombieland,2009,A,88 min,"Adventure, Comedy, Fantasy",7.6,"A shy student trying to reach his family in Ohio, a gun-toting tough guy trying to find the last Twinkie, and a pair of sisters trying to get to an amusement park join forces to travel across a zombie-filled America.",73,Ruben Fleischer,Jesse Eisenberg,Emma Stone,Woody Harrelson,Abigail Breslin,520041,"75,590,286" +"https://m.media-amazon.com/images/M/MV5BMzc0ZmUyZjAtZThkMi00ZDY5LTg5YjctYmUwM2FiYjMyMDI5XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Die Welle,2008,,107 min,"Drama, Thriller",7.6,A high school teacher's experiment to demonstrate to his students what life is like under a dictatorship spins horribly out of control when he forms a social unit with a life of its own.,,Dennis Gansel,Jürgen Vogel,Frederick Lau,Max Riemelt,Jennifer Ulrich,102742, +"https://m.media-amazon.com/images/M/MV5BMTg0NjEwNjUxM15BMl5BanBnXkFtZTcwMzk0MjQ5Mg@@._V1_UX67_CR0,0,67,98_AL_.jpg",Sherlock Holmes,2009,PG-13,128 min,"Action, Adventure, Mystery",7.6,Detective Sherlock Holmes and his stalwart partner Watson engage in a battle of wits and brawn with a nemesis whose plot is a threat to all of England.,57,Guy Ritchie,Robert Downey Jr.,Jude Law,Rachel McAdams,Mark Strong,583158,"209,028,679" +"https://m.media-amazon.com/images/M/MV5BMjEzOTE3ODM3OF5BMl5BanBnXkFtZTcwMzYyODI4Mg@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Blind Side,2009,UA,129 min,"Biography, Drama, Sport",7.6,"The story of Michael Oher, a homeless and traumatized boy who became an All-American football player and first-round NFL draft pick with the help of a caring woman and her family.",53,John Lee Hancock,Quinton Aaron,Sandra Bullock,Tim McGraw,Jae Head,293266,"255,959,475" +"https://m.media-amazon.com/images/M/MV5BMTIzNTg3NzkzNV5BMl5BanBnXkFtZTcwNzMwMjU2MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Visitor,2007,PG-13,104 min,Drama,7.6,A college professor travels to New York City to attend a conference and finds a young couple living in his apartment.,79,Tom McCarthy,Richard Jenkins,Haaz Sleiman,Danai Gurira,Hiam Abbass,41544,"9,422,422" +"https://m.media-amazon.com/images/M/MV5BMTU0NzY0MTY5OF5BMl5BanBnXkFtZTcwODY3MDEwMg@@._V1_UY98_CR3,0,67,98_AL_.jpg",Seven Pounds,2008,UA,123 min,Drama,7.6,A man with a fateful secret embarks on an extraordinary journey of redemption by forever changing the lives of seven strangers.,36,Gabriele Muccino,Will Smith,Rosario Dawson,Woody Harrelson,Michael Ealy,286770,"69,951,824" +"https://m.media-amazon.com/images/M/MV5BMTcwMzU0OTY3NF5BMl5BanBnXkFtZTYwNzkwNjg2._V1_UX67_CR0,0,67,98_AL_.jpg",Eastern Promises,2007,R,100 min,"Action, Crime, Drama",7.6,A teenager who dies during childbirth leaves clues in her journal that could tie her child to a rape involving a violent Russian mob family.,82,David Cronenberg,Naomi Watts,Viggo Mortensen,Armin Mueller-Stahl,Josef Altin,227760,"17,114,882" +"https://m.media-amazon.com/images/M/MV5BMjkyMTE1OTYwNF5BMl5BanBnXkFtZTcwMDIxODYzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg",Stardust,2007,U,127 min,"Adventure, Family, Fantasy",7.6,"In a countryside town bordering on a magical land, a young man makes a promise to his beloved that he'll retrieve a fallen star by venturing into the magical realm.",66,Matthew Vaughn,Charlie Cox,Claire Danes,Sienna Miller,Ian McKellen,255036,"38,634,938" +"https://m.media-amazon.com/images/M/MV5BMjEzMjEzNTIzOF5BMl5BanBnXkFtZTcwMTg2MjAyMw@@._V1_UY98_CR0,0,67,98_AL_.jpg",The Secret of Kells,2009,,71 min,"Animation, Adventure, Family",7.6,"A young boy in a remote medieval outpost under siege from barbarian raids is beckoned to adventure when a celebrated master illuminator arrives with an ancient book, brimming with secret wisdom and powers.",81,Tomm Moore,Nora Twomey,Evan McGuire,Brendan Gleeson,Mick Lally,31779,"686,383" +"https://m.media-amazon.com/images/M/MV5BYjc4MjA2ZDgtOGY3YS00NDYzLTlmNTEtYWMxMzcwZjgzYWNjXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Inside Man,2006,R,129 min,"Crime, Drama, Mystery",7.6,"A police detective, a bank robber, and a high-power broker enter high-stakes negotiations after the criminal's brilliant heist spirals into a hostage situation.",76,Spike Lee,Denzel Washington,Clive Owen,Jodie Foster,Christopher Plummer,339757,"88,513,495" +"https://m.media-amazon.com/images/M/MV5BYmM2NDNiNGItMTRhMi00ZDA2LTgzOWMtZTE2ZjFhMDQ2M2U5XkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Gone Baby Gone,2007,R,114 min,"Crime, Drama, Mystery",7.6,"Two Boston area detectives investigate a little girl's kidnapping, which ultimately turns into a crisis both professionally and personally.",72,Ben Affleck,Morgan Freeman,Ed Harris,Casey Affleck,Michelle Monaghan,250590,"20,300,218" +"https://m.media-amazon.com/images/M/MV5BOTBmZDZkNWYtODIzYi00N2Y4LWFjMmMtNmM1OGYyNGVhYzUzXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",La Vie En Rose,2007,PG-13,140 min,"Biography, Drama, Music",7.6,"Biopic of the iconic French singer Édith Piaf. Raised by her grandmother in a brothel, she was discovered while singing on a street corner at the age of 19. Despite her success, Piaf's life was filled with tragedy.",66,Olivier Dahan,Marion Cotillard,Sylvie Testud,Pascal Greggory,Emmanuelle Seigner,82781,"10,301,706" +"https://m.media-amazon.com/images/M/MV5BMTI5MjA2Mzk2M15BMl5BanBnXkFtZTcwODY1MDUzMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Huo Yuan Jia,2006,PG-13,104 min,"Action, Biography, Drama",7.6,"A biography of Chinese Martial Arts Master Huo Yuanjia, who is the founder and spiritual guru of the Jin Wu Sports Federation.",70,Ronny Yu,Jet Li,Li Sun,Yong Dong,Yun Qu,72863,"24,633,730" +"https://m.media-amazon.com/images/M/MV5BY2VkMzZlZDAtNTkzNS00MDIzLWFmOTctMWQwZjQ1OWJiYzQ1XkEyXkFqcGdeQXVyNTIzOTk5ODM@._V1_UY98_CR1,0,67,98_AL_.jpg",The Illusionist,2006,U,110 min,"Drama, Fantasy, Mystery",7.6,"In turn-of-the-century Vienna, a magician uses his abilities to secure the love of a woman far above his social standing.",68,Neil Burger,Edward Norton,Jessica Biel,Paul Giamatti,Rufus Sewell,354728,"39,868,642" +"https://m.media-amazon.com/images/M/MV5BMTI5Mzk1MDc2M15BMl5BanBnXkFtZTcwMjIzMDA0MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Dead Man's Shoes,2004,,90 min,"Crime, Drama, Thriller",7.6,A disaffected soldier returns to his hometown to get even with the thugs who brutalized his mentally-challenged brother years ago.,52,Shane Meadows,Paddy Considine,Gary Stretch,Toby Kebbell,Stuart Wolfenden,49728,"6,013" +"https://m.media-amazon.com/images/M/MV5BNzU3NDg4NTAyNV5BMl5BanBnXkFtZTcwOTg2ODg1Mg@@._V1_UX67_CR0,0,67,98_AL_.jpg",Harry Potter and the Half-Blood Prince,2009,UA,153 min,"Action, Adventure, Family",7.6,"As Harry Potter begins his sixth year at Hogwarts, he discovers an old book marked as ""the property of the Half-Blood Prince"" and begins to learn more about Lord Voldemort's dark past.",78,David Yates,Daniel Radcliffe,Emma Watson,Rupert Grint,Michael Gambon,474827,"301,959,197" +"https://m.media-amazon.com/images/M/MV5BNWMxYTZlOTUtZDExMi00YzZmLTkwYTMtZmM2MmRjZmQ3OGY4XkEyXkFqcGdeQXVyMTAwMzUyMzUy._V1_UX67_CR0,0,67,98_AL_.jpg",300,2006,A,117 min,"Action, Drama",7.6,King Leonidas of Sparta and a force of 300 men fight the Persians at Thermopylae in 480 B.C.,52,Zack Snyder,Gerard Butler,Lena Headey,David Wenham,Dominic West,732876,"210,614,939" +"https://m.media-amazon.com/images/M/MV5BMjRjOTMwMDEtNTY4NS00OWRjLWI4ZWItZDgwYmZhMzlkYzgxXkEyXkFqcGdeQXVyODIxOTg5MTc@._V1_UY98_CR1,0,67,98_AL_.jpg",Match Point,2005,R,124 min,"Drama, Romance, Thriller",7.6,"At a turning point in his life, a former tennis pro falls for an actress who happens to be dating his friend and soon-to-be brother-in-law.",72,Woody Allen,Scarlett Johansson,Jonathan Rhys Meyers,Emily Mortimer,Matthew Goode,206294,"23,089,926" +"https://m.media-amazon.com/images/M/MV5BY2IzNGNiODgtOWYzOS00OTI0LTgxZTUtOTA5OTQ5YmI3NGUzXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Watchmen,2009,A,162 min,"Action, Drama, Mystery",7.6,"In 1985 where former superheroes exist, the murder of a colleague sends active vigilante Rorschach into his own sprawling investigation, uncovering something that could completely change the course of history as we know it.",56,Zack Snyder,Jackie Earle Haley,Patrick Wilson,Carla Gugino,Malin Akerman,500799,"107,509,799" +"https://m.media-amazon.com/images/M/MV5BMTYzZWE3MDAtZjZkMi00MzhlLTlhZDUtNmI2Zjg3OWVlZWI0XkEyXkFqcGdeQXVyNDk3NzU2MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",Lord of War,2005,R,122 min,"Action, Crime, Drama",7.6,An arms dealer confronts the morality of his work as he is being chased by an INTERPOL Agent.,62,Andrew Niccol,Nicolas Cage,Ethan Hawke,Jared Leto,Bridget Moynahan,294140,"24,149,632" +"https://m.media-amazon.com/images/M/MV5BMzQ2ZTBhNmEtZDBmYi00ODU0LTgzZmQtNmMxM2M4NzM1ZjE4XkEyXkFqcGdeQXVyNjE5MjUyOTM@._V1_UX67_CR0,0,67,98_AL_.jpg",Saw,2004,UA,103 min,"Horror, Mystery, Thriller",7.6,"Two strangers awaken in a room with no recollection of how they got there, and soon discover they're pawns in a deadly game perpetrated by a notorious serial killer.",46,James Wan,Cary Elwes,Leigh Whannell,Danny Glover,Ken Leung,379020,"56,000,369" +"https://m.media-amazon.com/images/M/MV5BMjA0MjIyOTI3MF5BMl5BanBnXkFtZTcwODM5NTY5MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg","Synecdoche, New York",2008,R,124 min,Drama,7.6,"A theatre director struggles with his work, and the women in his life, as he creates a life-size replica of New York City inside a warehouse as part of his new play.",67,Charlie Kaufman,Philip Seymour Hoffman,Samantha Morton,Michelle Williams,Catherine Keener,83158,"3,081,925" +"https://m.media-amazon.com/images/M/MV5BMTgxMjQ4NzE5OF5BMl5BanBnXkFtZTcwNzkwOTkyMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Mysterious Skin,2004,R,105 min,Drama,7.6,"A teenage hustler and a young man obsessed with alien abductions cross paths, together discovering a horrible, liberating truth.",73,Gregg Araki,Brady Corbet,Joseph Gordon-Levitt,Elisabeth Shue,Chase Ellison,65939,"697,181" +"https://m.media-amazon.com/images/M/MV5BNjIwOGJhY2QtMTA5Yi00MDhlLWE5OTgtYmIzZDNlM2UwZjMyXkEyXkFqcGdeQXVyNTA4NzY1MzY@._V1_UX67_CR0,0,67,98_AL_.jpg",Jeux d'enfants,2003,R,93 min,"Comedy, Drama, Romance",7.6,"As adults, best friends Julien and Sophie continue the odd game they started as children -- a fearless competition to outdo one another with daring and outrageous stunts. While they often act out to relieve one another's pain, their game might be a way to avoid the fact that they are truly meant for one another.",45,Yann Samuell,Guillaume Canet,Marion Cotillard,Thibault Verhaeghe,Joséphine Lebas-Joly,67360,"548,707" +"https://m.media-amazon.com/images/M/MV5BZWI4ZTgwMzktNjk3Yy00OTlhLTg3YTAtMTA1MWVlMWJiOTRiXkEyXkFqcGdeQXVyMTAwMzUyOTc@._V1_UX67_CR0,0,67,98_AL_.jpg",Un long dimanche de fiançailles,2004,U,133 min,"Drama, Mystery, Romance",7.6,"Tells the story of a young woman's relentless search for her fiancé, who has disappeared from the trenches of the Somme during World War One.",76,Jean-Pierre Jeunet,Audrey Tautou,Gaspard Ulliel,Jodie Foster,Dominique Pinon,70925,"6,167,817" +"https://m.media-amazon.com/images/M/MV5BMTUzNDgyMzg3Ml5BMl5BanBnXkFtZTcwMzIxNTAwMQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Station Agent,2003,R,89 min,"Comedy, Drama",7.6,"When his only friend dies, a man born with dwarfism moves to rural New Jersey to live a life of solitude, only to meet a chatty hot dog vendor and a woman dealing with her own personal loss.",81,Tom McCarthy,Peter Dinklage,Patricia Clarkson,Bobby Cannavale,Paul Benjamin,67370,"5,739,376" +"https://m.media-amazon.com/images/M/MV5BMjA4MjI2OTM5N15BMl5BanBnXkFtZTcwNDA1NjUzMw@@._V1_UX67_CR0,0,67,98_AL_.jpg",21 Grams,2003,UA,124 min,"Crime, Drama, Thriller",7.6,"A freak accident brings together a critically ill mathematician, a grieving mother, and a born-again ex-con.",70,Alejandro G. Iñárritu,Sean Penn,Benicio Del Toro,Naomi Watts,Danny Huston,224545,"16,290,476" +"https://m.media-amazon.com/images/M/MV5BYmNlNDVjMWUtZDZjNS00YTBmLWE3NGUtNDcxMzE0YTQ2ODMxXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Boksuneun naui geot,2002,R,129 min,"Crime, Drama, Thriller",7.6,"A recently laid off factory worker kidnaps his former boss' friend's daughter, hoping to use the ransom money to pay for his sister's kidney transplant.",56,Chan-wook Park,Kang-ho Song,Shin Ha-kyun,Bae Doona,Ji-Eun Lim,62659,"45,289" +"https://m.media-amazon.com/images/M/MV5BMTMxNzYzNzUzMV5BMl5BanBnXkFtZTYwNjcwMjE3._V1_UX67_CR0,0,67,98_AL_.jpg",Finding Neverland,2004,U,106 min,"Biography, Drama, Family",7.6,The story of Sir J.M. Barrie's friendship with a family who inspired him to create Peter Pan.,67,Marc Forster,Johnny Depp,Kate Winslet,Julie Christie,Radha Mitchell,198677,"51,680,613" +"https://m.media-amazon.com/images/M/MV5BNmE0YjdlYTktMTU4Ni00Mjk2LWI3NWMtM2RjNmFiOTk4YjYxL2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR1,0,67,98_AL_.jpg",25th Hour,2002,R,135 min,Drama,7.6,"Cornered by the DEA, convicted New York drug dealer Montgomery Brogan reevaluates his life in the 24 remaining hours before facing a seven-year jail term.",68,Spike Lee,Edward Norton,Barry Pepper,Philip Seymour Hoffman,Rosario Dawson,169708,"13,060,843" +"https://m.media-amazon.com/images/M/MV5BODNiZmY2MWUtMjFhMy00ZmM2LTg2MjYtNWY1OTY5NGU2MjdjL2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR0,0,67,98_AL_.jpg",The Butterfly Effect,2004,U,113 min,"Drama, Sci-Fi, Thriller",7.6,"Evan Treborn suffers blackouts during significant events of his life. As he grows up, he finds a way to remember these lost memories and a supernatural way to alter his life by reading his journal.",30,Eric Bress,J. Mackye Gruber,Ashton Kutcher,Amy Smart,Melora Walters,451479,"57,938,693" +"https://m.media-amazon.com/images/M/MV5BYTFkM2ViMmQtZmI5NS00MjQ2LWEyN2EtMTI1ZmNlZDU3MTZjXkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",28 Days Later...,2002,A,113 min,"Drama, Horror, Sci-Fi",7.6,"Four weeks after a mysterious, incurable virus spreads throughout the UK, a handful of survivors try to find sanctuary.",73,Danny Boyle,Cillian Murphy,Naomie Harris,Christopher Eccleston,Alex Palmer,376853,"45,064,915" +"https://m.media-amazon.com/images/M/MV5BMDc2MGYwYzAtNzE2Yi00YmU3LTkxMDUtODk2YjhiNDM5NDIyXkEyXkFqcGdeQXVyMTEwNDU1MzEy._V1_UX67_CR0,0,67,98_AL_.jpg",Batoru rowaiaru,2000,,114 min,"Action, Adventure, Drama",7.6,"In the future, the Japanese government captures a class of ninth-grade students and forces them to kill each other under the revolutionary ""Battle Royale"" act.",81,Kinji Fukasaku,Tatsuya Fujiwara,Aki Maeda,Tarô Yamamoto,Takeshi Kitano,169091, +"https://m.media-amazon.com/images/M/MV5BYmUzODQ5MGItZTZlNy00MDBhLWIxMmItMjg4Y2QyNDFlMWQ2XkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",The Royal Tenenbaums,2001,A,110 min,"Comedy, Drama",7.6,The eccentric members of a dysfunctional family reluctantly gather under the same roof for various reasons.,76,Wes Anderson,Gene Hackman,Gwyneth Paltrow,Anjelica Huston,Ben Stiller,266842,"52,364,010" +"https://m.media-amazon.com/images/M/MV5BNDhjMzc3ZTgtY2Y4MC00Y2U3LWFiMDctZGM3MmM4N2YzNDQ5XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Y tu mamá también,2001,A,106 min,Drama,7.6,"In Mexico, two teenage boys and an attractive older woman embark on a road trip and learn a thing or two about life, friendship, sex, and each other.",88,Alfonso Cuarón,Maribel Verdú,Gael García Bernal,Daniel Giménez Cacho,Ana López Mercado,115827,"13,622,333" +"https://m.media-amazon.com/images/M/MV5BNjQ3NWNlNmQtMTE5ZS00MDdmLTlkZjUtZTBlM2UxMGFiMTU3XkEyXkFqcGdeQXVyNjUwNzk3NDc@._V1_UX67_CR0,0,67,98_AL_.jpg",Harry Potter and the Sorcerer's Stone,2001,U,152 min,"Adventure, Family, Fantasy",7.6,"An orphaned boy enrolls in a school of wizardry, where he learns the truth about himself, his family and the terrible evil that haunts the magical world.",64,Chris Columbus,Daniel Radcliffe,Rupert Grint,Richard Harris,Maggie Smith,658185,"317,575,550" +"https://m.media-amazon.com/images/M/MV5BMTAxMDE4Mzc3ODNeQTJeQWpwZ15BbWU4MDY2Mjg4MDcx._V1_UX67_CR0,0,67,98_AL_.jpg",The Others,2001,PG-13,101 min,"Horror, Mystery, Thriller",7.6,A woman who lives in her darkened old family house with her two photosensitive children becomes convinced that the home is haunted.,74,Alejandro Amenábar,Nicole Kidman,Christopher Eccleston,Fionnula Flanagan,Alakina Mann,337651,"96,522,687" +"https://m.media-amazon.com/images/M/MV5BYjg5ZDkzZWEtZDQ2ZC00Y2ViLThhMzYtMmIxZDYzYTY2Y2Y2XkEyXkFqcGdeQXVyODAwMTU1MTE@._V1_UY98_CR1,0,67,98_AL_.jpg",Blow,2001,R,124 min,"Biography, Crime, Drama",7.6,"The story of how George Jung, along with the Medellín Cartel headed by Pablo Escobar, established the American cocaine market in the 1970s in the United States.",52,Ted Demme,Johnny Depp,Penélope Cruz,Franka Potente,Rachel Griffiths,240714,"52,990,775" +"https://m.media-amazon.com/images/M/MV5BYWFlY2E3ODQtZWNiNi00ZGU4LTkzNWEtZTQ2ZTViMWRhYjIzL2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Enemy at the Gates,2001,A,131 min,"Drama, History, War",7.6,A Russian and a German sniper play a game of cat-and-mouse during the Battle of Stalingrad.,53,Jean-Jacques Annaud,Jude Law,Ed Harris,Joseph Fiennes,Rachel Weisz,243729,"51,401,758" +"https://m.media-amazon.com/images/M/MV5BZTI3YzZjZjEtMDdjOC00OWVjLTk0YmYtYzI2MGMwZjFiMzBlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Minority Report,2002,A,145 min,"Action, Crime, Mystery",7.6,"In a future where a special police unit is able to arrest murderers before they commit their crimes, an officer from that unit is himself accused of a future murder.",80,Steven Spielberg,Tom Cruise,Colin Farrell,Samantha Morton,Max von Sydow,508417,"132,072,926" +"https://m.media-amazon.com/images/M/MV5BMTA3OTYxMzg0MDFeQTJeQWpwZ15BbWU4MDY1MjY0MTEx._V1_UX67_CR0,0,67,98_AL_.jpg",The Hurricane,1999,R,146 min,"Biography, Drama, Sport",7.6,"The story of Rubin 'Hurricane' Carter, a boxer wrongly imprisoned for murder, and the people who aided in his fight to prove his innocence.",74,Norman Jewison,Denzel Washington,Vicellous Shannon,Deborah Kara Unger,Liev Schreiber,91557,"50,668,906" +"https://m.media-amazon.com/images/M/MV5BZTM2ZGJmNjQtN2UyOS00NjcxLWFjMDktMDE2NzMyNTZlZTBiXkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",American Psycho,2000,A,101 min,"Comedy, Crime, Drama",7.6,"A wealthy New York City investment banking executive, Patrick Bateman, hides his alternate psychopathic ego from his co-workers and friends as he delves deeper into his violent, hedonistic fantasies.",64,Mary Harron,Christian Bale,Justin Theroux,Josh Lucas,Bill Sage,490062,"15,070,285" +"https://m.media-amazon.com/images/M/MV5BMmU5ZjFmYjQtYmNjZC00Yjk4LWI1ZTQtZDJiMjM0YjQyNDU0L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Lola rennt,1998,UA,81 min,"Crime, Drama, Thriller",7.6,"After a botched money delivery, Lola has 20 minutes to come up with 100,000 Deutschmarks.",77,Tom Tykwer,Franka Potente,Moritz Bleibtreu,Herbert Knaup,Nina Petri,188317,"7,267,585" +"https://m.media-amazon.com/images/M/MV5BYjEzMTM2NjAtNWFmZC00MTVlLTgyMmQtMGQyNTFjZDk5N2NmXkEyXkFqcGdeQXVyNzQ1ODk3MTQ@._V1_UX67_CR0,0,67,98_AL_.jpg",The Thin Red Line,1998,A,170 min,"Drama, War",7.6,"Adaptation of James Jones' autobiographical 1962 novel, focusing on the conflict at Guadalcanal during the second World War.",78,Terrence Malick,Jim Caviezel,Sean Penn,Nick Nolte,Kirk Acevedo,172710,"36,400,491" +"https://m.media-amazon.com/images/M/MV5BODkxNGQ1NWYtNzg0Ny00Yjg3LThmZTItMjE2YjhmZTQ0ODY5XkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Mulan,1998,U,88 min,"Animation, Adventure, Family",7.6,"To save her father from death in the army, a young maiden secretly goes in his place and becomes one of China's greatest heroines in the process.",71,Tony Bancroft,Barry Cook,Ming-Na Wen,Eddie Murphy,BD Wong,256906,"120,620,254" +"https://m.media-amazon.com/images/M/MV5BNjA2ZDY3ZjYtZmNiMC00MDU5LTgxMWEtNzk1YmI3NzdkMTU0XkEyXkFqcGdeQXVyNjQyMjcwNDM@._V1_UX67_CR0,0,67,98_AL_.jpg",Fear and Loathing in Las Vegas,1998,R,118 min,"Adventure, Comedy, Drama",7.6,An oddball journalist and his psychopathic lawyer travel to Las Vegas for a series of psychedelic escapades.,41,Terry Gilliam,Johnny Depp,Benicio Del Toro,Tobey Maguire,Michael Lee Gogin,259753,"10,680,275" +"https://m.media-amazon.com/images/M/MV5BMTkyNTAzZDYtNWUzYi00ODVjLTliZjYtNjc2YzJmODZhNTg3XkEyXkFqcGdeQXVyNjUxMDQ0MTg@._V1_UY98_CR6,0,67,98_AL_.jpg",Funny Games,1997,A,108 min,"Crime, Drama, Thriller",7.6,"Two violent young men take a mother, father, and son hostage in their vacation cabin and force them to play sadistic ""games"" with one another for their own amusement.",69,Michael Haneke,Susanne Lothar,Ulrich Mühe,Arno Frisch,Frank Giering,65058, +"https://m.media-amazon.com/images/M/MV5BMGExOGExM2UtNWM5ZS00OWEzLTllNzYtM2NlMTJlYjBlZTJkXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Dark City,1998,A,100 min,"Mystery, Sci-Fi, Thriller",7.6,"A man struggles with memories of his past, which include a wife he cannot remember and a nightmarish world no one else ever seems to wake up from.",66,Alex Proyas,Rufus Sewell,Kiefer Sutherland,Jennifer Connelly,William Hurt,187927,"14,378,331" +"https://m.media-amazon.com/images/M/MV5BMzk1MmI4NzAtOGRiNS00YjY1LTllNmEtZDhiZDM4MjU2NTMxXkEyXkFqcGdeQXVyNjc3MjQzNTI@._V1_UY98_CR1,0,67,98_AL_.jpg",Sleepers,1996,UA,147 min,"Crime, Drama, Thriller",7.6,"After a prank goes disastrously wrong, a group of boys are sent to a detention center where they are brutalized. Thirteen years later, an unexpected random encounter with a former guard gives them a chance for revenge.",49,Barry Levinson,Robert De Niro,Kevin Bacon,Brad Pitt,Jason Patric,186734,"49,100,000" +"https://m.media-amazon.com/images/M/MV5BYWUxOWY4NDctMDFmMS00ZTQwLWExMGEtODg0ZWNhOTE5NzZmXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UY98_CR0,0,67,98_AL_.jpg",Lost Highway,1997,A,134 min,"Mystery, Thriller",7.6,"Anonymous videotapes presage a musician's murder conviction, and a gangster's girlfriend leads a mechanic astray.",52,David Lynch,Bill Pullman,Patricia Arquette,John Roselius,Louis Eppolito,131101,"3,796,699" +"https://m.media-amazon.com/images/M/MV5BNzk1MjU3MDQyMl5BMl5BanBnXkFtZTcwNjc1OTM2MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Sense and Sensibility,1995,U,136 min,"Drama, Romance",7.6,"Rich Mr. Dashwood dies, leaving his second wife and her three daughters poor by the rules of inheritance. The two eldest daughters are the title opposites.",84,Ang Lee,Emma Thompson,Kate Winslet,James Fleet,Tom Wilkinson,102598,"43,182,776" +"https://m.media-amazon.com/images/M/MV5BZjI0ZWFiMmQtMjRlZi00ZmFhLWI4NmYtMjQ5YmY0MzIyMzRiXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Die Hard: With a Vengeance,1995,A,128 min,"Action, Adventure, Thriller",7.6,"John McClane and a Harlem store owner are targeted by German terrorist Simon in New York City, where he plans to rob the Federal Reserve Building.",58,John McTiernan,Bruce Willis,Jeremy Irons,Samuel L. Jackson,Graham Greene,364420,"100,012,499" +"https://m.media-amazon.com/images/M/MV5BYTJlZmQ1OTAtODQzZi00NGIzLWI1MmEtZGE4NjFlOWRhODIyXkEyXkFqcGdeQXVyNTc1NTQxODI@._V1_UY98_CR0,0,67,98_AL_.jpg",Dead Man,1995,R,121 min,"Adventure, Drama, Fantasy",7.6,"On the run after murdering a man, accountant William Blake encounters a strange aboriginal American man named Nobody who prepares him for his journey into the spiritual world.",62,Jim Jarmusch,Johnny Depp,Gary Farmer,Crispin Glover,Lance Henriksen,90442,"1,037,847" +"https://m.media-amazon.com/images/M/MV5BNmRiZDZkN2EtNWI5ZS00ZDg3LTgyNDItMWI5NjVlNmE5ODJiXkEyXkFqcGdeQXVyMjQwMjk0NjI@._V1_UX67_CR0,0,67,98_AL_.jpg",The Bridges of Madison County,1995,A,135 min,"Drama, Romance",7.6,Photographer Robert Kincaid wanders into the life of housewife Francesca Johnson for four days in the 1960s.,69,Clint Eastwood,Clint Eastwood,Meryl Streep,Annie Corley,Victor Slezak,73172,"71,516,617" +"https://m.media-amazon.com/images/M/MV5BNjEzYjJmNzgtNDkwNy00MTQ4LTlmMWMtNzA4YjE2NjI0ZDg4XkEyXkFqcGdeQXVyNjU0OTQ0OTY@._V1_UX67_CR0,0,67,98_AL_.jpg",Apollo 13,PG,U,140 min,"Adventure, Drama, History",7.6,NASA must devise a strategy to return Apollo 13 to Earth safely after the spacecraft undergoes massive internal damage putting the lives of the three astronauts on board in jeopardy.,77,Ron Howard,Tom Hanks,Bill Paxton,Kevin Bacon,Gary Sinise,269197,"173,837,933" +"https://m.media-amazon.com/images/M/MV5BNTliYTI1YTctMTE0Mi00NDM0LThjZDgtYmY3NGNiODBjZjAwXkEyXkFqcGdeQXVyMTAwMzUyOTc@._V1_UX67_CR0,0,67,98_AL_.jpg",Trois couleurs: Blanc,1994,U,92 min,"Comedy, Drama, Romance",7.6,"After his wife divorces him, a Polish immigrant plots to get even with her.",88,Krzysztof Kieslowski,Zbigniew Zamachowski,Julie Delpy,Janusz Gajos,Jerzy Stuhr,64390,"1,464,625" +"https://m.media-amazon.com/images/M/MV5BYjcxMzM3OWMtNmM3Yy00YzBkLTkxMmQtMDk4MmM3Y2Y4MDliL2ltYWdlXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",Falling Down,1993,R,113 min,"Action, Crime, Drama",7.6,An ordinary man frustrated with the various flaws he sees in society begins to psychotically and violently lash out against them.,56,Joel Schumacher,Michael Douglas,Robert Duvall,Barbara Hershey,Rachel Ticotin,171640,"40,903,593" +"https://m.media-amazon.com/images/M/MV5BMTM5MDY5MDQyOV5BMl5BanBnXkFtZTgwMzM3NzMxMDE@._V1_UX67_CR0,0,67,98_AL_.jpg",Dazed and Confused,1993,U,102 min,Comedy,7.6,The adventures of high school and junior high students on the last day of school in May 1976.,78,Richard Linklater,Jason London,Wiley Wiggins,Matthew McConaughey,Rory Cochrane,165465,"7,993,039" +"https://m.media-amazon.com/images/M/MV5BMTQxNDYzMTg1M15BMl5BanBnXkFtZTgwNzk4MDgxMTE@._V1_UX67_CR0,0,67,98_AL_.jpg",My Cousin Vinny,1992,UA,120 min,"Comedy, Crime",7.6,"Two New Yorkers accused of murder in rural Alabama while on their way back to college call in the help of one of their cousins, a loudmouth lawyer with no trial experience.",68,Jonathan Lynn,Joe Pesci,Marisa Tomei,Ralph Macchio,Mitchell Whitfield,107325,"52,929,168" +"https://m.media-amazon.com/images/M/MV5BMTY5NjI2MjQxMl5BMl5BanBnXkFtZTgwMDA2MzM2NzE@._V1_UY98_CR0,0,67,98_AL_.jpg",Omohide poro poro,1991,U,118 min,"Animation, Drama, Romance",7.6,A twenty-seven-year-old office worker travels to the countryside while reminiscing about her childhood in Tokyo.,90,Isao Takahata,Miki Imai,Toshirô Yanagiba,Yoko Honna,Mayumi Izuka,27071,"453,243" +"https://m.media-amazon.com/images/M/MV5BNjg5ZDM0MTEtYTZmNC00NDJiLWI5MTktYzk4N2QxY2IxZTc2L2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UY98_CR3,0,67,98_AL_.jpg",Delicatessen,1991,R,99 min,"Comedy, Crime",7.6,Post-apocalyptic surrealist black comedy about the landlord of an apartment building who occasionally prepares a delicacy for his odd tenants.,66,Marc Caro,Jean-Pierre Jeunet,Marie-Laure Dougnac,Dominique Pinon,Pascal Benezech,80487,"1,794,187" +"https://m.media-amazon.com/images/M/MV5BMzFkM2YwOTQtYzk2Mi00N2VlLWE3NTItN2YwNDg1YmY0ZDNmXkEyXkFqcGdeQXVyMTMxODk2OTU@._V1_UX67_CR0,0,67,98_AL_.jpg",Home Alone,1990,U,103 min,"Comedy, Family",7.6,An eight-year-old troublemaker must protect his house from a pair of burglars when he is accidentally left home alone by his family during Christmas vacation.,63,Chris Columbus,Macaulay Culkin,Joe Pesci,Daniel Stern,John Heard,488817,"285,761,243" +"https://m.media-amazon.com/images/M/MV5BNWFlYWY2YjYtNjdhNi00MzVlLTg2MTMtMWExNzg4NmM5NmEzXkEyXkFqcGdeQXVyMDk5Mzc5MQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",The Godfather: Part III,1990,A,162 min,"Crime, Drama",7.6,"Follows Michael Corleone, now in his 60s, as he seeks to free his family from crime and find a suitable successor to his empire.",60,Francis Ford Coppola,Al Pacino,Diane Keaton,Andy Garcia,Talia Shire,359809,"66,666,062" +"https://m.media-amazon.com/images/M/MV5BMjE0ODEwNjM2NF5BMl5BanBnXkFtZTcwMjU2Mzg3NA@@._V1_UX67_CR0,0,67,98_AL_.jpg",When Harry Met Sally...,1989,UA,95 min,"Comedy, Drama, Romance",7.6,"Harry and Sally have known each other for years, and are very good friends, but they fear sex would ruin the friendship.",76,Rob Reiner,Billy Crystal,Meg Ryan,Carrie Fisher,Bruno Kirby,195663,"92,823,600" +"https://m.media-amazon.com/images/M/MV5BN2JlZTBhYTEtZDE3OC00NTA3LTk5NTQtNjg5M2RjODllM2M0XkEyXkFqcGdeQXVyNjk1Njg5NTA@._V1_UX67_CR0,0,67,98_AL_.jpg",The Little Mermaid,1989,U,83 min,"Animation, Family, Fantasy",7.6,A mermaid princess makes a Faustian bargain in an attempt to become human and win a prince's love.,88,Ron Clements,John Musker,Jodi Benson,Samuel E. Wright,Rene Auberjonois,237696,"111,543,479" +"https://m.media-amazon.com/images/M/MV5BODk1ZWM4ZjItMjFhZi00MDMxLTgxNmYtODFhNWZlZTkwM2UwXkEyXkFqcGdeQXVyMTQxNzMzNDI@._V1_UX67_CR0,0,67,98_AL_.jpg",The Naked Gun: From the Files of Police Squad!,1988,U,85 min,"Comedy, Crime",7.6,Incompetent police Detective Frank Drebin must foil an attempt to assassinate Queen Elizabeth II.,76,David Zucker,Leslie Nielsen,Priscilla Presley,O.J. Simpson,Ricardo Montalban,152871,"78,756,177" +"https://m.media-amazon.com/images/M/MV5BM2I1ZWNkYjEtYWY3ZS00MmMwLWI5OTEtNWNkZjNiYjIwNzY0XkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UX67_CR0,0,67,98_AL_.jpg","Planes, Trains & Automobiles",1987,U,93 min,"Comedy, Drama",7.6,A man must struggle to travel home for Thanksgiving with a lovable oaf of a shower curtain ring salesman as his only companion.,72,John Hughes,Steve Martin,John Candy,Laila Robins,Michael McKean,124773,"49,530,280" +"https://m.media-amazon.com/images/M/MV5BZTllNWNlZjctMWQwMS00ZDc3LTg5ZjMtNzhmNzhjMmVhYTFlXkEyXkFqcGdeQXVyNTc1NTQxODI@._V1_UX67_CR0,0,67,98_AL_.jpg",Lethal Weapon,1987,A,109 min,"Action, Crime, Thriller",7.6,Two newly paired cops who are complete opposites must put aside their differences in order to catch a gang of drug smugglers.,68,Richard Donner,Mel Gibson,Danny Glover,Gary Busey,Mitchell Ryan,236894,"65,207,127" +"https://m.media-amazon.com/images/M/MV5BZmI5YzM1MjItMzFmNy00NGFkLThlMDUtZjZmYTZkM2QxMjU3XkEyXkFqcGdeQXVyNzkwMjQ5NzM@._V1_UX67_CR0,0,67,98_AL_.jpg",Blood Simple,1984,A,99 min,"Crime, Drama, Thriller",7.6,"The owner of a seedy small-town Texas bar discovers that one of his employees is having an affair with his wife. A chaotic chain of misunderstandings, lies and mischief ensues after he devises a plot to have them murdered.",82,Joel Coen,Ethan Coen,John Getz,Frances McDormand,Dan Hedaya,87745,"2,150,000" +"https://m.media-amazon.com/images/M/MV5BNWQ4MGZlZmYtZjY0MS00N2JhLWE0NmMtOTMwMTk4NDQ4NjE2XkEyXkFqcGdeQXVyNTI4MjkwNjA@._V1_UX67_CR0,0,67,98_AL_.jpg",On Golden Pond,1981,UA,109 min,Drama,7.6,"Norman is a curmudgeon with an estranged relationship with his daughter Chelsea. At Golden Pond, he and his wife nevertheless agree to care for Billy, the son of Chelsea's new boyfriend, and a most unexpected relationship blooms.",68,Mark Rydell,Katharine Hepburn,Henry Fonda,Jane Fonda,Doug McKeon,27650,"119,285,432" +"https://m.media-amazon.com/images/M/MV5BN2VlNjNhZWQtMTY2OC00Y2E1LWJkNGUtMDU4M2ViNzliMGYwXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Mad Max 2,1981,A,96 min,"Action, Adventure, Sci-Fi",7.6,"In the post-apocalyptic Australian wasteland, a cynical drifter agrees to help a small, gasoline-rich community escape a horde of bandits.",77,George Miller,Mel Gibson,Bruce Spence,Michael Preston,Max Phipps,166588,"12,465,371" +"https://m.media-amazon.com/images/M/MV5BYTU2MWRiMTMtYzAzZi00NGYzLTlkMDEtNWQ3MzZlNTJlNzZkL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",The Warriors,1979,UA,92 min,"Action, Crime, Thriller",7.6,"In the near future, a charismatic leader summons the street gangs of New York City in a bid to take it over. When he is killed, The Warriors are falsely blamed and now must fight their way home while every other gang is hunting them down.",65,Walter Hill,Michael Beck,James Remar,Dorsey Wright,Brian Tyler,93878,"22,490,039" +"https://m.media-amazon.com/images/M/MV5BMGQ0OGM5YjItYzYyMi00NmVmLWI3ODMtMTY2NGRkZmI5MWU2XkEyXkFqcGdeQXVyMzI0NDc4ODY@._V1_UX67_CR0,0,67,98_AL_.jpg",The Muppet Movie,1979,U,95 min,"Adventure, Comedy, Family",7.6,"Kermit and his newfound friends trek across America to find success in Hollywood, but a frog legs merchant is after Kermit.",74,James Frawley,Jim Henson,Frank Oz,Jerry Nelson,Richard Hunt,32802,"76,657,000" +"https://m.media-amazon.com/images/M/MV5BNDQ3MzNjMDItZjE0ZS00ZTYxLTgxNTAtM2I4YjZjNWFjYjJlL2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Escape from Alcatraz,1979,A,112 min,"Action, Biography, Crime",7.6,"Alcatraz is the most secure prison of its time. It is believed that no one can ever escape from it, until three daring men make a possible successful attempt at escaping from one of the most infamous prisons in the world.",76,Don Siegel,Clint Eastwood,Patrick McGoohan,Roberts Blossom,Jack Thibeau,121731,"43,000,000" +"https://m.media-amazon.com/images/M/MV5BMzZiODUwNzktNzBiZi00MDc4LThkMGMtZmE3MTE0M2E1MTM3L2ltYWdlXkEyXkFqcGdeQXVyNTAyODkwOQ@@._V1_UX67_CR0,0,67,98_AL_.jpg",Watership Down,1978,U,91 min,"Animation, Adventure, Drama",7.6,"Hoping to escape destruction by human developers and save their community, a colony of rabbits, led by Hazel and Fiver, seek out a safe place to set up a new warren.",64,Martin Rosen,John Hubley,John Hurt,Richard Briers,Ralph Richardson,33656, +"https://m.media-amazon.com/images/M/MV5BNDU1MjQ0YWMtMWQ2MS00NTdmLTg1MGItNDA5NTNkNTRhOTIyXkEyXkFqcGdeQXVyNTIzOTk5ODM@._V1_UX67_CR0,0,67,98_AL_.jpg",Midnight Express,1978,A,121 min,"Biography, Crime, Drama",7.6,"Billy Hayes, an American college student, is caught smuggling drugs out of Turkey and thrown into prison.",59,Alan Parker,Brad Davis,Irene Miracle,Bo Hopkins,Paolo Bonacelli,73662,"35,000,000" +"https://m.media-amazon.com/images/M/MV5BMjM1NjE5NjQxN15BMl5BanBnXkFtZTgwMjYzMzQxMDE@._V1_UX67_CR0,0,67,98_AL_.jpg",Close Encounters of the Third Kind,1977,U,138 min,"Drama, Sci-Fi",7.6,"Roy Neary, an electric lineman, watches how his quiet and ordinary daily life turns upside down after a close encounter with a UFO.",90,Steven Spielberg,Richard Dreyfuss,François Truffaut,Teri Garr,Melinda Dillon,184966,"132,088,635" +"https://m.media-amazon.com/images/M/MV5BYzZhODNiOWYtMmNkNS00OTFhLTkzYzktYTQ4ZmNmZWMyN2ZiL2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",The Long Goodbye,1973,A,112 min,"Comedy, Crime, Drama",7.6,"Private investigator Philip Marlowe helps a friend out of a jam, but in doing so gets implicated in his wife's murder.",87,Robert Altman,Elliott Gould,Nina van Pallandt,Sterling Hayden,Mark Rydell,26337,"959,000" +"https://m.media-amazon.com/images/M/MV5BYjRmY2VjN2ItMzBmYy00YTRjLWFiMTgtNGZhNWJjMjk3YjZjXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Giù la testa,1971,PG,157 min,"Drama, War, Western",7.6,A low-life bandit and an I.R.A. explosives expert rebel against the government and become heroes of the Mexican Revolution.,77,Sergio Leone,Rod Steiger,James Coburn,Romolo Valli,Maria Monti,30144,"696,690" +"https://m.media-amazon.com/images/M/MV5BMzAyNDUwYzUtN2NlMC00ODliLWExMjgtMGMzNmYzZmUwYTg1XkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Kelly's Heroes,1970,GP,144 min,"Adventure, Comedy, War",7.6,A group of U.S. soldiers sneaks across enemy lines to get their hands on a secret stash of Nazi treasure.,50,Brian G. Hutton,Clint Eastwood,Telly Savalas,Don Rickles,Carroll O'Connor,45338,"1,378,435" +"https://m.media-amazon.com/images/M/MV5BMjAwMTExODExNl5BMl5BanBnXkFtZTgwMjM2MDgyMTE@._V1_UX67_CR0,0,67,98_AL_.jpg",The Jungle Book,1967,U,78 min,"Animation, Adventure, Family",7.6,Bagheera the Panther and Baloo the Bear have a difficult time trying to convince a boy to leave the jungle for human civilization.,65,Wolfgang Reitherman,Phil Harris,Sebastian Cabot,Louis Prima,Bruce Reitherman,166409,"141,843,612" +"https://m.media-amazon.com/images/M/MV5BYTE4YWU0NjAtMjNiYi00MTNiLTgwYzctZjk0YjY5NGVhNWQwXkEyXkFqcGdeQXVyMTY5Nzc4MDY@._V1_UY98_CR0,0,67,98_AL_.jpg",Blowup,1966,A,111 min,"Drama, Mystery, Thriller",7.6,A fashion photographer unknowingly captures a death on film after following two lovers in a park.,82,Michelangelo Antonioni,David Hemmings,Vanessa Redgrave,Sarah Miles,John Castle,56513, +"https://m.media-amazon.com/images/M/MV5BZjQyMGUwNzAtNTc2MC00Y2FjLThlM2ItZGRjNzM0OWVmZGYyXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",A Hard Day's Night,1964,U,87 min,"Comedy, Music, Musical",7.6,"Over two ""typical"" days in the life of The Beatles, the boys struggle to keep themselves and Sir Paul McCartney's mischievous grandfather in check while preparing for a live television performance.",96,Richard Lester,John Lennon,Paul McCartney,George Harrison,Ringo Starr,40351,"13,780,024" +"https://m.media-amazon.com/images/M/MV5BNGEwMTRmZTQtMDY4Ni00MTliLTk5ZmMtOWMxYWMyMTllMDg0L2ltYWdlL2ltYWdlXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Breakfast at Tiffany's,1961,A,115 min,"Comedy, Drama, Romance",7.6,"A young New York socialite becomes interested in a young man who has moved into her apartment building, but her past threatens to get in the way.",76,Blake Edwards,Audrey Hepburn,George Peppard,Patricia Neal,Buddy Ebsen,166544, +"https://m.media-amazon.com/images/M/MV5BODk3YjdjZTItOGVhYi00Mjc2LTgzMDAtMThmYTVkNTBlMWVkXkEyXkFqcGdeQXVyNDY2MTk1ODk@._V1_UX67_CR0,0,67,98_AL_.jpg",Giant,1956,G,201 min,"Drama, Western",7.6,Sprawling epic covering the life of a Texas cattle rancher and his family and associates.,84,George Stevens,Elizabeth Taylor,Rock Hudson,James Dean,Carroll Baker,34075, +"https://m.media-amazon.com/images/M/MV5BM2U3YzkxNGMtYWE0YS00ODk0LTk1ZGEtNjk3ZTE0MTk4MzJjXkEyXkFqcGdeQXVyNDk0MDg4NDk@._V1_UX67_CR0,0,67,98_AL_.jpg",From Here to Eternity,1953,Passed,118 min,"Drama, Romance, War",7.6,"In Hawaii in 1941, a private is cruelly punished for not boxing on his unit's team, while his captain's wife and second-in-command are falling in love.",85,Fred Zinnemann,Burt Lancaster,Montgomery Clift,Deborah Kerr,Donna Reed,43374,"30,500,000" +"https://m.media-amazon.com/images/M/MV5BZTBmMjUyMjItYTM4ZS00MjAwLWEyOGYtYjMyZTUxN2I3OTMxXkEyXkFqcGdeQXVyNjc1NTYyMjg@._V1_UX67_CR0,0,67,98_AL_.jpg",Lifeboat,1944,,97 min,"Drama, War",7.6,Several survivors of a torpedoed merchant ship in World War II find themselves in the same lifeboat with one of the crew members of the U-boat that sank their ship.,78,Alfred Hitchcock,Tallulah Bankhead,John Hodiak,Walter Slezak,William Bendix,26471, +"https://m.media-amazon.com/images/M/MV5BMTY5ODAzMTcwOF5BMl5BanBnXkFtZTcwMzYxNDYyNA@@._V1_UX67_CR0,0,67,98_AL_.jpg",The 39 Steps,1935,,86 min,"Crime, Mystery, Thriller",7.6,"A man in London tries to help a counter-espionage Agent. But when the Agent is killed, and the man stands accused, he must go on the run to save himself and stop a spy ring which is trying to steal top secret information.",93,Alfred Hitchcock,Robert Donat,Madeleine Carroll,Lucie Mannheim,Godfrey Tearle,51853, diff --git a/examples/data/united_states_wikipedia.txt b/examples/data/united_states_wikipedia.txt deleted file mode 100644 index fab4ac32..00000000 --- a/examples/data/united_states_wikipedia.txt +++ /dev/null @@ -1,377 +0,0 @@ -The United States of America (USA or U.S.A.), commonly known as the United States (US or U.S.) or America, is a country primarily located in North America, between Canada and Mexico. It is a federation of 50 states, a federal capital district (Washington, D.C.), and 326 Indian reservations. Outside the union of states, it asserts sovereignty over five major unincorporated island territories and various uninhabited islands.[j] The country has the world's third-largest land area,[d] largest maritime exclusive economic zone, and the third-largest population, exceeding 334 million.[k] - -Paleo-Indians migrated across the Bering land bridge more than 12,000 years ago. British colonization led to the first settlement of the Thirteen Colonies in Virginia in 1607. Clashes with the British Crown over taxation and political representation sparked the American Revolution, with the Second Continental Congress formally declaring independence on July 4, 1776. Following its victory in the Revolutionary War (1775–1783), the country continued to expand across North America. As more states were admitted, sectional division over slavery led to the secession of the Confederate States of America, which fought the remaining states of the Union during the 1861–1865 American Civil War. With the Union's victory and preservation, slavery was abolished nationally. By 1900, the United States had become the world's largest economy and established itself as a great power. After Japan's attack on Pearl Harbor in December 1941, the U.S. entered World War II. The aftermath of the war left the U.S. and the Soviet Union as the world's two superpowers and led to the Cold War, during which both countries engaged in a struggle for ideological dominance and international influence. Following the Soviet Union's collapse and the end of the Cold War in 1991, the U.S. emerged as the world's sole superpower. - -The U.S. national government is a presidential constitutional republic and liberal democracy with three separate branches: legislative, executive, and judicial. It has a bicameral national legislature composed of the House of Representatives, a lower house based on population; and the Senate, an upper house based on equal representation for each state. Substantial autonomy is given to states and several territories, with a political culture that emphasizes liberty, equality under the law, individualism, and limited government. - -One of the most developed countries, the United States has had the largest nominal GDP in the world since 1890 and accounted for over 25% of the global economy (15% based on PPP) in 2023. It possesses by far the largest amount of wealth of any country and the highest median income per capita of any non-microstate. The U.S. ranks among the world's highest in economic competitiveness, productivity, innovation, human rights, and higher education. Its hard power and cultural influence have a global reach. The U.S. is a founding member of the World Bank, IMF, Organization of American States, NATO, Quad, World Health Organization, and a permanent member of the UN Security Council. - -Etymology -Further information: Names of the United States and Demonyms for the United States -The first documentary evidence of the phrase "United States of America" dates back to a letter from January 2, 1776, written by Stephen Moylan, a Continental Army aide to General George Washington, to Joseph Reed, Washington's aide-de-camp. Moylan expressed his desire to go "with full and ample powers from the United States of America to Spain" to seek assistance in the Revolutionary War effort.[20][21] The first known publication of the phrase "United States of America" was in an anonymous essay in The Virginia Gazette newspaper in Williamsburg, on April 6, 1776.[22] - -By June 1776, the name "United States of America" appeared in drafts of the Articles of Confederation and Perpetual Union, authored by John Dickinson, a Founding Father from the Province of Pennsylvania,[23][24] and in the Declaration of Independence, written primarily by Thomas Jefferson and adopted by the Second Continental Congress in Philadelphia, on July 4, 1776.[23][25] - -History -Main article: History of the United States -For a topical guide, see Outline of United States history. -Indigenous peoples -Further information: Native Americans in the United States and Pre-Columbian era - -Cliff Palace, built by Ancestral Puebloans in present-day Montezuma County, Colorado, between c. 1200 and 1275[26] -The first inhabitants of North America migrated from Siberia across the Bering land bridge at least 12,000 years ago;[27][28] the Clovis culture, which appeared around 11,000 BC, is believed to be the first widespread culture in the Americas.[29][30] Over time, indigenous North American cultures grew increasingly sophisticated, and some, such as the Mississippian culture, developed agriculture, architecture, and complex societies.[31] Indigenous peoples and cultures such as the Algonquian peoples,[32] Ancestral Puebloans,[33] and the Iroquois developed across the present-day United States.[34] Native population estimates of what is now the United States before the arrival of European immigrants range from around 500,000[35][36] to nearly 10 million.[36][37] - -European colonization -Main article: Colonial history of the United States -See also: European colonization of the Americas - -The 1750 colonial possessions of Britain (in pink and purple), France (in blue), and Spain (in orange) in present-day Canada and the United States -Christopher Columbus began exploring the Caribbean in 1492, leading to Spanish settlements in present-day Puerto Rico, Florida, and New Mexico.[38][39][40] France established its own settlements along the Mississippi River and Gulf of Mexico.[41] British colonization of the East Coast began with the Virginia Colony (1607) and Plymouth Colony (1620).[42][43] The Mayflower Compact and the Fundamental Orders of Connecticut established precedents for representative self-governance and constitutionalism that would develop throughout the American colonies.[44][45] While European settlers in what is now the United States experienced conflicts with Native Americans, they also engaged in trade, exchanging European tools for food and animal pelts.[46][l] Relations ranged from close cooperation to warfare and massacres. The colonial authorities often pursued policies that forced Native Americans to adopt European lifestyles, including conversion to Christianity.[50][51] Along the eastern seaboard, settlers trafficked African slaves through the Atlantic slave trade.[52] - -The original Thirteen Colonies[m] that would later found the United States were administered by Great Britain,[53] and had local governments with elections open to most white male property owners.[54][55] The colonial population grew rapidly, eclipsing Native American populations;[56] by the 1770s, the natural increase of the population was such that only a small minority of Americans had been born overseas.[57] The colonies' distance from Britain allowed for the development of self-governance,[58] and the First Great Awakening—a series of Christian revivals—fueled colonial interest in religious liberty.[59] - -Revolution and expansion (1776–1861) -Further information: History of the United States (1776–1789), History of the United States (1789–1815), and History of the United States (1815–1849) -See caption -Declaration of Independence, a portrait by John Trumbull depicting the Committee of Five presenting the draft of the Declaration to the Continental Congress on June 28, 1776, in Philadelphia -After winning the French and Indian War, Britain began to assert greater control over local colonial affairs, creating colonial political resistance; one of the primary colonial grievances was a denial of their rights as Englishmen, particularly the right to representation in the British government that taxed them. In 1774, the First Continental Congress met in Philadelphia, and passed a colonial boycott of British goods that proved effective. The British attempt to then disarm the colonists resulted in the 1775 Battles of Lexington and Concord, igniting the American Revolutionary War. At the Second Continental Congress, the colonies appointed George Washington commander-in-chief of the Continental Army and created a committee led by Thomas Jefferson to write the Declaration of Independence, adopted on July 4, 1776.[60] The political values of the American Revolution included liberty, inalienable individual rights; and the sovereignty of the people;[61] supporting republicanism and rejecting monarchy, aristocracy, and hereditary political power; virtue and faithfulness in the performance of civic duties; and vilification of corruption.[62] The Founding Fathers of the United States, which included George Washington, Benjamin Franklin, Alexander Hamilton, Thomas Jefferson, John Jay, James Madison, Thomas Paine, and John Adams, took inspiration from Ancient Greco-Roman, Renaissance, and Age of Enlightenment philosophies and ideas.[63][64] - -After the British surrender at the siege of Yorktown in 1781, American sovereignty was internationally recognized by the Treaty of Paris (1783), through which the U.S. gained territory stretching west to the Mississippi River, north to present-day Canada, and south to Spanish Florida.[65] Ratified in 1781, the Articles of Confederation established a decentralized government that operated until 1789.[60] The Northwest Ordinance (1787) established the precedent by which the country's territory would expand with the admission of new states, rather than the expansion of existing states.[66] The U.S. Constitution was drafted at the 1787 Constitutional Convention to overcome the limitations of the Articles; it went into effect in 1789, creating a federation administered by three branches on the principle of checks and balances.[67] Washington was elected the country's first president under the Constitution, and the Bill of Rights was adopted in 1791 to allay concerns by skeptics of the more centralized government;[68][69] his resignations first as commander-in-chief after the Revolution and later as president set a precedent followed by John Adams, establishing the peaceful transfer of power between rival parties.[70][71] - - -Animation showing the free/slave status of U.S. states and territories expansion, 1789–1861 -In the late 18th century, American settlers began to expand westward, some with a sense of manifest destiny.[72] The Louisiana Purchase (1803) from France nearly doubled the territory of the United States.[73] Lingering issues with Britain remained, leading to the War of 1812, which was fought to a draw.[74] Spain ceded Florida and its Gulf Coast territory in 1819.[75] The Missouri Compromise attempted to balance desires of northern states to prevent expansion of slavery in the country with those of southern states to expand it, admitting Missouri as a slave state and Maine as a free state and declared a policy of prohibiting slavery in the remaining Louisiana Purchase lands north of the 36°30′ parallel.[76] As Americans expanded further into land inhabited by Native Americans, the federal government often applied policies of Indian removal or assimilation.[77][78] The infamous Trail of Tears (1830–1850) was a U.S. government policy that forcibly removed and displaced most Native Americans living east of the Mississippi River to lands far to the west. These and earlier organized displacements prompted a long series of American Indian Wars west of the Mississippi.[79][80] The Republic of Texas was annexed in 1845,[81] and the 1846 Oregon Treaty led to U.S. control of the present-day American Northwest.[82] Victory in the Mexican–American War resulted in the 1848 Mexican Cession of California and much of the present-day American Southwest.[72][83] The California Gold Rush of 1848–1849 spurred a huge migration of white settlers to the Pacific coast, leading to even more confrontations with Native populations. One of the most violent, the California genocide of thousands of Native inhabitants, lasted into the early 1870s,[84][85] just as additional western territories and states were created.[86] - -Civil War (1861–1865) -Main articles: History of the United States (1849–1865) and American Civil War - -Division of the states during the American Civil War: - Union states - Border states - Confederate states - Territories -During the colonial period, slavery was legal in the American colonies, though the practice began to be significantly questioned during the American Revolution.[87] States in The North enacted abolition laws,[88] though support for slavery strengthened in Southern states, as inventions such as the cotton gin made the institution increasingly profitable for Southern elites.[89][90][91] This sectional conflict regarding slavery culminated in the American Civil War (1861–1865).[92][93] - -Eleven slave states seceded and formed the Confederate States of America, while the other states remained in the Union.[94] War broke out in April 1861 after the Confederacy bombarded Fort Sumter.[95] After the January 1863 Emancipation Proclamation, many freed slaves joined the Union Army.[96] The war began to turn in the Union's favor following the 1863 Siege of Vicksburg and Battle of Gettysburg, and the Confederacy surrendered in 1865 after the Union's victory in the Battle of Appomattox Court House.[97] - -The Reconstruction era followed the war. After the assassination of President Abraham Lincoln, Reconstruction Amendments were passed to protect the rights of African Americans. National infrastructure, including transcontinental telegraph and railroads, spurred growth in the American frontier.[98] - -Post-Civil War era (1865–1898) -Main article: History of the United States (1865–1917) -Duration: 2 minutes and 27 seconds.2:27 -An Edison Studios film showing immigrants arriving at Ellis Island in New York Harbor, a major point of entry for European immigrants in the late 19th and early 20th centuries[99][100] -From 1865 through 1917 an unprecedented stream of immigrants arrived in the United States, including 24.4 million from Europe.[101] Most came through the port of New York City, and New York City and other large cities on the East Coast became home to large Jewish, Irish, and Italian populations, while many Germans and Central Europeans moved to the Midwest. At the same time, about one million French Canadians migrated from Quebec to New England.[102] During the Great Migration, millions of African Americans left the rural South for urban areas in the North.[103] Alaska was purchased from Russia in 1867.[104] - -The Compromise of 1877 effectively ended Reconstruction and white supremacists took local control of Southern politics.[105][106] African Americans endured a period of heightened, overt racism following Reconstruction, a time often called the nadir of American race relations.[107][108] A series of Supreme Court decisions, including Plessy v. Ferguson, emptied the Fourteenth and Fifteenth Amendments of their force, allowing Jim Crow laws in the South to remain unchecked, sundown towns in the Midwest, and segregation in cities across the country, which would be reinforced by the policy of redlining later adopted by the federal Home Owners' Loan Corporation.[109] - -An explosion of technological advancement accompanied by the exploitation of cheap immigrant labor[110] led to rapid economic development during the late 19th and early 20th centuries, allowing the United States to outpace England, France, and Germany combined.[111][112] This fostered the amassing of power by a few prominent industrialists, largely by their formation of trusts and monopolies to prevent competition.[113] Tycoons led the nation's expansion in the railroad, petroleum, and steel industries. The United States emerged as a pioneer of the automotive industry.[114] These changes were accompanied by significant increases in economic inequality, slum conditions, and social unrest, creating the environment for labor unions to begin to flourish.[115][116][117] This period eventually ended with the advent of the Progressive Era, which was characterized by significant reforms.[118][119] - -Rise as a superpower (1898–1945) -Main article: History of the United States (1917–1945) - -The Trinity nuclear test in 1945, part of the Manhattan Project and the first detonation of a nuclear weapon. The World Wars permanently ended the country's policy of isolationism and left it as a world superpower. -Pro-American elements in Hawaii overthrew the Hawaiian monarchy; the islands were annexed in 1898. Puerto Rico, Guam, and the Philippines were ceded by Spain following the Spanish–American War.[120] American Samoa was acquired by the United States in 1900 after the Second Samoan Civil War.[121] The U.S. Virgin Islands were purchased from Denmark in 1917.[122] The United States entered World War I alongside the Allies of World War I, helping to turn the tide against the Central Powers.[123] In 1920, a constitutional amendment granted nationwide women's suffrage.[124] During the 1920s and 30s, radio for mass communication and the invention of early television transformed communications nationwide.[125] The Wall Street Crash of 1929 triggered the Great Depression, which President Franklin D. Roosevelt responded to with New Deal social and economic policies.[126][127] - -At first neutral during World War II, the U.S. began supplying war materiel to the Allies of World War II in March 1941 and entered the war in December after the Empire of Japan's attack on Pearl Harbor.[128][129] The U.S. developed the first nuclear weapons and used them against the Japanese cities of Hiroshima and Nagasaki in August 1945, ending the war.[130][131] The United States was one of the "Four Policemen" who met to plan the postwar world, alongside the United Kingdom, Soviet Union, and China.[132][133] The U.S. emerged relatively unscathed from the war, with even greater economic and international political influence.[134] - -Cold War (1945–1991) -Main articles: History of the United States (1945–1964), History of the United States (1964–1980), and History of the United States (1980–1991) - -Mikhail Gorbachev and Ronald Reagan sign the Intermediate-Range Nuclear Forces Treaty at the White House, 1987. -After World War II, the United States entered the Cold War, where geopolitical tensions between the U.S. and the Soviet Union led the two countries to dominate world affairs.[135] The U.S. engaged in regime change against governments perceived to be aligned with the Soviet Union, and competed in the Space Race, culminating in the first crewed Moon landing in 1969.[136][137][138][139] - -Domestically, the U.S. experienced economic growth, urbanization, and population growth following World War II.[140] The civil rights movement emerged, with Martin Luther King Jr. becoming a prominent leader in the early 1960s.[141] The Great Society plan of President Lyndon Johnson's administration resulted in groundbreaking and broad-reaching laws, policies and a constitutional amendment to counteract some of the worst effects of lingering institutional racism.[142] The counterculture movement in the U.S. brought significant social changes, including the liberalization of attitudes toward recreational drug use and sexuality. It also encouraged open defiance of the military draft (leading to the end of conscription in 1973) and wide opposition to U.S. intervention in Vietnam (with the U.S. totally withdrawing in 1975).[143][144][145] The societal shift in the roles of women partly resulted in large increases in female labor participation in the 1970s, and by 1985 the majority of women aged 16 and older were employed.[146] The late 1980s and early 1990s saw the collapse of the Warsaw Pact and the dissolution of the Soviet Union, which marked the end of the Cold War and solidified the U.S. as the world's sole superpower.[147][148][149][150] - -Contemporary (1991–present) -Main articles: History of the United States (1991–2008) and History of the United States (2008–present) - -The Twin Towers in New York City during the September 11 attacks of 2001 -The 1990s saw the longest recorded economic expansion in American history, a dramatic decline in crime, and advances in technology, with the World Wide Web, the evolution of the Pentium microprocessor in accordance with Moore's law, rechargeable lithium-ion batteries, the first gene therapy trial, and cloning all emerging and being improved upon throughout the decade. The Human Genome Project was formally launched in 1990, while Nasdaq became the first stock market in the United States to trade online in 1998.[151] In 1991, an American-led international coalition of states expelled an Iraqi invasion force from Kuwait in the Gulf War.[152] - -The September 11, 2001 attacks by the pan-Islamist militant organization Al-Qaeda led to the war on terror and subsequent military interventions in Afghanistan and Iraq.[153][154] The cultural impact of the attacks was profound and long-lasting. - -The U.S. housing bubble culminated in 2007 with the Great Recession, the largest economic contraction since the Great Depression.[155] Coming to a head in the 2010s, political polarization increased as sociopolitical debates on cultural issues dominated politics.[156] This polarization was capitalized upon in the January 2021 Capitol attack,[157] when a mob of protesters entered the U.S. Capitol building and attempted to prevent the peaceful transfer of power.[158] - -Geography -Main articles: Geography of the United States and Borders of the United States - -A topographic map of the United States -The United States is the world's third-largest country by land and total area behind Russia and Canada.[d][159][160] The 48 contiguous states and the District of Columbia occupy a combined area of 3,119,885 square miles (8,080,470 km2).[161][162] The coastal plain of the Atlantic seaboard gives way to inland forests and rolling hills in the Piedmont plateau region.[163] - -The Appalachian Mountains and the Adirondack massif separate the East Coast from the Great Lakes and the grasslands of the Midwest.[164] The Mississippi River System—the world's fourth longest river system—runs mainly north–south through the heart of the country. The flat, fertile prairie of the Great Plains stretches to the west, interrupted by a highland region in the southeast.[164] - -The Rocky Mountains, west of the Great Plains, extend north to south across the country, peaking at over 14,000 feet (4,300 m) in Colorado.[165] Farther west are the rocky Great Basin and Chihuahua, Sonoran, and Mojave deserts.[166] The Sierra Nevada and Cascade mountain ranges run close to the Pacific coast. The lowest and highest points in the contiguous United States are in the state of California,[167] about 84 miles (135 km) apart.[168] At an elevation of 20,310 feet (6,190.5 m), Alaska's Denali is the highest peak in the country and continent.[169] Active volcanoes are common throughout Alaska's Alexander and Aleutian Islands, and Hawaii consists of volcanic islands. The supervolcano underlying Yellowstone National Park in the Rockies is the continent's largest volcanic feature.[170] In 2021, the United States had 8% of global permanent meadows and pastures and 10% of cropland.[171] - -Climate -Main articles: Climate of the United States and Climate change in the United States - -The Köppen climate types of the United States -With its large size and geographic variety, the United States includes most climate types. East of the 100th meridian, the climate ranges from humid continental in the north to humid subtropical in the south.[172] The western Great Plains are semi-arid. Many mountainous areas of the American West have an alpine climate. The climate is arid in the Southwest, Mediterranean in coastal California, and oceanic in coastal Oregon, Washington, and southern Alaska. Most of Alaska is subarctic or polar. Hawaii and the southern tip of Florida are tropical, as well as its territories in the Caribbean and the Pacific.[173] - -States bordering the Gulf of Mexico are prone to hurricanes, and most of the world's tornadoes occur in the country, mainly in Tornado Alley.[174] Overall, the United States receives more high-impact extreme weather incidents than any other country.[175] Extreme weather became more frequent in the U.S. in the 21st century, with three times the number of reported heat waves as in the 1960s. In the American Southwest, droughts became more persistent and more severe.[176] - -Biodiversity and conservation -Main articles: Fauna of the United States and Flora of the United States - -A bald eagle -The bald eagle, the national bird of the United States since 1782[177] -The U.S. is one of 17 megadiverse countries containing large numbers of endemic species: about 17,000 species of vascular plants occur in the contiguous United States and Alaska, and over 1,800 species of flowering plants are found in Hawaii, few of which occur on the mainland.[178] The United States is home to 428 mammal species, 784 birds, 311 reptiles, 295 amphibians,[179] and 91,000 insect species.[180] - -There are 63 national parks, and hundreds of other federally managed parks, forests, and wilderness areas, managed by the National Park Service and other agencies.[181] About 28% of the country's land is publicly owned and federally managed,[182] primarily in the western states.[183] Most of this land is protected, though some is leased for commercial use, and less than one percent is used for military purposes.[184][185] - -Environmental issues in the United States include debates on non-renewable resources and nuclear energy, air and water pollution, biodiversity, logging and deforestation,[186][187] and climate change.[188][189] The U.S. Environmental Protection Agency (EPA) is the federal agency charged with addressing most environmental-related issues.[190] The idea of wilderness has shaped the management of public lands since 1964, with the Wilderness Act.[191] The Endangered Species Act of 1973 provides a way to protect threatened and endangered species and their habitats. The United States Fish and Wildlife Service implements and enforces the Act.[192] As of 2022, the U.S. ranked 43rd among 180 countries in the Environmental Performance Index.[193] The country joined the Paris Agreement on climate change in 2016 and has many other environmental commitments.[194] - -Government and politics -Main articles: Constitution of the United States and Politics of the United States -Further information: Elections in the United States, Political ideologies in the United States, Americanism (ideology), and American civil religion - -The Capitol and its two legislative chambers, the Senate (left) and the House of Representatives (right) - -The White House, the residence and workplace of the U.S. president and the offices of the presidential staff - -The Supreme Court Building, which houses the nation's highest court -The United States is a federal republic of 50 states, with its capital in a federal district, asserting sovereignty over five unincorporated territories and several uninhabited island possessions (some of which are disputed).[195][196] It is the world's oldest surviving federation, and, according to the World Economic Forum, the oldest democracy as well.[197] It is a liberal representative democracy "in which majority rule is tempered by minority rights protected by law."[198] The Constitution of the United States serves as the country's supreme legal document, also establishing the structure and responsibilities of the national federal government and its relationship with the individual states.[199] - -National government -Main article: Federal government of the United States -Comprised of three branches, all headquartered in Washington, D.C., the federal government is the national government of the United States. It is regulated by a strong system of checks and balances.[200] - -The U.S. Congress, a bicameral legislature, made up of the Senate and the House of Representatives, makes federal law, declares war, approves treaties, has the power of the purse,[201] and has the power of impeachment.[202] The Senate has 100 members (2 from each state), elected for a six-year term. The House of Representatives has 435 members from single member congressional districts allocated to each state on the basis of population, elected for a two-year term.[203] -The U.S. president is the commander-in-chief of the military, can veto legislative bills before they become law (subject to congressional override), and appoints the members of the Cabinet (subject to Senate approval) and other officials, who administer and enforce federal laws and policies through their respective agencies.[204] The president and the vice president run and are elected together in a presidential election. Unlike any others in American politics, it is an indirect election, with the winner being determined by votes cast by electors of the Electoral College. The President and Vice President serve a four-year term and may be elected to the office no more than twice.[205] -The U.S. federal judiciary, whose judges are all appointed for life by the President with Senate approval, consists primarily of the U.S. Supreme Court, the U.S. courts of appeals, and the U.S. district courts. The U.S. Supreme Court interprets laws and overturn those they find unconstitutional.[206] The Supreme Court is led by the Chief Justice of the United States. It has nine members who serve for life. The members are appointed by the sitting president when a vacancy becomes available.[207] -The three-branch system is known as the presidential system, in contrast to the parliamentary system, where the executive is part of the legislative body. Many countries around the world copied this aspect of the 1789 Constitution of the United States, especially in the Americas.[208] - -Political parties -Main articles: Political parties in the United States, Political party strength in U.S. states, and List of political parties in the United States - -U.S. state governments (governor and legislature) by party control: - Democratic control - Republican control - Split control -The Constitution is silent on political parties. However, they developed independently in the 18th century with the Federalist and Anti-Federalist parties.[209] Since then, the United States has operated as a de facto two-party system, though the parties in that system have been different at different times. - -The two main national parties are presently the Democratic and the Republican. The former is perceived as relatively liberal in its political platform while the latter is perceived as relatively conservative.[210] Each has a primary system to nominate a presidential ticket, and each runs candidates for other offices in every state in the Union. Other smaller and less influential parties exist but do not have the national scope and breadth of the two main parties. - -Subdivisions -Main articles: State governments of the United States, Local government in the United States, and U.S. state -Further information: List of states and territories of the United States, Indian reservation, Territories of the United States, and Territorial evolution of the United States -In the American federal system, sovereign powers are shared between two levels of elected government: national and state. People in the states are also represented by local elected governments, which are administrative divisions of the states.[211] States are subdivided into counties or county equivalents, and further divided into municipalities. The District of Columbia is a federal district that contains the capital of the United States, the city of Washington.[212] The territories and the District of Columbia are administrative divisions of the federal government.[213] - - -Foreign relations -Main articles: Foreign relations of the United States and Foreign policy of the United States -see caption -The United Nations headquarters has been situated along the East River in Midtown Manhattan since 1952; in 1945, the United States was a founding member of the UN. -The United States has an established structure of foreign relations, and it has the world's second-largest diplomatic corps as of 2024. It is a permanent member of the United Nations Security Council,[214] and home to the United Nations headquarters.[215] The United States is a member of the G7,[216] G20,[217] and OECD intergovernmental organizations.[218] Almost all countries have embassies and many have consulates (official representatives) in the country. Likewise, nearly all countries host formal diplomatic missions with the United States, except Iran,[219] North Korea,[220] and Bhutan.[221] Though Taiwan does not have formal diplomatic relations with the U.S., it maintains close unofficial relations.[222] The United States regularly supplies Taiwan with military equipment to deter potential Chinese aggression.[223] Its geopolitical attention also turned to the Indo-Pacific when the United States joined the Quadrilateral Security Dialogue with Australia, India, and Japan.[224] - -The United States has a "Special Relationship" with the United Kingdom[225] and strong ties with Canada,[226] Australia,[227] New Zealand,[228] the Philippines,[229] Japan,[230] South Korea,[231] Israel,[232] and several European Union countries (France, Italy, Germany, Spain, and Poland).[233] The U.S. works closely with its NATO allies on military and national security issues, and with countries in the Americas through the Organization of American States and the United States–Mexico–Canada Free Trade Agreement. In South America, Colombia is traditionally considered to be the closest ally of the United States.[234] The U.S. exercises full international defense authority and responsibility for Micronesia, the Marshall Islands, and Palau through the Compact of Free Association.[235] It has increasingly conducted strategic cooperation with India,[236] but its ties with China have steadily deteriorated.[237][238] Since 2014, the U.S. has become a key ally of Ukraine;[239] it has also provided the country with significant military equipment and other support in response to Russia's 2022 invasion.[240] - -Military -Main articles: United States Armed Forces and Military history of the United States - -The Pentagon, the headquarters of the U.S. Department of Defense in Arlington County, Virginia, is one of the world's largest office buildings with about 6.5 million square feet (600,000 m2) of floor space. -The President is the commander-in-chief of the United States Armed Forces and appoints its leaders, the secretary of defense and the Joint Chiefs of Staff. The Department of Defense, which is headquartered at the Pentagon near Washington, D.C., administers five of the six service branches, which are made up of the Army, Marine Corps, Navy, Air Force, and Space Force. The Coast Guard is administered by the Department of Homeland Security in peacetime and can be transferred to the Department of the Navy in wartime.[241] - -The United States spent $877 billion on its military in 2022, which is by far the largest amount of any country, making up 39% of global military spending and accounting for 3.5% of the country's GDP.[242][243] The U.S. has 45% of the world's nuclear weapons, the second-largest amount after Russia.[244] - -The United States has the third-largest combined armed forces in the world, behind the Chinese People's Liberation Army and Indian Armed Forces.[245] The military operates about 800 bases and facilities abroad,[246] and maintains deployments greater than 100 active duty personnel in 25 foreign countries.[247] - -Law enforcement and crime -Main articles: Law of the United States, Law enforcement in the United States, Crime in the United States, and Censorship in the United States - -J. Edgar Hoover Building, the headquarters of the Federal Bureau of Investigation (FBI), in Washington, D.C. -There are about 18,000 U.S. police agencies from local to national level in the United States.[248] Law in the United States is mainly enforced by local police departments and sheriff departments in their municipal or county jurisdictions. The state police departments have authority in their respective state, and federal agencies such as the Federal Bureau of Investigation (FBI) and the U.S. Marshals Service have national jurisdiction and specialized duties, such as protecting civil rights, national security and enforcing U.S. federal courts' rulings and federal laws.[249] State courts conduct most civil and criminal trials,[250] and federal courts handle designated crimes and appeals of state court decisions.[251] - -As of January 2023, the United States has the sixth highest per-capita incarceration rate in the world, at 531 people per 100,000; and the largest prison and jail population in the world with almost 2 million people incarcerated.[252][253][254] An analysis of the World Health Organization Mortality Database from 2010 showed U.S. homicide rates "were 7 times higher than in other high-income countries, driven by a gun homicide rate that was 25 times higher."[255] - -Economy -Main article: Economy of the United States -Further information: Economic history of the United States and Tourism in the United States -see caption -The U.S. dollar, most-used currency in international transactions and the world's foremost reserve currency[256] - -Microsoft campus, in Redmond, Washington, is the headquarters of Microsoft, the world's biggest company by market capitalization.[257] -The U.S. has been the world's largest economy nominally since about 1890.[258] The 2023 nominal U.S. gross domestic product (GDP) of $27 trillion was the largest in the world, constituting over 25% of the global economy or 15% at purchasing power parity (PPP).[259][13] From 1983 to 2008, U.S. real compounded annual GDP growth was 3.3%, compared to a 2.3% weighted average for the rest of the Group of Seven.[260] The country ranks first in the world by disposable income per capita and nominal GDP;[261] second by GDP (PPP), after China;[13] and ninth by GDP (PPP) per capita.[13] - -Of the world's 500 largest companies, 136 are headquartered in the U.S.[262] The U.S. dollar is the currency most used in international transactions and is the world's foremost reserve currency, backed by the country's dominant economy, its military, the petrodollar system, and its linked eurodollar and large U.S. treasuries market.[256] Several countries use it as their official currency and in others it is the de facto currency.[263][264] It has free trade agreements with several countries, including the USMCA.[265] The U.S. ranked second in the Global Competitiveness Report in 2019, after Singapore.[266] While its economy has reached a post-industrial level of development, the United States remains an industrial power.[267] As of 2021, the U.S. is the second-largest manufacturing country after China.[268] - - -The New York Stock Exchange on Wall Street, the world's largest stock exchange by market capitalization[269] -New York City is the world's principal financial center[270][271] and the epicenter of the world's largest metropolitan economy.[272] The New York Stock Exchange and Nasdaq, both located in New York City, are the world's two largest stock exchanges by market capitalization and trade volume.[273][274] The United States is at or near the forefront of technological advancement and innovation[275] in many economic fields, especially in artificial intelligence; computers; pharmaceuticals; and medical, aerospace and military equipment.[276] The country's economy is fueled by abundant natural resources, a well-developed infrastructure, and high productivity.[277] The largest U.S. trading partners are the European Union, Mexico, Canada, China, Japan, South Korea, the United Kingdom, Vietnam, India, and Taiwan.[278] The United States is the world's largest importer and the second-largest exporter after China.[279] It is by far the world's largest exporter of services.[280] - -Americans have the highest average household and employee income among OECD member states,[281] and the fourth-highest median household income,[282] up from sixth-highest in 2013.[283] Wealth in the United States is highly concentrated; the richest 10% of the adult population own 72% of the country's household wealth, while the bottom 50% own just 2%.[284] Income inequality in the U.S. remains at record highs,[285] with the top fifth of earners taking home more than half of all income[286] and giving the U.S. one of the widest income distributions among OECD members.[287][288] The U.S. ranks first in the number of dollar billionaires and millionaires, with 735 billionaires and nearly 22 million millionaires (as of 2023).[289] There were about 582,500 sheltered and unsheltered homeless persons in the U.S. in 2022, with 60% staying in an emergency shelter or transitional housing program.[290] In 2018, six million children experienced food insecurity.[291] Feeding America estimates that around one in seven, or approximately 11 million, children experience hunger and do not know where they will get their next meal or when.[292] As of 2021, 38 million people, about 12% of the U.S. population, were living in poverty.[293] - -The United States has a smaller welfare state and redistributes less income through government action than most other high-income countries.[294][295] It is the only advanced economy that does not guarantee its workers paid vacation nationally[296] and is one of a few countries in the world without federal paid family leave as a legal right.[297] The United States has a higher percentage of low-income workers than almost any other developed country, largely because of a weak collective bargaining system and lack of government support for at-risk workers.[298] - -Science, technology, and energy -Main articles: Science and technology in the United States, Science policy of the United States, Communications in the United States, and Energy in the United States - -U.S. astronaut Buzz Aldrin saluting the American flag on the Moon during the 1969 Apollo 11 mission; the United States is the only country that has landed crews on the lunar surface. -The United States has been a leader in technological innovation since the late 19th century and scientific research since the mid-20th century. Methods for producing interchangeable parts and the establishment of a machine tool industry enabled the large-scale manufacturing of U.S. consumer products in the late 19th century. By the early 20th century, factory electrification, the introduction of the assembly line, and other labor-saving techniques created the system of mass production.[299] The United States is a leader in the development of artificial intelligence technology and has maintained a space program since the late 1950s, with plans for long-term habitation of the Moon.[300][301] - -In 2022, the United States was the country with the second-highest number of published scientific papers.[302] As of 2021, the U.S. ranked second by the number of patent applications, and third by trademark and industrial design applications.[303] In 2023, the United States ranked 3rd in the Global Innovation Index.[304] - -As of 2022, the United States receives approximately 81% of its energy from fossil fuel and the largest source of the country's energy came from petroleum (35.8%), followed by natural gas (33.4%), renewable sources (13.3%), coal (9.8%), and nuclear power (8%).[305][306] The United States constitutes less than 5% of the world's population, but consumes 17% of the world's energy.[307][308] The U.S. ranks as the second-highest emitter of greenhouse gases.[309] - -Transportation -Main article: Transportation in the United States - -Hartsfield–Jackson Atlanta International Airport, serving the Atlanta metropolitan area, is the world's busiest airport by passenger traffic with over 93 million passengers annually in 2022.[310] -Personal transportation in the United States is dominated by automobiles,[311][312] which operate on a network of 4 million miles (6.4 million kilometers) of public roads, making it the longest network in the world.[313][314] The Oldsmobile Curved Dash and the Ford Model T, both American cars, are considered the first mass-produced[315] and mass-affordable[316] cars, respectively. As of 2022, the United States is the second-largest manufacturer of motor vehicles[317] and is home to Tesla, the world's most valuable car company.[318] American automotive company General Motors held the title of the world's best-selling automaker from 1931 to 2008.[319] Currently, the American automotive industry is the world's second-largest automobile market by sales,[320] and the U.S. has the highest vehicle ownership per capita in the world,[321] with 910 vehicles per 1000 people.[322] The United States's rail transport network, the longest network in the world,[323] handles mostly freight.[324][325] - -The American civil airline industry is entirely privately owned and has been largely deregulated since 1978, while most major airports are publicly owned.[326] The three largest airlines in the world by passengers carried are U.S.-based; American Airlines is number one after its 2013 acquisition by US Airways.[327] Of the world's 50 busiest passenger airports, 16 are in the United States, including the top five and the busiest, Hartsfield–Jackson Atlanta International Airport.[328][329] As of 2022, there are 19,969 airports in the U.S., of which 5,193 are designated as "public use", including for general aviation and other activities.[330] - -Of the fifty busiest container ports, four are located in the United States, of which the busiest is the Port of Los Angeles.[331] The country's inland waterways are the world's fifth-longest, and total 41,009 km (25,482 mi).[332] - -Demographics -Main article: Demographics of the United States -Population -Main articles: Americans and Race and ethnicity in the United States -See also: List of U.S. states by population - -As of 2020, the majority of the U.S. population lived in suburbs. Above: Nassau County, New York on Long Island, immediately east of New York City. -The U.S. Census Bureau reported 331,449,281 residents as of April 1, 2020,[n][333] making the United States the third-most-populous country in the world, after China and India.[334] According to the Bureau's U.S. Population Clock, on January 28, 2021, the U.S. population had a net gain of one person every 100 seconds, or about 864 people per day.[335] In 2018, 52% of Americans age 15 and over were married, 6% were widowed, 10% were divorced, and 32% had never been married.[336] In 2021, the total fertility rate for the U.S. stood at 1.7 children per woman,[337] and it had the world's highest rate of children (23%) living in single-parent households in 2019.[338] - -The United States has a diverse population; 37 ancestry groups have more than one million members.[339] White Americans with ancestry from Europe, the Middle East or North Africa, form the largest racial and ethnic group at 57.8% of the United States population.[340][341] Hispanic and Latino Americans form the second-largest group and are 18.7% of the United States population. African Americans constitute the country's third-largest ancestry group and are 12.1% of the total U.S. population.[339] Asian Americans are the country's fourth-largest group, composing 5.9% of the United States population, while the country's 3.7 million Native Americans account for about 1%.[339] In 2020, the median age of the United States population was 38.5 years.[334] - -Language -Main article: Languages of the United States - -Most spoken languages in the U.S. -While many languages are spoken in the United States, English is by far the most commonly spoken and written.[342] Although there is no official language at the federal level, some laws, such as U.S. naturalization requirements, standardize English, and most states have declared it the official language.[343] Three states and four U.S. territories have recognized local or indigenous languages in addition to English, including Hawaii (Hawaiian),[344] Alaska (twenty Native languages),[o][345] South Dakota (Sioux),[346] American Samoa (Samoan), Puerto Rico (Spanish), Guam (Chamorro), and the Northern Mariana Islands (Carolinian and Chamorro). In Puerto Rico, Spanish is more widely spoken than English.[347] - -According to the American Community Survey in 2010, some 229 million people out of the total U.S. population of 308 million spoke only English at home. About 37 million spoke Spanish at home, making it the second most commonly used language. Other languages spoken at home by one million people or more include Chinese (2.8 million), Tagalog (1.6 million), Vietnamese (1.4 million), French (1.3 million), Korean (1.1 million), and German (1 million).[348] - -Immigration -Main articles: Immigration to the United States and United States Border Patrol - -Mexico–United States border wall between San Diego (left) and Tijuana (right) -America's immigrant population, 51 million, is by far the world's largest in absolute terms.[349][350] In 2022, there were 87.7 million immigrants and U.S.-born children of immigrants in the United States, accounting for nearly 27% of the overall U.S. population.[351] In 2017, out of the U.S. foreign-born population, some 45% (20.7 million) were naturalized citizens, 27% (12.3 million) were lawful permanent residents, 6% (2.2 million) were temporary lawful residents, and 23% (10.5 million) were unauthorized immigrants.[352] In 2019, the top countries of origin for immigrants were Mexico (24% of immigrants), India (6%), China (5%), the Philippines (4.5%), and El Salvador (3%).[353] The United States has led the world in refugee resettlement for decades, admitting more refugees than the rest of the world combined.[354] - -Religion -Main articles: Religion in the United States and Irreligion in the United States -See also: List of religious movements that began in the United States -Religious affiliation in the U.S., according to a 2022 Gallup poll:[7] - - Protestantism (34%) - Catholicism (23%) - Non-specific Christian (11%) - Mormonism (2%) - Judaism (2%) - Other religions (6%) - Unaffiliated (21%) - Unanswered (1%) -The First Amendment guarantees the free exercise of religion and forbids Congress from passing laws respecting its establishment.[355][356] Religious practice is widespread, among the most diverse in the world,[357] and profoundly vibrant.[358] The country has the world's largest Christian population.[359] A majority of the global Jewish population lives in the United States, as measured by the Law of Return.[360] Other notable faiths include Buddhism, Hinduism, Islam, many New Age movements, and Native American religions.[361] Religious practice varies significantly by region.[362] "Ceremonial deism" is common in American culture.[363] - -The overwhelming majority of Americans believe in a higher power or spiritual force, engage in spiritual practices such as prayer, and consider themselves religious or spiritual.[364][365] In the "Bible Belt", located within the Southern United States, evangelical Protestantism plays a significant role culturally, whereas New England and the Western United States tend to be more secular.[362] Mormonism—a Restorationist movement, whose members migrated westward from Missouri and Illinois under the leadership of Brigham Young in 1847 after the assassination of Joseph Smith[366]—remains the predominant religion in Utah to this day.[367] - -Urbanization -Main articles: Urbanization in the United States and List of United States cities by population -About 82% of Americans live in urban areas, including suburbs;[159] about half of those reside in cities with populations over 50,000.[368] In 2022, 333 incorporated municipalities had populations over 100,000, nine cities had more than one million residents, and four cities (New York City, Los Angeles, Chicago, and Houston) had populations exceeding two million.[369] Many U.S. metropolitan populations are growing rapidly, particularly in the South and West.[370] - -Health -See also: Healthcare in the United States, Healthcare reform in the United States, and Health insurance in the United States -The Texas Medical Center, a cluster of contemporary skyscrapers, at night -Texas Medical Center in Houston is the largest medical complex in the world.[372][373] As of 2018, it employed 120,000 people and treated 10 million patients annually.[374] -According to the Centers for Disease Control (CDC), average American life expectancy at birth was 77.5 years in 2022 (74.8 years for men and 80.2 years for women). This was a gain of 1.1 years from 76.4 years in 2021, but the CDC noted that the new average "didn't fully offset the loss of 2.4 years between 2019 and 2021". The COVID pandemic and higher overall mortality due to opioid overdoses and suicides were held mostly responsible for the previous drop in life expectancy.[375] The same report stated that the 2022 gains in average U.S. life expectancy were especially significant for men, Hispanics, and American Indian–Alaskan Native people (AIAN). Starting in 1998, the life expectancy in the U.S. fell behind that of other wealthy industrialized countries, and Americans' "health disadvantage" gap has been increasing ever since.[376] The U.S. has one of the highest suicide rates among high-income countries.[377] Approximately one-third of the U.S. adult population is obese and another third is overweight.[378] The U.S. healthcare system far outspends that of any other country, measured both in per capita spending and as a percentage of GDP, but attains worse healthcare outcomes when compared to peer countries for reasons that are debated.[379] The United States is the only developed country without a system of universal healthcare, and a significant proportion of the population that does not carry health insurance.[380] Government-funded healthcare coverage for the poor (Medicaid) and for those age 65 and older (Medicare) is available to Americans who meet the programs' income or age qualifications. In 2010, former President Obama passed the Patient Protection and Affordable Care Act.[p][381] - -Education -Main articles: Education in the United States and Higher education in the United States -Photograph of the University of Virginia -The University of Virginia, founded by Thomas Jefferson in 1819, is one of many public colleges and universities in the United States. -American primary and secondary education (known in the U.S. as K-12, "kindergarten through 12th grade") is decentralized. It is operated by state, territorial, and sometimes municipal governments and regulated by the U.S. Department of Education. In general, children are required to attend school or an approved homeschool from the age of five or six (kindergarten or first grade) until they are 18 years old. This often brings students through the 12th grade, the final year of a U.S. high school, but some states and territories allow them to leave school earlier, at age 16 or 17.[382] The U.S. spends more on education per student than any country in the world,[383] an average of $12,794 per year per public elementary and secondary school student in 2016–2017.[384] Among Americans age 25 and older, 84.6% graduated from high school, 52.6% attended some college, 27.2% earned a bachelor's degree, and 9.6% earned a graduate degree.[385] The U.S. literacy rate is near-universal.[159][386] The country has the most Nobel Prize winners in history, with 411 (having won 413 awards).[387][388] - -U.S. tertiary or higher education has earned a global reputation. Many of the world's top universities, as listed by various ranking organizations, are in the United States, including 19 of the top 25.[389][390] American higher education is dominated by state university systems, although the country's many private universities and colleges enroll about 20% of all American students. Large amounts of federal financial aid are provided to students in the form of grants and loans. - -Colleges and universities directly funded by the federal government are limited to military personnel and government employees and include the U.S. service academies, the Naval Postgraduate School, and military staff colleges. Local community colleges generally offer coursework and degree programs covering the first two years of college study. They often have more open admission policies, shorter academic programs, and lower tuition.[391] - -As for public expenditures on higher education, the U.S. spends more per student than the OECD average, and more than all nations in combined public and private spending.[392] Despite some student loan forgiveness programs in place,[393] student loan debt has increased by 102% in the last decade,[394] and exceeded 1.7 trillion dollars as of 2022.[395] - -Culture and society -Main articles: Culture of the United States and Society of the United States -The Statue of Liberty, a large teal bronze sculpture on a stone pedestal -The Statue of Liberty (Liberty Enlightening the World) on Liberty Island in New York Harbor was an 1866 gift from France that has become an iconic symbol of the American Dream.[396] -Americans have traditionally been characterized by a unifying political belief in an "American creed" emphasizing liberty, equality under the law, democracy, social equality, property rights, and a preference for limited government.[397][398] Culturally, the country has been described as having the values of individualism and personal autonomy,[399][400] having a strong work ethic,[401] competitiveness,[402] and voluntary altruism towards others.[403][404][405] According to a 2016 study by the Charities Aid Foundation, Americans donated 1.44% of total GDP to charity, the highest rate in the world by a large margin.[406] The United States is home to a wide variety of ethnic groups, traditions, and values. It has acquired significant cultural and economic soft power.[407][408] - -Nearly all present Americans or their ancestors came from Europe, Africa, and Asia ("the Old World") within the past five centuries.[409] Mainstream American culture is a Western culture largely derived from the traditions of European immigrants with influences from many other sources, such as traditions brought by slaves from Africa.[410] More recent immigration from Asia and especially Latin America has added to a cultural mix that has been described as a homogenizing melting pot, and a heterogeneous salad bowl, with immigrants contributing to, and often assimilating into, mainstream American culture. The American Dream, or the perception that Americans enjoy high social mobility, plays a key role in attracting immigrants.[411] Whether this perception is accurate has been a topic of debate.[412][413][414] While mainstream culture holds that the United States is a classless society,[415] scholars identify significant differences between the country's social classes, affecting socialization, language, and values.[416] Americans tend to greatly value socioeconomic achievement, but being ordinary or average is promoted by some as a noble condition as well.[417] - -The United States is considered to have the strongest protections of free speech of any country under the First Amendment,[418] which protects flag desecration, hate speech, blasphemy, and lese-majesty as forms of protected expression.[419][420][421] A 2016 Pew Research Center poll found that Americans were the most supportive of free expression of any polity measured.[422] They are the "most supportive of freedom of the press and the right to use the Internet without government censorship."[423] It is a socially progressive country[424] with permissive attitudes surrounding human sexuality.[425] LGBT rights in the United States are advanced by global standards.[425][426][427] - -Literature -Main articles: American literature and American philosophy -See also: List of American novelists -Photograph of Mark Twain -Mark Twain, who William Faulkner called "the father of American literature"[428] -Colonial American authors were influenced by John Locke and various other Enlightenment philosophers.[429][430] Before and shortly after the Revolutionary War, the newspaper rose to prominence, filling a demand for anti-British national literature.[431][432] Led by Ralph Waldo Emerson and Margaret Fuller in New England,[433] transcendentalism branched from Unitarianism as the first major American philosophical movement.[434][435] During the nineteenth-century American Renaissance, writers like Walt Whitman and Harriet Beecher Stowe established a distinctive American literary tradition.[436][437] As literacy rates rose, periodicals published more stories centered around industrial workers, women, and the rural poor.[438][439] Naturalism, regionalism, and realism—the latter associated with Mark Twain—were the major literary movements of the period.[440][441] - -While modernism generally took on an international character, modernist authors working within the United States more often rooted their work in specific regions, peoples, and cultures.[442] Following the Great Migration to northern cities, African-American and black West Indian authors of the Harlem Renaissance developed an independent tradition of literature that rebuked a history of inequality and celebrated black culture. An important cultural export during the Jazz Age, these writings were a key influence on the négritude philosophy.[443][444] In the 1950s, an ideal of homogeneity led many authors to attempt to write the Great American Novel,[445] while the Beat Generation rejected this conformity, using styles that elevated the impact of the spoken word over mechanics to describe drug use, sexuality, and the failings of society.[446][447] Contemporary literature is more pluralistic than in previous eras, with the closest thing to a unifying feature being a trend toward self-conscious experiments with language.[448] - -Mass media -Further information: Mass media in the United States -See also: Newspapers in the United States, Television in the United States, Internet in the United States, Radio in the United States, and Video games in the United States - -Comcast Center in Philadelphia, headquarters of Comcast, the world's largest telecommunications and media conglomerate -Media is broadly uncensored, with the First Amendment providing significant protections, as reiterated in New York Times Co. v. United States.[418] The four major broadcasters in the U.S. are the National Broadcasting Company (NBC), Columbia Broadcasting System (CBS), American Broadcasting Company (ABC), and Fox Broadcasting Company (FOX). The four major broadcast television networks are all commercial entities. Cable television offers hundreds of channels catering to a variety of niches.[449] As of 2021, about 83% of Americans over age 12 listen to broadcast radio, while about 40% listen to podcasts.[450] As of 2020, there were 15,460 licensed full-power radio stations in the U.S. according to the Federal Communications Commission (FCC).[451] Much of the public radio broadcasting is supplied by NPR, incorporated in February 1970 under the Public Broadcasting Act of 1967.[452] - -U.S. newspapers with a global reach and reputation include The Wall Street Journal, The New York Times, The Washington Post, and USA Today.[453] About 800 publications are produced in Spanish.[454][455] With few exceptions, newspapers are privately owned, either by large chains such as Gannett or McClatchy, which own dozens or even hundreds of newspapers; by small chains that own a handful of papers; or, in a situation that is increasingly rare, by individuals or families. Major cities often have alternative newspapers to complement the mainstream daily papers, such as The Village Voice in New York City and LA Weekly in Los Angeles. The five most popular websites used in the U.S. are Google, YouTube, Amazon, Yahoo, and Facebook, with all of them being American companies.[456] - -As of 2022, the video game market of the United States is the world's largest by revenue.[457] There are 444 publishers, developers, and hardware companies in California alone.[458] - -Theater -Main article: Theater in the United States - -Broadway theatres in Theater District, Manhattan -The United States is well known for its cinema and theater. Mainstream theater in the United States derives from the old European theatrical tradition and has been heavily influenced by the British theater.[459] By the middle of the 19th century America had created new distinct dramatic forms in the Tom Shows, the showboat theater and the minstrel show.[460] The central hub of the American theater scene is Manhattan, with its divisions of Broadway, off-Broadway, and off-off-Broadway.[461] - -Many movie and television stars have gotten their big break working in New York productions. Outside New York City, many cities have professional regional or resident theater companies that produce their own seasons. The biggest-budget theatrical productions are musicals. U.S. theater has an active community theater culture.[462] - -The Tony Awards recognizes excellence in live Broadway theatre and are presented at an annual ceremony in Manhattan. The awards are given for Broadway productions and performances. One is also given for regional theatre. Several discretionary non-competitive awards are given as well, including a Special Tony Award, the Tony Honors for Excellence in Theatre, and the Isabelle Stevenson Award.[463] - -Visual arts -Main articles: Visual art of the United States and Architecture of the United States - -American Gothic (1930) by Grant Wood is one of the most famous American paintings and is widely parodied.[464] -In the visual arts, the Hudson River School was a mid-19th-century movement in the tradition of European naturalism. The 1913 Armory Show in New York City, an exhibition of European modernist art, shocked the public and transformed the U.S. art scene.[465] - -Georgia O'Keeffe, Marsden Hartley, and others experimented with new and individualistic styles, which would become known as American modernism. Major artistic movements such as the abstract expressionism of Jackson Pollock and Willem de Kooning and the pop art of Andy Warhol and Roy Lichtenstein developed largely in the United States. Major photographers include Alfred Stieglitz, Edward Steichen, Dorothea Lange, Edward Weston, James Van Der Zee, Ansel Adams, and Gordon Parks.[466] - -The tide of modernism and then postmodernism has brought global fame to American architects, including Frank Lloyd Wright, Philip Johnson, and Frank Gehry.[467] The Metropolitan Museum of Art in Manhattan is the largest art museum in the United States.[468] - -Music -Main article: Music of the United States -American folk music encompasses numerous music genres, variously known as traditional music, traditional folk music, contemporary folk music, or roots music. Many traditional songs have been sung within the same family or folk group for generations, and sometimes trace back to such origins as the British Isles, Mainland Europe, or Africa.[469] The rhythmic and lyrical styles of African-American music in particular have influenced American music.[470] Banjos were brought to America through the slave trade. Minstrel shows incorporating the instrument into their acts led to its increased popularity and widespread production in the 19th century.[471][472] The electric guitar, first invented in the 1930s, and mass-produced by the 1940s, had an enormous influence on popular music, in particular due to the development of rock and roll.[473] - - -The Country Music Hall of Fame and Museum in Nashville, Tennessee -Elements from folk idioms such as the blues and old-time music were adopted and transformed into popular genres with global audiences. Jazz grew from blues and ragtime in the early 20th century, developing from the innovations and recordings of composers such as W.C. Handy and Jelly Roll Morton. Louis Armstrong and Duke Ellington increased its popularity early in the 20th century.[474] Country music developed in the 1920s,[475] rock and roll in the 1930s,[473] and bluegrass[476] and rhythm and blues in the 1940s.[477] In the 1960s, Bob Dylan emerged from the folk revival to become one of the country's most celebrated songwriters.[478] The musical forms of punk and hip hop both originated in the United States in the 1970s.[479] - -The United States has the world's largest music market with a total retail value of $15.9 billion in 2022.[480] Most of the world's major record companies are based in the U.S.; they are represented by the Recording Industry Association of America (RIAA).[481] Mid-20th-century American pop stars, such as Frank Sinatra[482] and Elvis Presley,[483] became global celebrities and best-selling music artists,[474] as have artists of the late 20th century, such as Michael Jackson,[484] Madonna,[485] Whitney Houston,[486] and Prince,[487] and of early 21st century such as Taylor Swift and Beyoncé.[488] - -Fashion -Main article: Fashion in the United States - -Haute couture fashion models on the catwalk during New York Fashion Week -The United States and China collectively account for the majority of global apparel demand. Apart from professional business attire, American fashion is eclectic and predominantly informal. While Americans' diverse cultural roots are reflected in their clothing, sneakers, jeans, T-shirts, and baseball caps are emblematic of American styles.[489] New York is considered to be one of the "big four" global fashion capitals, along with Paris, Milan, and London. A study demonstrated that general proximity to Manhattan's Garment District has been synonymous with American fashion since its inception in the early 20th century.[490] - -The headquarters of many designer labels reside in Manhattan. Labels cater to niche markets, such as pre teens. There has been a trend in the United States fashion towards sustainable clothing.[491] New York Fashion Week is one of the most influential fashion weeks in the world, and occurs twice a year.[492] - -Cinema -Main article: Cinema of the United States - -The iconic Hollywood Sign, in the Hollywood Hills, often regarded as the symbol of the American film industry -The U.S. film industry has a worldwide influence and following. Hollywood, a district in northern Los Angeles, the nation's second-most populous city, is also metonymous for the American filmmaking industry, the third-largest in the world, following India and Nigeria.[493][494][495] The major film studios of the United States are the primary source of the most commercially successful and most ticket-selling movies in the world.[496][497] Since the early 20th century, the U.S. film industry has largely been based in and around Hollywood, although in the 21st century an increasing number of films are not made there, and film companies have been subject to the forces of globalization.[498] The Academy Awards, popularly known as the Oscars, have been held annually by the Academy of Motion Picture Arts and Sciences since 1929,[499] and the Golden Globe Awards have been held annually since January 1944.[500] - -The industry enjoyed its golden years, in what is commonly referred to as the "Golden Age of Hollywood", from the early sound period until the early 1960s,[501] with screen actors such as John Wayne and Marilyn Monroe becoming iconic figures.[502][503] In the 1970s, "New Hollywood" or the "Hollywood Renaissance"[504] was defined by grittier films influenced by French and Italian realist pictures of the post-war period.[505] The 21st century was marked by the rise of American streaming platforms, which came to rival traditional cinema.[506][507] - -Cuisine -Main article: American cuisine -Further information: List of American regional and fusion cuisines - -A Thanksgiving dinner with roast turkey, mashed potatoes, pickles, corn, candied yams, cranberry jelly, shrimps, stuffing, green peas, deviled eggs, green salad and apple sauce -Early settlers were introduced by Native Americans to foods such as turkey, sweet potatoes, corn, squash, and maple syrup. Of the most enduring and pervasive examples are variations of the native dish called succotash. Early settlers and later immigrants combined these with foods they were familiar with, such as wheat flour,[508] beef, and milk to create a distinctive American cuisine.[509][510] New World crops, especially pumpkin, corn, potatoes, and turkey as the main course are part of a shared national menu on Thanksgiving, when many Americans prepare or purchase traditional dishes to celebrate the occasion.[511] - -Characteristic American dishes such as apple pie, fried chicken, doughnuts, french fries, macaroni and cheese, ice cream, pizza, hamburgers, and hot dogs derive from the recipes of various immigrant groups.[512][513][514][515] Mexican dishes such as burritos and tacos preexisted the United States in areas later annexed from Mexico, and adaptations of Chinese cuisine as well as pasta dishes freely adapted from Italian sources are all widely consumed.[516] American chefs have had a significant impact on society both domestically and internationally. In 1946, the Culinary Institute of America was founded by Katharine Angell and Frances Roth. This would become the United States' most prestigious culinary school, where many of the most talented American chefs would study prior to successful careers.[517][518] - -The United States restaurant industry was projected at $899 billion in sales for 2020,[519][520] and employed more than 15 million people, representing 10% of the nation's workforce directly.[519] It is the country's second-largest private employer and the third-largest employer overall.[521][522] The United States is home to over 220 Michelin Star rated restaurants, 70 of which are in New York City alone.[523] Wine has been produced in what is now the United States since the 1500s, with the first widespread production beginning in what is now New Mexico in 1628.[524][525][526] Today, wine production is undertaken in all fifty states, with California producing 84 percent of all US wine. With more than 1,100,000 acres (4,500 km2) under vine, the United States is the fourth-largest wine producing country in the world, after Italy, Spain, and France.[527][528] - -The American fast-food industry, the world's first and largest, pioneered the drive-through format in the 1940s[529] and is often viewed as being a symbol of U.S. marketing dominance. American companies such as McDonald's,[530] Burger King, Pizza Hut, Kentucky Fried Chicken, and Domino's Pizza, among many others, have numerous outlets around the world.[531] \ No newline at end of file diff --git a/examples/vector_databases/README.md b/examples/vector_databases/README.md index 03e802d7..ebbb8fee 100644 --- a/examples/vector_databases/README.md +++ b/examples/vector_databases/README.md @@ -10,6 +10,7 @@ Each provider has their own named directory, with a standard notebook to introdu - [AnalyticDB](https://www.alibabacloud.com/help/en/analyticdb-for-postgresql/latest/get-started-with-analyticdb-for-postgresql) - [Cassandra/Astra DB](https://docs.datastax.com/en/astra-serverless/docs/vector-search/qandasimsearch-quickstart.html) - [Azure AI Search](https://learn.microsoft.com/azure/search/search-get-started-vector) +- [Azure SQL Database](https://learn.microsoft.com/azure/azure-sql/database/ai-artificial-intelligence-intelligent-applications?view=azuresql) - [Chroma](https://docs.trychroma.com/getting-started) - [Elasticsearch](https://www.elastic.co/guide/en/elasticsearch/reference/current/knn-search.html) - [Hologres](https://www.alibabacloud.com/help/en/hologres/latest/procedure-to-use-hologres) diff --git a/registry.yaml b/registry.yaml index 282c4708..017b3979 100644 --- a/registry.yaml +++ b/registry.yaml @@ -56,7 +56,7 @@ path: examples/Clustering_for_transaction_classification.ipynb date: 2022-10-20 authors: - - colin-jarvis + - colin-openai - ted-at-openai tags: - embeddings @@ -207,13 +207,12 @@ - ted-at-openai tags: - completions - - tiktoken - title: Multiclass Classification for Transactions path: examples/Multiclass_classification_for_transactions.ipynb date: 2022-10-20 authors: - - colin-jarvis + - colin-openai tags: - embeddings - completions @@ -1201,7 +1200,7 @@ path: examples/How_to_use_guardrails.ipynb date: 2023-12-19 authors: - - colin-jarvis + - colin-openai tags: - guardrails @@ -1244,9 +1243,9 @@ - moderation -- title: Summarizing with controllable detail - path: examples/Summarizing_with_controllable_detail.ipynb - date: 2024-04-01 +- title: Summarizing Long Documents + path: examples/Summarizing_long_documents.ipynb + date: 2024-04-19 authors: - joe-at-openai tags: @@ -1278,3 +1277,21 @@ tags: - vision - embeddings + +- title: Batch processing with the Batch API + path: examples/batch_processing.ipynb + date: 2024-04-24 + authors: + - katiagg + tags: + - batch + - completions + +- title: Using tool required for customer service + path: examples/Using_tool_required_for_customer_service.ipynb + date: 2024-05-01 + authors: + - colin-openai + tags: + - completions + - functions \ No newline at end of file