From d23ac2cf8ae685a6ed31c7dce5f984e58a224f4d Mon Sep 17 00:00:00 2001 From: Kurt Shuster Date: Fri, 16 Jul 2021 08:57:20 -0400 Subject: [PATCH] bb2 (#2) * retriever api basic * reformat * search engine retrieer * moved the retriever to the top * FiD search * reformat * doc ranker doc string * reformat * reformat * reformat * reverse the debug changes * fixed the bug with the multiple inheritance calls * enum serialzation bug * bb2 commit #1 * bare minimum dialog teachers * fixed the episode beging end bug * clean up after realizing episode-done format of DialogueTeacher * reformat * reformat * some clean up * added wizard knowledge components to the message * added gold knowledge to the Wizard selection * gold knowledge tests * Search query teacher * reformat * readme and the history * knowledge teacher * reformat * reformat * reformat * download resources from url * renamed query teacher * task description * added the bart base model * search query generator * kurt comments * sea zoo models * model file compatible with zoo * msc models * msc data * task list * project page * small changes from kurt * not internal anymore * comments and msc session1 * Add summarizer * kurtt comments * eval skip if no text * sum fix * reformat * sum fix * reformat * black * msc test * regression tests * fixed the tests Co-authored-by: Mojtaba Co-authored-by: Jing Xu --- parlai/agents/fid/fid.py | 95 + parlai/agents/rag/args.py | 2 + parlai/agents/rag/retrieve_api.py | 132 + parlai/agents/rag/retrievers.py | 311 +- parlai/core/torch_agent.py | 6 +- parlai/tasks/msc/__init__.py | 5 + parlai/tasks/msc/agents.py | 618 + parlai/tasks/msc/build.py | 45 + parlai/tasks/msc/test.py | 23 + ...Teacher_include_last_session=True_test.yml | 188 + ...eacher_include_last_session=True_train.yml | 168 + ...eacher_include_last_session=True_valid.yml | 126 + .../test/msc_PersonaSummaryTeacher_test.yml | 170 + .../test/msc_PersonaSummaryTeacher_train.yml | 168 + .../test/msc_PersonaSummaryTeacher_valid.yml | 134 + .../msc_include_last_session=True_test.yml | 149 + .../msc_include_last_session=True_train.yml | 151 + .../msc_include_last_session=True_valid.yml | 149 + parlai/tasks/msc/test/msc_test.yml | 149 + parlai/tasks/msc/test/msc_train.yml | 151 + parlai/tasks/msc/test/msc_valid.yml | 149 + parlai/tasks/task_list.py | 23 + parlai/tasks/wizard_of_internet/README.md | 9 + parlai/tasks/wizard_of_internet/__init__.py | 4 + parlai/tasks/wizard_of_internet/agents.py | 573 + parlai/tasks/wizard_of_internet/build.py | 36 + parlai/tasks/wizard_of_internet/constants.py | 71 + parlai/tasks/wizard_of_internet/tests.py | 35 + ..._internet_ApprenticeDialogTeacher_test.yml | 48 + ...internet_ApprenticeDialogTeacher_train.yml | 43 + ...internet_ApprenticeDialogTeacher_valid.yml | 28 + ..._of_internet_GoldDocTitlesTeacher_test.yml | 751 ++ ...of_internet_GoldDocTitlesTeacher_train.yml | 905 ++ ...of_internet_GoldDocTitlesTeacher_valid.yml | 4981 +++++++ ...izard_of_internet_GoldDocsTeacher_test.yml | 1262 ++ ...zard_of_internet_GoldDocsTeacher_train.yml | 1711 +++ ...zard_of_internet_GoldDocsTeacher_valid.yml | 9845 ++++++++++++++ ..._of_internet_GoldKnowledgeTeacher_test.yml | 797 ++ ...of_internet_GoldKnowledgeTeacher_train.yml | 909 ++ ...of_internet_GoldKnowledgeTeacher_valid.yml | 5004 +++++++ ...rd_of_internet_SearchQueryTeacher_test.yml | 86 + ...d_of_internet_SearchQueryTeacher_train.yml | 66 + ...d_of_internet_SearchQueryTeacher_valid.yml | 49 + ..._WizardDialogGoldKnowledgeTeacher_test.yml | 6656 +++++++++ ...WizardDialogGoldKnowledgeTeacher_train.yml | 3110 +++++ ...WizardDialogGoldKnowledgeTeacher_valid.yml | 11174 ++++++++++++++++ .../tests/wizard_of_internet_test.yml | 6625 +++++++++ .../tests/wizard_of_internet_train.yml | 3105 +++++ .../tests/wizard_of_internet_valid.yml | 11164 +++++++++++++++ parlai/utils/misc.py | 17 +- parlai/zoo/blenderbot2/blenderbot2_3B.py | 23 + parlai/zoo/blenderbot2/blenderbot2_400M.py | 23 + parlai/zoo/blenderbot2/memory_decoder.py | 23 + parlai/zoo/blenderbot2/query_generator.py | 23 + parlai/zoo/model_list.py | 203 + parlai/zoo/msc/blender3B_1024.py | 21 + parlai/zoo/msc/dialog_summarizer.py | 21 + parlai/zoo/msc/msc3B_1024.py | 21 + parlai/zoo/msc/summsc_fidrag3B.py | 21 + parlai/zoo/msc/summsc_rag3B.py | 21 + parlai/zoo/sea/__init__.py | 5 + parlai/zoo/sea/bart_base.py | 21 + parlai/zoo/sea/bart_fid_sqse.py | 23 + parlai/zoo/sea/bart_sq_gen.py | 21 + projects/blenderbot2/README.md | 0 projects/blenderbot2/agents/__init__.py | 0 projects/blenderbot2/agents/blenderbot2.py | 890 ++ projects/blenderbot2/agents/modules.py | 868 ++ projects/blenderbot2/agents/sub_modules.py | 367 + projects/msc/agents/__init__.py | 4 + projects/msc/agents/long_rag.py | 199 + projects/msc/agents/long_tga.py | 113 + projects/msc/agents/memory_agent.py | 242 + .../model_wrappers/example_wrapper.py | 4 +- tests/nightly/gpu/test_bb2.py | 296 + tests/tasks/test_cmu_dog.py | 2 +- tests/tasks/test_wizard_of_internet.py | 119 + tests/test_searchquery_retrievers.py | 146 + 78 files changed, 75878 insertions(+), 18 deletions(-) create mode 100644 parlai/agents/rag/retrieve_api.py create mode 100644 parlai/tasks/msc/__init__.py create mode 100644 parlai/tasks/msc/agents.py create mode 100644 parlai/tasks/msc/build.py create mode 100644 parlai/tasks/msc/test.py create mode 100644 parlai/tasks/msc/test/msc_PersonaSummaryTeacher_include_last_session=True_test.yml create mode 100644 parlai/tasks/msc/test/msc_PersonaSummaryTeacher_include_last_session=True_train.yml create mode 100644 parlai/tasks/msc/test/msc_PersonaSummaryTeacher_include_last_session=True_valid.yml create mode 100644 parlai/tasks/msc/test/msc_PersonaSummaryTeacher_test.yml create mode 100644 parlai/tasks/msc/test/msc_PersonaSummaryTeacher_train.yml create mode 100644 parlai/tasks/msc/test/msc_PersonaSummaryTeacher_valid.yml create mode 100644 parlai/tasks/msc/test/msc_include_last_session=True_test.yml create mode 100644 parlai/tasks/msc/test/msc_include_last_session=True_train.yml create mode 100644 parlai/tasks/msc/test/msc_include_last_session=True_valid.yml create mode 100644 parlai/tasks/msc/test/msc_test.yml create mode 100644 parlai/tasks/msc/test/msc_train.yml create mode 100644 parlai/tasks/msc/test/msc_valid.yml create mode 100644 parlai/tasks/wizard_of_internet/README.md create mode 100644 parlai/tasks/wizard_of_internet/__init__.py create mode 100644 parlai/tasks/wizard_of_internet/agents.py create mode 100644 parlai/tasks/wizard_of_internet/build.py create mode 100644 parlai/tasks/wizard_of_internet/constants.py create mode 100644 parlai/tasks/wizard_of_internet/tests.py create mode 100644 parlai/tasks/wizard_of_internet/tests/wizard_of_internet_ApprenticeDialogTeacher_test.yml create mode 100644 parlai/tasks/wizard_of_internet/tests/wizard_of_internet_ApprenticeDialogTeacher_train.yml create mode 100644 parlai/tasks/wizard_of_internet/tests/wizard_of_internet_ApprenticeDialogTeacher_valid.yml create mode 100644 parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocTitlesTeacher_test.yml create mode 100644 parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocTitlesTeacher_train.yml create mode 100644 parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocTitlesTeacher_valid.yml create mode 100644 parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocsTeacher_test.yml create mode 100644 parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocsTeacher_train.yml create mode 100644 parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocsTeacher_valid.yml create mode 100644 parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldKnowledgeTeacher_test.yml create mode 100644 parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldKnowledgeTeacher_train.yml create mode 100644 parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldKnowledgeTeacher_valid.yml create mode 100644 parlai/tasks/wizard_of_internet/tests/wizard_of_internet_SearchQueryTeacher_test.yml create mode 100644 parlai/tasks/wizard_of_internet/tests/wizard_of_internet_SearchQueryTeacher_train.yml create mode 100644 parlai/tasks/wizard_of_internet/tests/wizard_of_internet_SearchQueryTeacher_valid.yml create mode 100644 parlai/tasks/wizard_of_internet/tests/wizard_of_internet_WizardDialogGoldKnowledgeTeacher_test.yml create mode 100644 parlai/tasks/wizard_of_internet/tests/wizard_of_internet_WizardDialogGoldKnowledgeTeacher_train.yml create mode 100644 parlai/tasks/wizard_of_internet/tests/wizard_of_internet_WizardDialogGoldKnowledgeTeacher_valid.yml create mode 100644 parlai/tasks/wizard_of_internet/tests/wizard_of_internet_test.yml create mode 100644 parlai/tasks/wizard_of_internet/tests/wizard_of_internet_train.yml create mode 100644 parlai/tasks/wizard_of_internet/tests/wizard_of_internet_valid.yml create mode 100644 parlai/zoo/blenderbot2/blenderbot2_3B.py create mode 100644 parlai/zoo/blenderbot2/blenderbot2_400M.py create mode 100644 parlai/zoo/blenderbot2/memory_decoder.py create mode 100644 parlai/zoo/blenderbot2/query_generator.py create mode 100644 parlai/zoo/msc/blender3B_1024.py create mode 100644 parlai/zoo/msc/dialog_summarizer.py create mode 100644 parlai/zoo/msc/msc3B_1024.py create mode 100644 parlai/zoo/msc/summsc_fidrag3B.py create mode 100644 parlai/zoo/msc/summsc_rag3B.py create mode 100644 parlai/zoo/sea/__init__.py create mode 100644 parlai/zoo/sea/bart_base.py create mode 100644 parlai/zoo/sea/bart_fid_sqse.py create mode 100644 parlai/zoo/sea/bart_sq_gen.py create mode 100644 projects/blenderbot2/README.md create mode 100644 projects/blenderbot2/agents/__init__.py create mode 100644 projects/blenderbot2/agents/blenderbot2.py create mode 100644 projects/blenderbot2/agents/modules.py create mode 100644 projects/blenderbot2/agents/sub_modules.py create mode 100644 projects/msc/agents/__init__.py create mode 100644 projects/msc/agents/long_rag.py create mode 100644 projects/msc/agents/long_tga.py create mode 100644 projects/msc/agents/memory_agent.py create mode 100644 tests/nightly/gpu/test_bb2.py create mode 100644 tests/tasks/test_wizard_of_internet.py create mode 100644 tests/test_searchquery_retrievers.py diff --git a/parlai/agents/fid/fid.py b/parlai/agents/fid/fid.py index 83b18f121fe..fac592efee3 100644 --- a/parlai/agents/fid/fid.py +++ b/parlai/agents/fid/fid.py @@ -8,6 +8,7 @@ See https://arxiv.org/abs/2007.01282 """ +from copy import deepcopy import torch from typing import Tuple, Union, Optional, List, Dict, Any @@ -15,9 +16,11 @@ from parlai.core.opt import Opt from parlai.agents.transformer.transformer import TransformerGeneratorModel +from parlai.agents.rag.args import RetrieverType from parlai.agents.rag.modules import RagModel, Document, T5RagModel from parlai.agents.rag.rag import RagAgent from parlai.agents.rag.model_types import RagToken, get_forced_decoder_inputs +from parlai.utils.typing import TShared class Fid(RagToken): @@ -200,6 +203,98 @@ def build_model(self) -> FidModel: return model +RETRIEVER_DOC_LEN_TOKENS = 256 + + +class SearchQueryFiDAgent(FidAgent): + @classmethod + def add_cmdline_args(cls, parser, partial_opt=None): + super().add_cmdline_args(parser, partial_opt=partial_opt) + group = parser.add_argument_group('Search Query FiD Params') + + # Search Query generator + group.add_argument( + '--search-query-generator-model-file', + type=str, + help='Path to a query generator model.', + ) + group.add_argument( + '--search-query-generator-inference', + type=str, + default='greedy', + help='Generation algorithm for the search query generator model', + ) + group.add_argument( + '--search-query-generator-beam-min-length', + type=int, + default=1, + help='The beam_min_length opt for the search query generator model', + ) + group.add_argument( + '--search-query-generator-beam-size', + type=int, + default=1, + help='The beam_size opt for the search query generator model', + ) + group.add_argument( + '--search-query-generator-text-truncate', + type=int, + default=512, + help='Truncates the input to the search query generator model', + ) + + # Creating chunks and spliting the documents + group.add_argument( + '--splitted-chunk-length', + type=int, + default=RETRIEVER_DOC_LEN_TOKENS, + help='The number of tokens in each document split', + ) + group.add_argument( + '--doc-chunk-split-mode', + type=str, + choices=['word', 'token'], + default='word', + help='split the docs by white space (word) or dict tokens.', + ) + group.add_argument( + '--n-ranked-doc-chunks', + type=int, + default=1, + help='Number of document chunks to keep if documents is too long and has to be splitted.', + ) + group.add_argument( + '--doc-chunks-ranker', + type=str, + choices=['tfidf', 'head'], + default='head', + help='How to rank doc chunks.', + ) + + return parser + + +class SearchQuerySearchEngineFiDAgent(SearchQueryFiDAgent): + def __init__(self, opt: Opt, shared: TShared = None): + opt = deepcopy(opt) + opt['rag_retriever_type'] = RetrieverType.SEARCH_ENGINE.value + super().__init__(opt, shared=shared) + + @classmethod + def add_cmdline_args(cls, parser, partial_opt=None): + super().add_cmdline_args(parser, partial_opt=partial_opt) + group = parser.add_argument_group('Search Engine FiD Params') + group.add_argument('--search-server', type=str, help='A search server addrees.') + return parser + + +class SearchQueryFAISSIndexFiDAgent(SearchQueryFiDAgent): + def __init__(self, opt: Opt, shared: TShared = None): + opt = deepcopy(opt) + opt['rag_retriever_type'] = RetrieverType.SEARCH_TERM_FAISS.value + super().__init__(opt, shared=shared) + + def concat_enc_outs( input: torch.LongTensor, enc_out: torch.Tensor, diff --git a/parlai/agents/rag/args.py b/parlai/agents/rag/args.py index 09ea4c33cc3..95aa311ed45 100644 --- a/parlai/agents/rag/args.py +++ b/parlai/agents/rag/args.py @@ -86,6 +86,8 @@ class RetrieverType(Enum): TFIDF = 'tfidf' DPR_THEN_POLY = 'dpr_then_poly' POLY_FAISS = 'poly_faiss' + SEARCH_ENGINE = 'search_engine' + SEARCH_TERM_FAISS = 'search_term_faiss' def setup_rag_args(parser: ParlaiParser) -> ParlaiParser: diff --git a/parlai/agents/rag/retrieve_api.py b/parlai/agents/rag/retrieve_api.py new file mode 100644 index 00000000000..ec22af8ca03 --- /dev/null +++ b/parlai/agents/rag/retrieve_api.py @@ -0,0 +1,132 @@ +#!/usr/bin/env python3 +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +""" +APIs for retrieving a list of "Contents" using an "Search Query". + +The term "Search Query" here refers to any abstract form of input string. The definition +of "Contents" is also loose and depends on the API. +""" + +from abc import ABC, abstractmethod +import requests +from typing import Any, Dict, List + +from parlai.core.opt import Opt +from parlai.utils import logging + + +CONTENT = 'content' +DEFAULT_NUM_TO_RETRIEVE = 5 + + +class RetrieverAPI(ABC): + """ + Provides the common interfaces for retrievers. + + Every retriever in this modules must implement the `retrieve` method. + """ + + def __init__(self, opt: Opt): + self.skip_query_token = opt['skip_retrieval_token'] + + @abstractmethod + def retrieve( + self, queries: List[str], num_ret: int = DEFAULT_NUM_TO_RETRIEVE + ) -> List[Dict[str, Any]]: + """ + Implements the underlying retrieval mechanism. + """ + + def create_content_dict(self, content: list, **kwargs) -> Dict: + resp_content = {CONTENT: content} + resp_content.update(**kwargs) + return resp_content + + +class SearchEngineRetrieverMock(RetrieverAPI): + """ + For unit tests and debugging (does not need a running server). + """ + + def retrieve( + self, queries: List[str], num_ret: int = DEFAULT_NUM_TO_RETRIEVE + ) -> List[Dict[str, Any]]: + all_docs = [] + for query in queries: + if query == self.skip_query_token: + docs = None + else: + docs = [] + for idx in range(num_ret): + doc = self.create_content_dict( + f'content {idx} for query "{query}"', + url=f'url_{idx}', + title=f'title_{idx}', + ) + docs.append(doc) + all_docs.append(docs) + return all_docs + + +class SearchEngineRetriever(RetrieverAPI): + """ + Queries a server (eg, search engine) for a set of documents. + + This module relies on a running HTTP server. For each retrieval it sends the query + to this server and receieves a JSON; it parses the JSON to create the the response. + """ + + def __init__(self, opt: Opt): + super().__init__(opt=opt) + self.server_address = self._validate_server(opt.get('search_server')) + + def _query_search_server(self, query_term, n): + server = self.server_address + req = {'q': query_term, 'n': n} + logging.debug(f'sending search request to {server}') + server_response = requests.post(server, data=req) + resp_status = server_response.status_code + if resp_status == 200: + return server_response.json().get('response', None) + logging.error( + f'Failed to retrieve data from server! Search server returned status {resp_status}' + ) + + def _validate_server(self, address): + if not address: + raise ValueError('Must provide a valid server for search') + if address.startswith('http://') or address.startswith('https://'): + return address + PROTOCOL = 'http://' + logging.warning(f'No portocol provided, using "{PROTOCOL}"') + return f'{PROTOCOL}{address}' + + def _retrieve_single(self, search_query: str, num_ret: int): + if search_query == self.skip_query_token: + return None + + retrieved_docs = [] + search_server_resp = self._query_search_server(search_query, num_ret) + if not search_server_resp: + logging.warning( + f'Server search did not produce any results for "{search_query}" query.' + ' returning an empty set of results for this query.' + ) + return retrieved_docs + + for rd in search_server_resp: + url = rd.get('url', '') + title = rd.get('title', '') + sentences = [s.strip() for s in rd[CONTENT].split('\n') if s and s.strip()] + retrieved_docs.append( + self.create_content_dict(url=url, title=title, content=sentences) + ) + return retrieved_docs + + def retrieve( + self, queries: List[str], num_ret: int = DEFAULT_NUM_TO_RETRIEVE + ) -> List[Dict[str, Any]]: + # TODO: update the server (and then this) for batch responses. + return [self._retrieve_single(q, num_ret) for q in queries] diff --git a/parlai/agents/rag/retrievers.py b/parlai/agents/rag/retrievers.py index abfe5c94264..f303095cda4 100644 --- a/parlai/agents/rag/retrievers.py +++ b/parlai/agents/rag/retrievers.py @@ -11,6 +11,7 @@ import gzip import numpy as np import os +from parlai.core.message import Message import torch import torch.cuda import torch.nn @@ -22,13 +23,15 @@ from transformers import BertTokenizer from typing import Tuple, List, Dict, Union, Optional, Any from typing_extensions import final +from sklearn.feature_extraction.text import TfidfVectorizer from parlai.agents.tfidf_retriever.tfidf_retriever import TfidfRetrieverAgent -from parlai.core.agents import create_agent +from parlai.core.agents import create_agent, create_agent_from_model_file from parlai.core.build_data import modelzoo_path from parlai.core.dict import DictionaryAgent from parlai.core.loader import register_agent from parlai.core.opt import Opt +from parlai.core.torch_generator_agent import TorchGeneratorAgent from parlai.core.torch_ranker_agent import TorchRankerAgent import parlai.utils.logging as logging from parlai.utils.torch import padded_tensor @@ -45,6 +48,7 @@ TRANSFORMER_RANKER_BASE_OPT, WOW_COMPRESSED_INDEX_PATH, ) +from parlai.agents.rag.retrieve_api import SearchEngineRetriever def load_passage_reader( @@ -351,13 +355,16 @@ class RagRetriever(torch.nn.Module, ABC): def __init__(self, opt: Opt, dictionary: DictionaryAgent, shared: TShared = None): super().__init__() - if not (opt.get('retriever_debug_index') in [None, 'none']): + self.retriever_type = RetrieverType(opt['rag_retriever_type']) + if not ( + (self.retriever_type == RetrieverType.SEARCH_ENGINE) + or (opt.get('retriever_debug_index') in [None, 'none']) + ): if opt.get('retriever_debug_index') == 'exact': opt['path_to_index'] = WOW_INDEX_PATH else: opt['path_to_index'] = WOW_COMPRESSED_INDEX_PATH opt['path_to_dpr_passages'] = WOW_PASSAGES_PATH - self.retriever_type = RetrieverType(opt['rag_retriever_type']) self.opt = opt self.print_docs = opt.get('print_docs', False) self.max_doc_len = opt['max_doc_token_length'] @@ -574,6 +581,13 @@ def __init__(self, opt: Opt, dictionary: DictionaryAgent, shared=None): Initialize DPR Retriever. """ super().__init__(opt, dictionary, shared=shared) + self.load_index(opt, shared) + self.n_docs = opt['n_docs'] + self.query_encoder = DprQueryEncoder( + opt, dpr_model=opt['query_model'], pretrained_path=opt['dpr_model_file'] + ) + + def load_index(self, opt, shared): if not shared: self.indexer = indexer_factory(opt) index_path = modelzoo_path(opt['datapath'], opt['path_to_index']) @@ -588,10 +602,6 @@ def __init__(self, opt: Opt, dictionary: DictionaryAgent, shared=None): elif shared: self.indexer = shared['indexer'] self.passages = shared['passages'] - self.n_docs = opt['n_docs'] - self.query_encoder = DprQueryEncoder( - opt, dpr_model=opt['query_model'], pretrained_path=opt['dpr_model_file'] - ) def share(self) -> TShared: """ @@ -993,6 +1003,289 @@ def doc2txt(self, docid): return text +BLANK_SEARCH_DOC = {'url': None, 'content': '', 'title': ''} +NO_SEARCH_QUERY = 'no_passages_used' + + +class SearchQueryRetriever(RagRetriever): + def __init__(self, opt: Opt, dictionary: DictionaryAgent, shared: TShared): + RagRetriever.__init__(self, opt, dictionary, shared=shared) + opt['skip_retrieval_token'] = NO_SEARCH_QUERY + self.n_docs = opt['n_docs'] + self.len_chunk = opt['splitted_chunk_length'] + self.doc_chunk_split_mode = opt['doc_chunk_split_mode'] + n_doc_chunks = opt['n_ranked_doc_chunks'] + chunk_ranker_type = opt['doc_chunks_ranker'] + if chunk_ranker_type == 'tfidf': + self.chunk_reranker = TfidfChunkRanker(n_doc_chunks) + else: + self.chunk_reranker = HeadChunkRanker(n_doc_chunks) + + if not shared: + self.query_generator = self.init_search_query_generator(opt) + else: + self.query_generator = shared['query_generator'] + self.dict = dictionary + self.init_query_encoder(opt) + + def share(self) -> TShared: + shared = super().share() + shared['query_generator'] = self.query_generator + return shared + + def init_search_query_generator(self, opt) -> TorchGeneratorAgent: + model_file = opt['search_query_generator_model_file'] + logging.info('Loading search generator model') + logging.disable() + search_query_gen_agent = create_agent_from_model_file( + model_file, + opt_overrides={ + 'skip_generation': False, + 'inference': opt['search_query_generator_inference'], + 'beam_min_length': opt['search_query_generator_beam_min_length'], + 'beam_size': opt['search_query_generator_beam_size'], + 'text_truncate': opt['search_query_generator_text_truncate'], + }, + ) + logging.enable() + logging.info('Search query generator model loading completed!') + return search_query_gen_agent + + def generate_search_query(self, query: torch.LongTensor) -> List[str]: + """ + Generates a list of queries for the encoded query (context) tensor. + """ + texts = [self._tokenizer.decode(q) for q in query] + obs_list = [] + for t in texts: + msg = Message({'text': t, 'episode_done': True}) + obs_list.append(self.query_generator.observe(msg)) + self.query_generator.reset() # Erase the history + search_quries = [r['text'] for r in self.query_generator.batch_act(obs_list)] + logging.debug(f'Generated search queries {search_quries}') + return search_quries + + def init_query_encoder(self, opt): + if hasattr(self, 'query_encoder'): + # It is already instantiated + return + self.query_encoder = DprQueryEncoder( + opt, dpr_model=opt['query_model'], pretrained_path=opt['dpr_model_file'] + ) + + def text2tokens(self, txt: str): + if self.doc_chunk_split_mode == 'word': + return txt.split(' ') + else: + return self.dict.txt2vec(txt) + + def tokens2text(self, tokens: List[int]): + if self.doc_chunk_split_mode == 'word': + return ' '.join(tokens) + else: + return self.dict.vec2txt(tokens) + + def pick_chunk(self, query, doc_text): + """ + Splits the document and returns the selected chunks. + + The number of returned chunks is controlled by `n_ranked_doc_chunks` in opt. The + chunk selection is determined by `doc_chunks_ranker` in the opt. + """ + if not doc_text: + # When there is no search query for the context + return [("", 0)] + tokens = self.text2tokens(doc_text) + doc_chunks = [ + self.tokens2text(tokens[i : i + self.len_chunk]) + for i in range(0, len(tokens), self.len_chunk) + ] + return self.chunk_reranker.get_top_chunks(query, doc_chunks) + + +class SearchQuerySearchEngineRetriever(SearchQueryRetriever): + """ + A retriever that uses a search engine server for rertrieving documents. + + It instantiates a `SearchEngineRetriever` object that in turns send search queries + to an external server for retrieving documents. + """ + + def __init__(self, opt: Opt, dictionary: DictionaryAgent, shared: TShared): + super().__init__(opt, dictionary, shared) + if not shared: + self.search_client = self.initiate_retriever_api(opt) + else: + self.search_client = shared['search_client'] + + def share(self) -> TShared: + shared = super().share() + shared['search_client'] = self.search_client + return shared + + def initiate_retriever_api(self, opt) -> SearchEngineRetriever: + logging.info('Creating the search engine retriever.') + return SearchEngineRetriever(opt) + + def _empty_docs(self, num: int): + """ + Generates the requsted number of empty documents. + """ + return [BLANK_SEARCH_DOC for _ in range(num)] + + def rank_score(self, rank_id: int): + """ + Scores the chunks of the retrieved document based on their rank. + + Note that this is the score for the retrieved document and applies to all its + chunks. + """ + return 1 / (1 + rank_id) + + def _display_urls(self, search_results): + """ + Generates a string that lists retrieved URLs (document IDs). + """ + return '\n'.join([d['url'] for d in search_results if d['url']]) + + def retrieve_and_score( + self, query: torch.LongTensor + ) -> Tuple[List[List[Document]], torch.Tensor]: + """ + Retrieves relevant documents for the query (the conversation context). + + This method conducts three main steps that are flagged in the main code as well. + step 1: generate search queries for the conversation context batch. This + step uses the query generator model (self.query_generator). step 2: use the + search client to retrieve documents. This step uses retrieval API agent + (self.search_client) step 3: generate the list of Document objects from the + retrieved content. Here if the documents too long, the code splits them and + chooses a chunk based on the selected `doc_chunks_ranker` in the opt. + """ + # step 1 + search_queries = self.generate_search_query(query) + + # step 2 + search_results_batach = self.search_client.retrieve(search_queries, self.n_docs) + + # step 3 + top_docs = [] + top_doc_scores = [] + for sq, search_results in zip(search_queries, search_results_batach): + if not search_results: + search_results = self._empty_docs(self.n_docs) + elif len(search_results) < self.n_docs: + remain_docs = self.n_docs - len(search_results) + search_results.extend(self._empty_docs(remain_docs)) + docs_i = [] + scors_i = [] + # Change this debug later + logging.debug(f'URLS:\n{self._display_urls(search_results)}') + for i, doc in enumerate(search_results): + url = doc['url'] + title = doc['title'] + dcontent = doc['content'] + assert type(dcontent) in ( + str, + list, + ), f'Unrecognized retrieved doc: {dcontent}' + full_text = ( + dcontent if isinstance(dcontent, str) else '\n'.join(doc['content']) + ) + doc_chunks = [dc[0] for dc in self.pick_chunk(sq, full_text)] + for splt_id, splt_content in enumerate(doc_chunks): + docs_i.append( + Document( + docid=url, text=splt_content, title=f'{title}_{splt_id}' + ) + ) + scors_i.append(self.rank_score(i)) + top_docs.append(docs_i) + top_doc_scores.append(scors_i) + self.top_docs = top_docs + return top_docs, torch.Tensor(top_doc_scores).to(query.device) + + +class SearchQueryFAISSIndexRetriever(SearchQueryRetriever, DPRRetriever): + def __init__(self, opt: Opt, dictionary: DictionaryAgent, shared): + SearchQueryRetriever.__init__(self, opt, dictionary, shared=shared) + self.load_index(opt, shared) + + def share(self) -> TShared: + shared = SearchQueryRetriever.share(self) + shared.update(DPRRetriever.share(self)) + return shared + + def retrieve_and_score( + self, query: torch.LongTensor + ) -> Tuple[List[List[Document]], torch.Tensor]: + """ + Retrieves from the FAISS index using a search query. + + This methods relies on the `retrieve_and_score` method in `RagRetriever` + ancestor class. It recieve the query (conversation context) and generatess the + search term queries based on them. Then uses those search quries (instead of the + the query text itself) to retrive from the FAISS index. + """ + + search_queries = self.generate_search_query(query) + tokenized_search_queries, _ = padded_tensor( + [self._tokenizer.encode(sq) for sq in search_queries] + ) + top_docs, top_doc_scores = DPRRetriever.retrieve_and_score( + self, tokenized_search_queries.to(query.device) + ) + for query_id in range(len(top_docs)): + if search_queries[query_id] == NO_SEARCH_QUERY: + top_docs[query_id] = [BLANK_DOC for _ in range(self.n_docs)] + return top_docs, top_doc_scores + + +class DocumentChunkRanker: + """ + Base class for controling splitting long documents and selecting relevant chunks. + """ + + def __init__(self, n_retrieved_chunks): + self.n_ret_chunks = n_retrieved_chunks + + @abstractmethod + def get_top_chunks(self, query, doc_chunks): + """ + Ranks documents (chunk) based on their relevance to `query` + """ + + +class HeadChunkRanker(DocumentChunkRanker): + """ + Returns the head chunks only. + """ + + def get_top_chunks(self, query, doc_chunks): + """ + Return chunks in doc-present order. + """ + return [(c,) for c in doc_chunks[: self.n_ret_chunks]] + + +class TfidfChunkRanker(DocumentChunkRanker): + """ + Uses TF-IDF to compare chunks to the original search query. + """ + + def __init__(self, n_retrieved_chunks): + super().__init__(n_retrieved_chunks) + self._vectorizer = TfidfVectorizer() + + def get_top_chunks(self, query, doc_chunks): + vectorized_corpus = self._vectorizer.fit_transform(doc_chunks + [query]) + docs_vec = vectorized_corpus[:-1, :] + q_vec = vectorized_corpus[-1, :] + scores = np.hstack((q_vec * docs_vec.transpose()).toarray()) + top_chunk_ids = np.argsort(-scores)[: self.n_ret_chunks] + return [(doc_chunks[i], scores[i]) for i in top_chunk_ids] + + def retriever_factory( opt: Opt, dictionary: DictionaryAgent, shared=None ) -> Optional[RagRetriever]: @@ -1021,3 +1314,7 @@ def retriever_factory( return DPRThenPolyRetriever(opt, dictionary, shared=shared) elif retriever is RetrieverType.POLY_FAISS: return PolyFaissRetriever(opt, dictionary, shared=shared) + elif retriever is RetrieverType.SEARCH_ENGINE: + return SearchQuerySearchEngineRetriever(opt, dictionary, shared=shared) + elif retriever is RetrieverType.SEARCH_TERM_FAISS: + return SearchQueryFAISSIndexRetriever(opt, dictionary, shared=shared) diff --git a/parlai/core/torch_agent.py b/parlai/core/torch_agent.py index af9c3a93ab3..c205ce369b7 100644 --- a/parlai/core/torch_agent.py +++ b/parlai/core/torch_agent.py @@ -1515,7 +1515,11 @@ def _set_label_vec(self, obs, add_start, add_end, truncate): # pick one label if there are multiple lbls = obs[label_type] label = lbls[0] if len(lbls) == 1 else self.random.choice(lbls) - vec_label, vec_label_length, vec_label_truncated = self._vectorize_text_with_truncate_stats( + ( + vec_label, + vec_label_length, + vec_label_truncated, + ) = self._vectorize_text_with_truncate_stats( label, add_start, add_end, truncate, False ) obs.force_set('label_original_length', vec_label_length) diff --git a/parlai/tasks/msc/__init__.py b/parlai/tasks/msc/__init__.py new file mode 100644 index 00000000000..240697e3247 --- /dev/null +++ b/parlai/tasks/msc/__init__.py @@ -0,0 +1,5 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. diff --git a/parlai/tasks/msc/agents.py b/parlai/tasks/msc/agents.py new file mode 100644 index 00000000000..493013aaf7e --- /dev/null +++ b/parlai/tasks/msc/agents.py @@ -0,0 +1,618 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. + +from parlai.core.teachers import DialogTeacher +from parlai.utils.io import PathManager +from parlai.core.opt import Opt +from parlai.utils.strings import normalize_reply +from parlai.core.teachers import MultiTaskTeacher + +from .build import build +import os +import json +from typing import Optional +from parlai.core.params import ParlaiParser +import copy +import random +import math +from parlai.utils.logging import logger +from parlai.core.message import Message +from parlai.tasks.convai2.agents import NormalizedTeacherTrait, SelfOriginalTeacher + +NOPERSONA = '__NO__PERSONA__BEAM__MIN__LEN__20__' +DUMMY_TEXT = '__SILENCE__' + + +def get_sessionbase_dir_path(opt, dpath, task_name): + assert task_name in ['msc_personasummary', 'msc_dialogue'] + dpath = os.path.join(dpath, 'msc', task_name, f'session_{opt.get("session_id", 0)}') + return dpath + + +def get_predicted_summary_path(dpath, is_session_level=True): + if is_session_level: + return os.path.join( + dpath, 'msc', 'msc_dialogue', 'sessionlevel_summaries_subsample5.json' + ) + else: + return os.path.join(dpath, 'msc', 'msc_dialogue', 'summaries_subsample5.json') + + +class SessionBasePersonaSummaryTeacher(DialogTeacher): + """ + Teacher that summarizes the persona lines. + """ + + @classmethod + def add_cmdline_args( + cls, parser: ParlaiParser, partial_opt: Optional[Opt] = None + ) -> ParlaiParser: + super().add_cmdline_args(parser, partial_opt) + agent = parser.add_argument_group('MSC Persona Summary Teacher options') + agent.add_argument('--session-id', type=int, default=1, help="session id") + agent.add_argument( + '--summary-num-turns', + type=int, + default=-1, + help="number of turns to infer persona", + ) + agent.add_argument( + '--nopersona-subsampling-weight', + type=float, + default=1, + help="subampling ratio ", + ) + return parser + + def __init__(self, opt, shared=None): + self.summary_num_turns = opt['summary_num_turns'] + assert ( + self.summary_num_turns < 0 or self.summary_num_turns % 2 == 0 + ), "Please choose an even number for turns" + self.session_id = opt['session_id'] + assert opt['session_id'] <= 4, f"No data beyong session {opt['session_id']}!" + assert ( + opt['session_id'] <= 3 or 'train' not in opt['datatype'] + ), f"No train data beyong session {opt['session_id']}!" + self.nopersona_subsampling_weight = opt['nopersona_subsampling_weight'] + if 'test' in opt['datatype']: + logger.warning(f'WARNING: Do not subsampling for {opt["datatype"]}') + self.nopersona_subsampling_weight = 1 + assert ( + self.nopersona_subsampling_weight >= 0 + and self.nopersona_subsampling_weight <= 1 + ), "invalid subsampling weight" + + dpath = build(opt) + opt['datafile'] = get_sessionbase_dir_path(opt, dpath, 'msc_personasummary') + self.id = f'msc_personasummary_{self.session_id}' + super().__init__(opt, shared) + + def setup_data(self, data_path): + print('loading: ' + data_path) + if self.datatype.startswith('train'): + path_to_open = os.path.join(data_path, 'train.txt') + elif self.datatype.startswith('valid'): + path_to_open = os.path.join(data_path, 'valid.txt') + else: + path_to_open = os.path.join(data_path, 'test.txt') + + with PathManager.open(path_to_open) as f: + raw_data = [json.loads(line.strip()) for line in f] + + data = [] + negative_data = [] + for dialog_dict in raw_data: + current_episode = dialog_dict['dialog'] + init_personachat = dialog_dict['init_personachat'] + for end_idx in range(len(current_episode)): + if self.summary_num_turns > 0: + start_index = max(0, end_idx - self.summary_num_turns + 1) + else: + start_index = 0 + end_line_persona = ( + current_episode[end_idx]['persona_text'] + if 'persona_text' in current_episode[end_idx] + else NOPERSONA + ) + dialog_texts = [ + current_episode[i]['text'] for i in range(start_index, end_idx + 1) + ] + + action = { + 'id': self.id, + 'text': '\n'.join(dialog_texts), + 'labels': [end_line_persona], + 'initial_data_id': dialog_dict['initial_data_id'], + 'init_personas': init_personachat['init_personas'], + 'utt_idx': end_idx, + 'speaker_idx': end_idx % 2 + 1, + 'session_id': self.session_id, + } + if end_line_persona == NOPERSONA: + negative_data.append(action) + else: + data.append(action) + + size_to_sample = math.ceil( + self.nopersona_subsampling_weight * len(negative_data) + ) + data.extend(random.sample(negative_data, size_to_sample)) + random.shuffle(data) + + for episode in data: + yield Message(episode), True + + +class SessionBaseMscTeacher(DialogTeacher): + """ + Teacher that generate text in the multi-session chat. + """ + + @classmethod + def add_cmdline_args( + cls, parser: ParlaiParser, partial_opt: Optional[Opt] = None + ) -> ParlaiParser: + super().add_cmdline_args(parser, partial_opt) + agent = parser.add_argument_group('Multi-Session Chat Task options') + agent.add_argument( + '--session-id', + type=int, + default=2, + help="session id, session_id = 1 refers to convai2 teacher and it's not supported here", + ) + agent.add_argument( + '--previous-persona-type', + type=str, + default="raw_history", + choices=[ + 'none', + 'goldsum_self', + 'goldsum_both', + 'goldsum_their', + 'predsum_self', + 'predsum_both', + 'predsum_their', + 'predsum_utt_self', + 'predsum_utt_both', + 'predsum_utt_their', + 'init_self', + 'init_both', + 'init_their', + 'raw_history', + ], + help="type of previous context to include as context. " + "the 'goldsum_' prefix refers to gold persona summaries from crowdworkers; " + "the 'predsum_' prefix refers to predicted persona summaries from a summarization model; " + "the 'init_' prefix refers to the original persona lines used to ground the PersonaChat conversations. ", + ) + agent.add_argument( + '--your-persona-first', + type=bool, + default=False, + help="whether to prepend your persona first or not", + ) + agent.add_argument( + '--session-openning', + type=bool, + default=False, + help="whether to only include session openning or not", + ) + agent.add_argument( + '--label-speaker-id', + type=str, + default="both", + choices=['self', 'both', 'their'], + help="the speaker id of the 'labels' field,", + ) + agent.add_argument( + '--include-time-gap', + type=bool, + default=False, + help="whether to include time passed since last conversation in the context", + ) + agent.add_argument( + '--history-time-gaps-token', + type=str, + default=None, + help="time tokens in the previous raw dialogue history, e.g. 'time:' ", + ) + agent.add_argument( + '--history-person-tokens', + type=str, + default=None, + help="person tokens in the previous raw dialogue history, e.g. 'p1:,p2:' ", + ) + agent.add_argument( + '--previous-session-delimiter', + type=str, + default=None, + help="delimiter between previous sessions in the context, such as '__NEXT_SESSION__' ", + ) + return parser + + def __init__(self, opt, shared=None): + assert opt['session_id'] <= 5, f"No data beyong session {opt['session_id']}!" + assert ( + opt['session_id'] <= 4 or 'train' not in opt['datatype'] + ), f"No train data beyong session {opt['session_id']}!" + assert ( + not opt['previous_persona_type'].startswith('predsum') + or opt['session_id'] <= 4 + or ( + opt['session_id'] == 5 + and ('valid' in opt['datatype'] or 'test' in opt['datatype']) + ) + ), f"No predicted summary for session {opt['session_id']}" + self.previous_persona_type = opt['previous_persona_type'] + self.session_openning = opt.get('session_openning', False) + if self.session_openning: + opt['label_speaker_id'] = 'their' + # NOTE: session_id = 1: personachat + self.session_id = opt['session_id'] + self.label_speaker_id = opt["label_speaker_id"] + self.your_persona_first = opt['your_persona_first'] + self.include_last_time_gap = opt['include_time_gap'] + self.history_time_gaps_token = opt['history_time_gaps_token'] + if self.history_time_gaps_token: + self.include_last_time_gap = False + self.history_person_tokens = opt['history_person_tokens'] + self.use_predicted_summary = self.previous_persona_type.startswith('predsum') + self.previous_session_delimiter = opt.get('previous_session_delimiter', None) + if self.history_person_tokens is not None: + self.history_person_tokens = self.history_person_tokens.split(",") + self.msc_dpath = build(opt) + opt['datafile'] = get_sessionbase_dir_path(opt, self.msc_dpath, 'msc_dialogue') + + self.id = f'msc_dialogue_{self.session_id}' + super().__init__(opt, shared) + + def normalize_replies(self, x): + xs = [xt.strip() for xt in x.split('\n')] + xs2 = [] + for x in xs: + if 'your persona:' in x: + # Normalize the sentence appearing after 'your persona:' + x = x[len('your persona: ') :] + x = normalize_reply(x) + x = 'your persona: ' + x + elif "partner's persona: " in x: + x = x[len("partner's persona: ") :] + x = normalize_reply(x) + x = "partner's persona: " + x + elif x != DUMMY_TEXT: + x = normalize_reply(x) + xs2.append(x) + return "\n".join(xs2) + + def setup_data(self, datafile): + print('loading: ' + datafile) + if self.datatype.startswith('train'): + path_to_open = os.path.join(datafile, 'train.txt') + elif self.datatype.startswith('valid'): + path_to_open = os.path.join(datafile, 'valid.txt') + else: + path_to_open = os.path.join(datafile, 'test.txt') + + with PathManager.open(path_to_open) as f: + raw_data = [json.loads(line.strip()) for line in f] + + data = [] + label_speaker_id_range = {} + predicted_summary_dict = {} + if self.use_predicted_summary: + is_session_level = not ('utt_' in self.previous_persona_type) + predsum_path = get_predicted_summary_path(self.msc_dpath, is_session_level) + logger.warning(f"use the predicted summary from {predsum_path}") + with PathManager.open(predsum_path) as jsonfile: + predicted_summary_dict = json.load(jsonfile) + + def _get_time_gap(time_num, time_unit, time_token=""): + time_gap = str(time_num) + ' ' + time_unit + return f'{time_token} {time_gap}' if len(time_token) > 0 else time_gap + + def _compile_persona_dialog_input( + dialog, personas, previous_dialogs, label_speaker_id + ): + new_dialog = copy.deepcopy(dialog) + new_previous_dialogs = copy.deepcopy(previous_dialogs) + your_persona = "" + partner_persona = "" + if label_speaker_id == 'self': + your_persona = '\n'.join([f'your persona: {x}' for x in personas[1]]) + partner_persona = '\n'.join( + [f"partner's persona: {x}" for x in personas[0]] + ) + elif label_speaker_id == 'their': + your_persona = '\n'.join([f'your persona: {x}' for x in personas[0]]) + partner_persona = '\n'.join( + [f"partner's persona: {x}" for x in personas[1]] + ) + for prev_dialog in new_previous_dialogs: + prev_dialog['dialog'].insert(0, {"text": DUMMY_TEXT}) + if len(prev_dialog['dialog']) % 2 == 1 and ( + self.history_person_tokens is None + ): + prev_dialog['dialog'].append({"text": DUMMY_TEXT}) + new_dialog.insert(0, {"text": DUMMY_TEXT}) + + return your_persona, partner_persona, new_dialog, new_previous_dialogs + + for dialog_dict in raw_data: + initial_data_id = dialog_dict['metadata']['initial_data_id'] + if self.label_speaker_id == 'both': + label_speaker_id_range = ['their', 'self'] + else: + label_speaker_id_range = [self.label_speaker_id] + + for label_speaker_id in label_speaker_id_range: + if self.use_predicted_summary: + personas_to_complie = predicted_summary_dict[ + str(self.session_id - 1) + ][initial_data_id] + elif self.previous_persona_type.startswith('init'): + personas_to_complie = dialog_dict['init_personas'] + else: + personas_to_complie = dialog_dict['personas'] + + ( + your_persona, + partner_persona, + new_dialog, + new_previous_dialogs, + ) = _compile_persona_dialog_input( + dialog_dict['dialog'], + personas_to_complie, + dialog_dict['previous_dialogs'], + label_speaker_id, + ) + previous_sessions_msgs = [] + if self.previous_persona_type == 'raw_history': + for d_id in range(len(new_previous_dialogs)): + previous_dialog_msg = [ + x['text'] for x in new_previous_dialogs[d_id]['dialog'] + ] + if self.history_person_tokens: + previous_dialog_msg = [ + self.history_person_tokens[i % 2] + ' ' + text + for i, text in enumerate(previous_dialog_msg) + if text != DUMMY_TEXT + ] + if self.history_time_gaps_token: + time_gap_i = _get_time_gap( + new_previous_dialogs[d_id]['time_num'], + new_previous_dialogs[d_id]['time_unit'], + time_token=self.history_time_gaps_token, + ) + previous_sessions_msgs.append( + '\n'.join(previous_dialog_msg + [time_gap_i]) + ) + else: + previous_sessions_msgs.append( + '\n'.join(previous_dialog_msg) + ) + + if self.previous_session_delimiter is not None: + previous_sessions_msgs = [ + val + for pair in zip( + previous_sessions_msgs, + [self.previous_session_delimiter] + * len(previous_sessions_msgs), + ) + for val in pair + ] + previous_sessions_msgs = '\n'.join(previous_sessions_msgs) + + episode = [] + for i in range(0, len(new_dialog) - 1, 2): + text = new_dialog[i]['text'] + partner_persona_one_line = partner_persona.replace('\n', '').split( + "partner's persona: " + ) + your_persona_one_line = your_persona.replace('\n', '').split( + "your persona: " + ) + action = { + 'id': self.id, + 'text': self.normalize_replies(text), + 'labels': [self.normalize_replies(new_dialog[i + 1]['text'])], + 'session_id': self.session_id, + 'initial_data_id': initial_data_id, + 'personas': f'{partner_persona}\n{your_persona}', + 'personas_one_line': f"partner's persona: {' '.join(partner_persona_one_line)}\nyour persona: {' '.join(your_persona_one_line)}", + } + episode.append(action) + if self.session_openning: + break + + persona_context_str = "" + if 'self' in self.previous_persona_type: + persona_context_str = your_persona + elif 'their' in self.previous_persona_type: + persona_context_str = partner_persona + elif 'both' in self.previous_persona_type: + if self.your_persona_first: + persona_context_str = ( + (your_persona + '\n') if len(your_persona) > 0 else "" + ) + partner_persona + else: + persona_context_str = ( + (partner_persona + '\n') if len(partner_persona) > 0 else "" + ) + your_persona + elif self.previous_persona_type == 'raw_history': + persona_context_str = previous_sessions_msgs + + if self.include_last_time_gap: + time_gap = _get_time_gap( + dialog_dict['previous_dialogs'][-1]['time_num'], + dialog_dict['previous_dialogs'][-1]['time_unit'], + ) + persona_context_str = ( + (persona_context_str + '\n') + if len(persona_context_str) > 0 + else "" + ) + f'[{time_gap}]' + + if persona_context_str and len(persona_context_str) > 0: + episode[0]['text'] = persona_context_str + '\n' + episode[0]['text'] + + data.append(episode) + + for episode in data: + start_idx = 0 + for i, turn in enumerate(episode): + yield Message(turn), i == start_idx + + +class PersonaSummaryTeacher(MultiTaskTeacher): + @classmethod + def add_cmdline_args( + cls, parser: ParlaiParser, partial_opt: Optional[Opt] = None + ) -> ParlaiParser: + super().add_cmdline_args(parser, partial_opt) + parser = parser.add_argument_group('MSC Summary Teacher Args') + parser.add_argument( + '--include-last-session', + type=bool, + default=False, + help="whether to include session 4 for valid and test splits", + ) + SessionBasePersonaSummaryTeacher.add_cmdline_args(parser, partial_opt) + return parser + + def __init__(self, opt, shared=None): + msc_tasks = [ + 'msc:SessionBasePersonaSummary:session_id=1', + 'msc:SessionBasePersonaSummary:session_id=2', + 'msc:SessionBasePersonaSummary:session_id=3', + ] + if opt.get('include_last_session', False) and 'train' not in opt['datatype']: + msc_tasks += ['msc:SessionBasePersonaSummary:session_id=4'] + opt = copy.deepcopy(opt) + opt['task'] = ','.join(msc_tasks) + super().__init__(opt, shared) + + +class Session1NormalizedTrait(NormalizedTeacherTrait): + """ + Trait for flatten persona into one line. + """ + + @classmethod + def add_cmdline_args( + cls, parser: ParlaiParser, partial_opt: Optional[Opt] = None + ) -> ParlaiParser: + super().add_cmdline_args(parser, partial_opt) + agent = parser.add_argument_group('Session Level NormalizedTeacher arguments') + agent.add_argument( + '--is-convai2-session-level', + type=bool, + default=False, + help="whether to flatten the persona lines into a single persona line per speaker", + ) + return agent + + def __init__(self, opt, shared=None): + self.is_convai2_session_level = opt.get('is_convai2_session_level', False) + super().__init__(opt, shared) + + def normalize_replies(self, x): + xs = x.split('\n') + your_personas = [] + partner_personas = [] + non_personas = [] + for x in xs: + if x.startswith('your persona: '): + # Normalize the sentence appearing after 'your persona:' + x = x[len('your persona: ') :] + x = normalize_reply(x) + your_personas.append(x) + elif x.startswith("partner's persona: "): + x = x[len("partner's persona: ") :] + x = normalize_reply(x) + partner_personas.append(x) + else: + x = normalize_reply(x) + non_personas.append(x) + xs2 = [] + if not self.is_convai2_session_level: + your_personas = ['your persona: ' + yx for yx in your_personas] + partner_personas = ["partner's persona: " + px for px in partner_personas] + else: + if your_personas: + your_personas = ['your persona: ' + " ".join(your_personas)] + if partner_personas: + partner_personas = ["partner's persona: " + " ".join(partner_personas)] + if self.your_persona_first: + xs2.extend(your_personas) + xs2.extend(partner_personas) + else: + xs2.extend(partner_personas) + xs2.extend(your_personas) + xs2.extend(non_personas) + return '\n'.join(xs2) + + +class Session1SelfTeacher(Session1NormalizedTrait, SelfOriginalTeacher): + """ + Convai2 as Session 1. + """ + + pass + + +class MscTeacher(MultiTaskTeacher): + @classmethod + def add_cmdline_args( + cls, parser: ParlaiParser, partial_opt: Optional[Opt] = None + ) -> ParlaiParser: + super().add_cmdline_args(parser, partial_opt) + parser = parser.add_argument_group('Multi Session Chat (MSC) Teacher Args') + parser.add_argument( + '--include-session1', + type=bool, + default=True, + help="whether to include session 1 (convai2:normalized)", + ) + parser.add_argument( + '--include-last-session', + type=bool, + default=False, + help="whether to include session 5", + ) + SessionBaseMscTeacher.add_cmdline_args(parser, partial_opt) + Session1SelfTeacher.add_cmdline_args(parser, partial_opt) + return parser + + def __init__(self, opt, shared=None): + msc_tasks = [ + 'msc:SessionBaseMsc:session_id=2', + 'msc:SessionBaseMsc:session_id=3', + 'msc:SessionBaseMsc:session_id=4', + ] + if opt.get('include_session1', False) and not opt['session_openning']: + if opt['previous_persona_type'] in [ + 'predsum_self', + 'predsum_both', + 'predsum_their', + ]: + msc_tasks = [ + 'msc:Session1Self:is_convai2_session_level=True' + ] + msc_tasks + else: + msc_tasks = [ + 'msc:Session1Self:is_convai2_session_level=False' + ] + msc_tasks + if opt.get('include_last_session', False) and 'train' not in opt['datatype']: + msc_tasks += ['msc:SessionBaseMsc:session_id=5'] + opt = copy.deepcopy(opt) + opt['task'] = ','.join(msc_tasks) + super().__init__(opt, shared) + + +class DefaultTeacher(MscTeacher): + pass diff --git a/parlai/tasks/msc/build.py b/parlai/tasks/msc/build.py new file mode 100644 index 00000000000..cbc87910e9e --- /dev/null +++ b/parlai/tasks/msc/build.py @@ -0,0 +1,45 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. + +import parlai.core.build_data as build_data +import os +from parlai.utils.logging import logger +from parlai.core.build_data import DownloadableFile + + +MSC_DATASETS_VERSION = 'v0.1' + + +RESOURCES = [ + DownloadableFile( + f'http://parl.ai/downloads/msc/msc_{MSC_DATASETS_VERSION}.tar.gz', + f'msc_{MSC_DATASETS_VERSION}.tar.gz', + 'e640e37cf4317cd09fc02a4cd57ef130a185f23635f4003b0cee341ffcb45e60', + ) +] + + +def get_msc_dir_path(opt): + dpath = os.path.join(opt['datapath'], 'msc') + return dpath + + +def build(opt): + version = MSC_DATASETS_VERSION + # create particular instance of dataset depending on flags.. + dpath = get_msc_dir_path(opt) + if not build_data.built(dpath, version): + logger.warning('[build data: ' + dpath + ']') + if build_data.built(dpath): + # An older version exists, so remove these outdated files. + build_data.remove_dir(dpath) + build_data.make_dir(dpath) + for downloadable_file in RESOURCES: + downloadable_file.download_file(dpath) + # Mark the data as built. + build_data.mark_done(dpath, version) + + return dpath diff --git a/parlai/tasks/msc/test.py b/parlai/tasks/msc/test.py new file mode 100644 index 00000000000..aa87e604143 --- /dev/null +++ b/parlai/tasks/msc/test.py @@ -0,0 +1,23 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. + +from parlai.utils.testing import AutoTeacherTest # noqa: F401 + + +class TestMscTeacher(AutoTeacherTest): + task = 'msc' + + +class TestMscAllTeacher(AutoTeacherTest): + task = 'msc:include_last_session=True' + + +class TestPersonaSummaryTeacher(AutoTeacherTest): + task = 'msc:PersonaSummaryTeacher' + + +class TestPersonaSummaryAllTeacher(AutoTeacherTest): + task = 'msc:PersonaSummaryTeacher:include_last_session=True' diff --git a/parlai/tasks/msc/test/msc_PersonaSummaryTeacher_include_last_session=True_test.yml b/parlai/tasks/msc/test/msc_PersonaSummaryTeacher_include_last_session=True_test.yml new file mode 100644 index 00000000000..e72ce77d873 --- /dev/null +++ b/parlai/tasks/msc/test/msc_PersonaSummaryTeacher_include_last_session=True_test.yml @@ -0,0 +1,188 @@ +acts: +- - episode_done: true + eval_labels: + - My father is a drunk. + id: msc_personasummary_1 + init_personas: + - - I am the only child of my parents. + - My father was in the navy. + - I went to school in france and spain. + - I have two dogs named bounty and snickers. + - I like eating burgers and fries. + - - My name is mark. + - I'm an alcoholic. + - My dad was an alcoholic too. + - Now I'm a mechanic. + - I've got a baby on the way. + initial_data_id: test_756 + session_id: 1 + speaker_idx: 2 + text: 'My parent just called. They love looking our for me. + + Cool! I am about to be a prent. I hope I''m like that to my kid. + + My navy father loves his son so much. + + My father''s not interested. He''s a drunk, lol. Me too, I''m afraid.' + utt_idx: 3 +- - episode_done: true + eval_labels: + - __NO__PERSONA__BEAM__MIN__LEN__20__ + id: msc_personasummary_2 + init_personas: + - - I have blonde hair and blue eyes. + - My parents are both from the north. + - I lived in alaska for 3 years. + - I want to retire on a beach. + - I have a small smart car. + - - I have two kids. + - I love horror movies. + - I paint pretty well. + - I have a government job. + - I like to take naps. + initial_data_id: test_390 + session_id: 2 + speaker_idx: 2 + text: 'What are your kids favorite hobbies or activity to do for fun? + + my kids like to read and to ride bikes! my son also loves cars. what kind of + car do you drive? + + reading and biking? that''s awesome! I just got myself a new tesla, it''s red + and shiny and fast + + that''s so awesome. I love teslas. they''re so good for the environment! did + you just get the tesla this year?' + utt_idx: 3 +- - episode_done: true + eval_labels: + - __NO__PERSONA__BEAM__MIN__LEN__20__ + id: msc_personasummary_3 + init_personas: + - - I like people. + - I try to be helpful. + - I like art. + - I want to be a painter. + - I love fast cars. + - - I have five tattoos in total. + - I like visiting places with graffiti. + - My mom owned a little coffee shop. + - My favorite tv show is friends. + - I do not own a car yet. + initial_data_id: test_88 + session_id: 3 + speaker_idx: 2 + text: 'I got some good news about my mom today! The tests all came back negative + and she''s been feeling well. + + that''s great! what were they testing for again? + + Well they were testing for a bunch of different things. We''ve had a really + difficult time narrowing it down. + + well i''m glad she''s okay. I know how much she means to you. + + Thank you. Yes, I don''t know what I would do without her. How is your mother + doing? + + she''s doing well. The coffee shop has been getting good business lately so + she''s very happy haha. She had been stressed about money before. + + It''s so good to hear that things are going better for her. Do you work at her + coffee shop or a different one? + + i work at hers. I actually own it now. + + Oh, I see. What''s it like working with your mother? I think that I would get + into too many arguments if I was working with mine, as much as I love her. + + It can be stressful sometimes but now that I''ve shown that I can run the place + properly, she''s pretty hands off and just lets me do my thing. We get along + pretty well at work now. + + Well it''s good that it''s working out for you both! It''s good that she''s + staying active. It''s been difficult to find things for my mother to do while + she''s been sick. + + I''m sure she''ll be back at it soon.' + utt_idx: 11 +- - episode_done: true + eval_labels: + - I have to limit buying potato chips because I have poor impulse control. + id: msc_personasummary_4 + init_personas: + - - I love going on cruises. + - I learned how to swim when I was five years old. + - I liked debate club the most in school. + - I do computer programming for a living. + - I just got a new job yesterday. + - - I am a vegan. + - I love animals. + - I used to be a veterinarian, but I quit to travel abroad. + - I sing for a living. + - I like to blog. + initial_data_id: test_693 + session_id: 4 + speaker_idx: 2 + text: "I think I'm going to try a new recipe for salmon for dinner tonight. I\ + \ need to stay in shape so when I finally do get to go a cruise I'll be looking\ + \ good!\nWhat are you making for dinner?\nWell I am going to make salmon on\ + \ the grill, with lemon and dill! I am going to make a kale salad to go along\ + \ with it. I am not sure how it will taste but it is healthy!\nI bet the salmon\ + \ will be great for you since you love fish. I've had good kale and bad kale,\ + \ so it's a coin flip! You going to be able to keep this up?\nHonestly, I am\ + \ not sure. I love food so much. Do you have any tips for maintaining? You must\ + \ have a very healthy diet being a vegan.\nYou really need to find the foods\ + \ that you enjoy. It might take a little time. No one will stay healthy eating\ + \ food they hate.\nI think I get bored of the food easily when I am dieting.\ + \ I need to switch it up. Do you have any exciting recipes?\nI make some really\ + \ good kale chips. They are healthy, crunchy, and tasty. Those sound any good>\n\ + hmm, tell me more! How do you make them? Do you add any type of seasoning to\ + \ them? \nWhatever seasoning you want. I like curry, jerk, and lemon-pepper.\ + \ Just toss with a little oil and bake in the oven\nOK, I will definitely try\ + \ it! Potato chips are my downfall, so this sounds like a much healthier alternative.\ + \ \nI don't even buy chips. If they are here, I eat them all. So I just don't\ + \ even let them in the home." + utt_idx: 11 +- - episode_done: true + eval_labels: + - __NO__PERSONA__BEAM__MIN__LEN__20__ + id: msc_personasummary_1 + init_personas: + - - I am a vegan. + - I love to volunteer at my local community garden. + - Have two dogs and cat. + - I am a student at a community college. + - I am hoping to be a nurse one day. + - - I am athletic. + - My favorite drink is coffee. + - I live in the big city. + - I am an artist. + - I have a dog. + initial_data_id: test_213 + session_id: 1 + speaker_idx: 1 + text: 'Hi. How are you today? + + Tired. Just came back from my run. How about you? + + Finer than a frog hair split four ways. Have a good run? + + Hah! Haven''t heard that one yet. Almost spit out my drink.. + + Backwoods virginia slang for you. + + I guess so. Anyways, my dog chased a frisbee halfway across the park.. + + I know how it is. I have two dogs and one cat. It gets interesting. + + That sounds hectic. What are their names?. + + Skippy and jetta for the dogs and the cat is foster. What''s your dog''s name. + + The big goofball in question is named java. After what he has to be drinking.. + + Hey the pup has taste.' + utt_idx: 10 +num_episodes: 139194 +num_examples: 139194 diff --git a/parlai/tasks/msc/test/msc_PersonaSummaryTeacher_include_last_session=True_train.yml b/parlai/tasks/msc/test/msc_PersonaSummaryTeacher_include_last_session=True_train.yml new file mode 100644 index 00000000000..9b531442225 --- /dev/null +++ b/parlai/tasks/msc/test/msc_PersonaSummaryTeacher_include_last_session=True_train.yml @@ -0,0 +1,168 @@ +acts: +- - episode_done: true + id: msc_personasummary_1 + init_personas: + - - I learned piano at age 6. + - I am trying to play in a local band. + - I'm a fan of system of a down. + - I am a vegan. + - - I drive a yellow convertible in the rain. + - I work as a lifeguard at a beach. + - I m a breath of fresh air. + - I listen to katie perry while in the shower. + initial_data_id: train:ordered_3053 + labels: + - __NO__PERSONA__BEAM__MIN__LEN__20__ + session_id: 1 + speaker_idx: 2 + text: 'Hi I''m playing my piano. What kind of music do you like? + + I like hip hop my favorite is katie perry specially in the shower lol + + I learned to play when I was 6. Now I am trying to get in a local band. + + Cars has been my thing so I got me a yellow convertible + + I like system of a down. Katie isn''t hip hop. Nobody likes her short hair. + + Well what would you consider her music? And you are right' + utt_idx: 5 +- - episode_done: true + id: msc_personasummary_2 + init_personas: + - - I'm a waitress at a popular houston club. + - I'm hoping to move to australia soon to marry my boyfriend. + - I like jogging in my spare time. + - I also give blood monthly in honor of my sister who died. + - - I'm a free spirit. + - I'm all about family and fun. + - The idea of working isn't my cup of tea. + - My parents were like this as well. + - I like to live off of the land. + initial_data_id: train:ordered_7392 + labels: + - __NO__PERSONA__BEAM__MIN__LEN__20__ + session_id: 2 + speaker_idx: 2 + text: 'Have you harvested anything recently? + + I harvested some turnips last night with my brother. We had a big crop this + year! + + Nice! Do you sell them you use them for yourself? Do you have another source + of income? + + Sometimes we sell them at the local farmer''s market, but we mostly keep them + for our own use. I work for my father''s landscaping company. What do you do + for a living? + + I''m a bartender with my boyfriend Jeff. It can be tiring but i get days off + to spend time with my family.] + + What does your family think about Jeff?' + utt_idx: 5 +- - episode_done: true + id: msc_personasummary_3 + init_personas: + - - I don't like my job. + - My favorite color is blue. + - I'm an athlete. + - I visit india often. + - I want to be an explorer. + - - My favorite season is winter. + - I take vitamin c when I have a cold. + - I don't eat bread. + - I'm disabled and cannot walk. + - My friend once bought me a car. + initial_data_id: train:ordered_1717 + labels: + - I play tennis and do some strength training with a kettlebell. + session_id: 3 + speaker_idx: 2 + text: 'I just got back from the gym, feeling good but very exhausted right now. + + A good work out is always a good thing. Do you go to the gym often? + + Yes, mostly every day. And what about you? What is your favourite sport or work + out? + + I love tennis as it is a good workout for my arms. I also do some strength training + with kettlebell. ' + utt_idx: 3 +- - episode_done: true + id: msc_personasummary_1 + init_personas: + - - I am trying to build my online business. + - I also meditate a lot. + - I have a marketing job. + - I'm a vegan. + - - I like to work on cars. + - I like to try different beers from various countries. + - I work in marketing for a large company. + - My favorite music genre is classic rock. + initial_data_id: train:ordered_6568 + labels: + - __NO__PERSONA__BEAM__MIN__LEN__20__ + session_id: 1 + speaker_idx: 2 + text: 'Hi let us get to know each other + + Yes I concur let us do so. You work? + + I''m working on a new business right now + + Oh that''s exciting what does it do? + + I am selling vegan subscription boxes + + I am in marketing with a big firm maybe we can help you with that + + That would be great. My day job is in marketing + + So before we collaborate I must know do you like music? + + I like peaceful music. For meditating + + I''m into classic rock so I think we could work together. + + Absolutely! I''m thinking of doing a lot of advertising online + + Yeah that''s the way to go but how will you target people?' + utt_idx: 11 +- - episode_done: true + id: msc_personasummary_2 + init_personas: + - - I play the bass. + - I've a large cd collection. + - I collect stamps. + - I like vintage furniture. + - - My father is from india. + - My mother is from greece. + - I love cooking!. + - I like to swim when the weather is hot. + initial_data_id: train:ordered_2115 + labels: + - I enjoy Greek food. I enjoyed visiting Cambodia. I went to Cambodia last year. + session_id: 2 + speaker_idx: 1 + text: 'I am planning a trip for this year, and I have never been to India before. + + Are you thinking about going to India this year then? + + Yes. Since your mother is from India, maybe you could invite her to dinner so + I can pick her brain about their culture. + + That''s a lovely idea. Is there a time next week that would be good for you + to come over? + + Any day next week works for me. Thank you for arranging this! I can not wait + to meet her! Will your dad be there, too? + + I''ll have to check with them and get back to you about that haha. Where did + you go last year? + + I went to Cambodia last year. It was amazing! It would be awesome if your dad + could make us some Greek food next week. I love Greek food!' + utt_idx: 6 +num_episodes: 133290 +num_examples: 133290 diff --git a/parlai/tasks/msc/test/msc_PersonaSummaryTeacher_include_last_session=True_valid.yml b/parlai/tasks/msc/test/msc_PersonaSummaryTeacher_include_last_session=True_valid.yml new file mode 100644 index 00000000000..170a0f778ea --- /dev/null +++ b/parlai/tasks/msc/test/msc_PersonaSummaryTeacher_include_last_session=True_valid.yml @@ -0,0 +1,126 @@ +acts: +- - episode_done: true + eval_labels: + - My husbands car is blue. Blue is my favorite color. + id: msc_personasummary_1 + init_personas: + - - I am married. + - I'm a woman. + - My favorite color is blue. + - I'm a vegetarian. + - I enjoy sports such as running. + - - I like to spend my money on cars. + - I have never had a steady relationship. + - I watch too much tv in spare time. + - I go to the gym most days just to socialize. + - I work from home. + initial_data_id: valid_258 + session_id: 1 + speaker_idx: 1 + text: 'Hi there! I am eating tofu while running around the park. + + Hi. That is an interesting combo! I love cars. + + Awesome, my husband has a blue car. That''s my favorite color.' + utt_idx: 2 +- - episode_done: true + eval_labels: + - __NO__PERSONA__BEAM__MIN__LEN__20__ + id: msc_personasummary_2 + init_personas: + - - My current goal is to run a k. + - I won homecoming queen this year. + - When I grow up I want to be a physical therapist. + - I make straight as in school. + - - I spent a decade working in the human services field. + - I am a stay at home dad. + - Horror movies are my favorites. + - I have a son who is in junior high school. + initial_data_id: valid_856 + session_id: 2 + speaker_idx: 1 + text: 'I hope you are well. I hear there is a new horror movie coming out. ' + utt_idx: 0 +- - episode_done: true + eval_labels: + - I love Mexican food. + id: msc_personasummary_3 + init_personas: + - - I'm partly deaf. + - I've a big library at home. + - I am a museum tour guide. + - I grow roses in my garden. + - I love to drink fancy tea. + - - I'm a construction worker. + - In my free time I like to watch nascar racing and ufc. + - I have been working since I was sixteen years old. + - My favorite food is mexican food. + initial_data_id: valid_695 + session_id: 3 + speaker_idx: 2 + text: 'I think I finally found the secret to the BEST salsa recipe! + + Oh I love salsa with mexican food! What''s the recipe?' + utt_idx: 1 +- - episode_done: true + eval_labels: + - My horses are gentle. I own horses. + id: msc_personasummary_4 + init_personas: + - - I'm expecting twins in two months. + - I just bought my first home. + - I'm an omnivore. + - I work at a bank. + - A already have a children. + - - I like to listen to rock music while working. + - I help tend the fields. + - I like to ride horses. + - I have three arabian horses. + - My father is a farmer. + initial_data_id: valid_649 + session_id: 4 + speaker_idx: 2 + text: "We have planned a trip to Kentucky after the baby is born! \nThat sounds\ + \ like a hassle but you can't go anywhere without her haha. I'm sure you guys\ + \ will have fun. I would love to have you guys over at my ranch.\nThat sounds\ + \ like a blast! I'm sure the baby would enjoy it.\nThe horses are very gentle\ + \ so I'm sure she'd like to watch them. I think it would be a good exposure\ + \ to big animals for her." + utt_idx: 3 +- - episode_done: true + eval_labels: + - __NO__PERSONA__BEAM__MIN__LEN__20__ + id: msc_personasummary_1 + init_personas: + - - I'm a recording engineer and own my own studio. + - I live in california but the recording artist market was dead last year. + - I prefer being inside. + - Whats up I am a 46 year old single dad 46 a kids. + - My ex cheated and left me for a lawyer. + - - I work in it and have been at the same company for 15 years. + - I own a house in florida. + - I've a children and a dogs. + - I am a male. + - I enjoy american sports. + initial_data_id: valid_411 + session_id: 1 + speaker_idx: 2 + text: 'Hi how are you doing? + + Hi, tracy here, my children and I leaving for out house in florida. + + Cool, for a vacation or are you a snowbird? + + Vacation! Today is football sunday. My dog name is snowbird. + + That''s an unusual name, not much on traveling myself spend too much time working. + + Great! It work wears me out. Thank god for my chidren and my dog. + + I could use some it help at the moment, my protools isn''t syncing with the + mics. + + Wow. All work and no travel huh? You like sports? I do.' + utt_idx: 7 +num_episodes: 139194 +num_examples: 139194 diff --git a/parlai/tasks/msc/test/msc_PersonaSummaryTeacher_test.yml b/parlai/tasks/msc/test/msc_PersonaSummaryTeacher_test.yml new file mode 100644 index 00000000000..2ece9ac3268 --- /dev/null +++ b/parlai/tasks/msc/test/msc_PersonaSummaryTeacher_test.yml @@ -0,0 +1,170 @@ +acts: +- - episode_done: true + eval_labels: + - My father is a drunk. + id: msc_personasummary_1 + init_personas: + - - I am the only child of my parents. + - My father was in the navy. + - I went to school in france and spain. + - I have two dogs named bounty and snickers. + - I like eating burgers and fries. + - - My name is mark. + - I'm an alcoholic. + - My dad was an alcoholic too. + - Now I'm a mechanic. + - I've got a baby on the way. + initial_data_id: test_756 + session_id: 1 + speaker_idx: 2 + text: 'My parent just called. They love looking our for me. + + Cool! I am about to be a prent. I hope I''m like that to my kid. + + My navy father loves his son so much. + + My father''s not interested. He''s a drunk, lol. Me too, I''m afraid.' + utt_idx: 3 +- - episode_done: true + eval_labels: + - __NO__PERSONA__BEAM__MIN__LEN__20__ + id: msc_personasummary_2 + init_personas: + - - I have blonde hair and blue eyes. + - My parents are both from the north. + - I lived in alaska for 3 years. + - I want to retire on a beach. + - I have a small smart car. + - - I have two kids. + - I love horror movies. + - I paint pretty well. + - I have a government job. + - I like to take naps. + initial_data_id: test_390 + session_id: 2 + speaker_idx: 2 + text: 'What are your kids favorite hobbies or activity to do for fun? + + my kids like to read and to ride bikes! my son also loves cars. what kind of + car do you drive? + + reading and biking? that''s awesome! I just got myself a new tesla, it''s red + and shiny and fast + + that''s so awesome. I love teslas. they''re so good for the environment! did + you just get the tesla this year?' + utt_idx: 3 +- - episode_done: true + eval_labels: + - __NO__PERSONA__BEAM__MIN__LEN__20__ + id: msc_personasummary_3 + init_personas: + - - I like people. + - I try to be helpful. + - I like art. + - I want to be a painter. + - I love fast cars. + - - I have five tattoos in total. + - I like visiting places with graffiti. + - My mom owned a little coffee shop. + - My favorite tv show is friends. + - I do not own a car yet. + initial_data_id: test_88 + session_id: 3 + speaker_idx: 2 + text: 'I got some good news about my mom today! The tests all came back negative + and she''s been feeling well. + + that''s great! what were they testing for again? + + Well they were testing for a bunch of different things. We''ve had a really + difficult time narrowing it down. + + well i''m glad she''s okay. I know how much she means to you. + + Thank you. Yes, I don''t know what I would do without her. How is your mother + doing? + + she''s doing well. The coffee shop has been getting good business lately so + she''s very happy haha. She had been stressed about money before. + + It''s so good to hear that things are going better for her. Do you work at her + coffee shop or a different one? + + i work at hers. I actually own it now. + + Oh, I see. What''s it like working with your mother? I think that I would get + into too many arguments if I was working with mine, as much as I love her. + + It can be stressful sometimes but now that I''ve shown that I can run the place + properly, she''s pretty hands off and just lets me do my thing. We get along + pretty well at work now. + + Well it''s good that it''s working out for you both! It''s good that she''s + staying active. It''s been difficult to find things for my mother to do while + she''s been sick. + + I''m sure she''ll be back at it soon.' + utt_idx: 11 +- - episode_done: true + eval_labels: + - __NO__PERSONA__BEAM__MIN__LEN__20__ + id: msc_personasummary_1 + init_personas: + - - I am a vegan. + - I love to volunteer at my local community garden. + - Have two dogs and cat. + - I am a student at a community college. + - I am hoping to be a nurse one day. + - - I am athletic. + - My favorite drink is coffee. + - I live in the big city. + - I am an artist. + - I have a dog. + initial_data_id: test_213 + session_id: 1 + speaker_idx: 1 + text: 'Hi. How are you today? + + Tired. Just came back from my run. How about you? + + Finer than a frog hair split four ways. Have a good run? + + Hah! Haven''t heard that one yet. Almost spit out my drink.. + + Backwoods virginia slang for you. + + I guess so. Anyways, my dog chased a frisbee halfway across the park.. + + I know how it is. I have two dogs and one cat. It gets interesting. + + That sounds hectic. What are their names?. + + Skippy and jetta for the dogs and the cat is foster. What''s your dog''s name. + + The big goofball in question is named java. After what he has to be drinking.. + + Hey the pup has taste.' + utt_idx: 10 +- - episode_done: true + eval_labels: + - __NO__PERSONA__BEAM__MIN__LEN__20__ + id: msc_personasummary_2 + init_personas: + - - I live in the midwest. + - I have a twin sister. + - I have been a dentist for 14 years. + - My wife and I sleep in separate rooms. + - My favorite precious metal is gold. + - - I have three cats and two dogs. + - I work in a large grocery store. + - I didn't finish college but I want to go back. + - Growing up in a small town was the best. + - My first car was a ford. + initial_data_id: test_433 + session_id: 2 + speaker_idx: 1 + text: Has it been busy lately at the grocery store? + utt_idx: 0 +num_episodes: 133290 +num_examples: 133290 diff --git a/parlai/tasks/msc/test/msc_PersonaSummaryTeacher_train.yml b/parlai/tasks/msc/test/msc_PersonaSummaryTeacher_train.yml new file mode 100644 index 00000000000..9b531442225 --- /dev/null +++ b/parlai/tasks/msc/test/msc_PersonaSummaryTeacher_train.yml @@ -0,0 +1,168 @@ +acts: +- - episode_done: true + id: msc_personasummary_1 + init_personas: + - - I learned piano at age 6. + - I am trying to play in a local band. + - I'm a fan of system of a down. + - I am a vegan. + - - I drive a yellow convertible in the rain. + - I work as a lifeguard at a beach. + - I m a breath of fresh air. + - I listen to katie perry while in the shower. + initial_data_id: train:ordered_3053 + labels: + - __NO__PERSONA__BEAM__MIN__LEN__20__ + session_id: 1 + speaker_idx: 2 + text: 'Hi I''m playing my piano. What kind of music do you like? + + I like hip hop my favorite is katie perry specially in the shower lol + + I learned to play when I was 6. Now I am trying to get in a local band. + + Cars has been my thing so I got me a yellow convertible + + I like system of a down. Katie isn''t hip hop. Nobody likes her short hair. + + Well what would you consider her music? And you are right' + utt_idx: 5 +- - episode_done: true + id: msc_personasummary_2 + init_personas: + - - I'm a waitress at a popular houston club. + - I'm hoping to move to australia soon to marry my boyfriend. + - I like jogging in my spare time. + - I also give blood monthly in honor of my sister who died. + - - I'm a free spirit. + - I'm all about family and fun. + - The idea of working isn't my cup of tea. + - My parents were like this as well. + - I like to live off of the land. + initial_data_id: train:ordered_7392 + labels: + - __NO__PERSONA__BEAM__MIN__LEN__20__ + session_id: 2 + speaker_idx: 2 + text: 'Have you harvested anything recently? + + I harvested some turnips last night with my brother. We had a big crop this + year! + + Nice! Do you sell them you use them for yourself? Do you have another source + of income? + + Sometimes we sell them at the local farmer''s market, but we mostly keep them + for our own use. I work for my father''s landscaping company. What do you do + for a living? + + I''m a bartender with my boyfriend Jeff. It can be tiring but i get days off + to spend time with my family.] + + What does your family think about Jeff?' + utt_idx: 5 +- - episode_done: true + id: msc_personasummary_3 + init_personas: + - - I don't like my job. + - My favorite color is blue. + - I'm an athlete. + - I visit india often. + - I want to be an explorer. + - - My favorite season is winter. + - I take vitamin c when I have a cold. + - I don't eat bread. + - I'm disabled and cannot walk. + - My friend once bought me a car. + initial_data_id: train:ordered_1717 + labels: + - I play tennis and do some strength training with a kettlebell. + session_id: 3 + speaker_idx: 2 + text: 'I just got back from the gym, feeling good but very exhausted right now. + + A good work out is always a good thing. Do you go to the gym often? + + Yes, mostly every day. And what about you? What is your favourite sport or work + out? + + I love tennis as it is a good workout for my arms. I also do some strength training + with kettlebell. ' + utt_idx: 3 +- - episode_done: true + id: msc_personasummary_1 + init_personas: + - - I am trying to build my online business. + - I also meditate a lot. + - I have a marketing job. + - I'm a vegan. + - - I like to work on cars. + - I like to try different beers from various countries. + - I work in marketing for a large company. + - My favorite music genre is classic rock. + initial_data_id: train:ordered_6568 + labels: + - __NO__PERSONA__BEAM__MIN__LEN__20__ + session_id: 1 + speaker_idx: 2 + text: 'Hi let us get to know each other + + Yes I concur let us do so. You work? + + I''m working on a new business right now + + Oh that''s exciting what does it do? + + I am selling vegan subscription boxes + + I am in marketing with a big firm maybe we can help you with that + + That would be great. My day job is in marketing + + So before we collaborate I must know do you like music? + + I like peaceful music. For meditating + + I''m into classic rock so I think we could work together. + + Absolutely! I''m thinking of doing a lot of advertising online + + Yeah that''s the way to go but how will you target people?' + utt_idx: 11 +- - episode_done: true + id: msc_personasummary_2 + init_personas: + - - I play the bass. + - I've a large cd collection. + - I collect stamps. + - I like vintage furniture. + - - My father is from india. + - My mother is from greece. + - I love cooking!. + - I like to swim when the weather is hot. + initial_data_id: train:ordered_2115 + labels: + - I enjoy Greek food. I enjoyed visiting Cambodia. I went to Cambodia last year. + session_id: 2 + speaker_idx: 1 + text: 'I am planning a trip for this year, and I have never been to India before. + + Are you thinking about going to India this year then? + + Yes. Since your mother is from India, maybe you could invite her to dinner so + I can pick her brain about their culture. + + That''s a lovely idea. Is there a time next week that would be good for you + to come over? + + Any day next week works for me. Thank you for arranging this! I can not wait + to meet her! Will your dad be there, too? + + I''ll have to check with them and get back to you about that haha. Where did + you go last year? + + I went to Cambodia last year. It was amazing! It would be awesome if your dad + could make us some Greek food next week. I love Greek food!' + utt_idx: 6 +num_episodes: 133290 +num_examples: 133290 diff --git a/parlai/tasks/msc/test/msc_PersonaSummaryTeacher_valid.yml b/parlai/tasks/msc/test/msc_PersonaSummaryTeacher_valid.yml new file mode 100644 index 00000000000..a9f06cd5aea --- /dev/null +++ b/parlai/tasks/msc/test/msc_PersonaSummaryTeacher_valid.yml @@ -0,0 +1,134 @@ +acts: +- - episode_done: true + eval_labels: + - My husbands car is blue. Blue is my favorite color. + id: msc_personasummary_1 + init_personas: + - - I am married. + - I'm a woman. + - My favorite color is blue. + - I'm a vegetarian. + - I enjoy sports such as running. + - - I like to spend my money on cars. + - I have never had a steady relationship. + - I watch too much tv in spare time. + - I go to the gym most days just to socialize. + - I work from home. + initial_data_id: valid_258 + session_id: 1 + speaker_idx: 1 + text: 'Hi there! I am eating tofu while running around the park. + + Hi. That is an interesting combo! I love cars. + + Awesome, my husband has a blue car. That''s my favorite color.' + utt_idx: 2 +- - episode_done: true + eval_labels: + - __NO__PERSONA__BEAM__MIN__LEN__20__ + id: msc_personasummary_2 + init_personas: + - - My current goal is to run a k. + - I won homecoming queen this year. + - When I grow up I want to be a physical therapist. + - I make straight as in school. + - - I spent a decade working in the human services field. + - I am a stay at home dad. + - Horror movies are my favorites. + - I have a son who is in junior high school. + initial_data_id: valid_856 + session_id: 2 + speaker_idx: 1 + text: 'I hope you are well. I hear there is a new horror movie coming out. ' + utt_idx: 0 +- - episode_done: true + eval_labels: + - I love Mexican food. + id: msc_personasummary_3 + init_personas: + - - I'm partly deaf. + - I've a big library at home. + - I am a museum tour guide. + - I grow roses in my garden. + - I love to drink fancy tea. + - - I'm a construction worker. + - In my free time I like to watch nascar racing and ufc. + - I have been working since I was sixteen years old. + - My favorite food is mexican food. + initial_data_id: valid_695 + session_id: 3 + speaker_idx: 2 + text: 'I think I finally found the secret to the BEST salsa recipe! + + Oh I love salsa with mexican food! What''s the recipe?' + utt_idx: 1 +- - episode_done: true + eval_labels: + - __NO__PERSONA__BEAM__MIN__LEN__20__ + id: msc_personasummary_1 + init_personas: + - - I'm a recording engineer and own my own studio. + - I live in california but the recording artist market was dead last year. + - I prefer being inside. + - Whats up I am a 46 year old single dad 46 a kids. + - My ex cheated and left me for a lawyer. + - - I work in it and have been at the same company for 15 years. + - I own a house in florida. + - I've a children and a dogs. + - I am a male. + - I enjoy american sports. + initial_data_id: valid_411 + session_id: 1 + speaker_idx: 2 + text: 'Hi how are you doing? + + Hi, tracy here, my children and I leaving for out house in florida. + + Cool, for a vacation or are you a snowbird? + + Vacation! Today is football sunday. My dog name is snowbird. + + That''s an unusual name, not much on traveling myself spend too much time working. + + Great! It work wears me out. Thank god for my chidren and my dog. + + I could use some it help at the moment, my protools isn''t syncing with the + mics. + + Wow. All work and no travel huh? You like sports? I do.' + utt_idx: 7 +- - episode_done: true + eval_labels: + - I am planning on doing a long run this Saturday morning. + id: msc_personasummary_2 + init_personas: + - - I won homecoming queen this year. + - My current goal is to run a k. + - When I grow up I want to be a physical therapist. + - I'm currently in high school. + - I make straight as in school. + - - I'm pregnant with my first child. + - I live with my husband in pennsylvania. + - I read a book every week. + - I started a new job as a pa three months ago. + initial_data_id: valid_111 + session_id: 2 + speaker_idx: 1 + text: 'When do you plan to organize your baby shower? + + I need to start soon. Are you available to help me, by any chance? + + I would be honored! Let''s go together this weekend and get started! + + Great - thanks! I am thinking something blue and yellow since it is a boy. + + Do you want to incorporate animals? Shapes? Disney characters? + + I haven''t gotten that far! You are giving me a lot to think about for this + weekend. + + I have a long run scheduled for Saturday morning, so I will come by afterwards. + Probably around noon. Okay?' + utt_idx: 6 +num_episodes: 133290 +num_examples: 133290 diff --git a/parlai/tasks/msc/test/msc_include_last_session=True_test.yml b/parlai/tasks/msc/test/msc_include_last_session=True_test.yml new file mode 100644 index 00000000000..0a2d12262cc --- /dev/null +++ b/parlai/tasks/msc/test/msc_include_last_session=True_test.yml @@ -0,0 +1,149 @@ +acts: +- - episode_done: false + eval_labels: + - I am good, I just got off work and tired, I have two jobs. + id: msc:Session1Self + label_candidates: + - Oh really? I am actually in high school and I am graduating as class of 2019! + - That's an interesting choice. I'd have to pick french fries + - I just got a pet fish for my 18th birthday yesterday from my parents. + - Yeah, well what about you? + - My favorite watch is the rolex? What is yours? + - What is in spain that's so interesting + - I don't like clowns. They are scary to a kid like me + - Poetry. Roses are red. Violet are...? + - My father is a member of the army, served for 10 years now. + - Oh I like mexican food, but my favorite food are cheeseburgers + - Hey there, are you a mother? + - It sure is. I'd like to see more of the city though. + - It is not so fun I have 2 friend who speak a different langues + - I'd like some honey though. Do you sell it? + - I am a recovering heavy drinker. Full time. How about you? + - Hi! I have three kids. How many do you have? + - Awesome! I own 2 dogs, love them + - Yes, my favorite is broccoli and tofu in a garlic sauce. Yum! + - Maybe he can skydive to see a better view + - I am good, I just got off work and tired, I have two jobs. + reward: 0 + text: 'your persona: I read twenty books a year. + + your persona: I''m a stunt double as my second job. + + your persona: I only eat kosher. + + your persona: I was raised in a single parent household. + + Hello what are doing today?' +- - episode_done: false + eval_labels: + - I rather read, I've read about 20 books this year. + id: msc:Session1Self + label_candidates: + - Why have you not sent help?! The scorpions are stinging my legs! Ree!!!!!!! + - That is great I am expecting twins in two months. Will these be your first kids? + - Do you live on a farm or ranch? + - Hi how are you doing tonight I am fine. + - I'd love to see her do that. + - I don't. But I am so glad you do something that brings you joy + - It is hard, buy my dog keeps me company. Do you have dogs? + - Sounds like a good plan, what would you like to teach? + - I like rap music and I also produce for music artists. + - Where do you work? + - I broke my arm so I can not drink coffee + - I meant mickey. Cool I've a lot of friends and love the playground. Do you? + - Oh, yes. I wish I could skate to school. I ride the bus instead. + - That is my idea of heaven. I love bunnies! I donate to a bunny charity too. + - I work on a freelance basis as an author, blogger and affiliate marketer. And + you? + - Like me? Would you go on vacation to the beach with me + - I don't let myself watch tv + - We can go for a trade that sounds awesome + - What part of the world is bratislava? + - I rather read, I've read about 20 books this year. + reward: 0 + text: I just got done watching a horror movie +- - episode_done: false + eval_labels: + - But a good movie is always good. + id: msc:Session1Self + label_candidates: + - Oh I'm sure they are + - That would be great! We just bought a house so no travel soon + - Lol, I must go too. The imelda marcos shoe collection on qvc is on + - I'm so sorry to hear that. My father also passed away. He drove for nascar. + - Yes we do. My hair also goes down to my waist + - I'm just fine. My name is priya, and you? + - Gotta celebrate! I'm so old, I recall when nobody owned a tv. + - Very carefully, did you get flooded in texas? + - With kids in my house I can not listen to rap anymore. + - I'm working on both of my vintage mustangs + - Yes, all descendants from christopher columbus love star wars. + - I have a cat mouse and a dog biscuit. What about you? + - Yes, you have said that. What do your parents do? + - Oh gosh another day just grateful. + - Good song and what your favorite beverage? + - I work from home doing internet searches + - This one time, this guy turned into a alien, and he teleported, nobody believes + me + - That is a great question, I have never tried! Where are you from? + - That is awesome. Are you scared there? I'm so scared of clowns. + - But a good movie is always good. + reward: 0 + text: Wow! I do love a good horror movie. Loving this cooler weather +- - episode_done: false + eval_labels: + - I work in the movies as well. + id: msc:Session1Self + label_candidates: + - That is great! Are you going to college? + - Ugh. I do not think I could live with them. + - I sing folk music. My parents aren't supportive. + - I love piano music. Do you play jazz? + - Sure, your parents will have to take you here, I'm also a teacher in kindergarten + - That is nice, I need a new car, how is the bmw? + - All natural... Second time... Twins this time. + - One is a tabby yet overweight and the other is a black and white cat + - Go to national parks. Think about what I missed out on in high school. You? + - No. I'm too busy with my bees. I wish I had family I was close to. + - Nothing like a dog and a truck! + - Nope, I work in a hat shop 24 7. My name is sophie by the way. + - When I take over the world I'll grant bacon to everyone + - Wow that is awesome I'm trying to relax having triplets in 90 days + - I bet. What will be the first thing you will eat + - I like electricity and electronics. I'm a bartender + - Blue, I guess. What is yours? + - I must be too cause I enjoy my activites in the spring more + - I do not have any pets, but I may be interested in one + - I work in the movies as well. + reward: 0 + text: Yes! My son is in junior high and I just started letting him watch them + too +- - episode_done: false + eval_labels: + - Yes it is neat, I stunt double, it is so much fun and hard work. + id: msc:Session1Self + label_candidates: + - Big city life to overwhelming too much pressure + - Frozen food is bad, full of nitrates. + - I like to take my dog for walks and sometimes I volunteer. + - Great I a blue sweater that I love and you sew it for me + - I just want to move out. They are always on my back. + - Oh wow that really sucks. And assistant marketing director + - Thanks! I like riding horses. + - Well at least some good came out of it. Hope everything is well for you + - Amazing. Do you study and languages + - I'm not active but love watching birds from indoors + - What do you call your fish? I'm drinking fancy tea + - Yes, I pray for her. I'm helping her paint her kitchen red, my favorite color. + - I'm from mexico. I'm moving into my home soon you? + - Nice, I like comic books as well. What position do you play in basketball. + - Do you have any? Mine is a black lab + - Out of work right now what do you do? + - They are yummy salty little fish. You should try them. + - I prefer my roller coasters and thrills. + - What sport do you enjoy? + - Yes it is neat, I stunt double, it is so much fun and hard work. + reward: 0 + text: Neat!! I used to work in the human services field +num_episodes: 20002 +num_examples: 119314 diff --git a/parlai/tasks/msc/test/msc_include_last_session=True_train.yml b/parlai/tasks/msc/test/msc_include_last_session=True_train.yml new file mode 100644 index 00000000000..e44e14fca84 --- /dev/null +++ b/parlai/tasks/msc/test/msc_include_last_session=True_train.yml @@ -0,0 +1,151 @@ +acts: +- - episode_done: false + id: msc:Session1Self + label_candidates: + - My mom was single with 3 boys, so we never left the projects. + - I try to wear all black every day. It makes me feel comfortable. + - Well nursing stresses you out so I wish luck with sister + - Yeah just want to pick up nba nfl getting old + - I really like celine dion. What about you? + - No. I live near farms. + - I wish I had a daughter, I'm a boy mom. They're beautiful boys though still + lucky + - Yeah when I get bored I play gone with the wind my favorite movie. + - Hi how are you? I'm eating dinner with my hubby and 2 kids. + - Were you married to your high school sweetheart? I was. + - That is great to hear! Are you a competitive rider? + - Hi, I'm doing ok. I'm a banker. How about you? + - I'm 5 years old + - Hi there. How are you today? + - I totally understand how stressful that can be. + - Yeah sometimes you do not know what you are actually watching + - Mother taught me to cook! We are looking for an exterminator. + - I enjoy romantic movie. What is your favorite season? Mine is summer. + - Editing photos takes a lot of work. + - You must be very fast. Hunting is one of my favorite hobbies. + labels: + - You must be very fast. Hunting is one of my favorite hobbies. + reward: 0 + text: 'your persona: I like to remodel homes. + + your persona: I like to go hunting. + + your persona: I like to shoot a bow. + + your persona: My favorite holiday is halloween. + + Hi, how are you doing? I''m getting ready to do some cheetah chasing to stay + in shape.' +- - episode_done: false + id: msc:Session1Self + label_candidates: + - Hello I am doing well how are you? + - Ll something like that. Do you play games? + - Does anything give you relief? I hate taking medicine for mine. + - I decorate cakes at a local bakery! And you? + - Do you eat lots of meat + - I am so weird that I like to collect people and cats + - How are your typing skills? + - Yeah. I am headed to the gym in a bit to weight lift. + - Yeah you have plenty of time + - Metal is my favorite, but I can accept that people listen to country. Haha + - That's why you desire to be controlled. Let me control you person one. + - Two dogs they are the best, how about you? + - You do art? What kind of art do you do? + - I love watching baseball outdoors on sunny days. + - Oh I see. Do you ever think about moving? I do, it is what I want. + - Sure. I wish it were winter. The sun really hurts my blue eyes. + - Are we pretending to play tennis + - I am rich and have all of my dreams fulfilled already + - They tire me so, I probably sleep about 10 hrs a day because of them. + - I also remodel homes when I am not out bow hunting. + labels: + - I also remodel homes when I am not out bow hunting. + reward: 0 + text: I am! For my hobby I like to do canning or some whittling. +- - episode_done: false + id: msc:Session1Self + label_candidates: + - Yes they do but I say no to them lol + - I have trouble getting along with family. + - I live in texas, what kind of stuff do you do in toronto? + - That's so unique! Veganism and line dancing usually don't mix! + - No, it isn't that big. Do you travel a lot + - That's because they are real ; what do you do for work? + - I am lazy all day lol. My mom wants me to get a job and move out + - I was born on arbor day, so plant a tree in my name + - Okay, I should not tell you, its against the rules but my name is sarah, call + me o + - Hello how are u tonight + - Cool... My parents love country music that's why I hate it + - I am an accountant. What do you do? + - What do your parents do? My dad is a mechanic. + - How are you liking it? + - I really am too. Great talking to you too. + - Cool. Whats it like working there? + - One daughter. She's pre med + - No and all men is taller than me why can't I find a man to dance with + - I live in utah, and my family live in england, so I understand + - That's awesome. Do you have a favorite season or time of year? + labels: + - That's awesome. Do you have a favorite season or time of year? + reward: 0 + text: That's neat. When I was in high school I placed 6th in 100m dash! +- - episode_done: false + id: msc:Session1Self + label_candidates: + - Not really, it is just a small local radio station. What about you, what do + you do? + - Me too! People always say I am so organized + - Niagra fall is where our honeymoon will be + - Yes! I know how to be by myself. You? I do not need new friends. You? + - Ll. My dad is a police officer and they have a sports team too + - Oh you should get your license + - Okay you have a good day nice talking with you! + - I play some ball for a living. + - Me too! My asthma is really embarrassing and makes me uncomfortable around others. + - Netflix and good food is the best. Maybe lobster, my favorite seafood. Where + ya from? + - Oh nice. Why is that? + - Sounds fun! I helped my wife with health issues, too. + - I am a night owl. I think I'll play the piano a little before bed. + - Just the real ones, not a big game person + - I could be the next mrs. Adam levine. Please, I'll buy you 10 mangoes. + - Do you like dogs I've usually to talk + - What did she teach? My mom stayed home with my and my 3 older siblings + - Neither do I, I am just a photographer, and that is already a ot of energy + - No, I say I am average at 5 4. Are you vertically challenged? + - What is your favorite meat to eat? + labels: + - What is your favorite meat to eat? + reward: 0 + text: I do not. But I do have a favorite meat since that is all I eat exclusively. +- - episode_done: false + id: msc:Session1Self + label_candidates: + - I am listening to system of a down, I wonder if your cat would like them + - I absolutely agree, women are just as strong and capable. + - In denmark with my grandma. What about you? + - I live in backcountry michigan. I encounter many sick, injured wildlife daily! + - I am great and you + - I am a big foodie, I love to bake. How about you? + - Dance!! I win alot of mone and trifies.. What do u do four fun? + - Do you do any sports? Swimming helps me keep my energy up. + - They are excellent for the environment. + - I am going to catch some fish and think this over. Thanks dog! + - I am doing well! How about you? + - I like old cars better new cars are to expensive + - I've met bill once. He seems like a nice guy. + - Oh that is amazing. I've been trying to find someone who can help him + - I am in my early 30s, what you do for living + - So, you are in college? I took foreign language in college. + - I just turned 30 the other day + - What a coincidence I live up in anchorage + - That would be interesting. I am going to be a forensic psychologist. + - I like chicken or macaroni and cheese. + labels: + - I like chicken or macaroni and cheese. + reward: 0 + text: I would have to say its prime rib. Do you have any favorite foods? +num_episodes: 35880 +num_examples: 236987 diff --git a/parlai/tasks/msc/test/msc_include_last_session=True_valid.yml b/parlai/tasks/msc/test/msc_include_last_session=True_valid.yml new file mode 100644 index 00000000000..0a2d12262cc --- /dev/null +++ b/parlai/tasks/msc/test/msc_include_last_session=True_valid.yml @@ -0,0 +1,149 @@ +acts: +- - episode_done: false + eval_labels: + - I am good, I just got off work and tired, I have two jobs. + id: msc:Session1Self + label_candidates: + - Oh really? I am actually in high school and I am graduating as class of 2019! + - That's an interesting choice. I'd have to pick french fries + - I just got a pet fish for my 18th birthday yesterday from my parents. + - Yeah, well what about you? + - My favorite watch is the rolex? What is yours? + - What is in spain that's so interesting + - I don't like clowns. They are scary to a kid like me + - Poetry. Roses are red. Violet are...? + - My father is a member of the army, served for 10 years now. + - Oh I like mexican food, but my favorite food are cheeseburgers + - Hey there, are you a mother? + - It sure is. I'd like to see more of the city though. + - It is not so fun I have 2 friend who speak a different langues + - I'd like some honey though. Do you sell it? + - I am a recovering heavy drinker. Full time. How about you? + - Hi! I have three kids. How many do you have? + - Awesome! I own 2 dogs, love them + - Yes, my favorite is broccoli and tofu in a garlic sauce. Yum! + - Maybe he can skydive to see a better view + - I am good, I just got off work and tired, I have two jobs. + reward: 0 + text: 'your persona: I read twenty books a year. + + your persona: I''m a stunt double as my second job. + + your persona: I only eat kosher. + + your persona: I was raised in a single parent household. + + Hello what are doing today?' +- - episode_done: false + eval_labels: + - I rather read, I've read about 20 books this year. + id: msc:Session1Self + label_candidates: + - Why have you not sent help?! The scorpions are stinging my legs! Ree!!!!!!! + - That is great I am expecting twins in two months. Will these be your first kids? + - Do you live on a farm or ranch? + - Hi how are you doing tonight I am fine. + - I'd love to see her do that. + - I don't. But I am so glad you do something that brings you joy + - It is hard, buy my dog keeps me company. Do you have dogs? + - Sounds like a good plan, what would you like to teach? + - I like rap music and I also produce for music artists. + - Where do you work? + - I broke my arm so I can not drink coffee + - I meant mickey. Cool I've a lot of friends and love the playground. Do you? + - Oh, yes. I wish I could skate to school. I ride the bus instead. + - That is my idea of heaven. I love bunnies! I donate to a bunny charity too. + - I work on a freelance basis as an author, blogger and affiliate marketer. And + you? + - Like me? Would you go on vacation to the beach with me + - I don't let myself watch tv + - We can go for a trade that sounds awesome + - What part of the world is bratislava? + - I rather read, I've read about 20 books this year. + reward: 0 + text: I just got done watching a horror movie +- - episode_done: false + eval_labels: + - But a good movie is always good. + id: msc:Session1Self + label_candidates: + - Oh I'm sure they are + - That would be great! We just bought a house so no travel soon + - Lol, I must go too. The imelda marcos shoe collection on qvc is on + - I'm so sorry to hear that. My father also passed away. He drove for nascar. + - Yes we do. My hair also goes down to my waist + - I'm just fine. My name is priya, and you? + - Gotta celebrate! I'm so old, I recall when nobody owned a tv. + - Very carefully, did you get flooded in texas? + - With kids in my house I can not listen to rap anymore. + - I'm working on both of my vintage mustangs + - Yes, all descendants from christopher columbus love star wars. + - I have a cat mouse and a dog biscuit. What about you? + - Yes, you have said that. What do your parents do? + - Oh gosh another day just grateful. + - Good song and what your favorite beverage? + - I work from home doing internet searches + - This one time, this guy turned into a alien, and he teleported, nobody believes + me + - That is a great question, I have never tried! Where are you from? + - That is awesome. Are you scared there? I'm so scared of clowns. + - But a good movie is always good. + reward: 0 + text: Wow! I do love a good horror movie. Loving this cooler weather +- - episode_done: false + eval_labels: + - I work in the movies as well. + id: msc:Session1Self + label_candidates: + - That is great! Are you going to college? + - Ugh. I do not think I could live with them. + - I sing folk music. My parents aren't supportive. + - I love piano music. Do you play jazz? + - Sure, your parents will have to take you here, I'm also a teacher in kindergarten + - That is nice, I need a new car, how is the bmw? + - All natural... Second time... Twins this time. + - One is a tabby yet overweight and the other is a black and white cat + - Go to national parks. Think about what I missed out on in high school. You? + - No. I'm too busy with my bees. I wish I had family I was close to. + - Nothing like a dog and a truck! + - Nope, I work in a hat shop 24 7. My name is sophie by the way. + - When I take over the world I'll grant bacon to everyone + - Wow that is awesome I'm trying to relax having triplets in 90 days + - I bet. What will be the first thing you will eat + - I like electricity and electronics. I'm a bartender + - Blue, I guess. What is yours? + - I must be too cause I enjoy my activites in the spring more + - I do not have any pets, but I may be interested in one + - I work in the movies as well. + reward: 0 + text: Yes! My son is in junior high and I just started letting him watch them + too +- - episode_done: false + eval_labels: + - Yes it is neat, I stunt double, it is so much fun and hard work. + id: msc:Session1Self + label_candidates: + - Big city life to overwhelming too much pressure + - Frozen food is bad, full of nitrates. + - I like to take my dog for walks and sometimes I volunteer. + - Great I a blue sweater that I love and you sew it for me + - I just want to move out. They are always on my back. + - Oh wow that really sucks. And assistant marketing director + - Thanks! I like riding horses. + - Well at least some good came out of it. Hope everything is well for you + - Amazing. Do you study and languages + - I'm not active but love watching birds from indoors + - What do you call your fish? I'm drinking fancy tea + - Yes, I pray for her. I'm helping her paint her kitchen red, my favorite color. + - I'm from mexico. I'm moving into my home soon you? + - Nice, I like comic books as well. What position do you play in basketball. + - Do you have any? Mine is a black lab + - Out of work right now what do you do? + - They are yummy salty little fish. You should try them. + - I prefer my roller coasters and thrills. + - What sport do you enjoy? + - Yes it is neat, I stunt double, it is so much fun and hard work. + reward: 0 + text: Neat!! I used to work in the human services field +num_episodes: 20002 +num_examples: 119314 diff --git a/parlai/tasks/msc/test/msc_test.yml b/parlai/tasks/msc/test/msc_test.yml new file mode 100644 index 00000000000..41c67fcbbd8 --- /dev/null +++ b/parlai/tasks/msc/test/msc_test.yml @@ -0,0 +1,149 @@ +acts: +- - episode_done: false + eval_labels: + - I am good, I just got off work and tired, I have two jobs. + id: msc:Session1Self + label_candidates: + - Oh really? I am actually in high school and I am graduating as class of 2019! + - That's an interesting choice. I'd have to pick french fries + - I just got a pet fish for my 18th birthday yesterday from my parents. + - Yeah, well what about you? + - My favorite watch is the rolex? What is yours? + - What is in spain that's so interesting + - I don't like clowns. They are scary to a kid like me + - Poetry. Roses are red. Violet are...? + - My father is a member of the army, served for 10 years now. + - Oh I like mexican food, but my favorite food are cheeseburgers + - Hey there, are you a mother? + - It sure is. I'd like to see more of the city though. + - It is not so fun I have 2 friend who speak a different langues + - I'd like some honey though. Do you sell it? + - I am a recovering heavy drinker. Full time. How about you? + - Hi! I have three kids. How many do you have? + - Awesome! I own 2 dogs, love them + - Yes, my favorite is broccoli and tofu in a garlic sauce. Yum! + - Maybe he can skydive to see a better view + - I am good, I just got off work and tired, I have two jobs. + reward: 0 + text: 'your persona: I read twenty books a year. + + your persona: I''m a stunt double as my second job. + + your persona: I only eat kosher. + + your persona: I was raised in a single parent household. + + Hello what are doing today?' +- - episode_done: false + eval_labels: + - I rather read, I've read about 20 books this year. + id: msc:Session1Self + label_candidates: + - Why have you not sent help?! The scorpions are stinging my legs! Ree!!!!!!! + - That is great I am expecting twins in two months. Will these be your first kids? + - Do you live on a farm or ranch? + - Hi how are you doing tonight I am fine. + - I'd love to see her do that. + - I don't. But I am so glad you do something that brings you joy + - It is hard, buy my dog keeps me company. Do you have dogs? + - Sounds like a good plan, what would you like to teach? + - I like rap music and I also produce for music artists. + - Where do you work? + - I broke my arm so I can not drink coffee + - I meant mickey. Cool I've a lot of friends and love the playground. Do you? + - Oh, yes. I wish I could skate to school. I ride the bus instead. + - That is my idea of heaven. I love bunnies! I donate to a bunny charity too. + - I work on a freelance basis as an author, blogger and affiliate marketer. And + you? + - Like me? Would you go on vacation to the beach with me + - I don't let myself watch tv + - We can go for a trade that sounds awesome + - What part of the world is bratislava? + - I rather read, I've read about 20 books this year. + reward: 0 + text: I just got done watching a horror movie +- - episode_done: false + eval_labels: + - But a good movie is always good. + id: msc:Session1Self + label_candidates: + - Oh I'm sure they are + - That would be great! We just bought a house so no travel soon + - Lol, I must go too. The imelda marcos shoe collection on qvc is on + - I'm so sorry to hear that. My father also passed away. He drove for nascar. + - Yes we do. My hair also goes down to my waist + - I'm just fine. My name is priya, and you? + - Gotta celebrate! I'm so old, I recall when nobody owned a tv. + - Very carefully, did you get flooded in texas? + - With kids in my house I can not listen to rap anymore. + - I'm working on both of my vintage mustangs + - Yes, all descendants from christopher columbus love star wars. + - I have a cat mouse and a dog biscuit. What about you? + - Yes, you have said that. What do your parents do? + - Oh gosh another day just grateful. + - Good song and what your favorite beverage? + - I work from home doing internet searches + - This one time, this guy turned into a alien, and he teleported, nobody believes + me + - That is a great question, I have never tried! Where are you from? + - That is awesome. Are you scared there? I'm so scared of clowns. + - But a good movie is always good. + reward: 0 + text: Wow! I do love a good horror movie. Loving this cooler weather +- - episode_done: false + eval_labels: + - I work in the movies as well. + id: msc:Session1Self + label_candidates: + - That is great! Are you going to college? + - Ugh. I do not think I could live with them. + - I sing folk music. My parents aren't supportive. + - I love piano music. Do you play jazz? + - Sure, your parents will have to take you here, I'm also a teacher in kindergarten + - That is nice, I need a new car, how is the bmw? + - All natural... Second time... Twins this time. + - One is a tabby yet overweight and the other is a black and white cat + - Go to national parks. Think about what I missed out on in high school. You? + - No. I'm too busy with my bees. I wish I had family I was close to. + - Nothing like a dog and a truck! + - Nope, I work in a hat shop 24 7. My name is sophie by the way. + - When I take over the world I'll grant bacon to everyone + - Wow that is awesome I'm trying to relax having triplets in 90 days + - I bet. What will be the first thing you will eat + - I like electricity and electronics. I'm a bartender + - Blue, I guess. What is yours? + - I must be too cause I enjoy my activites in the spring more + - I do not have any pets, but I may be interested in one + - I work in the movies as well. + reward: 0 + text: Yes! My son is in junior high and I just started letting him watch them + too +- - episode_done: false + eval_labels: + - Yes it is neat, I stunt double, it is so much fun and hard work. + id: msc:Session1Self + label_candidates: + - Big city life to overwhelming too much pressure + - Frozen food is bad, full of nitrates. + - I like to take my dog for walks and sometimes I volunteer. + - Great I a blue sweater that I love and you sew it for me + - I just want to move out. They are always on my back. + - Oh wow that really sucks. And assistant marketing director + - Thanks! I like riding horses. + - Well at least some good came out of it. Hope everything is well for you + - Amazing. Do you study and languages + - I'm not active but love watching birds from indoors + - What do you call your fish? I'm drinking fancy tea + - Yes, I pray for her. I'm helping her paint her kitchen red, my favorite color. + - I'm from mexico. I'm moving into my home soon you? + - Nice, I like comic books as well. What position do you play in basketball. + - Do you have any? Mine is a black lab + - Out of work right now what do you do? + - They are yummy salty little fish. You should try them. + - I prefer my roller coasters and thrills. + - What sport do you enjoy? + - Yes it is neat, I stunt double, it is so much fun and hard work. + reward: 0 + text: Neat!! I used to work in the human services field +num_episodes: 19002 +num_examples: 113350 diff --git a/parlai/tasks/msc/test/msc_train.yml b/parlai/tasks/msc/test/msc_train.yml new file mode 100644 index 00000000000..e44e14fca84 --- /dev/null +++ b/parlai/tasks/msc/test/msc_train.yml @@ -0,0 +1,151 @@ +acts: +- - episode_done: false + id: msc:Session1Self + label_candidates: + - My mom was single with 3 boys, so we never left the projects. + - I try to wear all black every day. It makes me feel comfortable. + - Well nursing stresses you out so I wish luck with sister + - Yeah just want to pick up nba nfl getting old + - I really like celine dion. What about you? + - No. I live near farms. + - I wish I had a daughter, I'm a boy mom. They're beautiful boys though still + lucky + - Yeah when I get bored I play gone with the wind my favorite movie. + - Hi how are you? I'm eating dinner with my hubby and 2 kids. + - Were you married to your high school sweetheart? I was. + - That is great to hear! Are you a competitive rider? + - Hi, I'm doing ok. I'm a banker. How about you? + - I'm 5 years old + - Hi there. How are you today? + - I totally understand how stressful that can be. + - Yeah sometimes you do not know what you are actually watching + - Mother taught me to cook! We are looking for an exterminator. + - I enjoy romantic movie. What is your favorite season? Mine is summer. + - Editing photos takes a lot of work. + - You must be very fast. Hunting is one of my favorite hobbies. + labels: + - You must be very fast. Hunting is one of my favorite hobbies. + reward: 0 + text: 'your persona: I like to remodel homes. + + your persona: I like to go hunting. + + your persona: I like to shoot a bow. + + your persona: My favorite holiday is halloween. + + Hi, how are you doing? I''m getting ready to do some cheetah chasing to stay + in shape.' +- - episode_done: false + id: msc:Session1Self + label_candidates: + - Hello I am doing well how are you? + - Ll something like that. Do you play games? + - Does anything give you relief? I hate taking medicine for mine. + - I decorate cakes at a local bakery! And you? + - Do you eat lots of meat + - I am so weird that I like to collect people and cats + - How are your typing skills? + - Yeah. I am headed to the gym in a bit to weight lift. + - Yeah you have plenty of time + - Metal is my favorite, but I can accept that people listen to country. Haha + - That's why you desire to be controlled. Let me control you person one. + - Two dogs they are the best, how about you? + - You do art? What kind of art do you do? + - I love watching baseball outdoors on sunny days. + - Oh I see. Do you ever think about moving? I do, it is what I want. + - Sure. I wish it were winter. The sun really hurts my blue eyes. + - Are we pretending to play tennis + - I am rich and have all of my dreams fulfilled already + - They tire me so, I probably sleep about 10 hrs a day because of them. + - I also remodel homes when I am not out bow hunting. + labels: + - I also remodel homes when I am not out bow hunting. + reward: 0 + text: I am! For my hobby I like to do canning or some whittling. +- - episode_done: false + id: msc:Session1Self + label_candidates: + - Yes they do but I say no to them lol + - I have trouble getting along with family. + - I live in texas, what kind of stuff do you do in toronto? + - That's so unique! Veganism and line dancing usually don't mix! + - No, it isn't that big. Do you travel a lot + - That's because they are real ; what do you do for work? + - I am lazy all day lol. My mom wants me to get a job and move out + - I was born on arbor day, so plant a tree in my name + - Okay, I should not tell you, its against the rules but my name is sarah, call + me o + - Hello how are u tonight + - Cool... My parents love country music that's why I hate it + - I am an accountant. What do you do? + - What do your parents do? My dad is a mechanic. + - How are you liking it? + - I really am too. Great talking to you too. + - Cool. Whats it like working there? + - One daughter. She's pre med + - No and all men is taller than me why can't I find a man to dance with + - I live in utah, and my family live in england, so I understand + - That's awesome. Do you have a favorite season or time of year? + labels: + - That's awesome. Do you have a favorite season or time of year? + reward: 0 + text: That's neat. When I was in high school I placed 6th in 100m dash! +- - episode_done: false + id: msc:Session1Self + label_candidates: + - Not really, it is just a small local radio station. What about you, what do + you do? + - Me too! People always say I am so organized + - Niagra fall is where our honeymoon will be + - Yes! I know how to be by myself. You? I do not need new friends. You? + - Ll. My dad is a police officer and they have a sports team too + - Oh you should get your license + - Okay you have a good day nice talking with you! + - I play some ball for a living. + - Me too! My asthma is really embarrassing and makes me uncomfortable around others. + - Netflix and good food is the best. Maybe lobster, my favorite seafood. Where + ya from? + - Oh nice. Why is that? + - Sounds fun! I helped my wife with health issues, too. + - I am a night owl. I think I'll play the piano a little before bed. + - Just the real ones, not a big game person + - I could be the next mrs. Adam levine. Please, I'll buy you 10 mangoes. + - Do you like dogs I've usually to talk + - What did she teach? My mom stayed home with my and my 3 older siblings + - Neither do I, I am just a photographer, and that is already a ot of energy + - No, I say I am average at 5 4. Are you vertically challenged? + - What is your favorite meat to eat? + labels: + - What is your favorite meat to eat? + reward: 0 + text: I do not. But I do have a favorite meat since that is all I eat exclusively. +- - episode_done: false + id: msc:Session1Self + label_candidates: + - I am listening to system of a down, I wonder if your cat would like them + - I absolutely agree, women are just as strong and capable. + - In denmark with my grandma. What about you? + - I live in backcountry michigan. I encounter many sick, injured wildlife daily! + - I am great and you + - I am a big foodie, I love to bake. How about you? + - Dance!! I win alot of mone and trifies.. What do u do four fun? + - Do you do any sports? Swimming helps me keep my energy up. + - They are excellent for the environment. + - I am going to catch some fish and think this over. Thanks dog! + - I am doing well! How about you? + - I like old cars better new cars are to expensive + - I've met bill once. He seems like a nice guy. + - Oh that is amazing. I've been trying to find someone who can help him + - I am in my early 30s, what you do for living + - So, you are in college? I took foreign language in college. + - I just turned 30 the other day + - What a coincidence I live up in anchorage + - That would be interesting. I am going to be a forensic psychologist. + - I like chicken or macaroni and cheese. + labels: + - I like chicken or macaroni and cheese. + reward: 0 + text: I would have to say its prime rib. Do you have any favorite foods? +num_episodes: 35880 +num_examples: 236987 diff --git a/parlai/tasks/msc/test/msc_valid.yml b/parlai/tasks/msc/test/msc_valid.yml new file mode 100644 index 00000000000..41c67fcbbd8 --- /dev/null +++ b/parlai/tasks/msc/test/msc_valid.yml @@ -0,0 +1,149 @@ +acts: +- - episode_done: false + eval_labels: + - I am good, I just got off work and tired, I have two jobs. + id: msc:Session1Self + label_candidates: + - Oh really? I am actually in high school and I am graduating as class of 2019! + - That's an interesting choice. I'd have to pick french fries + - I just got a pet fish for my 18th birthday yesterday from my parents. + - Yeah, well what about you? + - My favorite watch is the rolex? What is yours? + - What is in spain that's so interesting + - I don't like clowns. They are scary to a kid like me + - Poetry. Roses are red. Violet are...? + - My father is a member of the army, served for 10 years now. + - Oh I like mexican food, but my favorite food are cheeseburgers + - Hey there, are you a mother? + - It sure is. I'd like to see more of the city though. + - It is not so fun I have 2 friend who speak a different langues + - I'd like some honey though. Do you sell it? + - I am a recovering heavy drinker. Full time. How about you? + - Hi! I have three kids. How many do you have? + - Awesome! I own 2 dogs, love them + - Yes, my favorite is broccoli and tofu in a garlic sauce. Yum! + - Maybe he can skydive to see a better view + - I am good, I just got off work and tired, I have two jobs. + reward: 0 + text: 'your persona: I read twenty books a year. + + your persona: I''m a stunt double as my second job. + + your persona: I only eat kosher. + + your persona: I was raised in a single parent household. + + Hello what are doing today?' +- - episode_done: false + eval_labels: + - I rather read, I've read about 20 books this year. + id: msc:Session1Self + label_candidates: + - Why have you not sent help?! The scorpions are stinging my legs! Ree!!!!!!! + - That is great I am expecting twins in two months. Will these be your first kids? + - Do you live on a farm or ranch? + - Hi how are you doing tonight I am fine. + - I'd love to see her do that. + - I don't. But I am so glad you do something that brings you joy + - It is hard, buy my dog keeps me company. Do you have dogs? + - Sounds like a good plan, what would you like to teach? + - I like rap music and I also produce for music artists. + - Where do you work? + - I broke my arm so I can not drink coffee + - I meant mickey. Cool I've a lot of friends and love the playground. Do you? + - Oh, yes. I wish I could skate to school. I ride the bus instead. + - That is my idea of heaven. I love bunnies! I donate to a bunny charity too. + - I work on a freelance basis as an author, blogger and affiliate marketer. And + you? + - Like me? Would you go on vacation to the beach with me + - I don't let myself watch tv + - We can go for a trade that sounds awesome + - What part of the world is bratislava? + - I rather read, I've read about 20 books this year. + reward: 0 + text: I just got done watching a horror movie +- - episode_done: false + eval_labels: + - But a good movie is always good. + id: msc:Session1Self + label_candidates: + - Oh I'm sure they are + - That would be great! We just bought a house so no travel soon + - Lol, I must go too. The imelda marcos shoe collection on qvc is on + - I'm so sorry to hear that. My father also passed away. He drove for nascar. + - Yes we do. My hair also goes down to my waist + - I'm just fine. My name is priya, and you? + - Gotta celebrate! I'm so old, I recall when nobody owned a tv. + - Very carefully, did you get flooded in texas? + - With kids in my house I can not listen to rap anymore. + - I'm working on both of my vintage mustangs + - Yes, all descendants from christopher columbus love star wars. + - I have a cat mouse and a dog biscuit. What about you? + - Yes, you have said that. What do your parents do? + - Oh gosh another day just grateful. + - Good song and what your favorite beverage? + - I work from home doing internet searches + - This one time, this guy turned into a alien, and he teleported, nobody believes + me + - That is a great question, I have never tried! Where are you from? + - That is awesome. Are you scared there? I'm so scared of clowns. + - But a good movie is always good. + reward: 0 + text: Wow! I do love a good horror movie. Loving this cooler weather +- - episode_done: false + eval_labels: + - I work in the movies as well. + id: msc:Session1Self + label_candidates: + - That is great! Are you going to college? + - Ugh. I do not think I could live with them. + - I sing folk music. My parents aren't supportive. + - I love piano music. Do you play jazz? + - Sure, your parents will have to take you here, I'm also a teacher in kindergarten + - That is nice, I need a new car, how is the bmw? + - All natural... Second time... Twins this time. + - One is a tabby yet overweight and the other is a black and white cat + - Go to national parks. Think about what I missed out on in high school. You? + - No. I'm too busy with my bees. I wish I had family I was close to. + - Nothing like a dog and a truck! + - Nope, I work in a hat shop 24 7. My name is sophie by the way. + - When I take over the world I'll grant bacon to everyone + - Wow that is awesome I'm trying to relax having triplets in 90 days + - I bet. What will be the first thing you will eat + - I like electricity and electronics. I'm a bartender + - Blue, I guess. What is yours? + - I must be too cause I enjoy my activites in the spring more + - I do not have any pets, but I may be interested in one + - I work in the movies as well. + reward: 0 + text: Yes! My son is in junior high and I just started letting him watch them + too +- - episode_done: false + eval_labels: + - Yes it is neat, I stunt double, it is so much fun and hard work. + id: msc:Session1Self + label_candidates: + - Big city life to overwhelming too much pressure + - Frozen food is bad, full of nitrates. + - I like to take my dog for walks and sometimes I volunteer. + - Great I a blue sweater that I love and you sew it for me + - I just want to move out. They are always on my back. + - Oh wow that really sucks. And assistant marketing director + - Thanks! I like riding horses. + - Well at least some good came out of it. Hope everything is well for you + - Amazing. Do you study and languages + - I'm not active but love watching birds from indoors + - What do you call your fish? I'm drinking fancy tea + - Yes, I pray for her. I'm helping her paint her kitchen red, my favorite color. + - I'm from mexico. I'm moving into my home soon you? + - Nice, I like comic books as well. What position do you play in basketball. + - Do you have any? Mine is a black lab + - Out of work right now what do you do? + - They are yummy salty little fish. You should try them. + - I prefer my roller coasters and thrills. + - What sport do you enjoy? + - Yes it is neat, I stunt double, it is so much fun and hard work. + reward: 0 + text: Neat!! I used to work in the human services field +num_episodes: 19002 +num_examples: 113350 diff --git a/parlai/tasks/task_list.py b/parlai/tasks/task_list.py index 31930b72ca1..9a36ddbdbfc 100644 --- a/parlai/tasks/task_list.py +++ b/parlai/tasks/task_list.py @@ -1418,4 +1418,27 @@ "website": "https://www.microsoft.com/en-us/research/project/metalwoz/", }, }, + { + "id": "Wizard_of_internet", + "display_name": "Wizard_of_Internet", + "task": "Wizard_of_internet", + "tags": ["ChitChat"], + "description": ( + "A dataset with conversations directly grounded with knowledge " + "retrieved from internet. One of the participants has access to internet search. " + "The other side has an assigned persona that provides the topic of the conversation. " + "Contains 93.7k utterances from 9.6k conversations, split into train, " + "test, and valid sets." + ), + }, + { + "id": "msc", + "display_name": "MultiSessionChat", + "task": "msc", + "tags": ["ChitChat"], + "description": ( + "A multi-session human-human chit-chat dataset consist of session 2-5 follow up from PersonaChat " + "It contains 5k full converesations from session 2 to session 5 (session 1 being PersonaChat) " + ), + }, ] diff --git a/parlai/tasks/wizard_of_internet/README.md b/parlai/tasks/wizard_of_internet/README.md new file mode 100644 index 00000000000..628db82c7ab --- /dev/null +++ b/parlai/tasks/wizard_of_internet/README.md @@ -0,0 +1,9 @@ +Task: Wizard of Internet +========================== +This task involves a dialogue dataset between two crowdsource workers. +One of the agents (called hereafter the *apprentice*) has some interests that wants to talk about them. +The other agent (*wizard*) has access to internet search and provides knowledgeble responses to the apprentice. + +See the [project page](https://parl.ai/projects/sea) for more information. + +Tags: #Wizard_of_Internet, #All, #ChitChat \ No newline at end of file diff --git a/parlai/tasks/wizard_of_internet/__init__.py b/parlai/tasks/wizard_of_internet/__init__.py new file mode 100644 index 00000000000..76e947123a1 --- /dev/null +++ b/parlai/tasks/wizard_of_internet/__init__.py @@ -0,0 +1,4 @@ +#!/usr/bin/env python3 +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. diff --git a/parlai/tasks/wizard_of_internet/agents.py b/parlai/tasks/wizard_of_internet/agents.py new file mode 100644 index 00000000000..6c9e1853c00 --- /dev/null +++ b/parlai/tasks/wizard_of_internet/agents.py @@ -0,0 +1,573 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. + +from abc import abstractmethod +from copy import deepcopy +from collections import defaultdict +from typing import Dict, List, Optional, Tuple +import jsonlines +import os +from parlai.core.message import Message +from tqdm import tqdm +from parlai.core.metrics import F1Metric +from parlai.core.params import ParlaiParser, Opt +from parlai.core.teachers import DialogTeacher +from parlai.utils.data import DatatypeHelper +import parlai.utils.logging as logging +import parlai.tasks.wizard_of_internet.constants as CONST + +from .build import build + + +def get_dtype(opt): + return DatatypeHelper.fold(opt.get('datatype', 'train')) + + +def _path(opt): + build(opt) + dpath = os.path.join(opt['datapath'], CONST.DATASET_NAME) + dtype = get_dtype(opt) + return os.path.join(dpath, f'{dtype}.jsonl') + + +def get_single_val_from_dict(dialog_json): + """ + Extracting the single dialogue in the JSON. + """ + assert len(dialog_json) == 1 + return next(iter(dialog_json.values())) + + +def parse_agent_message(message_dict, agent_type): + return { + CONST.SPEAKER_ID: agent_type, + CONST.MESSAGE_TEXT: message_dict[CONST.MESSAGE_TEXT], + } + + +def parse_apprentice_message(message_dict): + return parse_agent_message(message_dict, CONST.APPRENTICE) + + +def wizard_message_has_selection(message): + sel_docs = message[CONST.CONTEXT][CONST.SELECTED_CONTENTS] + if len(sel_docs) < 2: + return False + return not sel_docs[0][0] + + +def parse_wizard_message(message_dict, doc_lines_delim): + def get_knowledge(msg_d): + knowledge = { + CONST.RETRIEVED_DOCS: [], + CONST.SELECTED_DOCS: [], + CONST.SELECTED_DOCS_TITLES: [], + CONST.SELECTED_SENTENCES: [], + CONST.RETRIEVED_DOCS_URLS: [], + } + docs = msg_d[CONST.CONTEXT][CONST.CONTENTS] + selections = msg_d[CONST.CONTEXT][CONST.SELECTED_CONTENTS] + + # Checking the option that agents choose if there is no selected sentence + has_selection = wizard_message_has_selection(msg_d) + + for doc_ind, doc in enumerate(docs): + doc_lines = [] + doc_lines_selection = selections[doc_ind + 1] + doc_selected = False + for line_ind, line in enumerate(doc['content']): + doc_lines.append(line) + if has_selection and doc_lines_selection[line_ind]: + doc_selected = True + knowledge[CONST.SELECTED_SENTENCES].append(line) + full_doc = doc_lines_delim.join(doc_lines) + knowledge[CONST.RETRIEVED_DOCS].append(full_doc) + knowledge[CONST.RETRIEVED_DOCS_URLS].append(doc['url']) + if doc_selected: + knowledge[CONST.SELECTED_DOCS_TITLES].append(doc['title']) + knowledge[CONST.SELECTED_DOCS].append(full_doc) + + if not knowledge[CONST.RETRIEVED_DOCS]: + knowledge[CONST.RETRIEVED_DOCS] = [CONST.NO_RETRIEVED_DOCS_TOKEN] + knowledge[CONST.RETRIEVED_DOCS_URLS] = [CONST.NO_URLS] + + if not knowledge[CONST.SELECTED_DOCS]: + knowledge[CONST.SELECTED_DOCS] = [CONST.NO_SELECTED_DOCS_TOKEN] + knowledge[CONST.SELECTED_SENTENCES] = [CONST.NO_SELECTED_SENTENCES_TOKEN] + + return knowledge + + d = parse_agent_message(message_dict, CONST.WIZARD) + if message_dict[CONST.ACTION] == CONST.ACTION_WIZARD_TO_APPRENTICE: + d.update(get_knowledge(message_dict)) + return d + + +def parse_search_results(message_dict, delim='; '): + d = {CONST.SPEAKER_ID: CONST.SEARCH_AGENT} + d[CONST.SEARCH_RESULTS] = message_dict[CONST.CONTEXT][CONST.CONTENTS] + all_title = [ + f'({i+1}) {doc["title"]}' for i, doc in enumerate(d[CONST.SEARCH_RESULTS]) + ] + d[CONST.MESSAGE_TEXT] = delim.join(all_title) + return d + + +class WizardOfInternetBaseTeacher(DialogTeacher): + """ + Base Teacher for Wizard of Internet tasks. + + This teachers loads full conversations and all the actions that happens + during a full dialogue. Teachers that are drived from this class are + responsible for slicing data and selecting the actions that they need. + NOTE: Do NOT use this directly, use its children. + """ + + def __init__(self, opt: Opt, shared=None): + opt = deepcopy(opt) + self.datatype = get_dtype(opt) + opt['datafile'] = _path(opt) + self.include_persona = opt.get('include_persona', CONST.INCLUDE_PERSONA_DEFAULT) + self.skip_empty_text = opt.get( + 'skip_empty_text', CONST.SKIP_ON_EMPTY_TEXT_DEFAULT + ) + self.text_flatten_delimeter = opt.get('delimiter', '\n') + self.docs_delim = opt.get('docs_delimiter', '\n') + self.docs_titles_delimeter = opt.get('docs_title_delimiter', '\n') + self.doc_lines_delim = opt.get('doc_lines_delimiter', '\n') + self.id = 'WizInternetBase' + super().__init__(opt, shared=shared) + + @classmethod + def add_cmdline_args(cls, parser: ParlaiParser, partial_opt=None) -> ParlaiParser: + super().add_cmdline_args(parser, partial_opt) + arg_group = parser.add_argument_group('Wizard Base Dialog Teacher arguments') + arg_group.add_argument( + '--include-persona', + type='bool', + default=CONST.INCLUDE_PERSONA_DEFAULT, + help='Whether to include the apprentice persona in text', + ) + arg_group.add_argument( + '--skip-empty-text', + type='bool', + default=CONST.SKIP_ON_EMPTY_TEXT_DEFAULT, + help='Whether to skip response to empty messages (may happen if persona is not included)', + ) + return parser + + def _load_data(self, datafile): + logging.info(f'Loading data from {datafile} ...') + dialogs = [] + with jsonlines.open(datafile, 'r') as fin: + for dialog_json in tqdm(fin): + dialogs.append(self._get_episode_examples(dialog_json)) + return dialogs + + def _get_episode_examples(self, dialog_json): + data = get_single_val_from_dict(dialog_json) + persona = data[CONST.PERSONA] + output = defaultdict(list) + msg_history = data[CONST.DIALOG_HIST] + for msg_ind, message in enumerate(msg_history): + d = {CONST.PERSONA: persona, CONST.TOTAL_CONVERSATION_INDEX: msg_ind} + action = message[CONST.ACTION] + + # Seperating the actions + if action == CONST.ACTION_APPRENTICE_TO_WIZARD: + d.update(parse_apprentice_message(message)) + elif action == CONST.ACTION_WIZARD_TO_APPRENTICE: + # TODO: must avoid having these in the dataset in the first place + assert message[CONST.MESSAGE_TEXT], 'Empty message text' + + if ( # Getting the search query that Wizard used for this utterance, if any + msg_ind > 1 + and msg_history[msg_ind - 2][CONST.ACTION] + == CONST.ACTION_WIZARD_TO_SEARCH_AGENT + ): + d[CONST.SEARCH_QUERY] = msg_history[msg_ind - 2][CONST.MESSAGE_TEXT] + # The last search query was the last one before sending the response + output[CONST.ACTION_WIZARD_TO_SEARCH_AGENT][-1][1][ + CONST.IS_LAST_SEARCH_QUERY + ] = True + else: + d[CONST.SEARCH_QUERY] = CONST.NO_SEARCH_QUERY_USED + + d.update( + parse_wizard_message(message, doc_lines_delim=self.doc_lines_delim) + ) + if wizard_message_has_selection(message): + # Wizard had selection for this utterance, thus its a knowledge piece + output[CONST.ACTION_WIZARD_DOC_SELECTION].append((msg_ind, d)) + elif action == CONST.ACTION_WIZARD_TO_SEARCH_AGENT: + d.update( + parse_wizard_message(message, doc_lines_delim=self.doc_lines_delim) + ) + d[CONST.IS_SEARCH_QUERY] = True + elif action == CONST.ACTION_SEARCH_AGENT_TO_WIZARD: + # TODO: remove assert in the final version + assert ( + msg_history[msg_ind - 1][CONST.ACTION] + == CONST.ACTION_WIZARD_TO_SEARCH_AGENT + ) + + d.update(parse_search_results(message, self.docs_titles_delimeter)) + # Getting the send text (query) from the latest Wizard search + d[CONST.SEARCH_QUERY] = output[CONST.ACTION_WIZARD_TO_SEARCH_AGENT][-1][ + 1 + ][CONST.MESSAGE_TEXT] + + # TODO: remove on the final version + assert 'id' in d, str(message) + + # Getting current actions's previous message/action + if ( + action == CONST.ACTION_APPRENTICE_TO_WIZARD + and output[CONST.ACTION_WIZARD_TO_APPRENTICE] + ): + d[CONST.PARTNER_PREVIOUS_MESSAGE] = output[ + CONST.ACTION_WIZARD_TO_APPRENTICE + ][-1] + elif output[CONST.ACTION_APPRENTICE_TO_WIZARD]: + d[CONST.PARTNER_PREVIOUS_MESSAGE] = output[ + CONST.ACTION_APPRENTICE_TO_WIZARD + ][-1] + + output[action].append((msg_ind, d)) + output[CONST.ACTION_ALL].append(d) + + return output + + def create_parlai_message(self, dict_message: Dict): + parlai_msg = Message( + { + CONST.SPEAKER_ID: dict_message[CONST.SPEAKER_ID], + CONST.LABELS: [dict_message[CONST.MESSAGE_TEXT]], + } + ) + prv_msg = dict_message.get(CONST.PARTNER_PREVIOUS_MESSAGE) + if prv_msg: + parlai_msg[CONST.MESSAGE_TEXT] = prv_msg[1][CONST.MESSAGE_TEXT] + else: + parlai_msg[CONST.MESSAGE_TEXT] = '' + return parlai_msg + + @abstractmethod + def _teacher_action_type(self) -> str: + """ + Is this for a Wizard or Apprentice Dialogue agent. + """ + + def additional_message_content(self, parlai_message: Message, action: Dict): + """ + Children of this class may override this method to add extra content to message. + + It adds components from the original `action` (which is a regular dict) to the + ParlAI message object `parlai_message` + """ + pass + + def _opening_message_text(self, parlai_message: Message, action: Dict): + """ + Handles the first message if this agent is has the opening message. + """ + if not self.include_persona: + return + + persona = action[CONST.PERSONA] + curr_text = parlai_message[CONST.MESSAGE_TEXT] + if curr_text: + new_text = f'{persona}{self.text_flatten_delimeter}{curr_text}' + else: + new_text = persona + + parlai_message.force_set(CONST.MESSAGE_TEXT, new_text) + + def _should_skip(self, message: Message): + if not self.skip_empty_text: + return False + return not message[CONST.MESSAGE_TEXT].strip() + + def setup_data(self, datafile) -> Message: + for message, episode_started in self.teacher_setup_data(datafile): + if not self._should_skip(message): + yield message, episode_started + + def teacher_setup_data(self, datafile) -> Message: + for data in self._load_data(datafile): + started = True + for idx, (_, act) in enumerate(data[self._teacher_action_type()]): + parlai_msg = self.create_parlai_message(act) + if idx == 0 and self.include_persona: + self._opening_message_text(parlai_msg, act) + self.additional_message_content(parlai_msg, act) + yield parlai_msg, started + started = False + + +############################################################### +# # +# Dialog Teachers # +# # +############################################################### + + +class ApprenticeDialogTeacher(WizardOfInternetBaseTeacher): + def __init__(self, opt, shared=None): + super().__init__(opt, shared=shared) + self.id = 'WizInternetApprenticeTeacher' + + def _teacher_action_type(self) -> str: + return CONST.ACTION_APPRENTICE_TO_WIZARD + + +class WizardDialogTeacher(WizardOfInternetBaseTeacher): + def __init__(self, opt, shared=None): + self.prepend_gold_knowledge = opt.get('prepend_gold_knowledge') + self.gold_knowledge_delimiter = opt.get('gold_knowledge_delimiter', '\n') + super().__init__(opt, shared=shared) + self.id = 'WizInternetWizardTeacher' + + @classmethod + def add_cmdline_args(cls, parser: ParlaiParser, partial_opt=None) -> ParlaiParser: + super().add_cmdline_args(parser, partial_opt) + arg_group = parser.add_argument_group('Wizard Dialog Knowledge arguments') + arg_group.add_argument( + '--prepend-gold-knowledge', + type='bool', + default=False, + help='If true, prepend text with checked sentences', + ) + return parser + + def custom_evaluation( + self, + teacher_action: Message, + labels: Optional[Tuple[str]], + model_response: Message, + ) -> None: + if ( + ( + teacher_action[CONST.SELECTED_SENTENCES][0] + == CONST.NO_SELECTED_SENTENCES_TOKEN + ) + or (model_response.is_padding()) + or ('text' not in model_response) + ): + # Has NOT selected knowledge or a is batch padding message + return + + resp = model_response['text'] + self.metrics.add( + 'knowledge_f1_docs', + F1Metric.compute(resp, [' '.join(teacher_action[CONST.SELECTED_DOCS])]), + ) + self.metrics.add( + 'knowledge_f1_max_docs', F1Metric.compute(resp, CONST.SELECTED_DOCS) + ) + self.metrics.add( + 'knowledge_f1_sentences', + F1Metric.compute( + resp, [' '.join(teacher_action[CONST.SELECTED_SENTENCES])] + ), + ) + self.metrics.add( + 'knowledge_f1_max_sentences', + F1Metric.compute(resp, CONST.SELECTED_SENTENCES), + ) + + def _teacher_action_type(self) -> str: + return CONST.ACTION_WIZARD_TO_APPRENTICE + + def additional_message_content(self, parlai_message: Message, action: Dict): + for item_key in ( + CONST.RETRIEVED_DOCS, + CONST.RETRIEVED_DOCS_URLS, + CONST.SELECTED_DOCS, + CONST.SELECTED_SENTENCES, + CONST.SEARCH_QUERY, + ): + parlai_message[item_key] = action[item_key] + + def teacher_setup_data(self, datafile) -> Message: + for message, episode_started in super().teacher_setup_data(datafile): + if self.prepend_gold_knowledge: + text = message[CONST.MESSAGE_TEXT] + gold_knowledge = self.gold_knowledge_delimiter.join( + message[CONST.SELECTED_SENTENCES] + ) + message.force_set( + CONST.MESSAGE_TEXT, + ( + f'{CONST.KNOWLEDGE_TOKEN} {gold_knowledge} {CONST.END_KNOWLEDGE_TOKEN}' + f' {self.gold_knowledge_delimiter} {text}' + ), + ) + yield message, episode_started + + +class WizardDialogGoldKnowledgeTeacher(WizardDialogTeacher): + @classmethod + def add_cmdline_args(cls, parser: ParlaiParser, partial_opt=None) -> ParlaiParser: + super().add_cmdline_args(parser, partial_opt) + parser.set_params(prepend_gold_knowledge=True) + return parser + + +class DefaultTeacher(WizardDialogTeacher): + pass + + +############################################################### +# # +# Search and Knowledge Teachers # +# # +############################################################### + + +class BaseSQKnowledgeTeacher(WizardOfInternetBaseTeacher): + """ + Parent class for knowledge and search query generation teachers. + + We need this teacher because of the actions related to these teacher, that is search + and knowledge selection, happens as a side track to the main conversation. + Therefore, we do not want to include the history of the messages emitted by these + agents in the conversatin history. + + Note: this is an abstract class and is not intended for direct use in a task. + """ + + def __init__(self, opt, shared=None): + self.dialog_history = opt.get('dialog_history', CONST.DIALOG_HIST_DEFAULT) + super().__init__(opt, shared=shared) + self.id = 'BaseKnowledgeTeacher' + + @classmethod + def add_cmdline_args(cls, parser: ParlaiParser, partial_opt=None) -> ParlaiParser: + super().add_cmdline_args(parser, partial_opt) + arg_group = parser.add_argument_group( + 'Base Search Query and Knowledge arguments' + ) + arg_group.add_argument( + '--dialog-history', + type=str, + choices=[CONST.HISTORY_TYPE.FULL, CONST.HISTORY_TYPE.ONLY_LAST], + default=CONST.DIALOG_HIST_DEFAULT, + help='Full dialogue history or the only the last previous message', + ) + return parser + + def get_message_history(self, dialog_data: Dict, curr_idx: int) -> List[str]: + message_hist = [] + for act in dialog_data[CONST.ACTION_ALL]: + if ( + act[CONST.SPEAKER_ID] + in ( + CONST.WIZARD, + CONST.APPRENTICE, + ) + and not act.get(CONST.IS_SEARCH_QUERY, False) + ): + if act[CONST.TOTAL_CONVERSATION_INDEX] > curr_idx: + break + message_hist.append(act[CONST.MESSAGE_TEXT]) + + if self.dialog_history == CONST.HISTORY_TYPE.ONLY_LAST: + message_hist = [message_hist[-1]] + + return self.text_flatten_delimeter.join(message_hist) + + def teacher_setup_data(self, datafile) -> Message: + for data in self._load_data(datafile): + for idx, act in data[self._teacher_action_type()]: + parlai_msg = self.create_parlai_message(act) + if self.dialog_history == CONST.HISTORY_TYPE.FULL: + parlai_msg.force_set( + CONST.MESSAGE_TEXT, self.get_message_history(data, idx) + ) + self._opening_message_text(parlai_msg, act) + self.additional_message_content(parlai_msg, act) + yield parlai_msg, True + + +class SearchQueryTeacher(BaseSQKnowledgeTeacher): + def __init__(self, opt, shared=None): + self.only_last_search_query = opt.get( + 'only_last_search_query', CONST.ONLY_LAST_QUERY_DEFAULT + ) + super().__init__(opt, shared=shared) + self.id = 'SearchQueryGenerationTeacher' + + @classmethod + def add_cmdline_args(cls, parser: ParlaiParser, partial_opt=None) -> ParlaiParser: + super().add_cmdline_args(parser, partial_opt) + arg_group = parser.add_argument_group('Search Query Teacher') + arg_group.add_argument( + '--only-last-search-query', + type='bool', + default=CONST.ONLY_LAST_QUERY_DEFAULT, + help='Whether to include only the last search before sending the response.', + ) + return parser + + def _teacher_action_type(self) -> str: + return CONST.ACTION_WIZARD_TO_SEARCH_AGENT + + def additional_message_content(self, parlai_message: Message, action: Dict): + parlai_message[CONST.IS_LAST_SEARCH_QUERY] = action.get( + CONST.IS_LAST_SEARCH_QUERY, False + ) + + def teacher_setup_data(self, datafile) -> Message: + for message, _ in super().teacher_setup_data(datafile): + if self.only_last_search_query and not message[CONST.IS_LAST_SEARCH_QUERY]: + continue + yield message, True + + +class BaseKnowledgeTeacher(BaseSQKnowledgeTeacher): + def __init__(self, opt, shared=None): + super().__init__(opt, shared=shared) + self.id = 'KnowledgeGenerationTeacher' + + def _teacher_action_type(self) -> str: + return CONST.ACTION_WIZARD_DOC_SELECTION + + @abstractmethod + def _knowledge_piece(self): + """ + Determines the pieces of knowledge (selected content) to retrieve. + + This may be the enitre document, selected sentences or document titles. + """ + + def additional_message_content(self, parlai_message: Message, action: Dict): + for item_key in ( + CONST.SELECTED_DOCS, + CONST.SELECTED_DOCS_TITLES, + CONST.SELECTED_SENTENCES, + ): + parlai_message[item_key] = action[item_key] + + def teacher_setup_data(self, datafile) -> Message: + for message, _ in super().teacher_setup_data(datafile): + message.force_set(CONST.LABELS, message[self._knowledge_piece()]) + yield message, True + + +class GoldKnowledgeTeacher(BaseKnowledgeTeacher): + def _knowledge_piece(self): + return CONST.SELECTED_SENTENCES + + +class GoldDocsTeacher(BaseKnowledgeTeacher): + def _knowledge_piece(self): + return CONST.SELECTED_DOCS + + +class GoldDocTitlesTeacher(BaseKnowledgeTeacher): + def _knowledge_piece(self): + return CONST.SELECTED_DOCS_TITLES diff --git a/parlai/tasks/wizard_of_internet/build.py b/parlai/tasks/wizard_of_internet/build.py new file mode 100644 index 00000000000..0f798fb818a --- /dev/null +++ b/parlai/tasks/wizard_of_internet/build.py @@ -0,0 +1,36 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +import os +import parlai.core.build_data as build_data +import parlai.utils.logging as logging + +import parlai.tasks.wizard_of_internet.constants as CONST + + +DATASET_FILE = build_data.DownloadableFile( + 'http://parl.ai/downloads/wizard_of_internet/wizard_of_internet.tgz', + 'wizard_of_internet.tgz', + 'c2495b13ad00015e431d51738e02d37d2e80c8ffd6312f1b3d273dd908a8a12c', +) + + +def build(opt): + dpath = os.path.join(opt['datapath'], CONST.DATASET_NAME) + version = '1.0' + if not build_data.built(dpath, version): + logging.info( + f'[building data: {dpath}]\nThis may take a while but only heppens once.' + ) + if build_data.built(dpath): + # An older version exists, so remove these outdated files. + build_data.remove_dir(dpath) + build_data.make_dir(dpath) + + # Download the data. + DATASET_FILE.download_file(dpath) + logging.info('Finished downloading dataset files successfully.') + + build_data.mark_done(dpath, version) diff --git a/parlai/tasks/wizard_of_internet/constants.py b/parlai/tasks/wizard_of_internet/constants.py new file mode 100644 index 00000000000..932470f1e9d --- /dev/null +++ b/parlai/tasks/wizard_of_internet/constants.py @@ -0,0 +1,71 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. + +DATASET_NAME = 'wizard_of_interent' + + +# cli flag options +class HISTORY_TYPE: + FULL = 'full' + ONLY_LAST = 'onlylast' + + +# JSON file data dump keys +PERSONA = 'apprentice_persona' +DIALOG_HIST = 'dialog_history' +ACTION = 'action' +SPEAKER_ID = 'id' +MESSAGE_TEXT = 'text' +CONTEXT = 'context' +CONTENTS = 'contents' +SELECTED_CONTENTS = 'selected_contents' + +ACTION_APPRENTICE_TO_WIZARD = 'Apprentice => Wizard' +ACTION_WIZARD_TO_APPRENTICE = 'Wizard => Apprentice' +ACTION_WIZARD_TO_SEARCH_AGENT = 'Wizard => SearchAgent' +ACTION_WIZARD_DOC_SELECTION = 'Wizard Doc Selection' +ACTION_SEARCH_AGENT_TO_WIZARD = 'SearchAgent => Wizard' +ACTION_ALL = 'All Actions' + +# Message keys +TOTAL_CONVERSATION_INDEX = 'total_index' +SEARCH_QUERY = 'search_query' +RETRIEVED_DOCS = '__retrieved-docs__' +RETRIEVED_DOCS_URLS = '__retrieved-docs-urls__' +SELECTED_DOCS = '__selected-docs__' +SELECTED_DOCS_TITLES = '__select-docs-titles__' +SELECTED_SENTENCES = '__selected-sentences__' +SEARCH_RESULTS = 'search_results' +PARTNER_PREVIOUS_MESSAGE = 'partner_previous_msg' +IS_SEARCH_QUERY = 'is_search_query' +IS_LAST_SEARCH_QUERY = 'is_last_search_query' +LABELS = 'labels' + +# Message values +NO_SEARCH_QUERY_USED = '__no_search_used__' +NO_RETRIEVED_DOCS_TOKEN = '__noretrieved-docs__' +NO_SELECTED_DOCS_TOKEN = '__noselected-docs__' +NO_SELECTED_SENTENCES_TOKEN = '__no_passages_used__' +NO_TITLE = '__no_title__' +NO_URLS = '__no_urls__' + +# General values +WIZARD = 'wizard' +APPRENTICE = 'apprentice' +SEARCH_AGENT = 'search_agent' + +# Flags/Opts default values +INCLUDE_PERSONA_DEFAULT = True +DIALOG_HIST_DEFAULT = HISTORY_TYPE.FULL +SKIP_ON_EMPTY_TEXT_DEFAULT = True +ONLY_LAST_QUERY_DEFAULT = False + +# Tokens used in the teacher's action text filed +KNOWLEDGE_TOKEN = '__knowledge__' +END_KNOWLEDGE_TOKEN = '__endknowledge__' +AVAILABLE_KNOWLEDGE_TOKEN = '__available-knowledge__' +SELECTED_DOCS_TOKEN = '__selected-docs__' +SELECTED_SENTENCES_TOKEN = '__selected-sentences__' diff --git a/parlai/tasks/wizard_of_internet/tests.py b/parlai/tasks/wizard_of_internet/tests.py new file mode 100644 index 00000000000..f71922022b6 --- /dev/null +++ b/parlai/tasks/wizard_of_internet/tests.py @@ -0,0 +1,35 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. + +from parlai.utils.testing import AutoTeacherTest + + +class TestDefaultTeacher(AutoTeacherTest): + task = 'wizard_of_internet' + + +class TestApprenticeTeacher(AutoTeacherTest): + task = 'wizard_of_internet:ApprenticeDialogTeacher' + + +class TestWizardGoldKnowledgeTeacher(AutoTeacherTest): + task = 'wizard_of_internet:WizardDialogGoldKnowledgeTeacher' + + +class TestSearchQueryTeacher(AutoTeacherTest): + task = 'wizard_of_internet:SearchQueryTeacher' + + +class TestGoldKnowledgeTeacher(AutoTeacherTest): + task = 'wizard_of_internet:GoldKnowledgeTeacher' + + +class TestGoldDocsTeacher(AutoTeacherTest): + task = 'wizard_of_internet:GoldDocsTeacher' + + +class TestGoldDocTitlesTeacher(AutoTeacherTest): + task = 'wizard_of_internet:GoldDocTitlesTeacher' \ No newline at end of file diff --git a/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_ApprenticeDialogTeacher_test.yml b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_ApprenticeDialogTeacher_test.yml new file mode 100644 index 00000000000..63f899f0805 --- /dev/null +++ b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_ApprenticeDialogTeacher_test.yml @@ -0,0 +1,48 @@ +acts: +- - episode_done: false + eval_labels: + - I have. I liked Toy Story. There was a marathon. + id: WizInternetApprenticeTeacher + text: 'I live in New York, New York. + + I like going to the moives. + + I love to get the overpriced snacks. + + Have you seen any good movies lately?' +- - episode_done: false + eval_labels: + - It is neat to see how they progressed in the series with the quality. + id: WizInternetApprenticeTeacher + text: All four movies in the Toy Story series are great. Tom Hanks, Tim Allen, + and Don Rickles are all truly great actors and the creativity of the Pixar Animation + Studios team is really top notch. +- - episode_done: false + eval_labels: + - I once heard someone erased progress on it like a saved file but someone had + it on their laptop or something. + id: WizInternetApprenticeTeacher + text: You're right. The quality of all of Pixar's movies have increased over the + years. This is due, in no small part, to the fact that they have long term teams + that work together on multiple projects. Further, Pixar, as a company, cares + more about creating high quality movies than they do making the most money possible. + This is their company's culture and the reason for their continuing success. +- - episode_done: false + eval_labels: + - Yes! and I remember now that is how that story goes. + id: WizInternetApprenticeTeacher + text: 4That is a crazy story. Someone totally deleted Toy Story 2 while it was + in development (the result of a badly written program that just started deleting + files on their server). But, the project was saved because a woman, who was + on maternit6y leave, had saved the movie onto her laptop. I am sure thy have + fixed their back up systems after this. +- - episode_done: true + eval_labels: + - No but I bet it will be good. + id: WizInternetApprenticeTeacher + text: Pixar has produced 20 movies since its founding and all of the big names + have worked with them. Julia Louis-Dreyfus, Tom Holland, Jon Batiste, Phylicia + Rashad, Questlove, Tina Fey. Have you seen their newest movie Onward with Chris + Pratt? +num_episodes: 503 +num_examples: 2466 diff --git a/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_ApprenticeDialogTeacher_train.yml b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_ApprenticeDialogTeacher_train.yml new file mode 100644 index 00000000000..88f1587c9b1 --- /dev/null +++ b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_ApprenticeDialogTeacher_train.yml @@ -0,0 +1,43 @@ +acts: +- - episode_done: false + id: WizInternetApprenticeTeacher + labels: + - I just watched chopped for 3 hours straight. The baskets were hard in some of + them. + text: 'My favorite tv show is Chopped. + + They play along with the show' +- - episode_done: false + id: WizInternetApprenticeTeacher + labels: + - 'Yes it is. Chefs have a basket with 4 mystery ingredients. They compete to + make the best meal from the ingredients. ' + text: ' Baskets? I don''t know anything about this show. Is it something about + cooking?' +- - episode_done: false + id: WizInternetApprenticeTeacher + labels: + - 'Yes, I agree. Some of the ingredients I''ve never heard of. I try to watch + as many as I can, but not all. I only imagine what I would make. I have never + tried by myself. ' + text: It sounds like quite a challenge! Do you watch every episode? Have you tried + to make the dishes yourself? +- - episode_done: false + id: WizInternetApprenticeTeacher + labels: + - 'Yes, i forgot to mention there is also only a 20 or thirty minute time limit, + depending on the round. The cuisine is from around the world. Fine dining to + street style. ' + text: 'I think it would be a big challenge to do what Chefs on the program do. + Is there a type of cuisine that they normally feature? Or it it cuisine from + around the world? ' +- - episode_done: false + id: WizInternetApprenticeTeacher + labels: + - Yes, it really is. I enjoy that there is no story line, so anyone can start + watching and not feel like they missed an important part of the plot. Yes, it + is a foodie favorite. I am a foodie, yes. But I'm also picky. + text: That sounds interesting! I bet the show is pretty popular with foodies! + Do you consider yourself a foodie? +num_episodes: 8614 +num_examples: 41476 diff --git a/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_ApprenticeDialogTeacher_valid.yml b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_ApprenticeDialogTeacher_valid.yml new file mode 100644 index 00000000000..8163eae4e81 --- /dev/null +++ b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_ApprenticeDialogTeacher_valid.yml @@ -0,0 +1,28 @@ +acts: +- - episode_done: false + eval_labels: + - 'I enjoy reading books. ' + id: WizInternetApprenticeTeacher + text: I work as a freelance accountant. +- - episode_done: false + eval_labels: + - All fiction! With COVID this past summer, I read 16 books in 3 months. You? + id: WizInternetApprenticeTeacher + text: Same here! What kind of books do you read? +- - episode_done: false + eval_labels: + - Audit banks. You? + id: WizInternetApprenticeTeacher + text: I am a big Harry Potter nerd! What do you do for work? +- - episode_done: false + eval_labels: + - Good for you! Are you watching the Superbowl this year? + id: WizInternetApprenticeTeacher + text: I do taxes actually! +- - episode_done: false + eval_labels: + - It is. Are you a Brady fan or foe? + id: WizInternetApprenticeTeacher + text: I will! It is on the 7th right ? +num_episodes: 516 +num_examples: 2881 diff --git a/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocTitlesTeacher_test.yml b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocTitlesTeacher_test.yml new file mode 100644 index 00000000000..f3c0a2bd05d --- /dev/null +++ b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocTitlesTeacher_test.yml @@ -0,0 +1,751 @@ +acts: +- - __select-docs-titles__: + - Toy Story 1995 IMDb + __selected-docs__: + - 'G | 1h 21min | Animation, Adventure, Comedy | 22 November 1995 (USA) + + John Lasseter (original story by), Pete Docter (original story by) | 6 more + credits » + + Tom Hanks, Tim Allen, Don Rickles | See full cast & crew » + + Bo Peep leads a rescue mission in first Toy Story 4 clip + + Toy Story 4 Clip Sends Bo Peep and Woody on a Rescue Mission + + Mark Wahlberg and Will Ferrell s Favourite Holiday Movies + + The Movies and TV Shows of Joss Whedon + + 2019 Watched list + + بشوفها + + Films that I can watch when I am not home alone (parents are in) + + Search for Toy Story on Amazon.com + + Title: Toy Story (1995) + + 90s Movie to TV Series + + Top Rated Movies #89 | Nominated for 3 Oscars. Another 25 wins & 20 nominations. + See more awards » + + 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. + + Stars: Mike Myers, Eddie Murphy, Cameron Diaz + + A Lion cub crown prince is tricked by a treacherous uncle into thinking he caused + his father s death and flees into exile in despair, only to learn in adulthood + his identity and his responsibilities. + + Directors: Roger Allers, Rob Minkoff + + Stars: Matthew Broderick, Jeremy Irons, James Earl Jones + + Directors: Pete Docter, Ronnie Del Carmen + + Stars: Amy Poehler, Bill Hader, Lewis Black + + Directors: Chris Wedge, Carlos Saldanha + + Stars: Denis Leary, John Leguizamo, Ray Romano + + Tom Hanks ... Woody (voice) + + Tim Allen ... Buzz Lightyear (voice) + + Don Rickles ... Mr. Potato Head (voice) + + Jim Varney ... Slinky Dog (voice) + + Wallace Shawn ... Rex (voice) + + John Ratzenberger ... Hamm (voice) + + Annie Potts ... Bo Peep (voice) + + John Morris ... Andy (voice) + + Erik von Detten ... Sid (voice) + + Laurie Metcalf ... Mrs. Davis (voice) + + R. Lee Ermey ... Sergeant (voice) + + Sarah Freeman ... Hannah (voice) + + Penn Jillette ... TV Announcer (voice) + + Jack Angel ... Shark / Rocky Gibraltar (voice) + + Spencer Aste ... Wounded Soldier (voice) + + A little boy named Andy loves to be in his room, playing with his toys, especially + his doll named Woody . But, what do the toys do when Andy is not with them, + they come to life. Woody believes that his life (as a toy) is good. However, + he must worry about Andy s family moving, and what Woody does not know is about + Andy s birthday party. Woody does not realize that Andy s mother gave him an + action figure known as Buzz Lightyear, who does not believe that he is a toy, + and quickly becomes Andy s new favorite toy. Woody, who is now consumed with + jealousy, tries to get rid of Buzz. Then, both Woody and Buzz are now lost. + They must find a way to get back to Andy before he moves without them, but they + will have to pass through a ruthless toy killer, Sid Phillips. Written by John + Wiggins + + toy | rivalry | cowboy | cgi animation | claw crane | See All (224) » + + Proud to be a vegetable See more » + + Toy Story in 3-D See more » + + Pixar Animation Studios - 1200 Park Avenue, Emeryville, California, USA See + more » + + Dolby SR | Sonics-DDP (3D re-release)| SDDS + + Introduced to the National Film Registry in 2005, its first year of eligibility + for such an accolade. See more » + + When Buzz is sitting on the floor of Sid s room, he is wearing his Mrs. Nesbitt apron. + As Sid s toys converge on Buzz, the apron is gone but is tossed away an instant + later while the toys work on him. See more » + + Andy: [playing with and mimicking the voices of his toys; holding Mr. Potato + Head] All right, everyone! This... is a stick-up. Don t anybody move! Now empty + that safe! + + [empties Hamm the piggy bank and coins fall out] + + Andy: Ooh, hoo hoo! Money, money, money! + + [has Potato Head kiss the money; as Bo Peep] + + Andy: Stop it! Stop it, you mean old potato! + + [as Potato Head] + + Andy: Quiet, Bo Peep! Or your sheep get run over! + + [as the sheep, on a toy car track] + + Andy: Help! Baaa! Help us! + + This is the first Pixar film to feature the Production Babies section, which + lists babies born to the crew members during production. This would become a + trademark in the following years, in films like A Bug s Life (1998), Toy Story + 2 (1999), Monsters, Inc. (2001) and Finding Nemo (2003). See more » + + Several other sequences that included words were rewritten in different languages + for international releases. Among these are the don t count on it from the + 8 ball, posters in Andy and Sid s rooms, and the words on the television screen + during the Buzz Lightyear Commercial See more » + + Featured in WatchMojo: Top 10 Most Memorable Movies of 1995 (2015) See more + » + + Q: What is the Morse code used by Babyface in Sid s room? + + Q: Is Toy Story based on a book? + + Every Kid s Fantasy + + 3 February 2009 | by alexkolokotronis – See all my reviews + + Toy Story is the film that started Pixar Animated Studios into its long string + of never ending success. What Pixar does is not just absorb the younger demographic + and keep the older ones mildly entertained. It completely absorbs everyone watching + no matter the age or the level of maturity, films of Pixar, starting from Toy + Story, have kept a certain magical touch around it with an unexpected amount + of depth. Everyone as a child imagines their toys will come alive and go on + their own adventures. One of the great things Pixar does is that it does not + attract audiences with its overloaded superstar casts but rather with its material. + The only superstar here is Tom Hanks and Tim Allen is the next most aforementioned + voice over. Unlike what most people think their is an actually a method to casting + for animated films as there is to a live-action one. As a result of this Pixar + stays faithful to its material and creates a great genuine and warm feeling + around the film and its characters.' + __selected-sentences__: + - Tom Hanks, Tim Allen, Don Rickles | See full cast & crew » + - Pixar Animation Studios - 1200 Park Avenue, Emeryville, California, USA See + more » + episode_done: true + eval_labels: + - Toy Story 1995 IMDb + id: KnowledgeGenerationTeacher + text: 'I live in New York, New York. + + I like going to the moives. + + I love to get the overpriced snacks. + + Have you seen any good movies lately? + + I have. I liked Toy Story. There was a marathon. + + All four movies in the Toy Story series are great. Tom Hanks, Tim Allen, and + Don Rickles are all truly great actors and the creativity of the Pixar Animation + Studios team is really top notch.' +- - __select-docs-titles__: + - Pixar Animation Studios Creative Kaizen Technology and + __selected-docs__: + - "Pixar Animation Studios: Creative Kaizen\nBy HBSstudent11\nIliad S.A.: the\ + \ story behind France’s telecommunications maverick\nHow Pixar’s innovative\ + \ production process ensures creative quality for audiences\nPixar: A Winner\n\ + Pixar has been highly effective at aligning its business and operating models\ + \ to drive success. Founded 1986, Pixar has produced 16 feature animated films\ + \ which together have grossed almost $4 billion at the box office (1). Critically\ + \ acclaimed projects include: Toy Story, The Incredibles, Ratatouille, Up, and\ + \ Finding Nemo. Disney took notice of Pixar’s ability to churn out blockbusters,\ + \ and acquired them in 2006 (2). This ability seems to be driven by Pixar’s\ + \ unique model of organization, production, and talent retention.\nPixar makes\ + \ money by unifying art and technology to produce original animated films that\ + \ motivate audiences to buy movie tickets, DVDs, digital copies, and merchandise.\ + \ These films are marketed towards children, but have the emotional depth and\ + \ production quality to appeal to adults. Pixar’s key market differentiator\ + \ is its focus on quality. Instead of throwing out a portfolio of movies every\ + \ year and hoping that a few become blockbusters, Pixar makes big bets on a\ + \ fewer number of films, producing one film every four to five years. It minimizes\ + \ risk by ensuring the quality of these films via a highly monitored production\ + \ process.\nPixar has a very unique operating model compared to other film studios.\ + \ In other studios, new creative teams are formed around new film concepts and\ + \ then disbanded once the films are complete. Pixar takes a drastically different\ + \ approach and retains creative talent as long-term employees. This allows teams\ + \ to improve their skills and operating processes over time with increased repetition\ + \ (3). Pixar leaders believe that the initial idea matters a lot less than the\ + \ people who actually iterate and brainstorm around that idea throughout the\ + \ production process (4). Other key elements of Pixar’s successful operating\ + \ model include:\nIncubator Teams: When concepts are still nascent, small teams\ + \ of directors, writers, and artists serve as incubators that work together\ + \ to improve and expand on the initial ideas. This tests the idea, but also\ + \ serves as a way for teams to feel out their strengths and weaknesses and learn\ + \ how they should work together moving forward (4).\nShared Dailies: Every day,\ + \ directors and producers must show their daily work to everyone (instead of\ + \ just a small team like at other studios). All members of the crew are encouraged\ + \ to offer suggestions for improvement. Dailies serve as a great way to share\ + \ information with the entire team and break down departmental barriers (4).\n\ + Creative Brain Trust: This is a committee of creative leaders in the company\ + \ that directors/producers can access to help solve production problems. An\ + \ important and unique dynamic of this group is that, unlike traditional studio\ + \ development executives, the advisors of this committee have no authority.\ + \ Instead, they are peers whose purpose is solely to offer creative input and\ + \ advice (5).\nPostmortems: These are meetings that occur after a film is finished\ + \ and discuss the successes and failures of the process. This is critical for\ + \ the growth of the teams (as they will largely remain together to work on the\ + \ next Pixar film) and helps improve work output and processes for the future\ + \ (4).\nPixar University: The company offers classes across disciplines to foster\ + \ communication between departments and emphasize the idea of “learning and\ + \ growing together” (3).\nPixar Campus: The campus has an open plan that maximizes\ + \ interaction among colleagues during the workday to stimulate conversation\ + \ and free flow of ideas (3).\nBusiness and Operating Model Alignment\nThe business\ + \ and operating models are both aligned on Pixar’s key competitive advantages:\ + \ creativity and quality. Pixar has become a consumer-facing brand associated\ + \ with a high level of creativity and quality — and they want to sustain this\ + \ brand identity to retain loyal audiences. To ensure that this production value\ + \ is being provided to customers, the production process is highly detail-oriented\ + \ and based on constant iteration, refinement, and team growth and learning.\ + \ A Harvard Business Review article even likened Pixar’s continuous improvement\ + \ model to that of Toyota’s “Kaizen” philosophy (6). The operating model also\ + \ supports the business model and decreases the risk of a very expensive film\ + \ failure by subjecting the work in process to constant quality control checks.\ + \ High levels of cooperation and sharing throughout the production process allows\ + \ for errors in storyline, dialogue, or visual effects to be caught early and\ + \ often — before the process is too far along for these problems to be fixed\ + \ (4). Though this increases the cycle time of the process (often only 2 seconds\ + \ of a film is worked on each day!), Pixar’s box office performance has shown\ + \ that the value gained from this process in quality and creativity added has\ + \ definitely paid off (7).\nSources Cited/Used:\nhttp://www.boxofficemojo.com/franchises/chart/?id=pixar.htm\n\ + http://www.hollywoodreporter.com/news/pixar-disney-animation-john-lasseters-661752\n\ + http://www.nytimes.com/2006/01/29/technology/29iht-pixar30.html?pagewanted=all&_r=0\n\ + https://hbr.org/2008/09/how-pixar-fosters-collective-creativity\nhttp://fortune.com/video/2015/07/14/the-strategy-that-makes-each-pixar-films-successful/\n\ + https://hbr.org/2010/08/what-google-could-learn-from-p\nhttp://www.newyorker.com/magazine/2011/05/16/the-fun-factory\n\ + http://www.bizjournals.com/bizjournals/how-to/growth-strategies/2015/07/3-pixar-strategies-that-can-help-you-grow-revenue.html?page=all\n\ + http://www.fastcodesign.com/1665008/the-inside-story-5-secrets-to-pixar-s-success\n\ + http://www.pixar.com/\ncreativity, film, winner\nFinding LUV at Southwest Airlines\n\ + 8 thoughts on “Pixar Animation Studios: Creative Kaizen”\nDecember 9, 2015\t\ + \ Alice says:\nFascinating– I love Pixar films and really enjoyed reading your\ + \ post. There’s a special exhibition on “The Science Behind Pixar” at the Museum\ + \ of Science in downtown Boston you should check out!\nDecember 10, 2015\t arlo\ + \ says:\nI love Pixar films too, despite being a non-target consumer of Pixar.\ + \ \U0001F642 I really appreciated reading about all the steps they take to ensure\ + \ a high quality film is produced. Hopefully their quality won’t decline given\ + \ their decision to release two films per year (http://pixartimes.com/2013/06/04/the-pixar-perspective-on-making-two-films-a-year/).\n\ + Buzz Lightyear, I am your biggest fan!!! Nice post. Very interesting comparing\ + \ their operating model vs. the rest of Hollywood. I would imagine the reason\ + \ may be related to the criticality of software in teh production process… the\ + \ interface between creative and technical is much more integrative, which may\ + \ motivate keeping people aroudn to drive experience and learning in the more\ + \ complex setting… what do you think?\nDecember 14, 2015\t Buzz Lightyear says:\n\ + I think that the technology/software side of Pixar does have something to do\ + \ with it. Their approach often comes across as more scientific than artistic\ + \ to me. For example, they encourage their tech artists to regularly publish\ + \ articles and present at conferences so that they maintain a strong relationship\ + \ with the academic community.\nIt is interesting to note, however, that elsewhere\ + \ in Hollywood, smaller-scale creative alliances do form. For example, director\ + \ David O. Russell and actress Jennifer Lawrence have worked on multiple movies\ + \ such as Joy, American Hustle, and Silver Linings Playbook together. I also\ + \ saw JJ Abram’s long-time editors (since the show Alias) speak at the LA Film\ + \ Festival this summer, and they said have gotten to know his working style\ + \ over the years, and it seemed like they have refined and improved their working\ + \ processes over time. I am working in development at a production company this\ + \ summer, and hope to learn more about the different operating models happening\ + \ in film/TV and how creative teams form and function!\nhttp://www.filmindependent.org/blogs/j-j-abrams-long-time-editors-reveal-how-to-help-develop-characters-in-the-editing-room/#.Vm9jOxorLUo\n\ + http://deadline.com/2015/12/david-o-russell-joy-oscars-jennifer-lawrence-1201664630/\n\ + December 14, 2015\t Lior says:\nI’m also a huge Pixar fan and appreciate how\ + \ they managed to create and sustain such a strong operating model (with clear\ + \ link to the business model – quality and creativity). We actually tried mimicking\ + \ this model as we evaluated marketing campaigns in P&G (we formed a community\ + \ of brain trust and made sure to share campaign progress with the entire team.\ + \ We also discussed the successes and failures of the process at the end of\ + \ the campaign). I personally think the idea of using Pixar model to build marketing\ + \ campaigns is a powerful one, but we lacked full commitment to the process.\n\ + Building on that… I was wondering what are your thoughts on using this model\ + \ for different industries? For example, the pharmaceutical industry would also\ + \ benefit from high quality “blockbuster” drugs as opposed to “mini-hits”.\n\ + This is very interesting. To be honest I didn’t know Pixar had a significantly\ + \ different positioning to other movie producers, but I did love most of their\ + \ movies. The different areas you described reminded me a lot the Design Thinking\ + \ process we learned in the IDEO case, with teams brainstorming and converging\ + \ during the day and then use the Incubator Team, Shared Dailies and the Creative\ + \ Brain Trust to validate and/or generate new ideas. I wonder whether they do\ + \ something similar with the target audience or if this limited to employees\ + \ within the company.\nDecember 14, 2015\t AClay says:\nGreat article! I wonder\ + \ if Pixar was able to keep its unique culture after the Disney buyout. Disney\ + \ has such a strong culture itself, that I would imagined that it would be hard\ + \ for Disney’s culture to not suffocate Pixar’s culture.\nAlso, Shared Dailies\ + \ sound freighting like Bridgewater’s immediate feedback model to me. I wonder\ + \ how direct their feedback is at Pixar." + __selected-sentences__: + - Pixar makes money by unifying art and technology to produce original animated + films that motivate audiences to buy movie tickets, DVDs, digital copies, and + merchandise. These films are marketed towards children, but have the emotional + depth and production quality to appeal to adults. Pixar’s key market differentiator + is its focus on quality. Instead of throwing out a portfolio of movies every + year and hoping that a few become blockbusters, Pixar makes big bets on a fewer + number of films, producing one film every four to five years. It minimizes risk + by ensuring the quality of these films via a highly monitored production process. + - 'Pixar has a very unique operating model compared to other film studios. In + other studios, new creative teams are formed around new film concepts and then + disbanded once the films are complete. Pixar takes a drastically different approach + and retains creative talent as long-term employees. This allows teams to improve + their skills and operating processes over time with increased repetition (3). + Pixar leaders believe that the initial idea matters a lot less than the people + who actually iterate and brainstorm around that idea throughout the production + process (4). Other key elements of Pixar’s successful operating model include:' + episode_done: true + eval_labels: + - Pixar Animation Studios Creative Kaizen Technology and + id: KnowledgeGenerationTeacher + text: 'I live in New York, New York. + + I like going to the moives. + + I love to get the overpriced snacks. + + Have you seen any good movies lately? + + I have. I liked Toy Story. There was a marathon. + + All four movies in the Toy Story series are great. Tom Hanks, Tim Allen, and + Don Rickles are all truly great actors and the creativity of the Pixar Animation + Studios team is really top notch. + + It is neat to see how they progressed in the series with the quality. + + You''re right. The quality of all of Pixar''s movies have increased over the + years. This is due, in no small part, to the fact that they have long term teams + that work together on multiple projects. Further, Pixar, as a company, cares + more about creating high quality movies than they do making the most money possible. + This is their company''s culture and the reason for their continuing success.' +- - __select-docs-titles__: + - Toy Story 2 Was Accidentally Deleted During Development + __selected-docs__: + - 'Fun Facts › TV and Film Facts › Toy Story 2 Was Accidentally Deleted During + Development and Almost Lost← NextRandomPrevious → + + Toy Story 2 Was Accidentally Deleted During Development and Almost Lost + + During development at Pixar, Toy Story 2 was accidentally deleted, but was recovered + by an employee who saved the movie to her computer at home while on maternal + leave. + + Topics: Pixar, Toy Story, Unbelievable, Movie, FIlm, Accident + + It s a movie studio s worst nightmare; losing a movie in development that s + cost hundreds of man hours and a significant amount more in financial terms, + but that s exactly what happened to the guys at Pixar who were working on the + sequel to the 90s hit, Toy Story. + + The former Chief Technical Officer of Pixar, Oren Jacob, recounts the ordeal: + + [Larry Cutler] was in that directory and happened to be talking about installing + a fix to Woody or Woody’s hat. He looked at the directory and it had like 40 + files, and he looked again and it had four files. + + Then we saw sequences start to vanish as well and we were like, “Oh my god” + + I grabbed the phone… unplug the machine!” + + One of his co-workers had issued an over-reaching command to the studio s server + to try to fix a simple, benign problem, but instead, ended up recursively deleting + large chunks of the movie itselt - approximately two months worth of work. + + This triggered a huge effort by the Pixar team to recover what was lost. They + were in luck as one of the staff members had a copy of the movie on their computer + at home. + + Interestingly, this wasn t the last time that Toy Story 2 was deleted. In fact, + with only months to go until a set-in-stone release date, serving as testament + to Pixar s commitment to quality, the whole film was binned and re-made. + + 1How Pixar’s Toy Story 2 was deleted twice, once by technology and again for + its own good + + http://thenextweb.com/media/2012/05/21/how-pixars-toy-story-2-was-deleted-twice-once-by-technology-and-again-for-its-own-good/' + __selected-sentences__: + - Fun Facts › TV and Film Facts › Toy Story 2 Was Accidentally Deleted During + Development and Almost Lost← NextRandomPrevious → + - During development at Pixar, Toy Story 2 was accidentally deleted, but was recovered + by an employee who saved the movie to her computer at home while on maternal + leave. + - One of his co-workers had issued an over-reaching command to the studio s server + to try to fix a simple, benign problem, but instead, ended up recursively deleting + large chunks of the movie itselt - approximately two months worth of work. + episode_done: true + eval_labels: + - Toy Story 2 Was Accidentally Deleted During Development + id: KnowledgeGenerationTeacher + text: 'I live in New York, New York. + + I like going to the moives. + + I love to get the overpriced snacks. + + Have you seen any good movies lately? + + I have. I liked Toy Story. There was a marathon. + + All four movies in the Toy Story series are great. Tom Hanks, Tim Allen, and + Don Rickles are all truly great actors and the creativity of the Pixar Animation + Studios team is really top notch. + + It is neat to see how they progressed in the series with the quality. + + You''re right. The quality of all of Pixar''s movies have increased over the + years. This is due, in no small part, to the fact that they have long term teams + that work together on multiple projects. Further, Pixar, as a company, cares + more about creating high quality movies than they do making the most money possible. + This is their company''s culture and the reason for their continuing success. + + I once heard someone erased progress on it like a saved file but someone had + it on their laptop or something. + + 4That is a crazy story. Someone totally deleted Toy Story 2 while it was in + development (the result of a badly written program that just started deleting + files on their server). But, the project was saved because a woman, who was + on maternit6y leave, had saved the movie onto her laptop. I am sure thy have + fixed their back up systems after this.' +- - __select-docs-titles__: + - The Cast of Pixar s Onward Cinemark Movie News + __selected-docs__: + - 'Meet the Cast of Pixar s Onward + + The Cast of Pixar s Fantasy Adventure, Onward + + Like a new film from Marvel or another episode of STAR WARS, a new Pixar movie + isn’t just a new animated movie for kids: it’s an event. The studio behind some + of the greatest animated films of the past 20 years, including TOY STORY, WALL-E, + and MONSTERS, INC. is back this year with an all-new adventure that takes audiences + into a world beyond the limits of our imagination. + + ONWARD introduces young (and young-at-heart) viewers to a wonderful land where + mythical creatures like elves and unicorns aren t merely real — they re the + primary residents! There s trouble brewing, however. Technology is taking hold + and the world is losing its magic. The land is in need of some serious help, + and who’s more helpful than a pair of elves? How about a pair of elves voiced + by Marvel super-stars Chris Pratt and Tom Holland? + + Pratt and Holland aren’t the only famous voices you’ll hear in Pixar’s latest. + Read on for our handy guide to the fantastic and familiar voices of ONWARD. + + [Image credit: Pixar Animation Studios] + + Pixar’s all-new animated adventure is set in a fictional realm that isn’t too + different from our own: There are suburbs and trash collectors, businesses big + and small, schools and transportation. There’s just one thing: This world is + magic, and its inhabitants are the creatures that we think of as mythical. + + But magic isn’t as easy to use as it once was, and the population has become + increasingly dependent on technology and science to get things done. Instead + of using magic, the creatures in this world are turning to cars and phones and + other science-based devices, taking them further and further away from magic. + And this surprisingly relatable situation is where our story begins… and where + our heroes enter the picture. + + Meet Ian and Barley Lightfoot + + Ian and Barley are teenage elves who, like most creatures in their society, + have become a little too dependent on technology and modern machinery. Then + their mother gifts them with a magical staff that can bring a lost loved one + back to life for 24 hours. Even though the brothers aren’t well-versed in wielding + magical equipment, they use it to try and bring back their father, who died + before Ian was born. Due to their lack of experience, they’re only able to summon + their dad’s legs. Barley, desperate for an epic quest, grabs Ian and they set + off on a journey to figure out how to bring their dad back – all of him – before + the day ends. + + Ian is voiced by Tom Holland, star of the new SPIDER-MAN movies and historical + drama THE CURRENT WAR. He also recently lent his voice to another animated movie: + SPIES IN DISGUISE. In 2020, Holland will reunite with another MCU favorite, + voicing Pip the dog opposite Robert Downey Jr.’s Doctor Dolittle in DOLITTLE. + + Barley is voiced by GUARDIANS OF THE GALAXY fave Chris Pratt, who has plenty + of experience voicing a charming animated hero thanks to his role in THE LEGO + MOVIE and its sequel. + + Laurel Lightfoot + + Laurel is the mother of Ian and Barley, and she gives the magical staff to her + sons in an effort to help them reconnect with magic. She’s played by Julia Louis-Dreyfus, + one of the all-time greatest comedic actors. Louis-Dreyfus is best known for + her roles in beloved sitcoms like “Seinfeld” and “The New Adventures of Old + Christine.” She also played the lead role on HBO’s critically-acclaimed political + comedy series “Veep,” which recently ended after seven seasons. + + Octavia Spencer plays Corey, a friendly manticore who owns a restaurant. Barley + and Ian visit her for help on their quest. Spencer won an Oscar for her supporting + role in 2011’s THE HELP, and since then she’s had notable roles in all kinds + of movies and shows – everything from SNOWPIERCER to THE SHAPE OF WATER and + last year’s horror-thriller MA, as well as the new AppleTV+ series “Truth Be + Told.” + + Gore and Specter + + Gore (not like the gore in a horror movie) is a faun – a magical deer, basically + – and a police officer. She’s voiced by comedian Ali Wong, who became a major + hit with her Netflix specials “Baby Cobra” and “Hard Knock Wife.” Last year + she starred opposite Randall Park in the delightful Netflix rom-com ALWAYS BE + MY MAYBE, which featured an internet-breaking cameo from Keanu Reeves. + + Like Gore, Specter is also a police officer, but she’s a cyclops – a creature + with a single eye. Specter is voiced by Lena Waithe, whose work as co-star and + writer on Netflix’s “Master of None” launched her into the mainstream overnight + and won her a Primetime Emmy – making Waithe the first black woman to win a + writing Emmy for Outstanding Comedy Series. Waithe has used her fame to produce + other projects, like the recent drama QUEEN & SLIM and the Showtime series “The + Chi.” She also had a supporting role in Steven Spielberg’s READY PLAYER ONE. + + Colt Bronco + + Joining Gore and Specter on the magical police force is Colt Bronco, a centaur + (half-horse, half-human) who, honestly, has a very cool name. Colt is voiced + by Mel Rodriguez, a character actor best known in recent years for starring + on the short-lived FOX series “The Last Man on Earth” and AMC’s “Better Call + Saul.” In 2019 he starred opposite Kirsten Dunst on the critically-acclaimed + series “On Becoming a God in Central Florida.” + + ONWARD opens on March 6! + + All images courtesy of Pixar Animation Studios.' + __selected-sentences__: + - ONWARD introduces young (and young-at-heart) viewers to a wonderful land where + mythical creatures like elves and unicorns aren t merely real — they re the + primary residents! There s trouble brewing, however. Technology is taking hold + and the world is losing its magic. The land is in need of some serious help, + and who’s more helpful than a pair of elves? How about a pair of elves voiced + by Marvel super-stars Chris Pratt and Tom Holland? + - Pratt and Holland aren’t the only famous voices you’ll hear in Pixar’s latest. + Read on for our handy guide to the fantastic and familiar voices of ONWARD. + episode_done: true + eval_labels: + - The Cast of Pixar s Onward Cinemark Movie News + id: KnowledgeGenerationTeacher + text: 'I live in New York, New York. + + I like going to the moives. + + I love to get the overpriced snacks. + + Have you seen any good movies lately? + + I have. I liked Toy Story. There was a marathon. + + All four movies in the Toy Story series are great. Tom Hanks, Tim Allen, and + Don Rickles are all truly great actors and the creativity of the Pixar Animation + Studios team is really top notch. + + It is neat to see how they progressed in the series with the quality. + + You''re right. The quality of all of Pixar''s movies have increased over the + years. This is due, in no small part, to the fact that they have long term teams + that work together on multiple projects. Further, Pixar, as a company, cares + more about creating high quality movies than they do making the most money possible. + This is their company''s culture and the reason for their continuing success. + + I once heard someone erased progress on it like a saved file but someone had + it on their laptop or something. + + 4That is a crazy story. Someone totally deleted Toy Story 2 while it was in + development (the result of a badly written program that just started deleting + files on their server). But, the project was saved because a woman, who was + on maternit6y leave, had saved the movie onto her laptop. I am sure thy have + fixed their back up systems after this. + + Yes! and I remember now that is how that story goes. + + Pixar has produced 20 movies since its founding and all of the big names have + worked with them. Julia Louis-Dreyfus, Tom Holland, Jon Batiste, Phylicia Rashad, + Questlove, Tina Fey. Have you seen their newest movie Onward with Chris Pratt?' +- - __select-docs-titles__: + - Critics Accuse Pixar s Inside Out of Body Shaming + __selected-docs__: + - 'Critics Accuse Pixar s Inside Out of Body Shaming, Internet Promptly Freaks + Out + + Is this beloved character s appearance sending a dangerous message? + + Anyone who s seen Pixar s most recent movie Inside Out probs left the theater + crying their eyes out. The movie, about an 11-year -old girl named Riley s emotions + battling with one another about how to deal with being uprooted from her home + and moving to a new city, captures perfectly what you felt dealing with life + as an 11 years old kid. + + The movie has been getting stellar reviews from most, but one negative review + has sparked a lot of controversy. In an article for the Huffington Post, critic + Joni Edelman claims that Inside Out fails at body positivity. Her issue with + the movie is that while the character that represents the positive emotion joy + (who s name is obvs Joy) is thin, tall, and human-like, Sadness (an emotion + we typically think of as negative) is a short, round, bespectacled, and blue...thing(?). + + In the review, she explains why she finds this portrayal of sadness offensive: + + Probably because someone at Pixar thinks fat people are sad. Because they are + fat. And how could they be fat and smile? Fat people have some nerve. Also, + their poor vision is apparently causing them some distress. Joy doesn t wear + glasses. She probably had Lasik. Because she is probably also rich. Rich, white + (well, white-ish) people are also joyous. And she gets to wear a cute little + dress, which she probably bought at Nordstrom, while Sad is shrouded in what + is probably an itchy-ass thrifted wool sweater. Maybe that s why she s named + Sad. + + Joni s critique promptly went viral, with most fans of the movie slamming the + review, especially because, well, she never watched the movie. + + This article bashing #InsideOut is so hilariously bad. Maybe see it BEFORE talking + about it: http://t.co/w4h0S9pcoI pic.twitter.com/8R94m5Nfvq + + — Jordan Maison (@JordanMaison) June 29, 2015 + + A real, honest to God review of Inside Out, written by someone who hasn t + seen it. http://t.co/m917yFOSz9 pic.twitter.com/cLS4AWfO0Q + + — Sam Charles (@samjcharles) June 30, 2015 + + Many felt the review was counterproductive, because it was stereotyping Sadness appearance + as being bad because she happened to be shorter and not as thin as the other + characters, when, in fact, Sadness was actually *SPOILER ALERT* the integral + emotion that ended up saving the day. + + Joy was annoyed with Sadness throughout the movie, because she was making Riley, + well, sad about moving. But at the end of the day, Joy realized that she was + making Riley worse by trying to force her to be happy and had to let Riley be + sad in order for her to deal with her emotions in a healthy way. + + Other commenters believed that the reviewer was simply missing the fact that + each emotion was shaped like something representative of that emotion, saying + that Sadness wasn t fat , but rounded, like a teardrop. One commenter shared, Joy + is a star... Anger is a fire brick, Disgust is broccoli, Fear is a frayed nerve, + and Sadness is a tear. + + Others defended Jodi s review, saying Sadness shape sends a harmful message. It + s clear from the image that sadness equals a fat woman wearing glasses. This + image reinforces stereotypes, whatever the content of the movie. It s not that + sadness isn t a useful, normal human emotion, it s the assumption that the saddest + thing you can be is a fat woman with glasses. The image they have chosen undercuts + any statement they may have wished to make in the movie, according to one commenter + on a review rebutting Edelman s. + + Whether the reviewer was wrong or right in her assessment, she did open up a + super important discussion about body image representation in movies that will + hopefully inspire filmmakers to think about the messages we may be (intentionally + or unintentionally) sending about body image and appearance, even in Pixar movies. + + Relive Your Fave Disney Pixar Flicks! + + New Inside Out Trailer! + + It Turns Out, Harry Styles Had a Role In Pixar s Inside Out + + Why Everyone Is Freaking Out About This Body-Shaming Period Commercial + + The Inside Out Honest Trailer Will Make You Realize It Doesn t Actually Make + Any Sense + + This Mind-Blowing Pixar Theory Will Make That Devastating Moment in Inside + Out a Little Less Painful' + __selected-sentences__: + - The movie has been getting stellar reviews from most, but one negative review + has sparked a lot of controversy. In an article for the Huffington Post, critic + Joni Edelman claims that Inside Out fails at body positivity. Her issue with + the movie is that while the character that represents the positive emotion joy + (who s name is obvs Joy) is thin, tall, and human-like, Sadness (an emotion + we typically think of as negative) is a short, round, bespectacled, and blue...thing(?). + - Probably because someone at Pixar thinks fat people are sad. Because they are + fat. And how could they be fat and smile? Fat people have some nerve. Also, + their poor vision is apparently causing them some distress. Joy doesn t wear + glasses. She probably had Lasik. Because she is probably also rich. Rich, white + (well, white-ish) people are also joyous. And she gets to wear a cute little + dress, which she probably bought at Nordstrom, while Sad is shrouded in what + is probably an itchy-ass thrifted wool sweater. Maybe that s why she s named + Sad. + - Joni s critique promptly went viral, with most fans of the movie slamming the + review, especially because, well, she never watched the movie. + episode_done: true + eval_labels: + - Critics Accuse Pixar s Inside Out of Body Shaming + id: KnowledgeGenerationTeacher + text: 'I live in New York, New York. + + I like going to the moives. + + I love to get the overpriced snacks. + + Have you seen any good movies lately? + + I have. I liked Toy Story. There was a marathon. + + All four movies in the Toy Story series are great. Tom Hanks, Tim Allen, and + Don Rickles are all truly great actors and the creativity of the Pixar Animation + Studios team is really top notch. + + It is neat to see how they progressed in the series with the quality. + + You''re right. The quality of all of Pixar''s movies have increased over the + years. This is due, in no small part, to the fact that they have long term teams + that work together on multiple projects. Further, Pixar, as a company, cares + more about creating high quality movies than they do making the most money possible. + This is their company''s culture and the reason for their continuing success. + + I once heard someone erased progress on it like a saved file but someone had + it on their laptop or something. + + 4That is a crazy story. Someone totally deleted Toy Story 2 while it was in + development (the result of a badly written program that just started deleting + files on their server). But, the project was saved because a woman, who was + on maternit6y leave, had saved the movie onto her laptop. I am sure thy have + fixed their back up systems after this. + + Yes! and I remember now that is how that story goes. + + Pixar has produced 20 movies since its founding and all of the big names have + worked with them. Julia Louis-Dreyfus, Tom Holland, Jon Batiste, Phylicia Rashad, + Questlove, Tina Fey. Have you seen their newest movie Onward with Chris Pratt? + + No but I bet it will be good. + + Even when there''s controversy (for example the body shaming controversy in + Pixar''s movie Inside Out) everyone agrees that Pixar makes the best movies.' +num_episodes: 503 +num_examples: 2466 diff --git a/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocTitlesTeacher_train.yml b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocTitlesTeacher_train.yml new file mode 100644 index 00000000000..708e43f7a9e --- /dev/null +++ b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocTitlesTeacher_train.yml @@ -0,0 +1,905 @@ +acts: +- - __select-docs-titles__: + - Chopped Episode Guide TV Schedule Food Network Canada + __selected-docs__: + - 'Chopped is a cooking competition show that is all about skill, speed and ingenuity. + Each week, four chefs compete before a panel of expert judges and turn baskets + of mystery ingredients into an extraordinary three-course meal. Course by course, + the chefs will be chopped from the competition until only one winner remains. + + The challenge? They have seconds to plan and 30 minutes to cook an amazing course + with the basket of mystery ingredients given to them moments before the clock + starts ticking! Once they ve completed their dish, they have to survive the + Chopping Block where our three judges are waiting to be wowed and not shy about + voicing their culinary criticisms! + + Host Ted Allen leads this high energy, high-pressure show which will have viewers + rooting for a winner and cheering for the losers. Chopped is a game of passion, + expertise and skill - and in the end, only one chef will survive the Chopping + Block. Who will make the cut? The answer is on Chopped! + + Ted, the host of Chopped, was the food and wine specialist on the groundbreaking, + Emmy-winning series Queer Eye, which had a 100-episode run.' + __selected-sentences__: + - Chopped is a cooking competition show that is all about skill, speed and ingenuity. + Each week, four chefs compete before a panel of expert judges and turn baskets + of mystery ingredients into an extraordinary three-course meal. Course by course, + the chefs will be chopped from the competition until only one winner remains. + episode_done: true + id: KnowledgeGenerationTeacher + labels: + - Chopped Episode Guide TV Schedule Food Network Canada + text: "My favorite tv show is Chopped.\nThey play along with the show\nI just\ + \ watched chopped for 3 hours straight. The baskets were hard in some of them.\n\ + \ Baskets? I don't know anything about this show. Is it something about cooking?" +- - __select-docs-titles__: + - Food Network Official Site + __selected-docs__: + - 'Aloha, Recruits! + + New Episodes Mondays 9|8c + + Watch a New Episode Now + + Can t Wait? Watch the Next Episode Now! + + New Episodes Thursdays 10|9c + + Every. Battle. Ever. + + All the DDD You Could Ever Want + + The recruits take on a variety of tropical island-inspired challenges. + + Taste of Capri Party + + Giada hosts a lunch party that celebrates the island of Capri, Italy. + + The Kitchen reduces weeknight stress with a Big Batch Pork Butt and more. + + Ree makes Maple Bacon Dip and Strawberry Rose Bellinis for an office party. + + Whole Lotta Comfort + + Guy Fieri dives into hearty helpings of comfort food from Atlanta to Utah. + + Ultimate Protein Battle + + Five masters of protein face off in Flavortown. + + A pastry chef and a chef-of-all-trades compete for a shot at Bobby. + + Cookin Couples + + Guy welcomes three couples to Flavortown to prove their culinary knowledge. + + Wonton Wonder + + Chefs get creative with wonton wrappers, comfort food and a strange pastry. + + Actor and producer Michael B. Jordan discusses his sky-rocketing career. + + Oprah Winfrey Presents on Food Network + + Actor Bradley Cooper discusses how he has emerged as a visionary filmmaker. + + Freaky Flavors + + The young bakers have to create a large tart featuring an unusual flavor. + + Michael Symon Needs a Cake + + Michael Symon challenges the bakers to make a cake for his new restaurant. + + See what happens when Dan is challenged to create a meat cake. + + The recruits take on fair food after boot camp gets turned into a carnival. + + Jade s Chocolate Factory + + Giada hosts a sophisticated chocolate-themed Valentine s Day party. + + Stream for Free + + It s a Busby Birthday! + + The bakers compete to make a 4th birthday cake for the Busby quintuplets. + + Dr. Deckle and Mr. Fried + + Three of the four chefs make a huge mistake with the jumbo shrimp. + + The Perfect Bird + + Fifteen more of America s worst cooks begin their culinary journey. + + All Stocked Up + + Ree dips into her trusty staples to whip up some fabulous food. + + The 12 young bakers must make cupcakes featuring bacon. + + Sour With the Sweet + + Sunny Anderson and Josh Capon serve up a winner in hopes of beating Bobby. + + Say Yes to the Veg + + Valerie tries out new ways to sneak veggies into kid-friendly dishes. + + The Kitchen is snowed in with Sweet Potato and Corn Chowder and more. + + Chefs Ham It Up + + The chefs begin by making a barbecue blowout that won t blow their budget. + + Watch Chopped for Free + + Rattle and Roll + + Rattlesnake meat must be included in the chefs first course. + + The chefs find frog legs in the first basket for the appetizer round. + + Jitters and Giant Eggs + + Panic threatens to paralyze one of the competitors who is feeling jittery. + + Mussels Mastery + + The chefs have to come up with tasty mussel appetizers in just 20 minutes. + + Time runs out and two chefs are unhappy with their calf liver appetizers. + + The competitors discover this competition is a grilling challenge. + + Quahog Quandaries + + The two remaining chefs take the intensity level in the kitchen up a notch. + + Turbot Powered + + A super bitter ingredient leaves the chefs in a quandary. + + Keep on Cookin On + + One of the finalists suffers an injury as he attempts a Chopped first. + + Green Apps and Lamb + + Mint liqueur and canned fish make an odd combination for the first course. + + The appetizer basket ingredients get the chefs pondering ballgame fare. + + Some of the most formidable chefs in the country battle to find out whose cuisine + reigns supreme. Host Alton Brown determines who will earn the right to face + a legendary Iron Chef in the Secret Ingredient Showdown. + + Ina Garten is back and this time she s sharing the basics of her incredibly + elegant and easy recipes. She throws open the doors of her Hamptons home for + more delicious food, dazzling ideas and good fun. + + The best cupcake bakers in the country are called to fight to see who has the + best cupcakes. In this war of frosting and sugar, there is only one winner. + + Tyler Florence brings together five local chefs to compete in a restaurant they + ve never cooked in before. Two chefs become judges as the others battle for + hometown pride using secret ingredients to build delicious dishes. + + Country star Trisha Yearwood shows off her Southern hospitality as she puts + together meals with friends and family. Whether it s for a family reunion or + a party for her band-mate, her easy recipes always have a story to tell. + + Pop culture, comedy and plain good eating: Alton Brown explores the origins + of ingredients, decodes culinary customs and explores new food trends. + + Five talented food experts gather in the kitchen to share lively conversation + and delicious recipes. From simple supper ideas to the latest food trends, they + cover all things fun in food! + + Live Now On Food Network + + Pizza for Dessert + + Lemon BFFs + + Food Network Originals + + Vivian has some fun with pasta by making a spaghetti bundt cake. + + Viv s Tips: Pasta Pound Cake' + __selected-sentences__: + - New Episodes Mondays 9|8c + - Watch a New Episode Now + episode_done: true + id: KnowledgeGenerationTeacher + labels: + - Food Network Official Site + text: "My favorite tv show is Chopped.\nThey play along with the show\nI just\ + \ watched chopped for 3 hours straight. The baskets were hard in some of them.\n\ + \ Baskets? I don't know anything about this show. Is it something about cooking?\n\ + Yes it is. Chefs have a basket with 4 mystery ingredients. They compete to make\ + \ the best meal from the ingredients. \nIt sounds like quite a challenge! Do\ + \ you watch every episode? Have you tried to make the dishes yourself?" +- - __select-docs-titles__: + - Types of Cuisine From Around the World With Their Popular + __selected-docs__: + - 'Types of Cuisine From Around the World With Their Popular Foods + + Most countries and regions in the world have their own particular cuisine. Different + types of cuisines involve certain cooking practices, local ingredients, and + a combination of spices. Some food cultures are a fusion of foods from different + countries. From these, delicious foods have developed that provide unique culinary + experiences. + + There are hundreds of different cuisines in the world. Famous cuisines in the + world include French, Thai, Italian, Indian, and Chinese. In large cities, it + is also not uncommon to find restaurants serving dishes from Moroccan, Lebanese, + Vietnamese, and Hungarian cuisines. + + Even in countries that have their own particular kind of cuisine, it is not + uncommon to have regional variations. For example, some types of food may be + prepared in different ways or include a different variety of ingredients. + + In this article, you will learn about some of the top cuisines in the world. + You will also find out where some famous dishes originated from. + + The French Provencal cuisine uses a lot of herbs + + Many regard French cuisine as one of the best cuisines in the world. French + food involves ingredients such as butter, cream, wine, herbs, chocolate, and + vegetables. French pastry dishes, cheese, bread, and wine are famous throughout + the world. + + Food culture in France also revolves around locally sourced ingredients. On + the Mediterranean coast, seafood is very popular. Provencal cuisine uses tarragon + and a host of other herbs and spices. Paris itself has over 9,000 restaurants + serving French classics and dishes from around the world. + + Dumplings and dim sum are a common food in the Chinese cuisine + + Chinese cuisine is one of the most diverse food cultures in the world. Traditionally, + Chinese food is served with noodles or rice. Also, Chinese dumplings form a + large part of the staple diet in many regions of China. There are several main + cuisines in Chinese cookery – Cantonese, Sichuan, Fujian, and Hunan cuisines + are the most well-known. + + Most Chinese dishes contain a mixture of vegetables that are stir-fried and + combined with aromatic spices and herbs. For example, ginger is often fried + along with garlic and onions to create flavorsome dishes. Also, soy sauce, rice + vinegar, and fish sauce are commonly used to create a blend of wonderful flavors. + + Chinese cuisine could be regarded as the one of the most important in the world. + Chinese cooking styles have influenced other foods from Korea, the Philippines, + Thailand, and Vietnam. Chinese dishes are so popular that most cities in the + world have a number of Chinese restaurants. Sweet and sour chicken and chop + suey are the most popular Chinese dishes outside of China. + + Sushi is a very popular food in Japanese restaurants + + Japanese dishes have become one of the most important food genres in the world. + Boiled rice usually accompanies most dishes with grilled fish, pickled vegetables, + or deep-fried vegetables. Tofu also plays an important part in traditional Japanese + cuisine. + + Of course, sushi is one of the most well-known type of Japanese food. Great + care and precision goes into creating delicious rice rolls with raw fish, vegetables, + and nori. These are accompanied with pickled ginger and dipping sauces. Japanese + food culture is so influential that many countries around the world developed + their own type of sushi varieties. + + Going into a Japanese restaurant, you often see the chef working in an open + kitchen at a Teppanyaki grill. + + After your delicious Japanese meal, you can finish off with a cup of refreshing + type of tea such as: green tea, oolong tea, or jasmine tea. + + Pasta dishes are one of the most famous foods in Italian cuisine + + Many people regard Italy as the country with the best food in the world. Pasta + dishes in Italian cuisine are one of the most popular and favorite types of + food in the world. There are very few people in the world who haven’t tried + delicious Italian foods like pizza, spaghetti, or delicious Italian ice cream. + Many classic Italian dishes also include the regional name in their title. For + example, spaghetti Bolognese from Bologna and Parma ham or Parmesan cheese from + Parma. + + The mainstays of the popular Italian cuisine are pasta, rice, tomatoes, and + cheese. Many regional variations include types of meat, seafood, or sausages + along with delicious sauces. These can be flavored with herbs such as oregano, + basil, or a combination of other fresh herbs. + + There is also great variation in food cultures between the various regions of + Italy. Abruzzo cuisine from the mountainous and coastal regions has pasta, seafood, + lamb, and wild mushrooms. Neapolitan cuisine is famous for foods like pizzas, + spaghetti, and mozzarella. Famous Italian dishes such as lasagna, tortellini, + and Parmigiano-Reggiano cheese are from areas around Bologna and Modena. + + Greek salad is a favorite food for Greek cuisine lovers + + Greek food culture is one of the oldest in the world. Cuisine from Greece and + the Greek islands is heavily influenced by olive oil, vegetables, fish, and + various types of meat. In fact, a simple Greek salad may just be fresh cucumbers, + tomatoes, red onions, a dash of olive oil, a few tasty olives, and a thick slice + of feta cheese. + + Some popular Greek dishes include moussaka made from eggplant, tzatziki (a type + of yogurt dip), or gyro – a type of kebab with lamb, pork, or chicken meat. + Due to its long coastline, seafood such as squid, mussels, fish, and lobster + are popular food choices. + + After feasting on Greek delicacies, you may have room for some common Greek + desserts. A delicious filo pastry with layers of nuts and honey called baklava + is one of the most favorite Greek sweet foods. + + Seafood paella is a popular dish served in many Spanish restaurants + + Similar to many countries around the Mediterranean Sea, Spanish cuisine is heavily + influenced by seafood. A combination of mussels, cuttlefish, shrimps, and lobster + together with paprika, saffron and rich broth create the classic seafood paella. + + Spanish food culture isn’t limited just to seafood. This popular cuisine also + includes foods like cured meats such as Serrano or Iberico ham. Chorizo sausage, + mushrooms, and cooked meat are used in Spanish appetizers – tapas. + + Different regions of Spain also have culinary variations. For example, La Rioja + is famous for its red wine, cured pork, and lamb dishes. Seafood, thyme soup, + and bean omelets are popular in Catalan cuisine. Andalusia is famous for hot + soups, fish stews, and cold soups such as gazpacho. + + Olive oil is a staple ingredient in the Mediterranean cuisine + + It can be difficult to define what exactly Mediterranean cuisine is as there + is great variety of dishes in it. The key ingredients of Mediterranean cuisine + are basic foods such as olive oil, fresh vegetables, wheat (such as bread and + pasta), and grape (such as wine). + + Mediterranean food styles include culinary delicacies from countries such as + Morocco, Italy, Portugal, Spain, Greece, Turkey, and the Middle East. + + Mediterranean food culture is also the basis of the Mediterranean diet. This + kind of diet contains olive oil, fresh vegetables and fruits, seafood, and nuts. + + Hummus dip with pita bread is a common type of food served in many Lebanese + restaurants + + Lebanese food culture comprises cuisines from other Mediterranean countries. + Poultry, seafood, lamb, or goat meat are prepared with olive oil, garlic, and + other spices. These are usually consumed with pitta bread and fresh or grilled + vegetables. + + Chickpeas also form a staple part of Lebanese cuisine. These are cooked and + blended with olive oil, tahini, and lemon juice to create a delicious nutty + hummus dip. + + As well as classic Mediterranean desserts such as baklava or halva, fresh or + dried types of dates are also widely used in Lebanese sweet dishes. + + A vegetable couscous is served in Moroccan tagine + + Moroccan dishes are a great example of when different cuisines fuse to form + a new type of food genre. Moroccan cuisine uses a goat, lamb, poultry, beef, + and seafood as its basis. These meats are spiced and cooked along with lemons, + dried fruits, and olive oil. + + One of the most famous foods in the popular Moroccan cuisine is couscous. This + common wheat-based food is combined with various spices, herbs, and vegetables + to create a versatile and delicious side dish. Another favorite Moroccan classic + dish is a tagine. This is an earthenware dish used to cook meat along with vegetables + or dried fruits. + + As with many dishes in North Africa, the Middle East, and the Mediterranean, + Moroccan cuisine uses flatbread as a meal accompaniment. + + Lamb kebab is a popular type of dish in the Turkish cuisine + + Turkish food is another example of a fusion of various food cultures from Asia, + Europe, and the Middle East. Eggplant, stuffed dolmas, lamb kebabs, and delicious + vegetable stews are just some of the culinary delights you can experience with + Turkish food. Nuts such as hazelnuts, walnuts, and chestnuts are common food + ingredients in savory and sweet dishes. + + One important part of Turkish cuisine is yogurt. In fact, the name ‘yogurt’ + is a Turkish word. Yogurt and types of spiced yogurt are an accompaniment to + many vegetable and meat dishes in Turkey. Cheese made from sheep’s milk is another + important dairy product in Turkish cuisine. + + Popular beverages in Turkey include strong Turkish coffee, hot black tea, and + Ayran – a type of yogurt drink. + + Pad Thai is a famous and delicious dish to try when visiting Thailand + + Thai cuisine is all about strong spicy flavors that incorporate sweet, sour, + and hot elements. Some of the world’s most popular dishes are from Thailand. + Pad Thai, green curry, and tom yum goong are just some examples of the best + dishes from Thailand. + + Thai food is traditionally served with rice or noodles. Even spicy Thai soups + or broths usually contain basic rice noodles. + + One of the unique features of Thai cuisine is its wide use of spices, herbs, + and sauces. For example, fresh basil, lemongrass, kaffir lime, chilies, and + coconut milk are some of the ingredients in Thai green curry. Also, cloves, + ginger, cilantro, mint, and turmeric are common ingredients. + + Trying many of the different dishes in Thailand is usually a culinary experience + that few people forget. + + Samosas may take different fillings and forms, depending on the region in India + + When it comes to spicy, aromatic dishes, Indian cuisine usually tops the list. + The amazing range of spices, chilies, and herbs combine to make some of the + spiciest foods you can eat. + + In India, the range of different cuisines is also impressive. Each region in + India has its own ethnic foods and dishes. These can include vegetable pastry + morsels such as samosas, vegetarian curries, beans with fermented fish, and + vegetable pakoras. + + Street food is also part of the food culture in India. Tandoori chicken served + with basic naan bread, spicy Indian snacks, and sweet dishes such as Gulab jamun + are all popular. + + Indian cuisine has also been exported to many countries throughout the world. + In countries like the United Kingdom, the US, Australia, and Singapore, Indian + cuisine has been adapted to local culture. + + Crawfish dishes are very common in many restaurants in Louisiana + + Cajun food is an important part of American cuisine and is another example of + ‘fusion cuisine.’ French cuisine combined with local ingredients in Louisiana + has created many of the scrumptious dishes in Cajun cooking. + + Most Cajun dishes are prepared in pots. Seafood, crawfish, shrimps, vegetables, + and steamed rice are the most common ingredients. Celery, bell peppers, citrus + fruits, and okra are some of the fruits and vegetables common in Cajun food. + + Cajun cuisine is closely related to Creole cuisine. Gumbo is probably the signature + dish of both cuisines. + + Taco is a traditional Mexican dish made of tortilla folded around a variety + of fillings + + Another of the most popular types of cuisines in the world is Mexican food. + Tacos, enchiladas, tortillas, nachos, and quesadillas are now common dishes + in many countries around the world. Mexican food is also a popular street food + as it’s easy to wrap delicious spicy meat, salsas, and vegetables in tortas + or tortillas. + + Visiting an authentic Mexican restaurant provides an amazing choice of delicious + dishes. Ethnic Mexican food can include grilled goat, meat with eggs, exotic + fruits, and hot spicy dishes. Authentic Mexican avocado guacamole is absolutely + delicious. + + Traditional Mexican cuisine is much different from the ‘Tex-Mex’ type of Mexican + food that is popular in many countries. + + Jerk is a traditional cooking style in the Caribbean cuisine. In the photo: + jerk wings with rice and broccoli + + Traditional Caribbean dishes are a combination of African, European, Cajun, + and Middle Eastern cuisines. Fusing cooking styles from these countries along + with local ingredients has created a unique food culture. + + Rice is the staple ingredient in most Caribbean dishes. Local ingredients such + as coconuts, plantains, beans, tomatoes, and chickpeas are used to create tasty + meals. The addition of fiery chilies such as Scotch bonnet peppers gives many + Caribbean dishes a powerful kick. + + The most famous food in the Caribbean cuisine is oven-baked Jerk Chicken. This + is a spicy dish combining chicken, habanero peppers, ginger, garlic, herbs, + and spices. + + Although Caribbean cuisine defines many dishes from the islands, each island + has its own food culture. + + Bratwurst is a type of German sausage most commonly made of pork + + German cuisine is famous for its sausages called Wurst in German. There are + an estimated over 1,500 different types of German sausage. However, German food + isn’t all about bratwurst. There are many flavorful dishes in German cuisine. + + German specialties include German fries, sauerkraut, rye bread, Spätzle (a type + of noodle), and dumplings. Popular German desserts include donuts (without a + hole), Black Forest cake, and Rote Grütze (a delicious berry fruit pudding). + + Of course, Germany is also well-known for its beer such as pilsner and wheat + beer. + + Borscht is a soup common in Eastern Europe countries. Made with beetroots, it + has a typical red color + + Russia has a wide and varied food culture due to many culinary influences from + its different regions. Due to the harsh climate, soups and stews play an important + role in Russian cuisine. Thick spicy meat broths, noodle soups, and cabbage + soups are very popular. A popular type of Russian soup is borscht that contains + beets, cabbage, beef, and eaten with sour cream. + + Grains are another important part of Russian food. For example, buckwheat, barley + and millet are all used as accompaniments to main meals. Beef Stroganoff, meatballs, + and a type of Shish kebab are popular meat dishes. + + Even though it has become more expensive, caviar still enjoyed by many people + in Russia. + + Goulash is enjoyed not only in Hungary but around the world + + Similar to Russian food, Hungarian cuisine is a mixture of soups and stews. + Maybe the most famous Hungarian dish is goulash made with meat and spicy paprika. + This classic Hungarian meal can be served as a soup or a stew. + + Similar to many countries in Europe, Hungarian cuisine has been influenced by + surrounding countries. Therefore, crepes, sweet dumplings, stuffed cabbage rolls, + and sausages are all found on traditional Hungarian menus. + + Hot dog is a popular street food across USA + + American cuisine has absorbed the cultures of many who came to the United States + in the 1800s. A fusion of cooking styles, cuisines, and ethnic foods combined + to create a new type of cuisine. Many chefs took traditional dishes from their + home countries and put their own twist on them. + + For example, pizza is traditional Italian food. But ‘Chicago’ pizza has a thicker + and taller crust, whereas ‘New York Slice’ is thinner. A ‘New York Strip Steak’ + is known in other countries as sirloin or contre-filet steak. + + Hamburgers, hot dogs, ‘French fries,’ fried chicken, and deep-pan pizzas are + new takes on traditional foods from other countries. However, they are all part + of the list of foods belonging to American cuisine. + + Types of Food – Do You Know these Various Food Categories? + + Different Kinds of Vegetables and Their Nutritional Value + + Types of Meat With Their Benefits, Concerns and Nutrition Facts + + Types of Cuisine From Around the World With Their Popular Foods was last modified: + December 31st, 2019 by no_name12 + + Types of Steak: Different Cuts of Steak With Their Picture and Name + + Types of Edible Mushrooms (Including Wild Edible Mushrooms) - With Pictures + + Types of Tea: Varieties of Tea With Their Flavor, Caffeine Content and More + + The Tastiest and Most Exciting Types of Cheese You Didn t Know About' + __selected-sentences__: + - Types of Cuisine From Around the World With Their Popular Foods + episode_done: true + id: KnowledgeGenerationTeacher + labels: + - Types of Cuisine From Around the World With Their Popular + text: "My favorite tv show is Chopped.\nThey play along with the show\nI just\ + \ watched chopped for 3 hours straight. The baskets were hard in some of them.\n\ + \ Baskets? I don't know anything about this show. Is it something about cooking?\n\ + Yes it is. Chefs have a basket with 4 mystery ingredients. They compete to make\ + \ the best meal from the ingredients. \nIt sounds like quite a challenge! Do\ + \ you watch every episode? Have you tried to make the dishes yourself?\nYes,\ + \ I agree. Some of the ingredients I've never heard of. I try to watch as many\ + \ as I can, but not all. I only imagine what I would make. I have never tried\ + \ by myself. \nI think it would be a big challenge to do what Chefs on the program\ + \ do. Is there a type of cuisine that they normally feature? Or it it cuisine\ + \ from around the world? " +- - __select-docs-titles__: + - Stop calling yourself a foodie The Washington Post + __selected-docs__: + - 'Stop calling yourself a ‘foodie’ + + By Roberto A. Ferdman + + (Amy King/The Washington Post; iStock) + + In late 1984, The New York Times published a piece that was, at least indirectly, + about a word we could all do without. The story covered the release of The + Official Foodie Handbook by journalists Ann Barr and Paul Levy, which chronicled, + among other things, the lives of food lovers around the world. They were food + adventure seekers, culinary addicts who were interested in all food experiences, + refined and not. + + A foodie, the authors wrote, is a person who is very, very, very interested + in food. + + The two weren t the first to utter the term — that appears to have been Gael + Greene, who used it in a 1980 column for New York Magazine, according to etymologist + Barry Popik. Nor, as it happened, were they the last. But for years, the word + was used sparingly. A populist food critic might have been described as a foodie. A + gustatory pleasure seeker with the time and money to invest in obscure cooking + methods, niche coffee roasting techniques, and not-to-be-missed meals might + have earned the distinction too. It wasn t a compliment, it was just a descriptor. + It was an unpretentious way to categorize a growing but still relatively small + group of people. + + And then it wasn t. + + A look at Google Ngram, which tracks the frequency of words in digitized books, + shows the word was nonexistent until it appeared in the early 1980s, but its + use grew quickly shortly after the publication of Barr and Levy s book. + + A peek at Google Trends, which tracks the relative frequency with which people + search for various things, tells a similar story. Interest in the word foodie, which + seems to have piqued popular interest in late 2006, is trending at its highest + ever. People are typing it in and pressing go. + + Of course, you don t need Google s data to know the word is everywhere. You + have heard it, I am sure, if not today then yesterday, and if not yesterday + then the day before. It is inescapable. + + Everyone is a foodie + + Over time, the word has undergone an all-too-familiar transformation, bubbling + up to a point of ubiquity that has stripped the word of any semblance of meaning. + On a good day — or bad, depending on how you look at it — most people would + qualify as a foodie to someone. The net the word casts is just too wide. + + When asked about the word in 2012, Philipino restaurateur Elbert Cuenca had + this to say: + + It has come to the point of being bastardized. The word ‘foodie,’ which is nothing + more than a modern-day casual substitute for ‘gourmet,’ has been relegated to + mean anyone who likes food and/or eats out a lot. But who doesn’t like food? + Who doesn’t eat out a lot? + + The answer, on the off chance there is any doubt, is not that many people. + + It s no wonder that the word is bemoaned by so many people who work within the + world the term glorifies. Chefs hate it, because it empowers their customers + to feign knowledge about things they don t actually understand. Mark Bittman + doesn t care for it, because it too often reveres rather than challenges the + current and flawed food system. Nor does British journalist and gourmand John + Lanchester, who chronicled his frustration with mass foodie -ism in a 2014 + New Yorker piece. + + This is how he explained it: + + Everyone’s a critic, they say, and that’s certainly true of the food world today. + Of course, everyone has always been a critic, in the sense that customers have + always made the most basic judgment of all: Do I want to come back to this joint? + But there’s a contemporary development with respect to volume, in the dual sense + of quantity and loudness. The volume of all this critical chatter is turned + way up, and it’s harder than ever to ignore. Food is my favorite thing to talk + about and to learn about, but an interest that is reasonable on a personal and + an individual scale has grown out of all proportion in the wider culture. + + Among the list of major publications that have published something that argues, + in so many words, that the term foodie is awful: The Huffington Post, The + Daily Beast, The New York Times, and Saveur. + + The Observer, meanwhile, took its contempt a step further, coining a new term + in 2009 to mock those who embrace its predecessor: Foodiots. + + We see it in the meticulous record-keeping of eating habits on personal blogs. + The ubiquitous Facebook updates and tweets about subscribers’ most recent meals. + (Surely you also have those five or so friends whose feeds are 90 percent food-consumption-related?) + The requisite iPhone pic before a certain kind of diner—let’s call him a foodiot—ravages + his plate. + + But it still appears everywhere + + There is no shortage of public foodie resentment. From people in the know, + people whose opinions so-called foodies should, theoretically, value highly, + no less. And yet, despite the heaping piles of expertly deglazed vitriol, the + word persists. + + There are obvious (ab)users, who use the word readily and unironically, the + sort who post really close pictures of everything they eat or watch hours of + food television each day without ever learning how to work an oven. + + But there are others, too, who have usurped the word in arguably more upsetting + ways. + + Just this past Monday, the National Restaurant Association published its latest + industry forecast. In it, you ll find this doozy: Here’s a profile of the American + Foodie 2.0. + + Foodie has become a marketing weapon, a buzzword which companies regurgitate + in whatever form suits the pitch. There are dating sites for foodies , blogs + about Paleo foodie -ism (an oxymoron, if I ve ever heard one), even business-help + pieces about how companies can better target foodies. + + I can t think of anywhere the word foodie appears more often in my life than + in my email inbox, where PR pitches seem to invoke it at every opportunity. + A recent search turned up dozens of results — hundreds more when I extended + the search to my spam folder. One of the more recent examples (which went unanswered) + was about a list of the Best Cities for Food Trucks in the U.S. Foodies today + are considered hip, it read, as though it were written by someone s grandparents. + + The irony too many miss + + The problem with the word foodie, which many have hopefully gleaned by this + point, boils down to a simple truth: You can’t possibly call yourself a foodie if + you’re actually a foodie. There is a great irony in describing yourself as + a food insider in a way no actual food insider ever would. The act itself precludes + you from being part of the world you want to associate yourself with. The word + doubles as a compliment and an insult, depending on who utters it. + + In this sense, using the word foodie is like wearing an outfit that was fashionable + years before, long enough ago that it s no longer in style but not long enough + ago for some to mistake it as still being cool. The analogy, of course, doesn + t end there, because those same people wearing what was all the rage five years + ago are also announcing that they should be thought of as members of the fashion-obsessed + squad. + + There s nothing wrong with food populism. It s this very trend, after all, that + has helped buoy the food movement, which is slowly reversing how disconnected + we have all become from the production of our food. But some things have clearly + been lost in the collective trek toward announcing whenever possible how much + we like to eat. + + Among them, is how Levy, one the term s pioneers, first encountered the term: + as an insult. This is how he explained it in a 2007 piece published in The Guardian: + + In late 1981 Ann Barr, then features editor of Harper s & Queen, noticed the + food world was shifting on its tectonic plates, and that perfectly sane people + had suddenly become obsessed with every aspect of food. + + She invited readers to write in and immediately received several attacks upon + a greedy, single-minded and highly visible food-obsessive who wrote in the magazine + at the time - me. Thus it was that, in the issue of August 1982, I was derided + in the anonymous article (edited, as it happens, by me) as the ghastly, his-stomach-is-bigger-than-his-eyes, + original, appetite-unsuppressed, lip-smacking king foodie. I had to sign a + legal undertaking not to sue the magazine or myself for libel. + + It s fitting, isn t it, how we have come full circle? + + Roberto A. Ferdman Roberto A. Ferdman was a reporter for Wonkblog covering food, + economics, and other things. He left The Washington Post in June 2016.' + __selected-sentences__: + - Stop calling yourself a ‘foodie’ + episode_done: true + id: KnowledgeGenerationTeacher + labels: + - Stop calling yourself a foodie The Washington Post + text: "My favorite tv show is Chopped.\nThey play along with the show\nI just\ + \ watched chopped for 3 hours straight. The baskets were hard in some of them.\n\ + \ Baskets? I don't know anything about this show. Is it something about cooking?\n\ + Yes it is. Chefs have a basket with 4 mystery ingredients. They compete to make\ + \ the best meal from the ingredients. \nIt sounds like quite a challenge! Do\ + \ you watch every episode? Have you tried to make the dishes yourself?\nYes,\ + \ I agree. Some of the ingredients I've never heard of. I try to watch as many\ + \ as I can, but not all. I only imagine what I would make. I have never tried\ + \ by myself. \nI think it would be a big challenge to do what Chefs on the program\ + \ do. Is there a type of cuisine that they normally feature? Or it it cuisine\ + \ from around the world? \nYes, i forgot to mention there is also only a 20\ + \ or thirty minute time limit, depending on the round. The cuisine is from around\ + \ the world. Fine dining to street style. \nThat sounds interesting! I bet the\ + \ show is pretty popular with foodies! Do you consider yourself a foodie?" +- - __select-docs-titles__: + - A Complete List of Tom Hanks Movies in Chronological Order + __selected-docs__: + - 'A Complete List of Tom Hanks Movies in Chronological Order + + Tom Hanks has pretty much ruled the roost in mainstream Hollywood for over two + decades now. Entertainism gives you a comprehensive account of this fine actor + s commendable body of work. + + Here s to the real Mr. Banks! + + As of 2012, Tom Hanks films have grossed over USD 4.2 billion solely within + the United States, along with over USD 8.5 billion worldwide, making him one + of the most bankable box office stars in Hollywood. + + With a career spanning over 35 years, Tom Hanks ranks among Hollywood s top + brass. Like most of his illustrious contemporaries, Hanks too has dabbled in + film production, writing, and direction, besides showcasing his solid acting + talents on celluloid. + + His work has earned him numerous nominations, awards, and honors, including + a Golden Globe and an Academy Award for Best Actor for his role in Philadelphia, + and a Golden Globe, an Academy Award, a Screen Actors Guild Award, and a People + s Choice Award for his role in Forrest Gump. + + Hanks collaborated efforts with acclaimed film director Steven Spielberg have + given us memorable movies like Saving Private Ryan, Catch Me If You Can, and + The Terminal, as well as the 2001 mini-series Band of Brothers, which launched + Hanks as a successful director, producer, and writer. + + Here s a decade-wise look at all the movies featuring Tom Hanks. + + Year Movie Character + + 1980 He Knows You re Alone Elliot + + 1984 Splash Allen Bauer + + Bachelor Party Rick Gassko + + 1985 The Man with One Red Shoe Richard Harlan Drew + + Volunteers Lawrence Whatley Bourne III + + 1986 The Money Pit Walter Fielding, Jr. + + Nothing in Common David Basner + + Every Time We Say Goodbye David Bradley + + 1987 Dragnet Det. Pep Streebek + + 1988 Big Josh Baskin + + Punchline Steven Gold + + 1989 The Burbs Ray Peterson + + Turner & Hooch Det. Scott Turner + + 1990 Joe Versus the Volcano Joe Banks + + The Bonfire of the Vanities Sherman McCoy + + 1992 Radio Flyer Older Mike + + A League of Their Own Jimmy Dugan + + 1993 Sleepless in Seattle Sam Baldwin + + Philadelphia Andrew Beckett + + 1994 Forrest Gump Forrest Gump + + 1995 Apollo 13 Jim Lovell + + 1996 That Thing You Do! Mr. White + + 1998 Saving Private Ryan Captain John H. Miller + + You ve Got Mail Joe Fox + + 1999 Toy Story 2 Woody + + The Green Mile Paul Edgecomb + + 2000 Cast Away Chuck Noland + + 2002 Road to Perdition Michael Sullivan, Sr. + + Catch Me If You Can Carl Hanratty + + 2004 The Ladykillers Professor G.H. Dorr + + The Terminal Viktor Navorski + + The Polar Express Multiple characters + + 2006 The Da Vinci Code Robert Langdon + + Cars Woody Car + + 2007 Charlie Wilson s War Charlie Wilson + + The Simpsons Movie Himself + + 2009 The Great Buck Howard Mr. Gable + + Angels & Demons Robert Langdon + + 2011 Larry Crowne Larry Crowne + + Extremely Loud and Incredibly Close Thomas Schell Jr. + + 2012 Cloud Atlas Several characters + + 2013 Captain Phillips Captain Richard Phillips + + Saving Mr. Banks Walt Disney + + In keeping with his powerhouse performances, Tom Hanks upcoming project as + an actor happens to be A Hologram For the King, based on the Dave Eggers novel. + His numerous fans also await his reappearance as Robert Langdon in Dan Brown + s next thriller, The Lost Symbol.' + __selected-sentences__: + - 1999 Toy Story 2 Woody + episode_done: true + id: KnowledgeGenerationTeacher + labels: + - A Complete List of Tom Hanks Movies in Chronological Order + text: 'My favorite actor is Tom Hanks. + + It''s absolutely incredible how many hit movies Tom Hanks has put out + + What is your favorite Tom Hanks movie of them all? + + My favorite has to be when he played Woody in Toy Story 2! Which one is your + go-to? ' +num_episodes: 8614 +num_examples: 41476 diff --git a/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocTitlesTeacher_valid.yml b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocTitlesTeacher_valid.yml new file mode 100644 index 00000000000..a955c7f45b6 --- /dev/null +++ b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocTitlesTeacher_valid.yml @@ -0,0 +1,4981 @@ +acts: +- - __select-docs-titles__: + - Super Bowl LV Wikipedia + __selected-docs__: + - 'Raymond James Stadium in 2007 + + Raymond James Stadium, Tampa, Florida + + ← LIV + + LVI → + + Super Bowl LV, the 55th Super Bowl and the 51st modern-era National Football + League (NFL) championship game, will decide the league champion for the 2020 + season. The game is scheduled to be played on February 7, 2021 in Tampa, Florida + (with the exact date pending potential changes to the NFL calendar). This will + be the fifth Super Bowl hosted by the Tampa area, with the last one being Super + Bowl XLIII in 2009, and the third one held at Raymond James Stadium. The game + will be televised nationally by NBC. It will be the third time that the Super + Bowl is in the same state in back to back years with Super Bowl LIV taking place + at Hard Rock Stadium in Miami Gardens, Florida.[1] + + 1 Host-selection process + + Host-selection process[edit] + + On May 19, 2015, the league announced the five finalists that will compete to + host Super Bowl LIII in 2019 and Super Bowl LIV in 2020. NFL owners voted on + these cities in May 2016, with the first round of voting determining who will + host Super Bowl LIII, the second round deciding the site for Super Bowl LIV; + and in a development not known in advance, a third round of voting was added + to select a Super Bowl LV hosting site during the meetings.[2] At the NFL owner + meetings on May 24, 2016, Atlanta and Miami were awarded Super Bowls LIII and + LIV respectively, removing them from the running. Los Angeles was not eligible + for Super Bowl LIII, as its stadium would not yet be finished; it was eligible + for LIV and LV, opting to bid only on the latter. + + The two candidates were as follows: + + Raymond James Stadium, Tampa, Florida: Tampa has hosted four Super Bowls, with + the last being Super Bowl XLIII in 2009. + + Los Angeles Stadium at Hollywood Park, Inglewood, California: Los Angeles has + hosted the Super Bowl seven times, most recently in 1993 with Super Bowl XXVII; + that game, along with the four prior Super Bowls in the area, were held at the + Rose Bowl while first two Super Bowls in Los Angeles area were held at Los Angeles + Memorial Coliseum. + + Los Angeles was originally chosen as the host site in a vote on May 24, 2016.[3][4][5] + However, due to construction delays, authorities announced that the Los Angeles + Stadium at Hollywood Park would not be completed until the start of the 2020 + NFL season.[6] As a result, on May 23, 2017, NFL owners voted to move Super + Bowl LV to Tampa. The City of Inglewood will instead be hosting Super Bowl LVI + in 2022.[7] + + NBC will broadcast Super Bowl LV , as part of an annual cycle between the three + main broadcast television partners of the NFL.[8] As with NBC s previous Super + Bowl (Super Bowl LII) Universo has carried Spanish-language simulcasts of select + games, after years of aborted attempts to simulcast the games on Telemundo. + + ^ 2019 Super Bowl LIII Location and Date . Retrieved February 4, 2018. + + ^ Battista, Judy (May 23, 2016). Future Super Bowl sites, Las Vegas among topics + at NFL meeting. NFL.com. Retrieved May 23, 2016. + + ^ Rosenthal, Gregg. Atlanta, South Florida, L.A. chosen to host Super Bowls + . NFL.com. Retrieved May 24, 2016. + + ^ NFL awards 2021 Super Bowl to Los Angeles . Los Angeles Times. May 24, 2016. + Retrieved May 24, 2016. + + ^ NFL awards future Super Bowls to Atlanta, South Florida and Los Angeles . + CBS Sports. May 24, 2016. Retrieved May 24, 2016. + + ^ Farmer, Sam; Fenno, Nathan (May 18, 2017). Inglewood football stadium s opening + will be delayed a year because of record rainfall . Los Angeles Times. ISSN + 0458-3035. Retrieved May 18, 2017. + + ^ Super Bowl LV relocated to Tampa; L.A. will host SB LVI . NFL.com. Retrieved + May 23, 2017. + + ^ Hipes, Patrick (December 14, 2011). Update: NBC, CBS And Fox Score Nine-Year + NFL Extensions Taking Them To 2022 . Deadline.com. Retrieved May 24, 2017. + + The NFL on NBC pregame show (Football Night in America) + + NFL on NBC Radio + + Thursday Night Football (2016–2017) + + College Football on NBC (Notre Dame) + + College Football on USA + + Other pro football programs + + Arena Football League on NBC + + World League of American Football on USA + + XFL on NBC + + NFL on television (history) + + Primary television stations + + Super Bowl TV ratings (lead-out programs) + + Prime-time results + + Monday night NFL games prior to 1970 + + Sunday Night Football results (2006-present) + + Commentator pairings + + Pregame show panelists + + Pre-AFL–NFL merger + + 1982 CFL season + + Announcerless game + + The Clock Play + + Cleveland Browns relocation controversy + + The Holy Roller + + Snowplow Game + + Leon Lett Blunder II + + The Epic in Miami + + Ghost to the Post + + Immaculate Reception + + The Freezer Bowl + + The Drive + + The Fumble + + The Comeback + + Beast Quake + + The Interception + + Philly Special + + Pre-AFL–NFL merger lore + + The Greatest Game Ever Played + + Heidi Game + + Sunday Night Football lore + + 4th and 2 + + Butt fumble + + Somethin Bad + + AFL Championship + + AFC package carrier (1970–1997) + + Sunday Night Football era (2006–present) + + Website: NBC Sports - NFL News + + This article related to sports in Florida is a stub. You can help Wikipedia + by expanding it. + + Retrieved from https://en.wikipedia.org/w/index.php?title=Super_Bowl_LV&oldid=881831256 + + Scheduled sports events + + 2021 in sports in Florida + + 21st century in Tampa, Florida + + Sports competitions in Tampa, Florida + + American football stubs + + Florida sport stubs' + __selected-sentences__: + - Super Bowl LV, the 55th Super Bowl and the 51st modern-era National Football + League (NFL) championship game, will decide the league champion for the 2020 + season. The game is scheduled to be played on February 7, 2021 in Tampa, Florida + (with the exact date pending potential changes to the NFL calendar). This will + be the fifth Super Bowl hosted by the Tampa area, with the last one being Super + Bowl XLIII in 2009, and the third one held at Raymond James Stadium. The game + will be televised nationally by NBC. It will be the third time that the Super + Bowl is in the same state in back to back years with Super Bowl LIV taking place + at Hard Rock Stadium in Miami Gardens, Florida.[1] + episode_done: true + eval_labels: + - Super Bowl LV Wikipedia + id: KnowledgeGenerationTeacher + text: "I work as a freelance accountant.\nI enjoy reading books. \nSame here!\ + \ What kind of books do you read?\nAll fiction! With COVID this past summer,\ + \ I read 16 books in 3 months. You?\nI am a big Harry Potter nerd! What do\ + \ you do for work?\nAudit banks. You?\nI do taxes actually!\nGood for you!\ + \ Are you watching the Superbowl this year?\nI will! It is on the 7th right\ + \ ?" +- - __select-docs-titles__: + - Tom Brady Wikipedia + __selected-docs__: + - 'For other people named Tom Brady, see Tom Brady (disambiguation). + + Brady in 2017 + + New England Patriots (2000–present) + + 6× Super Bowl champion (XXXVI, XXXVIII, XXXIX, XLIX, LI, LIII) + + 4× Super Bowl MVP (XXXVI, XXXVIII, XLIX, LI) + + 3× NFL Most Valuable Player (2007, 2010, 2017) + + 14× Pro Bowl (2001, 2004, 2005, 2007, 2009–2018) + + 3× First-team All-Pro (2007, 2010, 2017) + + 2× Second-team All-Pro (2005, 2016) + + 3× NFL passing yards leader (2005, 2007, 2017) + + 2× NFL passer rating leader (2007, 2010) + + Bert Bell Award (2007) + + Associated Press Male Athlete of the Year (2007) + + Sports Illustrated Sportsman of the Year (2005) + + NFL 2000s All-Decade Team + + National champion (1997) + + Best touchdown to interception ratio in a single season: 28:2[1] + + Most games won by a quarterback: 237[2] + + Most Super Bowl appearances: 9 + + Most Super Bowl wins: 6 + + Most Super Bowl MVP awards: 4 + + Most passing yards in a Super Bowl: 505 + + Longest touchdown pass (tied)[3][4] + + Completion percentage: + + Thomas Edward Patrick Brady Jr. (born August 3, 1977) is an American football + quarterback for the New England Patriots of the National Football League (NFL). + He has won six Super Bowls, the most of any football player ever, and due to + his numerous accomplishments, records, and accolades, many analysts and sportswriters + consider Brady to be the greatest quarterback in NFL history.[5][6][7][8][9][10] + + After playing college football for the University of Michigan, Brady was drafted + by the Patriots in the sixth round of the 2000 NFL Draft. Due to his late selection, + Brady is considered the biggest steal in the history of the NFL Draft.[11][12][13] + In Brady s seventeen seasons as a starter,[a] he has played in nine Super Bowls + with the Patriots, and is one of only two quarterbacks to win the Super Bowl + in their first season as a starter (the other being Kurt Warner). Brady holds + most of the postseason quarterback records, leading all players in postseason + touchdowns, passing yards, and completions, while owning the corresponding Super + Bowl records as well. + + Brady has won four Super Bowl MVP awards (Super Bowl XXXVI, XXXVIII, XLIX, and + LI), the most ever by a player, as well as three league MVP awards (2007, 2010, + 2017); he is the oldest to have received either award.[16] Brady has also been + selected to 14 Pro Bowls, and has led his team to more division titles (16) + than any other quarterback in NFL history. He is fourth all-time in career passing + yards for regular season play, third in career touchdown passes, and fourth + in career passer rating. For regular season and postseason combined, Brady is + first all-time in career passing yards and touchdown passes. + + The only quarterback to reach 200 regular-season wins,[17] Brady is the winningest + quarterback in NFL history. With a postseason record of 30–10, he is first all-time + in playoff wins and appearances for an NFL player. Brady has led the Patriots + to an NFL-record eight consecutive AFC championship games since 2011 (thirteen + overall), and has never had a losing season as a starting quarterback. He is + tied for the record for the longest touchdown pass at 99 yards to Wes Welker.[18] + + For his alleged involvement in the highly publicized Deflategate football-tampering + scandal, Brady was suspended for the first four games of the 2016 season.[19] + Brady and the Patriots won two of the next three Super Bowls, making him the + record holder for most Super Bowl wins by a player, and the oldest quarterback + to win a Super Bowl, at 41.[20] + + 3.2.2.1 2001 postseason + + 3.2.10 2009 season + + 3.2.10.1 2009 postseason + + 3.3.6.1 2015 offseason + + 3.3.6.2 2015 regular season + + 4 NFL career statistics + + 4.3 Super Bowl + + 5.1 Regular season (career) + + 5.2 Postseason (career) + + 5.3 Super Bowl (career) + + 6 Other endeavors + + Brady was born in San Mateo, California, on August 3, 1977, the only son and + fourth child of Galynn Patricia (née Johnson) and Thomas Brady, Sr.[21] He has + three older sisters, Nancy, Julie, and Maureen,[22] and was raised as a Catholic. + His father is of Irish descent, while his mother has German, Norwegian, Polish, + and Swedish ancestry.[23] Two of Brady s great-great-grandparents on his father + s side, John and Bridget Brady, were Irish refugees from the Great Famine who + moved to San Francisco from Boston before the American Civil War. They were + accompanied by Bridget s sister Ann and her husband Lawrence Meegan, the parents + of the 19th-century American Major League Baseball player Steady Pete Meegan. + Brady s great-uncle Michael Buckley Jr. was the first American prisoner of war + in World War II.[23][24][25][26][27][28] + + In the 1980s, Brady regularly attended San Francisco 49ers games at Candlestick + Park, where he was a fan of quarterback Joe Montana; Brady has called Montana + his idol and one of his inspirations.[29] At age four, Brady attended the 1981 + NFC Championship, against the Dallas Cowboys, in which Montana threw The Catch + to Dwight Clark.[30] As a child, Brady attended football camp at the College + of San Mateo, where he was taught to throw the football by camp counselor and + future NFL/AFL quarterback Tony Graziani.[31] Brady grew up as a Los Angeles + Lakers and Boston Celtics fan.[32] + + He attended Junípero Serra High School in San Mateo, where he graduated in 1995; + the ceremony was held at St. Mary s Cathedral.[33] He played football, basketball, + and baseball in high school. He played against Bellarmine College Preparatory + rival Pat Burrell in both football and baseball. Brady began his football career + as the backup quarterback on the Padres junior varsity team. At first, Brady + was not good enough to start on the 0–8 JV team, which had not scored a touchdown + all year.[34] Brady ascended to the starting position when the starting quarterback + was injured. He became the varsity starter in his junior year and held the position + until he graduated.[35] By Brady s senior year, he was striving to be noticed + by college coaches. He created highlight tapes and sent them to schools he considered + attending.[36] This led to strong interest from many football programs around + the nation. + + The process of recruiting was much different during Brady s time, and athletes rankings + were not as prominent. In terms of recruiting in the 2000s, Brady would have + been considered a four-star recruit. In essence, he was a highly rated prospect.[37] + Brady was also on Blue Chip Illustrated as well as a Prep Football Report All-American + selection.[38] After his recruiting process, he narrowed down his list to five + schools.[39] Probably the ones that we did hear from and ultimately pared the + list to were Cal–Berkeley, UCLA, USC, Michigan, and Illinois”, his father said.[39] + As a Cal fan, his father hoped that Brady would attend the nearby Cal, where + Brady was a silent commit, and that he would be able to watch his son play.[40][41] + + Brady was also known as a great baseball player in high school.[42] He was a + left-handed-batting catcher with power. His skills impressed MLB scouts, and + he was drafted in the 18th round of the 1995 MLB Draft by the Montreal Expos.[34][43] + The Expos projected Brady as a potential All-Star, and offered him money typical + of that offered to a late second-round or early third-round pick.[44] Nevertheless, + Brady was determined to play football at the next level. He was always more + passionate about football; when he found that there was significant interest + in him, he decided to take the road of football.[39] Brady was recruited by + Michigan assistant Bill Harris, and he signed to play for the University of + Michigan in 1995.[45][46] He finished his high-school football career by completing + 236 of 447 passes for 3,702 yards and 31 touchdowns. He also won All-State and + All-Far West honors and the team s Most Valuable Player Award.[38] + + During the summers of 1998 and 1999, Brady was an intern at Merrill Lynch.[47] + He was inducted into the Junípero Serra High School Hall of Fame in 2003, joining + fellow Serra High graduates Barry Bonds, Lynn Swann, Gregg Jefferies, Jim Fregosi, + and his older sister Maureen, among many others.[38] When Brady revisited two + weeks after Super Bowl XLVI, in 2012, school administrators announced that they + had named the football stadium Brady Family Stadium.[48] + + Brady at Michigan Stadium in 2016 + + Brady played college football at the University of Michigan from 1995 to 1999.[49][50] + He was a backup quarterback for his first two years, while teammate and future + NFL quarterback Brian Griese led the 1997 Wolverines to an undefeated season, + which was capped by a victory in the Rose Bowl and a share of the national championship.[51] + When he enrolled at Michigan, Brady was seventh on the depth chart, and he had + an intense struggle to get some playing time. At one point, Brady hired a sports + psychologist to help him cope with frustration and anxiety, and even considered + transferring to California.[52][53] He worked closely with assistant athletic + director Greg Harden, who met with Brady every week to build his confidence + and to maximize his performance on the field.[54] Brady told 60 Minutes in 2014: He + will always be somebody I rely on for sound advice and mentorship. He has helped + me with my own personal struggles in both athletics and in life. Greg really + pushed me in a direction that I wasn t sure I could go. [55] + + Under Michigan head coach Lloyd Carr, Brady battled for the starting job with + Drew Henson[50] and ultimately started every game in the 1998 and 1999 seasons. + During his first full year as starter, he set new Michigan records for most + pass attempts and completions in a season, for a total of 214.[56] Brady was + All-Big Ten honorable mention both seasons, and was the team captain in his + senior year. The Wolverines won 20 of 25 games when he started, and he set a + school record for completions in a 31–16 loss against Ohio State in 1998, a + season in which Michigan shared the Big Ten Conference title.[57] Brady capped + that season with a 45–31 win over Arkansas in the Citrus Bowl.[58] + + In the 1999 season, Brady had to once again hold off Henson for the starting + job. The two players platooned during the season s first seven games, with Brady + playing the first quarter, Henson the second and Carr then deciding upon a quarterback + for the second half. The 1999 Michigan Wolverines started with a 5–0 record, + including a 26–22 win over Notre Dame, and a road win against eventual powerhouse + Wisconsin. Against Michigan State, Brady was not chosen to play the second half; + however, he was reinserted into the game with Michigan down by 17 points, and + he nearly led Michigan all the way back before losing 34–31.[59] After a 300-yard + passing game the following week, Carr went exclusively with Brady for the remainder + of the season. Brady went on to lead Michigan to multiple 4th-quarter comebacks, + including a remarkable 31–27 win against Penn State, and leading them out of + a close game against Indiana, 34–31, heading into the regular season s final + game, winners of three straight, earning him the moniker of Comeback Kid .[60] + + Michigan concluded the regular season against Ohio State; this was a dramatic + game with a trip to the Orange Bowl on the line. With five minutes left, tied + 17–17, Brady led Michigan to the winning score.[61] He led Michigan to an overtime + win in the Orange Bowl over Alabama, throwing for 369 yards, four touchdowns, + leading the team back from a pair of 14-point deficits in regulation (14–0 in + the first half, and 28–14 in the second). He threw the game-winning score on + a bootleg to tight end Shawn Thompson. Michigan won the game when Alabama missed + an extra point following its own touchdown.[62][63] + + In the two seasons that Brady started at Michigan, he posted a 20–5 record, + including wins at the Citrus Bowl (1999) and the Orange Bowl (2000). Brady finished + his career ranking third in Michigan history with 710 attempts and 442 completions, + fourth with 5,351 yards and 62.3 completion percentage, and fifth with 35 touchdown + passes.[38][64] + + 1996 Michigan 3 5 60.0% 26 5.2 0 1 63.7 – – – – + + 1997 Michigan 12 15 80.0% 103 6.9 0 0 137.7 2 −14 −7.0 0 + + 1998 Michigan 200 323 61.9% 2,427 7.5 14 10 133.1 54 −105 −1.9 2 + + 1999 Michigan 180 295 61.0% 2,217 7.5 16 6 138.0 34 −31 −0.9 1 + + Career 395 638 61.9% 4,773 7.5 30 17 134.9 90 −150 −1.7 3 + + (2.51 m) 33[66] + + All values from NFL Combine[67] + + A lightly regarded prospect coming out of college,[68][69] Brady was selected + by the New England Patriots with the 199th overall pick in the sixth round of + 2000 NFL Draft and has since spent his entire 19-season career with the Patriots. + Brady s tenure with the Patriots is an NFL record for the longest time playing + quarterback for one franchise. Since Brady became their starting quarterback + in 2001, the Patriots have never had a losing season and have won 16 division + titles. The Patriots played in thirteen AFC Championship Games from 2001 to + 2018—including eight in a row from 2011 to 2018—and won nine of them. Brady + and Patriots head coach Bill Belichick have combined to form the most successful + quarterback-head coach tandem in NFL history, winning more regular season games + and postseason games than any other such duo[70] as well as appearing in nine + Super Bowls. All of these events set new NFL records.[71] + + In his second season, Brady took over as the starting quarterback after Drew + Bledsoe was injured.[72] He led the Patriots to first place in the AFC East[73] + and a victory over the favored St. Louis Rams[74][75] in Super Bowl XXXVI, winning + his first Super Bowl MVP award. Despite the Patriots missing the playoffs the + following season, Brady would then lead them to back-to-back World Championships + in 2003 and 2004, winning Super Bowl MVP honors again in 2003. Along the way, + the Patriots won an NFL-record 21 consecutive games (including the playoffs) + between the 2003 and 2004 seasons.[76] The 2005 season was Brady s first to + throw for 4,000 yards and lead the NFL in passing.[77] That postseason, Brady + would win his 10th consecutive playoff game, another NFL postseason record.[78] + + Although Brady and the Patriots continued to win often, they did not return + to the Super Bowl until the 2007 season. That year, Brady not only set an NFL + record with 50 touchdown passes[79] but he would also lead the Patriots to a + 16–0 finish,[80] the first perfect regular-season record since the Miami Dolphins + finished 14–0 in 1972.[81][82] Brady would win his first career NFL MVP Award, + winning 49 out of 50 votes.[83] The Associated Press also named him Male Athlete + of the Year, the first such award given to an NFL player since Joe Montana won + it in 1989 and 1990.[84] However, the Patriots suffered their first Super Bowl + loss with Brady as quarterback, dropping a 17–14 decision to the New York Giants + in Super Bowl XLII.[85] + + Brady missed virtually the entire following season due to a knee injury in the + season opener.[86] But he would come back strong in the 2009 season to be named + the league s Comeback Player of the Year.[87] In 2010, Brady set the NFL record + for consecutive passes without an interception (358)[88] and broke his own record + for the highest season touchdown-to-interception ratio (among players who have + started a full season) at 9:1, currently the third best TD:INT ratio for a single + season by a quarterback.[89] Brady would win his second league MVP award with + all 50 votes in his favor.[90] He was the first unanimous NFL MVP since Giants + linebacker Lawrence Taylor won the award in 1986.[91] He and Joe Montana are + the only players in NFL history to win multiple NFL MVP and Super Bowl MVP awards.[92][93] + Brady was also named the top player by his peers in the first NFL Top 100 list, + released in 2011.[94] + + In the 2011 season, Brady led the Patriots to their first AFC Championship since + 2007 and appeared in the Super Bowl for a fifth time; but the Patriots would + lose again to the Giants.[95] Following AFC Championship Game losses in the + following seasons (2012 and 2013), Brady and the Patriots made their sixth trip + to the Super Bowl after the 2014 season (Brady s 15th as a professional). There, + he led the Patriots to a fourth-quarter comeback[96] over the defending champion + Seattle Seahawks. He would lift his fourth Super Bowl trophy (the Patriots first + in ten seasons) and was named Super Bowl MVP for the third time.[97] + + Despite missing the first four games of the 2016 season, Brady would lead the + Patriots (3–1 before he rejoined them)[98] to win 11 out of the 12 remaining + regular season games and two postseason games to make his seventh Super Bowl + appearance. Brady and the Patriots would overcome a 25-point deficit against + the Atlanta Falcons (down 28–3 in the third quarter) to force the first overtime + in Super Bowl history, winning 34–28 to give Brady his fifth Super Bowl title.[99] + He earned his fourth Super Bowl MVP award after setting title-game records for + appearances, pass attempts, completions, passing yards and fourth-quarter comebacks.[100] + In his eighth appearance, capping the 2017 season, Brady threw for 505 yards + at 40 years old, setting a record for most passing yards in a Super Bowl, but + the Patriots lost to the Philadelphia Eagles. In 2019, the Patriots won Super + Bowl LIII, earning Brady his sixth super bowl title, becoming the first player + in history to have won six Super Bowls.[101] + + Over his career, Brady has won three league MVP awards, six Super Bowls, and + four Super Bowl MVP Awards. A 14-time Pro Bowler, Brady has also twice led the + NFL in passing yardage.[102][103] As of November 2017, he owns the third-highest + career passer rating (97.9) among quarterbacks with at least 1,500 career passing + attempts.[104] He has thrown for more passing yards and touchdowns than any + other quarterback in NFL postseason history; he also has won more playoff games + than any other quarterback. As a result of his highly successful career, Brady + is rated among the greatest quarterbacks of all time.[105] + + Brady s name has become associated with two NFL rules, which sports reporters + have called the Brady rules . One is the tuck rule that was in effect from + 1999 through 2013.[106] The other is a rule about low hits enacted in 2009: A + defender cannot initiate a roll or lunge and forcibly hit the passer in the + knee area or below, even if he is being contacted by another player. [107] + + Brady was selected with pick number 199, a compensatory pick, in the sixth round + of the 2000 NFL Draft.[108] He and his family had believed that Brady would + be drafted in the second or third round; they watched the draft on television, + stunned as six other quarterbacks were drafted before he was. Brady was so embarrassed + that he briefly left the family home during the sixth round, and cried when + recalling the experience for an interview 11 years later. When the Patriots + notified him that he would be drafted, Brady was grateful that, he later said, + he would not have to be an insurance salesman .[109] According to Michael Holley + s book Patriot Reign, the Patriots were considering Brady and Tim Rattay, both + of whom had received positive reviews from then-quarterbacks coach Dick Rehbein.[110] + Ultimately, the Patriots front office chose Brady. Considering his subsequent + success, many analysts have called Brady the best NFL draft pick of all time.[111][112][113][114] + Patriots owner Robert Kraft recalled: “I still have the image of Tom Brady coming + down the old Foxboro stadium steps with that pizza box under his arm, a skinny + beanpole, and when he introduced himself to me and said ‘Hi Mr. Kraft,’ he was + about to say who he was, but I said ‘I know who you are, you’re Tom Brady. You’re + our sixth round draft choice,’” recalled Kraft. “And he looked me in the eye + and said ‘I’m the best decision this organization has ever made.’ It looks like + he could be right.”[115] + + Brady started the season as the fourth-string quarterback, behind starter Drew + Bledsoe and backups John Friesz and Michael Bishop; by season s end, he was + number two on the depth chart behind Bledsoe.[116] During his rookie season, + he was 1-for-3 passing, for six yards.[117] Tight end Rod Rutledge caught Brady + s first and only completed pass of the season in a 34–9 loss to the Detroit + Lions on November 23.[118][119] + + With Bledsoe as the starting quarterback, the Patriots opened the season with + a 23–17 loss at Cincinnati.[117] In their second game and home opener on September + 23, the Patriots squared off against their AFC East rivals, the New York Jets. + Bledsoe was again the starter; in the fourth quarter, he suffered internal bleeding + after a hit from Jets linebacker Mo Lewis. Bledsoe returned for the next series, + but was replaced with Brady for the Patriots final series of the game. New + York would hold on to win, 10–3, and the Patriots fell to 0–2 on the season.[120] + Brady was named the starter for the season s third game, against the Indianapolis + Colts. In his first two games as starter, Brady posted unspectacular passer + ratings of 79.6 and 58.7, respectively, in a 44–13 victory over the Colts (in + their last season in the AFC East) and a 30–10 loss to the Miami Dolphins.[121][122][123] + + In the Patriots fifth game, Brady began to find his stride. Trailing the visiting + San Diego Chargers 26–16 in the fourth quarter, he led the Patriots on two scoring + drives to force overtime, and another in overtime to set up a winning field + goal. Brady finished the game with 33 pass completions on 54 attempts, for 364 + yards, and two touchdowns, and was named AFC Offensive Player of the Week for + the first time in his career.[124][125] The following week, Brady again played + well during the rematch at Indianapolis, with a passer rating of 148.3 in a + 38–17 win.[126] The Patriots went on to win eleven of the fourteen games Brady + started, and six straight to finish the regular season, winning the AFC East + and entering the 2001–02 NFL playoffs with a first-round bye.[127] In that stretch + was a Week 11 34–17 victory over the New Orleans Saints where he was 19 of 26 + for 258 passing yards and four touchdowns to earn his second AFC Offensive Player + of the Week nod in 2001.[128] In Week 15, against the Miami Dolphins, he recorded + a 23-yard reception from Kevin Faulk on a trick play.[129] Brady finished the + 2001 season with 2,843 passing yards and 18 touchdowns and earned an invitation + to the 2002 Pro Bowl.[117][130] + + In Brady s first playoff game, he threw for 312 yards against the Oakland Raiders + and led the Patriots back from a ten-point fourth-quarter deficit to send the + game to overtime, where they won on an Adam Vinatieri field goal. A controversial + play occurred in that game. Trailing by three points in the fourth quarter, + Brady lost control of the ball after being hit by Raiders cornerback Charles + Woodson. Oakland initially recovered the ball, but, citing the tuck rule, which + states that any forward throwing motion by a quarterback begins a pass even + if the quarterback loses possession of the ball as he is attempting to tuck + it back toward his body, referee Walt Coleman overturned the call on instant + replay, ruling it an incomplete pass rather than a fumble.[131] Brady finished + the game 32-of-52 for 312 passing yards and one interception.[132] + + In the AFC Championship Game against the Pittsburgh Steelers, Brady injured + his knee, and was relieved by Bledsoe.[133] The Patriots won the game by a score + of 24–17 and were immediately installed by Las Vegas oddsmakers as 14-point + underdogs against the NFC champion St. Louis Rams in Super Bowl XXXVI.[134][135] + + Brady returned from his knee injury in the AFC Championship Game to start in + the Super Bowl a week later at the Louisiana Superdome in New Orleans. Despite + being heavy underdogs, the Patriots played well, holding the Rams high powered + offense in check through the first three quarters. The Rams rallied from a 17–3 + deficit to tie the game with 1:30 left in regulation. The Patriots then got + the ball back at their own 17-yard line with no timeouts remaining. Sportscaster + and former Super Bowl-winning coach John Madden said he thought the Patriots + should run out the clock and try to win the game in overtime.[136] Instead, + Brady drove the Patriots offense down the field to the Rams 31-yard line before + spiking the ball with seven seconds left. Then kicker Adam Vinatieri converted + a 48-yard field goal as time expired to give the Patriots a 20–17 win and their + first ever league championship. Brady was named MVP of Super Bowl XXXVI while + throwing for 145 yards, one touchdown, and no interceptions. At the age of 24 + years and six months, Brady surpassed Joe Namath in Super Bowl III and Joe Montana + in Super Bowl XVI, who were both 25 years, seven months, and 13 days old at + the time of their victories, to earn the title of youngest quarterback to win + a Super Bowl.[137][138] A possible quarterback controversy was averted when + Bledsoe was traded to the Buffalo Bills during the offseason; this event cemented + Brady s status as the starting quarterback.[139] + + In the 2002 season opener, Brady had 294 passing yards and three touchdowns + in the 30–14 victory over the Pittsburgh Steelers to earn his third AFC Offensive + of the Week title.[140][141] In Week 9, in a 38–7 victory over the Buffalo Bills, + he had 265 passing yards and three touchdowns to earn another AFC Offensive + Player of the Week nod.[142][143] Brady and the Patriots finished the year at + 9–7, tied with the New York Jets and Miami Dolphins for the best record in the + division; however, the Jets won the division on the third tiebreaker, and the + Patriots missed the playoffs.[144] + + Though Brady posted a career-low single-season passer rating of 85.7 and a career-high + of 14 interceptions, he threw for a league-leading 28 touchdown passes and 921 + more yards than in the 2001 season.[121] However, Brady played much of the second + half of the season with a shoulder injury, and New England head coach Bill Belichick + later indicated that Brady would not have been able to play in their first playoff + game if the Patriots had made the playoffs. + + After opening the 2003 NFL season with a 2–2 start, Brady led the Patriots to + twelve consecutive victories to finish the regular season in winning the AFC + East.[145] In Week 9, against the Denver Broncos, he had 350 passing yards, + three touchdowns, and one interception in the 30–26 victory to earn his fifth + AFC Offensive Player of the Week honor.[146][147] In Week 14, a 12–0 victory + against the Miami Dolphins, he recorded a 36-yard punt in the game.[148] Statistically, + Brady s strongest game of the season was in Week 17 against the division rival + Buffalo Bills, when he achieved a season-high quarterback rating of 122.9, and + was named AFC Offensive Player of the Week.[121][149] Brady finished with 3,620 + passing yards and 23 touchdowns,[117] and was third in NFL MVP voting to co-winners + Peyton Manning and Steve McNair.[150] + + In the first two rounds of the playoffs, the Patriots defeated the Tennessee + Titans in the Divisional Round by a score of 17–14. In the win, Brady was 21 + of 41 for 201 passing yards and one passing touchdown.[151] In the following + round, they defeated Indianapolis Colts in the AFC Championship by a score of + 24–14. Brady completed 22 of 37 passes for 237 yards, one passing touchdown, + and an interception.[152] On February 1, 2004, Brady led the Patriots to a 32–29 + victory over the NFC champion Carolina Panthers in Super Bowl XXXVIII and was + named Super Bowl MVP for the second time. During the game, Brady threw for 354 + yards with three touchdowns and set the record for most completions by a quarterback + in a Super Bowl with 32. With 1:08 left in the fourth quarter and the score + tied 29–29, Brady engineered a drive with five pass completions to put the Patriots + in position for the game-winning 41-yard field goal by Vinatieri.[153][154] + + Brady during Super Bowl XXXIX + + During the 2004 season, Brady helped the Patriots set an NFL record with 21 + straight wins dating from the previous year, an accomplishment honored in the + Pro Football Hall of Fame (though for official records, the NFL considers it + an 18-game regular season winning streak; it does not count playoff games).[155] + New England finished with a 14–2 record, equaling their 2003 record and the + best regular-season record ever for a defending champion.[156] The Patriots + also won the AFC East divisional title for the third time in four years.[157] + Brady threw for 3,692 yards and 28 touchdowns, with a 92.6 passer rating, and + was voted to his second Pro Bowl.[117] + + In the playoffs, Brady led the Patriots to victories over the Indianapolis Colts + in the Divisional Round by a score of 20–3 and the Pittsburgh Steelers in the + AFC Championship by a score of 41–27.[158] Brady played his best game of the + year in Pittsburgh despite requiring intravenous treatment the previous night + when he ran a temperature of 103°.[159] Against the NFL s best defense,[158] + he recorded a quarterback passer rating of 130.5, his highest of the season.[121] + On February 6, 2005, the Patriots narrowly defeated the Philadelphia Eagles, + 24–21, to win Super Bowl XXXIX at Alltel Stadium in Jacksonville, Florida. Brady + threw for 236 yards and two touchdowns[160] while capturing the Patriots third + championship in four years. They became the first franchise since the Dallas + Cowboys in 1992–1995 to win three Super Bowls in four years.[161] + + During the 2005 season, injuries suffered by running backs Corey Dillon, Patrick + Pass, and Kevin Faulk forced the Patriots to rely more on Brady s passing.[162][163] + Brady also had to adjust to new center Russ Hochstein and running back Heath + Evans. On October 9, in a 31–28 victory over the Atlanta Falcons, he had 350 + passing yards, three touchdowns, and one interception to earn AFC Offensive + Player of the Week honors.[164][165] Brady finished first in the league with + 4,110 passing yards and third in the league with 26 touchdowns.[117] At 92.3, + his 2005 passer rating was the second-highest of his career at the time, although + he equaled his career high for interceptions with 14.[121] He rushed for 89 + yards and fumbled a career-low four times.[121] He and the Patriots finished + with a 10–6 record, winning their third straight AFC East title.[166] He was + named to his third Pro Bowl at the end of the season.[167] + + In the playoffs, Brady recorded 201 passing yards and three passing touchdowns + to help lead the Patriots to a 28–3 victory over the Jacksonville Jaguars in + the Wild Card Round. On January 14, 2006, the Patriots lost 27–13 to the Denver + Broncos at INVESCO Field in the Divisional Round.[168][169] Brady threw for + 341 yards in the game with one touchdown and two interceptions, in the first + playoff loss of his career after ten playoff victories.[170] After the season + s end, it was revealed that Brady had been playing with a sports hernia since + December. Linebacker Willie McGinest commented on it and said he knew, but Brady + continued playing.[171] + + Brady on the sideline at Giants Stadium with teammates Randy Moss and Jabar + Gaffney, after throwing for his record-breaking 50th passing touchdown of the + 2007 season + + Brady started the 2006 season with 163 passing yards, two passing touchdowns, + and an interception against the Buffalo Bills in a 19–17 victory.[172] In Week + 8, against the Minnesota Vikings, he had one of his stronger performances of + the season with 372 passing yards, four passing yards, and one interception + in the 31–7 victory.[173] He posted another game with four passing touchdowns + in the Week 11 35–0 victory over the Green Bay Packers.[174] Brady led the Patriots + to a 12–4 record and the fourth seed in the AFC playoffs.[175] In the regular + season, Brady threw for 3,529 yards and 24 touchdowns.[117] He was not among + the players initially selected to the Pro Bowl,[176] although he was offered + an injury-replacement selection when San Diego Chargers quarterback Philip Rivers + was forced to withdraw. Brady ended up declining the invitation.[177] + + In the postseason, the Patriots first hosted their division rivals, the New + York Jets, in the Wild Card Round. The Patriots defeated the Jets 37–16, as + Brady went 22–34 for 212 yards and two touchdowns.[178] The Patriots traveled + to San Diego to take on the Chargers in the Divisional Round. This was Brady + s first playoff game in his home state of California. Brady and the Patriots + struggled against the Chargers, whom many had picked as favorites to win Super + Bowl XLI.[179] With eight minutes left in the fourth quarter and the Patriots + down by eight points, Brady and the Patriots started a key drive that would + ultimately decide the game. After a 49-yard pass play to wide receiver Reche + Caldwell, a Stephen Gostkowski field goal gave the Patriots a 24–21 win.[180] + + In the AFC Championship, the Patriots faced the Indianapolis Colts. The Patriots + and Colts had faced each other twice in the previous three postseasons at Foxborough; + this game, however, was played at Indianapolis. The Patriots led at halftime, + 21–6; however, the Colts and Peyton Manning staged a comeback, culminating in + a last minute interception thrown by Brady, and the Patriots lost the game to + the Colts, 34–38.[181] + + Playing with a dramatically overhauled receiver corps—in the 2007 offseason, + the Patriots acquired wide receivers Donté Stallworth, Wes Welker, Kelley Washington, + and Randy Moss; tight end Kyle Brady; and running back Sammy Morris—Brady enjoyed + what some sportswriters described as one of the best seasons by a quarterback.[182][183] + The average score of a 2007 Patriots regular-season game would be 37–17 by the + end of the year.[184] Brady led the Patriots to the first 16–0 regular-season + record in league history, outscoring opponents by more than a 2-to-1 margin, + but also attained numerous career, franchise, and NFL records and milestones + in the process. He was named as the AFC Offensive Player of the Week five separate + times that year.[185][186][187][188][189] While away at Dallas, he had a career-high + five passing touchdowns in a 48–27 win. The win tied him with Cowboys Hall of + Fame quarterback Roger Staubach for the most wins ever by a starting quarterback + in his first 100 regular-season games, with 76.[190] The next week, in part + of a 49–28 win at Miami, he had yet another record day, with a career-high six + passing touchdowns, setting a franchise record. He also had the first game with + a perfect passer rating of his career.[191] Two weeks later, as part of a come-from-behind + 24–20 victory at Indianapolis, he threw for another three touchdowns, the ninth + consecutive game in which he had done so, breaking Peyton Manning s NFL record + of eight.[192] During the last game of the year, Brady threw two touchdown passes; + his second touchdown was his 50th, breaking Peyton Manning s record of 49 in + the 2004 season.[193] + + Brady in December 2007 + + Brady finished the season with 4,806 passing yards, 50 touchdown passes, and + only eight interceptions. It was unanimously voted the greatest passing season + of all time by ESPN in 2013. His 50:8 touchdown to interception ratio was, at + the time, an NFL record. He became the first quarterback to pass for 50 touchdowns + in a season and his 117.2 passer rating is[when?] the fourth highest in a single + season. His 8.7% touchdown passing percentage is[when?] the third highest ever + in a season. He led the Patriots to becoming the first team to ever go undefeated + in the regular season since the 16 game schedule was enforced and directed an + offense that scored a then NFL record 589 points and 75 total touchdowns. Those + records stood until they were eclipsed by the 2013 Denver Broncos. The team + s 50 total touchdown passes is the fourth most ever in a season. For his efforts, + Brady was named the Most Valuable Player of this season, as well as Offensive + Player of the Year. He was also honored by the Associated Press as their Male + Athlete of the Year, the first time an NFL player has been so honored since + Joe Montana won the award in 1990.[194] He was named as a First Team All-Pro + and to his fourth career Pro Bowl as a result of his historic season.[195][196] + + In the Patriots first playoff game, a Divisional Round game against Jacksonville, + Brady began the game with an NFL postseason record 16 consecutive completed + passes, and finished the game with 26 completions in 28 attempts, a completion + rate of 92.9%. That mark is the highest single-game completion percentage (for + passers with at least 20 attempts) in NFL history, regular season or postseason.[197] + With the win, the Patriots matched the undefeated 1972 Miami Dolphins as the + only team to win 17 consecutive games in one season. + + Statistically, Brady did not fare as well in the AFC Championship Game against + the San Diego Chargers, throwing three interceptions (including his first interception + in the red zone since the playoff loss to Denver in the 2005 postseason). Nevertheless, + the Patriots won their 18th game of the season, 21–12, to advance to the Super + Bowl for the fourth time in seven seasons. Brady, with the 100th win of his + career, also set an NFL record for the fewest games needed by a starting quarterback + to do so: his 100–26 record is sixteen games better than Joe Montana s.[198] + In Super Bowl XLII at the University of Phoenix Stadium in Glendale, Arizona., + Brady was pressured heavily and sacked five times. The Patriots did manage to + take the lead with a Brady touchdown to Moss with less than three minutes remaining + in the fourth quarter, but the Giants were able to score a last-minute touchdown + to upset the Patriots 17–14, taking away what would have been the first perfect + season since the NFL expanded its regular season to 16 games.[199] + + Brady in action against the Washington Redskins on August 28, 2009. + + Brady did not play in any games during the 2008 preseason or in the 2008 Pro + Bowl due to two different foot injuries.[200][201] In the Patriots 2008 season + opener against the Kansas City Chiefs at Gillette Stadium, Brady s left knee + was seriously injured midway through the first quarter on a hit by Chiefs safety + Bernard Pollard; he left the game and did not return. The team later confirmed + that Brady would require surgery, and it would prematurely end his 2008 season.[202] + Brady tore both his anterior cruciate ligament and medial collateral ligament.[203] + The injury ended Brady s streak of 111 consecutive starts (ninth in the list + of most consecutive starts by an NFL quarterback, behind Brett Favre, Peyton + Manning, Eli Manning, Philip Rivers, Matt Ryan, Matthew Stafford, Ron Jaworski, + and Joe Flacco).[204] Dr. Neal ElAttrache performed the anterior cruciate ligament + reconstruction at the Los Angeles Kerlan-Jobe Orthopaedic Clinic October 6, + using Brady s patellar tendon graft to replace the torn ligament, and also repaired + his medial collateral ligament, through a separate incision in his left knee.[205] + An infection in the wound resulted in further debridement surgery several times + since the original procedure. Brady received IV antibiotics for this infection + which, at the time, threatened to delay his rehab.[206][207] Despite Brady s + absence, the Patriots managed to finish the 2008 season with an 11–5 record; + however, due to tiebreakers, the Patriots not only failed to win the AFC East + division title, but missed the playoffs altogether for the first time since + the 2002 season.[208] + + Brady in Landover, Maryland, on August 28, 2009, during warmups in a preseason + game against the Washington Redskins. + + In his first game in nearly a year, Brady threw for 378 yards and two touchdowns + in the 2009 season opener against the Buffalo Bills. In the final three minutes + of the game, the Patriots were down 24–13 before Brady and tight end Benjamin + Watson connected on two straight touchdowns to lead the Patriots to a 25–24 + win.[209] Brady was named the AFC Offensive Player of the Week for the 13th + time in his career for his performance.[210] + + On October 18, 2009, in an early season snowstorm, Brady set an NFL record against + the Tennessee Titans for most touchdowns in a single quarter, throwing five + in the second quarter. Brady finished the game with six touchdowns, tying his + career-high from the 2007 season, and 380 yards, completing 29-of-34 attempts, + finishing with a nearly perfect passer rating of 152.8.[211][212] He earned + his second AFC Offensive Player of the Week nod for his efforts against the + Titans.[213] The Patriots 59–0 victory over the Titans tied the record for + the largest margin of victory since the 1970 AFL-NFL merger,[214] and set a + record for largest halftime lead in NFL history, which was 45–0.[215] + + Brady finished the 2009 regular season with 4,398 yards passing and 28 touchdowns + for a 96.2 rating,[117] despite a broken right ring finger and three fractured + ribs, all which were suffered over the course of the season.[216] He was selected + as a reserve to the 2010 Pro Bowl and named the 2009 NFL Comeback Player of + the Year.[217][218] + + Brady ended the 2009 season throwing for 154 passing yards, two touchdowns, + and three interceptions in a Wild Card Round loss to the Baltimore Ravens, 33–14, + his first career home playoff loss, and the first playoff loss at home by a + Patriots quarterback since 1978 (Steve Grogan).[219] + + On September 10, 2010, Brady signed a four-year, $72 million contract extension, + making him the highest-paid player in the NFL. The extension included $48.5 + million in guaranteed money.[220] + + Brady became the quickest quarterback to achieve 100 regular season wins by + helping his team defeat the Miami Dolphins 41–14 on October 4, 2010.[221] + + In a 31–28 win over the Indianapolis Colts on November 21, 2010, Brady tied + Brett Favre s record of winning 25 consecutive regular-season home starts.[222] + Brady s last regular-season defeat at home was a 17–14 loss to the New York + Jets on November 12, 2006.[223] On November 25, in a 45–24 victory over the + Detroit Lions, he had 341 passing yards and four touchdowns to earn AFC Offensive + Player of the Week.[224][225] In the game, he earned a perfect passer rating + for the second time in his career.[226][227] The next week, in a 45–3 victory + over the New York Jets, he had 326 passing yards and four touchdowns to earn + AFC Offensive Player of the Week honors for the second consecutive week. The + victory over the Jets set an NFL record by winning 26 consecutive regular-season + home starts.[228][229][230] + + Brady threw for 3,900 yards with 36 touchdowns and only four interceptions on + the season.[117] He had a 111.0 passer rating; this gave him—at the time—two + of the top five season ratings in NFL history and made him the first player + to finish with a rating above 110 in two different seasons.[231] + + Brady was selected as a starter to the 2011 Pro Bowl.[232] However, he pulled + out of the game (and was replaced by former backup Matt Cassel of the Kansas + City Chiefs) after undergoing surgery for a stress fracture in his right foot + dating back to 2008.[233] Brady was also the only unanimous selection for the + AP All-Pro Team and was named the 2010 Associated Press NFL Offensive Player + of the Year. By unanimous decision, he won the MVP award for the second time + in his career.[234] On the NFL Top 100 Players of 2011 players list, Brady + was ranked as the best player in the NFL by his fellow players.[235] + + After earning the #1 seed and a bye week, the Patriots lost to the New York + Jets in the Divisional Round by a score of 28–21. Brady finished the game 29-of-45 + for 299 yards and two touchdowns, with one interception. His one interception + ended his NFL record of consecutive passes without an interception at 340.[236][237] + + In Week 1 of the 2011 NFL season, Brady threw for a career-high 517 yards, four + touchdowns, and one interception in a 38–24 victory over the Miami Dolphins + and earned AFC Offensive Player of the Week honors.[238] This was the second + time that he had thrown for 400 or more yards in a single game. In the game, + he threw a record-tying 99-yard touchdown pass to Wes Welker in the second quarter.[239][240][18] + In the next game, a 35–21 victory over the San Diego Chargers, he had 423 passing + yards and three touchdowns to earn another AFC Offensive Player of the Week + nod.[241][242] + + In Week 16, in the second divisional game against the Miami Dolphins, Brady + had 304 passing yards and one passing touchdown to go along with nine rushes + for 17 yards and two rushing touchdowns in the 27–24 victory to earn AFC Offensive + Player of the Week for the third time in 2011.[243][244] In the regular season + finale against the Buffalo Bills, Brady became the fourth quarterback to throw + for 5,000 yards in a single season, finishing with 5,235; although Brady surpassed + Dan Marino s longstanding record of 5,084 passing yards, he finished the season + second in passing yards behind Drew Brees s 5,476.[117] In the end, the Patriots + finished the season 13–3 and clinched the AFC s #1 seed.[245] For his efforts + in the 2011 season, Brady was named to the Pro Bowl and was named as the fourth + best player in the NFL on the NFL Top 100 Players of 2012 by his peers.[246][247] + + There s no quarterback I d rather have than Tom Brady. He s the best. He does + so much for us in so many ways on so many different levels. I m very fortunate + that he s our quarterback and what he s able to do for this team. It s good + to win with him and all the rest of our players. If that s more than somebody + else did, I don t really care about that.[248] + + –Bill Belichick + + In the Patriots 45–10 rout of the Denver Broncos in the Divisional Round, Brady + set a personal postseason best with 363 passing yards, and tied an NFL playoff + record shared by Daryle Lamonica and Steve Young, throwing for six touchdown + passes.[249] The win, his first postseason win since January 2008, gave Brady + and Patriots head coach Bill Belichick sole possession of the NFL record for + postseason wins by a quarterback-head coach combo with 15.[250] In the AFC Championship + game against the Baltimore Ravens, Brady failed to throw a touchdown pass for + the first time in 36 games, though he did pass for 239 yards and scored a one-yard + rushing touchdown late in the game. A missed field goal from Ravens kicker Billy + Cundiff gave Brady and the Patriots a 23–20 victory, sending Brady to his fifth + Super Bowl as a member of the Patriots.[251] In Super Bowl XLVI at Lucas Oil + Stadium in Indianapolis, Brady and the Patriots met the New York Giants in a + rematch of their Super Bowl XLII meeting four years earlier. Brady played well, + leading a Super Bowl record-tying 96-yard touchdown drive to close the first + half and at one point completing 16 passes in a row to give him a 20-of-23 mark + partway into the third quarter, another Super Bowl record. Brady threw two touchdowns + against one interception on the Patriots first offensive series, and was penalized + for intentional grounding in the end zone, giving up a crucial safety to the + Giants. A final score of 21–17 for the Giants prevented Brady from winning his + fourth Super Bowl.[252] + + Brady started all 16 regular season games of the 2012 NFL season and led the + Patriots to a 12–4 record. Among the many highlights of the team was a 42–14 + win over the Houston Texans in Week 14. Brady had 296 passing yards and four + touchdowns to earn AFC Offensive Player of the Week.[253][254] The Patriots + scored 557 total points, the third highest in league history and Brady became + the first quarterback to lead his team to ten division titles.[255] With that + point total, the Patriots became the first team to score at least 500 points + in a season four different times, with Brady leading all four squads, which + was a record as well. He finished the season with 4,827 passing yards, 34 touchdowns, + only eight interceptions, and a passer rating of 98.7. It was Brady s third + straight season throwing for over 30 touchdowns.[256] He was named to the Pro + Bowl for the eighth time in his career.[257] On the NFL Top 100 Players of 2013, + Brady was ranked fourth by his fellow players for the second consecutive year.[258] + + Brady started both Patriots playoff games, winning 41–28 against the Houston + Texans in the Divisional Round.[259] Brady passed for 344 yards and three touchdowns + as he led the team to their seventh AFC Championship Game in his 12 years as + a starter. With the victory, Brady surpassed Joe Montana for most career playoff + wins, with 17.[260] The Patriots were then upset by the eventual Super Bowl + XLVII champion Baltimore Ravens, 28–13 in the AFC Championship. He threw for + 320 yards and one touchdown with two interceptions.[261] He suffered his first + career loss at home when leading by halftime, in which during that span he was + 67–0.[262] + + On February 25, 2013, Brady and the Patriots agreed on a three-year contract + extension, which kept him with the team through 2017.[263] Peter King called + it an amazing deal, as Brady took just $27 million in new money over the 2015, + 2016, and 2017 seasons, and also noted that it reflected Patriots owner Robert + Kraft s desire to make sure that Brady retired as a Patriot.[264] + + Brady and the Patriots began the season with much upheaval on the offensive + side of the ball. Tight end Rob Gronkowski was injured and Aaron Hernandez was + arrested. Wes Welker departed to the Denver Broncos, Danny Woodhead left in + free agency for the San Diego Chargers, and Brandon Lloyd was released from + the team. In order to replace the five players, the Patriots signed Danny Amendola + in free agency from the Rams, drafted rookie wide receivers Aaron Dobson and + Josh Boyce, and signed undrafted rookie free agent wide receiver Kenbrell Thompkins. + In the first two games of the season, Brady completed 52% of his passes and + had three touchdowns and one interception.[265][266] + + Brady during the 2013 season + + Brady was in pursuit of Drew Brees s record of at least one touchdown in 54 + consecutive regular season games and saw the streak end at 52 games in a Week + 5 loss against the Cincinnati Bengals.[267] In a Week 6 game against the Saints, + the Patriots struggled in the first half and bounced back in the second with + Brady passing for 269 yards with a touchdown to Kenbrell Thompkins as time expired + to pull out the win over the Saints.[268] + + In Week 12, Brady faced-off against Peyton Manning for the fourteenth time in + his career. After going to the half trailing by 24 points, Brady and the Patriots + scored 31 unanswered points. The Patriots won after a muffed punt in overtime + when Stephen Gostkowski scored a field goal.[269] With the win, Brady earned + AFC Offensive Player of the Week honors.[270] With a Week 16 win over the Baltimore + Ravens, Brady collected his 147th win as a starting quarterback to tie Dan Marino + for fourth place all time, and the following week he defeated the Buffalo Bills + to tie John Elway for third place. In the victory over the Bills, Brady recorded + a 32-yard punt.[271] Brady was named to the Pro Bowl for the ninth time in career + and was ranked third on the NFL Top 100 Players of 2014 players list in the + offseason.[272][273] + + Brady s Patriots finished the season 12–4, to earn the second seed in the AFC + and a first-round bye.[274] In the Divisional Round matchup against the Indianapolis + Colts, Brady made his 25th playoff appearance, breaking Brett Favre s career + record for playoff appearances by a quarterback (Jerry Rice appeared in 29 playoff + games). He passed for 198 yards as the Patriots won 43–22 behind a four-touchdown + performance from LeGarrette Blount.[275] The following week, the Patriots lost + 26–16 to the Denver Broncos in the AFC Championship, eliminating Brady and the + Patriots from the playoffs. In the loss, Brady was 24-for-38 for 277 yards and + touchdown, along with two carries for seven yards and a rushing touchdown.[276] + + Brady in September 2014 against the Minnesota Vikings + + Brady started the 2014 season with a 33–20 loss to the Miami Dolphins.[277] + It was Brady s first opening day loss since the 2003 season. Brady recorded + 241 yards and a touchdown in the loss. New England rebounded against the Minnesota + Vikings, but Brady struggled, throwing for 149 yards and a touchdown in a 30–7 + win.[278] Against the Oakland Raiders, Brady was pressured all day, but threw + for 234 yards and a touchdown in 16–9 win.[279] After a humiliating 41–14 loss + to the Kansas City Chiefs, Brady led New England to back-to-back wins against + the Cincinnati Bengals and the Buffalo Bills.[280][281] Brady then defeated + the New York Jets with a 261-yard performance that included three touchdowns.[282] + The following week, a 51–23 embarrassment of the Chicago Bears saw Brady throw + for 354 yards and a season-high five touchdowns.[283] After passing for 333 + yards, and 257 yards in his next two games against the Denver Broncos and Indianapolis + Colts respectively, Brady defeated the Detroit Lions 34–9 with 349 passing yards + and two touchdowns against only one interception.[284] The Patriots winning + streak was put to the test against the Green Bay Packers in Week 13. Down 13–0 + early, Brady threw for 245 yards and two touchdowns. Still down 26–21, Brady + was unable to give the Patriots their eighth consecutive victory.[285] After + trailing 14–3 at the San Diego Chargers, Brady rallied his team with 317 passing + yards, two touchdowns, and one interception, to a 23–14 comeback win.[286] Brady + clinched his NFL record 12th AFC East division title with 287 passing yards, + two touchdowns, and an interception. Brady struggled in his final two games, + throwing for only 182 yards, a touchdown, and an interception in 17–16 victory + against the Jets, and 80 yards in one half of the final regular season game + against the Buffalo Bills, a 17–9 loss, though Julian Edelman, Rob Gronkowski, + and three starting offensive linemen did not play either the entirety or the + majority of the final game, and Brady only played in the first half.[287] Brady + was named to his tenth career Pro Bowl and was ranked third by his fellow players + on the NFL Top 100 Players of 2015.[288][289] + + In a 35–31 Divisional Round win over the Ravens, Brady threw for three touchdowns + and ran in a fourth, breaking Curtis Martin s club record for rushing touchdowns + in the playoffs; Brady also broke Joe Montana s record for playoff touchdowns + with 46. After the Ravens scored on their first two possessions, the Patriots + were quickly down 14–0. Brady led New England on an eight-play, 78-yard drive, + and ran for a score to cut the Ravens lead to 14–7. In the second quarter, Brady + s 15 yard touchdown pass to Danny Amendola tied the score at 14–14. After getting + the ball back, Brady threw an interception at the end of the first half. Joe + Flacco capitalized on it by throwing an 11-yard touchdown strike to tight end + Owen Daniels to give Baltimore a 21–14 halftime lead. Down 28–14, Brady engineered + an 80-yard drive, culminating in a touchdown to Rob Gronkowski to cut the lead + to 28–21. The Patriots tied the game once again at 28 off of a trick play where + Brady passed laterally to Julian Edelman who then threw a 51-yard touchdown + to Danny Amendola. Ravens kicker Justin Tucker drilled a 25-yard field goal + to give Baltimore a 31–28 4th quarter lead. Brady got the ball back, and threw + a 23-yard touchdown to wide receiver Brandon LaFell to give the Patriots their + first lead, up 35–31. After a Duron Harmon interception and a Joe Flacco Hail + Mary attempt failed, Brady clinched his record ninth AFC Championship Game, + fourth straight, and the third championship game against the Indianapolis Colts.[290] + After a 45–7 blowout, Brady advanced to play in his sixth Super Bowl, breaking + a tie with John Elway for most career Super Bowl appearances by a quarterback. + Against the Colts, Brady threw for 226 yards and three passing touchdowns with + one interception[291] + + In Super Bowl XLIX at University of Phoenix Stadium in Glendale, Arizona, Brady + completed 37-of-50 passes for 328 yards, four touchdowns, and two interceptions. + He guided a then-record ten-point fourth quarter comeback as the Patriots defeated + the Seattle Seahawks 28–24 to give Brady his fourth Super Bowl ring, tying him + with Joe Montana and Terry Bradshaw for most Super Bowl victories by a starting + quarterback.[292] He was named Super Bowl MVP for the third time, tying Montana + s record. Brady s 37 completed passes in the game set a Super Bowl record at + the time, which Brady himself would break in Super Bowl LI two years later.[293] + + Further information: Deflategate + + On May 6, 2015, the NFL published a 243-page report regarding the deflation + of footballs used in the previous season s AFC Championship Game.[294] The report + concluded that, more likely than not, Brady was at least generally aware of + the intentional deflation. On May 11, Brady was suspended for four games by + the NFL for his involvement based on substantial and credible evidence that + Brady knew Patriots employees were deflating footballs and that he failed to + cooperate with the investigators.[295] On May 11, Troy Vincent—NFL Executive + Vice President of Football Operations—penned a letter to Brady that stated in + part: Your actions as set forth in the report clearly constitute conduct detrimental + to the integrity of and public confidence in the game of professional football. + [296] Vincent s letter further stated: With respect to your particular involvement, + the report established that there is substantial and credible evidence to conclude + you were at least generally aware of the actions of the Patriots employees + involved in the deflation of the footballs and that it was unlikely that their + actions were done without your knowledge. Moreover, the report documents your + failure to cooperate fully and candidly with the investigation, including by + refusing to produce any relevant electronic evidence (emails, texts, etc.), + despite being offered extraordinary safeguards by the investigators to protect + unrelated personal information, and by providing testimony that the report concludes + was not plausible and contradicted by other evidence. [296] Brady, through the + NFL Players Association, officially appealed the suspension on May 14.[297] + + On July 28, NFL Commissioner Roger Goodell announced the upholding of Brady + s four-game suspension.[298] Brady gave permission to the NFLPA to appeal the + suspension in federal court.[299] Goodell cited Brady s destruction of his cell + phone as a critical factor in his decision to uphold Brady s suspension.[300][301] + The NFL also filed papers in federal court seeking to confirm Roger Goodell + s decision.[302] On July 29 Brady released a statement on his Facebook page + that criticized Goodell s decision to uphold the suspension, saying in part I + am very disappointed by the NFL s decision to uphold the 4 game suspension against + me. I did nothing wrong, and no one in the Patriots organization did either... + I will not allow my unfair discipline to become a precedent for other NFL players + without a fight. [303][304] + + Commentary on the initial punishment was mixed. Bleacher Report writer Mike + Freeman made a statement agreeing with Goodell s decision, saying the penalties + were brutal, but it deserved to be. [305] Various commentators also implied + that the prior reputation of the Patriots organization as a team that bends + rules appeared to factor into the harshness of the punishment.[305][306] Others + described the punishment as firm but fair .[307] + + On September 3, 2015, Judge Richard M. Berman of the United States District + Court for the Southern District of New York vacated Brady s suspension; this + ruling allowed Brady to play in the first four games of the 2015 NFL season. + In his decision, Judge Berman cited the NFL s failure to provide proper notice + to Brady of the charges against him and the potential for a suspension.[308] + Post-appeal commentary also criticized Goodell for manipulating Brady s testimony at + the appeal hearing in his decision.[309] + + In the NFL Kickoff Game, Brady led the Patriots to a 28–21 win over the Pittsburgh + Steelers. He threw for 288 yards and four touchdowns, three of them to Rob Gronkowski.[310] + The Patriots victory was the 161st victory of Brady s career, all with the + Patriots, which surpassed the record held by former Green Bay Packers quarterback + Brett Favre for most regular season wins by a starting quarterback with a single + team. In Week 2, Brady threw for 466 yards and three touchdowns against the + Buffalo Bills. Through the first five games of the season, Brady threw a total + of 14 touchdowns with one interception and had a quarterback rating of 118.4.[311] + In Week 8, a 36–7 victory over the Miami Dolphins, he had 356 passing yards + and four touchdowns to earn his 25th AFC Offensive Player of the Week title.[312][313] + + Despite Brady s success, the Patriots were hit by many injuries to key players + on offense, including wide receiver Julian Edelman, and the Patriots eventually + lost their first game against the Denver Broncos, who were without Peyton Manning, + in Denver on the Sunday after Thanksgiving following a 10–0 start.[314] The + Patriots then lost three of their remaining five games to finish 12–4 for a + fourth straight season, tied with the Cincinnati Bengals and Denver Broncos + for the AFC s best record. The Denver Broncos clinched the No. 1 seed due to + their victories over both the Patriots and the Bengals, while the Patriots finished + with the AFC s No. 2 seed due to having a better record against common opponents + than the Cincinnati Bengals.[315][316] Brady finished the regular season with + a league-leading 36 touchdown passes and seven interceptions.[317] He was named + to his 11th Pro Bowl (seventh straight), and was ranked as the second best player + on the NFL Top 100 Players of 2016 behind only league MVP Cam Newton.[318][319] + + With the return of Julian Edelman from a foot injury, the Patriots defeated + the Kansas City Chiefs in the Divisional Round by a score of 27–20 after advancing + with a first round bye.[320] Brady completed 28 of 42 passes for 302 yards and + two passing touchdowns and one rushing touchdown as he led the team to their + fifth consecutive AFC championship game.[321] The Patriots advanced to the AFC + Championship to face Peyton Manning and the Denver Broncos at Sports Authority + Field at Mile High. It would turn out to be the 17th and final meeting between + the two storied quarterbacks, as Manning would announce his retirement after + the season ended. The Broncos top-ranked defense harassed Brady, who completed + 27-of-56 passes with two interceptions and a touchdown, all day, and the Patriots + eventually lost the game 20–18 after a potential game-tying two-point conversion + attempt failed with 17 seconds left in regulation.[322] + + On February 29, 2016, Brady signed a two-year contract extension covering the + 2018 and 2019 seasons.[323] + + Three days later, the NFL appealed Judge Richard M. Berman s 2015 decision to + vacate Brady s four-game suspension as punishment for his alleged role in the + Deflategate scandal. At the March 3, 2016, hearing in New York City, the three-judge + panel of the United States Court of Appeals for the Second Circuit questioned + Players Association lawyer Jeffrey L. Kessler more intensely than NFL lawyer + Paul Clement, with Circuit Judge Denny Chin even stating that the evidence + of ball tampering is compelling, if not overwhelming. [324] + + On April 25, 2016, Judge Richard M. Berman s decision to block Brady s four-game + suspension was overturned by the U.S. Appeals Court.[325][326] Circuit Judge + Barrington Daniels Parker Jr., joined by Circuit Judge Chin, wrote that they + could not second-guess the arbitration but were merely determining it met + the minimum legal standards established by the Labor Management Relations Act + of 1947 .[327] Circuit Chief Judge Robert Katzmann dissented, writing that the + NFL s fines for using stickum was highly analogous and that here the Commissioner + was doling out his own brand of industrial justice. [328] + + On May 23, 2016, Brady appealed for his case to be reheard by the full U.S. + 2nd Circuit Court.[329] The 2nd Circuit Court denied Brady s request for an + en banc hearing on July 13.[330] Two days later, on Friday, July 15, 2016, Brady + announced on his Facebook page that he would give up his Deflategate fight and + accept his suspension for the first four regular season games of the 2016 season. + Prior to Brady s suspension, he had not missed a single regular season or postseason + game since the start of the 2009 season. + + After serving his four-game suspension, Brady made his 2016 season debut on + October 9 on the road against the Cleveland Browns; he completed 28-of-40 passes + for 406 yards and three touchdowns in a 33–13 victory to earn AFC Offensive + Player of the Week.[331][332] In his home debut the following week, Brady completed + 29-of-35 passes for 376 yards and three touchdowns in a 35–17 victory over the + Cincinnati Bengals.[333] In Week 7, Brady completed 19 of 26 passes for 222 + yards and two touchdowns as New England defeated the Pittsburgh Steelers 27–16.[334] + The next week, the Patriots defeated the Buffalo Bills 41–25, with Brady completing + 22-of-33 passes for 315 yards and four touchdowns.[335] Brady s outstanding + numbers during his first four games following the suspension earned him the + AFC Offensive Player of the Month award for October.[336] + + Following a bye week, Brady and the Patriots faced the Seattle Seahawks in a + Week 10 rematch of Super Bowl XLIX. Brady completed 23-of-32 passes for 316 + yards, one interception, and no touchdowns in a 31–24 loss that saw the two + teams trade leads seven times.[337] In Week 11, Brady completed 24-of-40 passes + for 280 yards, four touchdowns, and no interceptions in a 30–17 road win against + his childhood team, the San Francisco 49ers. Brady s performance against San + Francisco earned him AFC Offensive Player of the Week honors for Week 11.[338] + Those four touchdown passes also gave him 444 career regular season touchdown + passes with one team, breaking Brett Favre s record. The following week, Brady + completed 30-of-50 passes for 286 yards and two touchdowns in a 22–17 road victory + against the New York Jets.[339] The win was also the Patriots 500th victory + (including playoffs) in franchise history. During this victory, Brady also became + the fifth quarterback to record 60,000 career regular season passing yards, + joining Peyton Manning, Brett Favre, Drew Brees, and Dan Marino. The following + week, Brady completed 33-of-46 passes for 269 yards and one touchdown as the + Patriots defeated the Los Angeles Rams by a score of 26–10.[340] The Patriots win + against the Rams gave Brady his 201st career victory, including playoff games, + breaking Peyton Manning s record of 200.[341] In Week 14, Brady completed 25 + of 38 passes for 406 yards, three touchdowns, and one interception during a + 30–23 victory against the Baltimore Ravens on Monday Night Football.[342] + + The next week, Brady completed 16-of-32 passes for 188 yards in a 16–3 victory + in Denver.[343] With this victory, the Patriots clinched an eighth consecutive + AFC East title and a seventh consecutive first-round bye in the playoffs, both + NFL records.[344] On December 20, 2016, Brady was named to the Pro Bowl for + the eighth straight season and 12th time overall.[345][346] In Week 16, Brady + threw for 17 of 27 passes for 214 yards, three touchdowns, and no interceptions + as he led the Patriots to a 41–3 win over the Jets.[347] In Week 17, Brady completed + 25-of-33 passes for 276 yards, three touchdowns, and no interceptions in a 35–14 + victory over the Miami Dolphins in the regular season finale that gave the Patriots + home field advantage throughout the AFC playoffs.[348] Brady s 276 yards against + Miami moved him ahead of former Miami quarterback Dan Marino into fourth place + on the NFL s all-time passing yards list. Brady s three touchdowns against Miami + also gave him 28 passing touchdowns against two interceptions for the regular + season. This broke the previous record of Nick Foles s 27:2 TD:INT ratio which + was set in 2013 with the Philadelphia Eagles.[349] Brady was named to the AP + All-Pro Second Team, behind Matt Ryan of the Atlanta Falcons, who was named + to the AP All-Pro First Team.[350] Brady was also ranked first on the NFL Top + 100 Players of 2017 as the best player in the league, becoming the first player + to be named as #1 twice since the listing started.[351] + + Brady hoisting the Vince Lombardi Trophy for the fifth time in his career after + winning Super Bowl LI + + Brady and the Patriots began their postseason run in the Divisional Round, hosting + the Houston Texans, who had the league s No. 1 total defense. Brady completed + 18-of-38 passes for 287 yards, two touchdowns, and two interceptions as the + Patriots won 34–16, clinching a record sixth consecutive trip to the AFC Championship + Game.[352] The Patriots then defeated the Pittsburgh Steelers, 36–17. Against + the Steelers, Brady completed 32 of 42 passes for 384 yards, three touchdowns, + and no interceptions. The win gave Brady and Patriots head coach Bill Belichick + their record seventh conference title as a quarterback–head coach tandem, and + the Patriots an NFL record ninth Super Bowl appearance.[353] + + Brady and the Patriots faced the NFC champion Atlanta Falcons—who boasted the + league s highest scoring offense—in Super Bowl LI at NRG Stadium in Houston, + Texas on Sunday, February 5, 2017. Brady threw for 43 completions on 62 attempts + for 466 passing yards—all Super Bowl records at the time. Brady also threw for + two touchdowns and an interception. After trailing 28–3 midway through the third + quarter, Brady and the Patriots scored 25 unanswered points to tie the game + at the end of regulation. This resulted in the first overtime in Super Bowl + history. After winning the overtime coin toss, Brady led the Patriots down the + field to score a touchdown and win the game by a score of 34–28,[354] completing + the largest comeback win in both team history and Super Bowl history. With the + victory, Brady won his fifth Super Bowl, which set a record for most Super Bowl + victories of any quarterback in history and tied defensive player Charles Haley + for the most Super Bowl victories for any player. In addition, Brady set another + record by winning his fourth Super Bowl MVP award for his clutch performance.[355] + + After the game, it was discovered that Brady s jersey had gone missing from + the Patriots locker room at NRG Stadium.[356] The FBI, in collaboration with + Mexican authorities, recovered the jersey from the home of Martin Mauricio Ortega, + a Mexican tabloid writer, along with Brady s jersey from Super Bowl XLIX.[357] + + On May 12, 2017, Brady was announced as the cover athlete for Madden NFL 18.[358] + + In a CBS interview on May 17, 2017, Charlie Rose asked Brady s wife, Gisele + Bündchen, if she wanted Brady to retire, despite the fact that he was playing + at a high level. Bündchen mentioned that Brady suffered from a concussion in + the 2016 season, saying, I mean he has concussions pretty much every—I mean + we don t talk about—but he does have concussions. I don t really think it s + a healthy thing for anybody to go through.”[359][360] + + Following the Bündchen interview, the NFL released a statement: We have reviewed + all reports relating to Tom Brady from the unaffiliated neurotrauma consultants + and certified athletic trainer spotters who worked at Patriots’ home and away + 2016 season games as well as club injury reports that were sent to the league + office. There are no records that indicate that Mr. Brady suffered a head injury + or concussion, or exhibited or complained of concussion symptoms. Today we have + been in contact with the NFLPA and will work together to gather more information + from the club s medical staff and Mr. Brady .[361][362] Brady s agent, Don Yee, + said that Brady was not diagnosed with a concussion during the 2016 season.[363] + + The Patriots opened up their 2017 season in the NFL Kickoff Game on September + 7 at home against the Kansas City Chiefs. Brady had 267 passing yards in the + game, which the Patriots lost 42–27.[364] In Week 2, Brady threw three touchdown + passes in the first quarter of a game for the first time in his career in a + 36–20 win over the New Orleans Saints.[365] He finished the game with 447 passing + yards and three touchdowns, earning him his 28th AFC Offensive Player of the + Week award.[366] This broke the record previously held by Peyton Manning for + the most AFC Offensive Player of the Week awards in a career.[367] In Week 3, + Brady threw for 378 passing yards and five touchdowns as he led the Patriots + to a 36–33 comeback win against the Houston Texans, a performance that earned + him AFC Offensive Player of the Week honors for the second straight week, and + the 29th for his career.[368] In Week 4, Brady played well again, throwing for + 307 yards, two touchdowns, and no interceptions, but the Carolina Panthers upset + the Patriots 33–30 on a last second field goal from Graham Gano as time expired. + In the Patriots next game, a narrow 19–14 win against the Tampa Bay Buccaneers + on Thursday Night Football, Brady completed 30 out of 40 passes for 303 yards, + one touchdown, and one interception. With this victory, Brady became the third + quarterback in NFL history to record 186 career regular season victories, tying + Peyton Manning and Brett Favre for the most such wins of any quarterback in + NFL history.[369] On October 10, it was unveiled that Brady was diagnosed with + an AC joint sprain in his left (non-throwing) shoulder.[370][371] During Week + 6 against the New York Jets, Brady threw for 257 passing yards, two touchdowns, + and an interception as the Patriots won 24–17. Brady obtained his 187th career + win, setting the record for most regular season wins in NFL history.[372] The + next week, the Patriots hosted the Atlanta Falcons in a rematch of Super Bowl + LI on Sunday Night Football. Brady was efficient, completing 21 of 29 passes + for 249 yards and two touchdowns as the Patriots defeated the Falcons, 23–7.[373] + The following week, Brady completed 32-of-47 passes for 333 yards and one touchdown + in a 21–13 win against the Los Angeles Chargers. With the win against the Chargers, + the Patriots headed into their bye week with an AFC best 6–2 record.[374] + + Coming off their bye week, Brady and the Patriots traveled to Denver for a Sunday + Night Football match against the Denver Broncos. The Patriots dominated the + game, winning 41–16, with Brady completing 25 of 34 passes for 266 yards and + three touchdowns. For his performance against Denver, Brady was named the AFC + Offensive Player of the Week for the third time in the season.[375] After spending + the next week training at the United States Air Force Academy in Colorado Springs, + Colorado, Brady and the Patriots traveled to Mexico City for a special regular + season match with the Oakland Raiders. Like the previous week, the Patriots + won big, this time by a final score of 33–8. Brady completed 30 of 37 passes + for 339 yards and three touchdowns in the win. During Week 12 against the Miami + Dolphins, Brady finished with 227 passing yards, 4 touchdowns, and an interception + as the Patriots won 35–17. Brady became the first quarterback at age 40 to throw + for 4 touchdowns in a game. Brady was named AFC Offensive Player of the Month + for November.[376] During Week 13 against the Buffalo Bills, Brady finished + with 258 passing yards and an interception as the Patriots won 23–3. During + the game, Brady yelled at offensive coordinator Josh McDaniels after failing + to execute a play properly in the first quarter. Brady claimed that this wasn + t his first incident with McDaniels, with whom he had worked together for 13 + years, with a fruitful relationship.[377][378] The following week, the Patriots + traveled to Miami to face the Dolphins on Monday Night Football. The Dolphins + held off a late comeback attempt to defeat the Patriots 27–20, with Brady completing + 24 of 43 passes for 233 yards, a touchdown, and two interceptions.[379] In Week + 15, Brady completed 22 of 35 passes for 298 yards, a touchdown, and an interception + as he led the Patriots to a 27–24 comeback victory against the Pittsburgh Steelers.[380] + With this victory, the Patriots secured their ninth straight AFC East division + title. On December 19, Brady was selected to the Pro Bowl for the 13th time + in his career.[381][382] On Christmas Eve against the Buffalo Bills, Brady completed + 21 of 28 passes for 224 yards, two touchdowns, and an interception as the Patriots + won their twelfth game of the season, 37–16.[383] With this win, combined with + a loss by the Jacksonville Jaguars later in the day, the Patriots clinched a + first-round bye for the eighth straight year.[384] In the regular season finale + against the New York Jets on New Year s Eve, Brady completed 18 of 37 passes + for 190 yards, two touchdowns, and no interceptions in a 26–6 victory. With + the win, the Patriots clinched home-field advantage throughout the AFC playoffs.[385] + Brady finished the 2017 regular season as the NFL s passing yards leader with + 4,577 passing yards, making him the oldest player ever to lead the league in + passing yards.[386] He was named a first-team All-Pro by the Associated Press + for the third time in his career.[387] Earning 40 of 50 votes, Brady was named + the NFL Most Valuable Player for the third time in his career.[388] + + Brady playing in Super Bowl LII + + Brady and the Patriots began their postseason run by hosting the Tennessee Titans + in the Divisional Round of the playoffs. Brady completed 35 passes out of 53 + attempts for 337 yards, 3 touchdowns, and no interceptions in a 35–14 Patriots + victory.[389] With the win, the Patriots advanced to the AFC Championship Game + for the seventh straight year. Days after the divisional round, it was revealed + that Brady had a minor cut on his right hand, which required stitches.[390] + Despite this injury, Brady managed to start the AFC Championship Game, where + the Patriots faced off against the Jacksonville Jaguars. Brady led a fourth + quarter comeback to lead the Patriots to a 24–20 victory. He finished the game + with 26 completions out of 38 attempts for 290 passing yards, two passing touchdowns, + and no interceptions.[391] The win gave Brady and Patriots head coach Bill Belichick + their eighth conference title as a quarterback–head coach tandem, and the Patriots + a berth in Super Bowl LII, their tenth Super Bowl appearance as a team, both + of which extended NFL records. In Super Bowl LII at U.S. Bank Stadium in Minneapolis, + Minnesota, the Patriots faced off against the Philadelphia Eagles and their + second-string quarterback Nick Foles. Brady completed 28 passes on 48 attempts + for 3 touchdowns, no interceptions, and a Super Bowl record 505 yards – which + also set a new record for the most passing yards by a quarterback in any postseason + game in NFL history. With roughly two minutes remaining in the game and the + Eagles leading 38–33, Brady was strip-sacked by Brandon Graham. The Eagles recovered + the fumble and cemented their 41–33 win with a field goal, securing their first + franchise Super Bowl victory.[392] This was the third time overall that Brady + had lost in a Super Bowl, becoming the fourth starting quarterback in Super + Bowl history to lose at least three Super Bowls (Jim Kelly, Fran Tarkenton, + and John Elway).[393] In addition, this was the first time he had lost a Super + Bowl to a team and a quarterback other than the New York Giants and Eli Manning, + respectively.[394] + + Brady started his 19th professional season with 277 passing yards, three touchdowns, + and one interception in a 27–20 victory over the Houston Texans in the season + opener.[395][396] After losses to the Jacksonville Jaguars and Detroit Lions + over the next two games, Brady had 274 passing yards, three touchdowns, and + two interceptions in a 38–7 victory over the Miami Dolphins in Week 4.[397] + In the following game, a 38–24 victory over the Indianapolis Colts, he had 341 + passing yards, three touchdowns, and two interceptions to go with a rushing + touchdown. One of his touchdown passes went to Josh Gordon, who became the NFL-record + 71st different player to catch a touchdown from Brady.[398][399] In Week 6, + a 43–40 victory over the Kansas City Chiefs on Sunday Night Football, Brady + had 340 passing yards and a passing touchdown to go with a four-yard rushing + touchdown.[400] In Week 7, a 38–31 victory over the Chicago Bears, he had 277 + passing yards, three passing touchdowns, and one interception.[401] In Week + 12, against the New York Jets, Brady passed for 283 yards, with two touchdowns + and no interceptions and a 115.4 passer rating in a 27–13 victory.[402] In Week + 13, Brady reached 1,000 career rushing yards in a 24–10 victory over the Minnesota + Vikings, becoming the oldest player to reach that mark since 1970.[403] In Week + 15, Brady reached 70,000 passing yards, becoming only the fourth quarterback + in NFL history to accomplish the feat. He finished with 279 passing yards as + the Patriots lost 10–17 to the Pittsburgh Steelers.[404] During Week 16 against + the Buffalo Bills, Brady was limited to 126 passing yards, but the Patriots + combined for 273 rushing yards and won 24–12, clinching the AFC East pennant + for the 10th consecutive season and 16th time in 18 years.[405] In Week 17, + Brady completed 24 of 33 passes for 250 yards, and 4 touchdowns in a 38–3 win + against the Jets that allowed the Patriots to clinch the AFC s #2 seed and a + first-round bye in the AFC playoffs.[406][407] Brady finished the season completing + 375 of 570 passes (a 65.8% completion rate), 4,355 yards, 29 touchdowns and + 11 interceptions.[408] + + Following their first-round bye, the Patriots started their playoff run against + the Los Angeles Chargers in the Divisional Round. The Patriots jumped out to + a 35–7 halftime lead en route to a 41–28 win that saw Brady complete 34 of 44 + passes for 343 yards, a touchdown, and no interceptions.[409] With the win, + the Patriots advanced to the AFC Championship Game for the eighth consecutive + year, this time to face the Chiefs at Arrowhead Stadium.[410] + + In the AFC Championship Game, the Patriots opened the game with a 80-yard, 15-play + opening drive capped with a 1-yard Sony Michel rushing touchdown. The Patriots + went into halftime with a 14–0 lead. However, the Chiefs battled back in the + second half and Harrison Butker hit a 39-yard field goal for the Chiefs with + just 8 seconds remaining in regulation to send the game into overtime with a + score of 31–31. The Patriots won the coin toss to start overtime and elected + to receive the ball. Brady led the Patriots on a 75-yard drive that resulted + in a game-winning 2-yard rushing touchdown by Rex Burkhead. With the victory, + Brady earned a Super Bowl appearance for the third straight season and the ninth + time overall in his career. Brady finished the game completing 30 of 46 attempts, + with 348 yards passing, one passing touchdown, and two interceptions.[411] In + Super Bowl LIII at Mercedes-Benz Stadium in Atlanta, Georgia, Brady completed + 21 of 35 passes for 262 passing yards and an interception as the Patriots won + 13–3 over the Los Angeles Rams in the lowest-scoring Super Bowl in history. + With the victory, the Patriots became the second NFL team to win six Super Bowls, + tying the Pittsburgh Steelers for the most in NFL history. In addition, Brady + became the first player ever to win six Super Bowls as well as the oldest quarterback + at 41 years of age to win a Super Bowl.[412][413] + + Won the Super Bowl + + AP NFL MVP + + 1 0 1 3 33.3 6 2.0 6 0 0 42.4 0 0 0 0 0 0 0 0 0–0 + + 15 14 264 413 63.9 2,843 6.9 91 18 12 86.5 36 43 1.2 0 41 216 12 3 11–3 + + 16 16 373 601 62.1 3,764 6.3 49 28 14 85.7 42 110 2.6 1 31 190 11 5 9–7 + + 16 16 288 474 60.8 3,692 7.8 50 28 14 92.6 43 28 0.7 0 26 162 7 5 14–2 + + 16 16 319 516 61.8 3,529 6.8 62 24 12 87.9 49 102 2.1 0 26 175 12 4 12–4 + + 16 16 398 578 68.9 4,806 8.3 69 50 8 117.2 37 98 2.6 2 21 128 6 4 16–0 + + 1 1 7 11 63.6 76 6.9 26 0 0 83.9 0 0 0 0 0 0 0 0 1–0 + + 16 16 371 565 65.7 4,398 7.8 81 28 13 96.2 29 44 1.5 1 16 86 4 2 10–6 + + 16 16 401 611 65.6 5,235 8.6 99 39 12 105.6 43 109 2.5 3 32 173 6 2 13–3 + + 16 16 401 637 63.0 4,827 7.6 83 34 8 98.7 23 32 1.4 4 27 182 2 0 12–4 + + 12 12 291 432 67.4 3,554 8.2 79 28 2 112.2 28 64 2.3 0 15 87 5 0 11–1 + + Total‡ + + ‡ Career totals accurate as of the end of the 2018 regular season.[414] + + Passing[415] + + 3 3 60 97 61.9 572 5.9 29 1 1 77.3 8 22 2.8 1 5 36 1 0 3–0 + + 3 3 75 126 59.5 792 6.3 52 5 2 84.5 12 18 1.5 0 0 0 0 0 3–0 + + 3 3 55 81 67.9 587 7.2 60 5 0 109.4 7 3 0.4 1 0 0 1 1 3–0 + + 2 2 35 63 55.6 542 8.6 73 4 2 92.2 3 8 2.7 0 4 12 2 0 1–1 + + 3 3 70 119 58.8 724 6.1 49 5 4 76.5 8 18 2.2 0 4 22 2 0 2–1 + + 3 3 77 109 70.6 737 6.8 53 6 3 96.0 4 −1 −0.2 0 8 52 1 1 2–1 + + 1 1 23 42 54.8 154 3.7 24 2 3 49.1 0 0 0 0 3 22 1 1 0–1 + + 3 3 75 111 67.6 878 7.9 61 8 4 100.4 9 10 1.1 1 3 15 0 0 2–1 + + 2 2 54 94 57.4 664 7.1 49 4 2 84.7 3 4 1.3 0 1 9 0 0 1–1 + + 3 3 93 135 68.9 921 6.8 46 10 4 100.3 9 13 1.4 1 3 16 0 0 3–0 + + 3 3 93 142 65.5 1,137 8.0 48 7 3 97.7 9 13 1.4 0 9 42 0 0 3–0 + + 3 3 89 139 64.0 1,132 8.1 50 8 0 108.6 7 8 1.1 0 4 19 1 1 2–1 + + 3 3 85 125 68.0 953 7.6 35 2 3 85.8 5 −4 −0.8 0 1 9 1 0 3–0 + + 16 27 59.3 145 5.4 1 0 86.2 1 3 3.0 0 W 20–17 1–0 + + 32 48 66.7 354 7.4 3 1 100.5 2 12 6.0 0 W 32–29 1–0 + + 23 33 69.7 236 7.2 2 0 110.2 1 −1 −1.0 0 W 24–21 1–0 + + 29 48 60.4 266 5.5 1 0 82.5 0 0 0 0 L 17–14 0–1 + + 43 62 69.4 466 7.5 2 1 95.2 1 15 15.0 0 W 34–28 (OT) 1–0 + + 28 48 58.3 505 10.5 3 0 115.4 1 6 6.0 0 L 41–33 0–1 + + 21 35 60.0 262 7.5 0 1 71.3 2 −2 −1.0 0 W 13–3 1–0 + + Regular season (career) + + Most games won by a quarterback: 207[417] + + Best touchdown to interception ratio in a season: 28:2[418] + + Most wins on the road by a quarterback: 92[419] + + Most wins at home by a quarterback: 115 [420] + + Only quarterback to have three consecutive games with 300+ passing yards, 3+ + Touchdown-passes and 0 interceptions[421] + + Oldest QB to lead the league in passing yards: 40 [422] + + Most yards in a single season for a quarterback aged 40 and older (age 40): + 4,577[422] + + Most touchdown passes with one team: 517[423] + + Oldest player to win NFL MVP: 40 [424] + + Most career passing yards with one team: 70,514[424] + + Most games played: 40[425][426] + + Most games started: 40[427] + + Most games won by a starting quarterback: 30[427] + + Most consecutive wins by a starting quarterback: 10 (2001, 2003–2005) + + Most consecutive wins to start a career by a starting quarterback: 10 (2001, + 2003–2005) + + Most career home wins by a starting quarterback: 20 (2001–2019) + + Most consecutive home wins by a starting quarterback: 9 (2013–2019) + + Most touchdown passes: 73[428] + + Most passing yards: 11,179[429] + + Most passing yards in a single playoff game: 505 (Super Bowl LII)[18] + + Most passes completed: 1,005[430] + + Most passes attempted: 1,589[430] + + Most passes intercepted: 34[431] + + Most division titles won by a starting quarterback: 16[427] + + Most NFL conference championship appearances by a starting quarterback: 13[432] + + Most NFL conference championship wins by a starting quarterback: 9[433] + + Oldest Quarterback to win an AFC title game: 41 years, 5 months, 17 days + + Most career 300+ passing yard games: 16[430] + + Most game-winning drives: 13[100] + + Most multi-TD passes: 23[433] + + Super Bowl (career) + + Most passing yards: 2,838[18] + + Most passes completed: 256[18] + + Most passes attempted: 392[18] + + Most wins as starting QB: 6[100] + + Most passes completed in first half of a single Super Bowl: 20 (XLIX)[435] + + Most passes completed in a single Super Bowl: 43 (LI)[100] + + Most passes attempted in a single Super Bowl: 62 (LI)[100] + + Most passing yards in a single Super Bowl: 505 (LII)[18] + + Most Super Bowl appearances: 9[436] + + Most passing attempts without an interception in a single Super Bowl: 48 (XLII + & LII)[437] + + Oldest QB to start a Super Bowl: 41 yrs 6 months 0 days + + Oldest QB to win a Super Bowl: 41 yrs 6 months 0 days + + Oldest player to win Super Bowl MVP: 39 yrs 6 months 2 days + + Most consecutive completions in a single Super Bowl: 16 (XLVI)[437] + + Most game-winning drives: 6[438] + + Most wins as a player: 6. + + Brady has been featured as a guest star on some popular television programs, + hosting Saturday Night Live in 2005[439] and voicing himself in the 2005 The + Simpsons episode Homer and Ned s Hail Mary Pass and the 2006 Family Guy episode + ( Patriot Games ; both football-themed episodes were broadcast within a week + of that year s Super Bowl.[440][441] In 2009, he appeared as himself in a sixth + season episode of Entourage.[442] In 2015, he had cameo appearances as fictionalized + versions of himself in the Entourage movie[443] and Ted 2.[444] + + In 2007, Brady was a model for the Stetson cologne.[445] Brady has endorsed + brands including Uggs, Under Armour, Movado, Aston Martin and Glaceau Smartwater. + According to Forbes, he earned about $7 million from endorsements alone in 2014.[446][447][448] + In 2016, he began appearing in a Beautyrest Black commercial campaign for Simmons + Bedding Company.[449] In 2016, he launched his own line of vegan snacks.[450] + + On January 20, 2016, Brady announced the launch of his peak performance website + TB12Sports.com. The site features information on Brady s training regimen and + includes a store to purchase TB12 equipment and merchandise.[451] Later in the + year, on August 23, 2016, the TB12 brand then expanded to offer a snack line. + The snacks contain raw, vegan, and organic ingredients that are also free of + gluten and dairy.[452] The following month, Brady, alongside Boston Private + and Robert Paul Properties, announced the formation of the TB12 Foundation. + The purpose of the nonprofit foundation is to provide free post-injury rehabilitation + care and training to underprivileged, young athletes.[453] In March 2017, Brady + moved beyond his snack line and partnered with meal-kit startup Purple Carrot + to offer his own line of TB12 Performance Meals. The meals utilize whole foods + and focus on providing nutrients for workout recovery.[454][455] On September + 19, 2017, Simon & Schuster published Brady s first book, The TB12 Method: How + to Achieve a Lifetime of Sustained Peak Performance. Within 48 hours, it had + become a number one best-seller on Amazon.com.[456] The book also reached #1 + on the The New York Times weekly Best Sellers list, to be featured in the edition + of October 8, 2017.[457] + + Filmmaker Gotham Chopra filmed Brady during the 2017 offseason and regular season + for a Facebook Watch documentary series entitled Tom vs Time. According to The + New York Times, the documentary follows Brady as he conducts his ongoing subversion + campaign against the actuarial tables of quarterback longevity. [458] + + Brady riding a bicycle for charity at the Best Buddies Ride in Hyannis, Massachusetts, + in May 2009 + + Brady dated actress Bridget Moynahan from 2004 until late 2006.[459] On February + 18, 2007, Moynahan confirmed to People magazine that she was more than three + months pregnant with Brady s child.[459][460] Brady and Moynahan ended their + relationship sometime in early December 2006, around the time Moynahan became + pregnant.[461] John Edward Thomas Moynahan[462] was born in August 2007, at + Saint John s Health Center in Santa Monica, California.[463] + + Brady began dating Brazilian supermodel Gisele Bündchen in December 2006.[464] + In 2009, Brady said they had been set up on a blind date by a mutual friend.[465] + Brady and Bündchen married on February 26, 2009, in an intimate Catholic ceremony + in Santa Monica, California.[466] Together, they have two children: a son named + Benjamin Rein born in December 2009,[467] and a daughter named Vivian Lake born + in December 2012.[468] + + Brady and baseball player Kevin Youkilis became brothers-in-law in 2012, when + Youkilis married Brady s sister Julie.[469] + + Brady and his family live in Brookline, Massachusetts, and New York City.[470] + Brady s health regimen includes Transcendental Meditation, yoga, an 80/20 diet + (meaning 80% alkaline and 20% acidic), early bed time, resistance training and + neuroplasticity training.[471] + + Brady attended the 2004 State of the Union Address as a special guest of then-President + George W. Bush.[472] In 2004, he told ESPN The Magazine that being a U.S. Senator + would be his craziest ambition .[473][474] + + Brady is a friend of President Donald Trump;[475][476] in 2017, Brady indicated + he had known Trump for 16 years .[477] At a political event in New Hampshire + on the day before the 2016 presidential election, Trump said he had received + a call from Brady, and that Brady told him Donald, I support you, you re my + friend, and I voted for you. However, after Gisele Bündchen was asked directly + on Instagram whether she and Brady backed Trump, Bündchen answered NO! .[478] + After a Trump campaign Make America Great Again cap was photographed in Brady + s locker, Brady said that Bündchen told him not to discuss politics anymore, + which he thought was a good decision .[479] Brady did not join most of his + teammates from the New England Patriots in visiting Trump and the White House + in April 2017, citing personal family matters .[480] + + While there has been speculation that Brady would run for political office,[481] + in a 2015 interview he stated he had no interest in doing so.[482][483][484] + + In 2018, he endorsed Republican Helen Brady (no relation), who was running for + State Auditor of Massachusetts. Brady lost the election to Democrat Suzanne + Bump.[485][486][487] + + Brady and his family adhere to a controversial, strict diet, the TB12 Method + , that has attracted much media attention.[488][489] He advocates drinking 1/32 + of one s body weight in water daily.[490] He avoids consumption of most fruits, + mushrooms, tomatoes, peppers, eggplants, coffee, Gatorade, white sugar or flour, + gluten, dairy, soda, cereal, white rice, potatoes, and bread.[491][492] + + Other professional athletes including Kirk Cousins[493] and Mark Scheifele have + started to adopt his regimen.[494][495] + + Lists of Michigan Wolverines football passing leaders + + List of most wins by a National Football League starting quarterback + + List of Saturday Night Live guests + + ^ He did not start as a rookie, and missed nearly all of 2008 with a torn ACL.[14][15] + + ^ Reiss, Mike (January 1, 2017). Tom Brady sets NFL record for best TD to INT + ratio in a season . ESPN.com. Archived from the original on December 11, 2018. + Retrieved January 6, 2019. + + ^ In multiple seasons, from 1950 to 2018, requiring Pass Completion % >= 1, + sorted by most games matching criteria. (Note: Click on Games Won column to + sort.) . www.pro-football-reference.com. Pro Football Reference. Retrieved December + 3, 2018. + + ^ Brady, Welker get kick out of 99-yard touchdown . USATODAY.COM. Retrieved + 2019-02-12. + + ^ NFL (2017-08-03), Tom Brady s 40 Longest Touchdown Passes | NFL Highlights, + retrieved 2019-02-12 + + ^ Van Valkenburg, Kevin. Let all debate end: Tom Brady is the GOAT . ESPN.com. + Retrieved January 29, 2019. + + ^ Tom Brady greatest QB of all time? It s now safe to make that argument – + The Denver Post . Archived from the original on August 8, 2016. Retrieved June + 20, 2016. + + ^ Freeman, Mike. Brady Takes Throne as QB GOAT . Bleacher Report. Archived + from the original on July 7, 2016. Retrieved June 20, 2016. + + ^ Paine, Neil (February 6, 2015). Tom Brady s (Statistical) Place In The Pantheon + Of NFL QBs . FiveThirtyEight. Archived from the original on June 8, 2016. Retrieved + June 20, 2016. + + ^ Tom Brady, Joe Montana head top 10 quarterbacks in NFL history – National + Football League . Archived from the original on October 21, 2016. Retrieved + October 20, 2016. + + ^ Plaschke, Bill. Super Bowl 2019: Dazed and confused, Goff shows his age in + Atlanta . Los Angeles Times. Los Angeles Times. Retrieved February 4, 2019. + + ^ 25 of the greatest NFL Draft picks ever . CBS. CBS Interactive. Archived + from the original on February 22, 2017. Retrieved February 21, 2017. + + ^ Gaines, Cork. How the Patriots pulled off the biggest steal in NFL history + . Business Insider. Business Insider. Archived from the original on February + 22, 2017. Retrieved February 21, 2017. + + ^ Reineking, Jim. Top all-time NFL draft steals . NFL. NFL Enterprise LLC. + Archived from the original on February 22, 2017. Retrieved February 21, 2017. + + ^ Sources: Brady out with ACL tear . Yahoo Sports. Archived from the original + on October 15, 2015. Retrieved July 29, 2015. + + ^ Tom Brady . Pro-Football-Reference.com. Archived from the original on February + 6, 2018. Retrieved July 29, 2015. + + ^ Tom Brady named NFL s MVP for third time of career . NFL.com. Archived from + the original on July 26, 2018. Retrieved July 26, 2018. + + ^ Brady becomes first QB to 200 regular-season wins in NFL . Retrieved October + 15, 2018. + + ^ a b c d e f g 99-yard TDs . Pro Football Hall of Fame. Archived from the + original on March 28, 2018. Retrieved March 28, 2018. Cite error: Invalid + tag; name :1 defined multiple times with different content (see the help page). + + ^ Reiss, Mike (July 28, 2015). NFL s statement on upholding Tom Brady s suspension + at four games . ESPN.com. Archived from the original on December 27, 2016. Retrieved + December 26, 2016. + + ^ https://www.upi.com/amp/Super-Bowl-LIII-Patriots-beat-Rams-Brady-wins-record-6th-Lombardi-Trophy/5201549235499/ + + ^ Tom Brady bio at . TV Guide. Archived from the original on May 16, 2009. + Retrieved August 4, 2012. + + ^ Little brother big shot-thepostgame . Archived from the original on March + 2, 2010. Retrieved February 2, 2010. + + ^ a b Tom Brady s roots run deep into 19th-century Boston . The Boston Globe. + March 4, 2017. Archived from the original on March 6, 2017. Retrieved March + 6, 2017. + + ^ Gisele, Tom Brady Christen Baby Benjamin . Us Weekly. June 23, 2010. Archived + from the original on September 26, 2012. Retrieved September 12, 2010. + + ^ Collie, Ashley Jude (July 1, 2004). The Brady Brunch . American Way. Archived + from the original on January 20, 2010. Retrieved September 27, 2010. + + ^ Schorn, Daniel (December 23, 2007). Tom Brady: The Winner . CBS News. Archived + from the original on January 2, 2011. Retrieved January 11, 2011. + + ^ Tom Brady Family Tree . Makemyfamilytree.com. Archived from the original + on July 21, 2012. Retrieved August 4, 2012. + + ^ Tom Brady connection to Irish Famine ancestors from Boston discovered . IrishCentral. + March 6, 2017. Archived from the original on March 6, 2017. Retrieved March + 6, 2017. + + ^ Judge, Clark (February 7, 2005). Only 27, Brady seals his Hall of Fame credentials + . CBSSports.com. Archived from the original on February 10, 2005. Retrieved + December 26, 2007. + + ^ New England Patriots vs. Oakland Raiders – Recap – October 2, 2011 . ESPN. + October 2, 2011. Retrieved October 29, 2011. + + ^ Jim Ducibella (June 28, 2005), W&M s football facilities growing , Virginia + Pilot and Ledger-Star, p. 3, archived from the original on June 10, 2014, retrieved + January 12, 2014 + + ^ Profile Archived March 5, 2016, at the Wayback Machine, boston.com; accessed + November 12, 2014. + + ^ 2004 Athletic Hall of Fame Inductees . Junípero Serra High School. Archived + from the original on September 27, 2007. Retrieved December 26, 2007. + + ^ a b Story of boy named Tom Brady . NY Daily News. Archived from the original + on December 8, 2015. Retrieved December 8, 2015. + + ^ JockBio: Tom Brady Biography . www.jockbio.com. Archived from the original + on December 11, 2015. Retrieved December 4, 2015. + + ^ Lessons from Tom Brady s Recruiting in College . NCSA Athletic Recruiting + Blog. Archived from the original on December 8, 2015. Retrieved December 8, + 2015. + + ^ 1995 tops 1998 as Michigan s best recruiting class . www.maizeandbluenews.com. + Archived from the original on December 8, 2015. Retrieved December 4, 2015. + + ^ a b c d Tom Brady . New England Patriots. Archived from the original on March + 14, 2015. Retrieved December 8, 2015. + + ^ a b c The College Recruitment of Tom Brady . Bleacher Report. Archived from + the original on November 14, 2015. Retrieved December 4, 2015. + + ^ Things fell apart when Cal lost Brady . East Bay Times. February 2, 2008. + Archived from the original on October 25, 2017. Retrieved October 24, 2017. + + ^ Tom Brady apparently silently committed to Cal before he visited Michigan + . USA Today High School Sports. March 1, 2017. Archived from the original on + October 25, 2017. Retrieved October 24, 2017. + + ^ Tom Brady: The Story of a Baseball Failure . Major League Baseball. Archived + from the original on December 8, 2015. Retrieved December 4, 2015. + + ^ Tom Brady – Official New England Patriots biography . New England Patriots. + Archived from the original on March 5, 2005. Retrieved January 11, 2010. + + ^ Montreal Expos tried desperately to get Tom Brady to pick baseball over football + . Patriots Wire. July 11, 2017. Archived from the original on July 15, 2017. + Retrieved July 11, 2017. + + ^ The College Recruitment of Tom Brady . Bleacher Report. Archived from the + original on November 14, 2015. Retrieved December 8, 2015. + + ^ Tom Brady Biography . Biography. Bio. Archived from the original on December + 8, 2015. Retrieved December 7, 2015. + + ^ Knoblauch, Max (September 18, 2014). Tom Brady s Old Internships Look Really + Cute on His Résumé . Mashable. Archived from the original on September 22, 2014. + Retrieved September 25, 2014. + + ^ Kinney, Aaron (February 24, 2012). Serra to name football stadium after Brady + . San Jose Mercury News. Archived from the original on February 3, 2015. Retrieved + February 3, 2015. + + ^ Bradford, Rob (January 19, 2009). The Tom Brady Interview (in Toronto) . + WEEI Sportsradio Network. Archived from the original on March 1, 2009. Retrieved + May 18, 2010. + + ^ a b Rosenberg, Michael (January 9, 2012). Tom Brady As You Forgot Him . Sports + Illustrated. Archived from the original on February 23, 2016. Retrieved August + 22, 2015. + + ^ 1997 Michigan Wolverines Schedule and Results . College Football at Sports-Reference.com. + Archived from the original on February 24, 2018. Retrieved March 17, 2018. + + ^ Jenkins, Lee (January 31, 2008). Self-made man . Sports Illustrated. Archived + from the original on January 11, 2010. Retrieved January 11, 2010. + + ^ Pedulla, Tom (October 31, 2006). Decorated Patriots QB feels he still has + something to prove . USA Today. Archived from the original on January 26, 2008. + Retrieved December 27, 2007. + + ^ Tom Brady s Guru Archived September 9, 2018, at the Wayback Machine, by + Eric Adelson, January 11, 2011. + + ^ 60 Minutes Sports (Interview). YouTube. Archived from the original on January + 16, 2016. Retrieved January 6, 2019. + + ^ MGoBlue Statistics Archive . University of Michigan. Archived from the original + on September 7, 2004. Retrieved December 27, 2007. + + ^ Notes and Quotes from The Game . Ohio State Buckeyes Athletics. Archived + from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Capital One Bowl: Capital One Bowl football game resource for college football + fans . September 5, 2008. Archived from the original on February 8, 2007. Retrieved + September 5, 2008. + + ^ U-M Win Streak Comes to End at Michigan State, 34–31 – University of Michigan + . University of Michigan Athletics. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Schutte, Dustin. Throwback Thursday: Tom Brady s NFL Success Began at Michigan + . Usports. Archived from the original on September 10, 2018. Retrieved January + 6, 2019. + + ^ OSU-Michigan 1999: Buckeyes left out of bowl season after 24–17 loss to Wolverines + . Cleveland.com. Archived from the original on December 28, 2017. Retrieved + December 28, 2017. + + ^ Michigan Claims 35–34 Overtime Victory over Alabama – University of Michigan + . University of Michigan Athletics. Archived from the original on December 26, + 2017. Retrieved December 25, 2017. + + ^ 1999 Michigan Wolverines Schedule and Results . College Football at Sports-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ Tom Brady College & Pro Football Statistics - Totalfootballstats.com . www.totalfootballstats.com. + Archived from the original on November 6, 2015. Retrieved December 8, 2015. + + ^ Tom Brady . sports-reference.com. Sports Reference LLC. Archived from the + original on September 11, 2016. Retrieved September 2, 2016. + + ^ Historical NFL Wonderlic Scores . wonderlictestsample.com. Archived from + the original on September 2, 2016. Retrieved September 2, 2016. + + ^ Tom Brady . nfldraftscout.com. Archived from the original on August 29, 2016. + Retrieved August 29, 2016. + + ^ Yang, Nicole (March 3, 2017). Tom Brady digs up old T-shirt and harsh scouting + reports from NFL combine . Boston Globe. Archived from the original on September + 2, 2018. Retrieved January 6, 2019. + + ^ Iyer, Vinnie (March 19, 2015). Draft throwback: Read how Tom Brady nailed + his own scouting report . Sporting News. Archived from the original on April + 21, 2018. Retrieved January 6, 2019. + + ^ Tom Brady vs. the Browns: A contrast in winning ways . Archived from the + original on November 16, 2018. Retrieved January 6, 2019. + + ^ Wilner, Barry (January 13, 2013). Patriots beat Texans 41–28, Ravens up next + . Yahoo! Sports. Archived from the original on January 16, 2013. Retrieved January + 13, 2013. + + ^ Greenberg, Alan (September 27, 2001). In Brady They Trust: Belichick Has + Faith In Backup-turned-starter . Hartford Courant. Archived from the original + on December 1, 2017. Retrieved January 6, 2019. + + ^ Cafardo, Nick (January 7, 2002). Patriots clinch AFC East with blowout in + Carolina . Boston Globe. Archived from the original on December 1, 2017. Retrieved + January 6, 2019. + + ^ Lynch, Andrew (January 26, 2017). The 10 biggest gambling upsets in Super + Bowl history, ranked . Fox Sports. Archived from the original on December 1, + 2017. Retrieved January 6, 2019. + + ^ Cimini, Rich. Super Bowl XXXVI: Vinatieri and Pats beat Rams in Star-Spangled + Stunner . New York Daily News. Archived from the original on December 1, 2017. + Retrieved January 6, 2019. + + ^ Longest winning streaks in sports . USA Today. Archived from the original + on December 1, 2017. Retrieved January 6, 2019. + + ^ NFL: Brady and Patriots stride past outmatched Jets . The New York Times. + December 27, 2005. Archived from the original on December 1, 2017. Retrieved + January 6, 2019. + + ^ Associated Press (January 7, 2006). McGinest, Patriots sack Jaguars 28–3 + . NFL.com. Archived from the original on December 1, 2017. Retrieved January + 6, 2019. + + ^ Associated Press (December 29, 2007). Patriots break scoring record, Brady + and Moss set season marks . NFL. Archived from the original on December 9, 2017. + Retrieved November 27, 2017. + + ^ Shaughnessy, Dan (December 30, 2007). Just perfect: Patriots make history, + beat Giants for 16–0 season . Boston Globe. Archived from the original on December + 1, 2017. Retrieved January 6, 2019. + + ^ Bayne, Bijan (December 24, 2007). 2007 Patriots vs. 1972 Dolphins: Who Would + Win Batttle of the Undefeateds? . Bleacher Report. Archived from the original + on September 9, 2018. Retrieved January 6, 2019. + + ^ Statistics Bowl – How The 2007 Patriots And The 1972 Dolphins Compare Scientifically + . Science 2.0. December 30, 2008. Archived from the original on September 9, + 2018. Retrieved January 6, 2019. + + ^ Associated Press (January 5, 2008). Brady takes 49 of 50 votes in MVP voting + . ESPN. Archived from the original on September 9, 2018. Retrieved January 6, + 2019. + + ^ AP athletes of the year: Brady makes being a superstar look almost routine + . Deseret News. December 22, 2007. Archived from the original on September 9, + 2018. Retrieved January 6, 2019. + + ^ Battista, Judy (February 4, 2008). Giants Stun Patriots in Super Bowl XLII + . The New York Times. + + ^ Springer, Shira (September 11, 2008). Brady has both ACL and MCL tears . + Boston Globe. Archived from the original on December 19, 2017. Retrieved January + 6, 2019. + + ^ Associated Press. Tom Brady Wins AP Comeback Player Award . CBS News. Archived + from the original on September 25, 2018. Retrieved January 6, 2019. + + ^ Forsberg, Chris (September 12, 2011). Brady s INT streak ends at 358 attempts + . ESPN. Archived from the original on December 1, 2017. Retrieved January 6, + 2019. + + ^ Zimmer, John; Marini, Matt, eds. (2013). Official 2013 National Football League + Record & Fact Book (PDF). New York: National Football League. ISBN 978-1-603-20980-9. + Retrieved February 3, 2015. + + ^ NFL.com Wire Reports (February 6, 2011). Patriots Brady wins second MVP + award by unanimous decision . Archived from the original on December 1, 2017. + Retrieved January 6, 2019. + + ^ FanSided Staff (November 24, 2015). Best moments in NFL history: Lawrence + Taylor wins 1986 NFL MVP . FanSided. Archived from the original on December + 1, 2017. Retrieved January 6, 2019. + + ^ AP NFL Most Valuable Player Winners . Pro Football Reference. Archived from + the original on June 10, 2016. Retrieved January 6, 2019. + + ^ Super Bowl Most Valuable Player Winners . Pro Football Reference. Archived + from the original on August 3, 2017. Retrieved January 6, 2019. + + ^ 2011 NFL Top 100 . Pro Football Reference. Archived from the original on + January 2, 2019. Retrieved January 6, 2019. + + ^ Hutchins, Andy (February 6, 2012). Super Bowl 46: Bill Belichick s Coaching + Errors Leave Patriots On Losing End . SB Nation. Archived from the original + on September 9, 2018. Retrieved January 6, 2019. + + ^ Brady s big night ends with plenty of new entries in SB record book . Fox + Sports. February 2, 2015. Archived from the original on September 9, 2018. Retrieved + January 6, 2019. + + ^ SI Wire (February 1, 2015). Patriots QB Tom Brady named Super Bowl XLIX MVP + . Sports Illustrated. Archived from the original on September 9, 2018. Retrieved + January 6, 2019. + + ^ 2016-Reg-Week-4 . Patriots.com. October 2, 2016. Archived from the original + on May 4, 2017. Retrieved January 6, 2019. + + ^ King, Peter (February 6, 2017). Super Bowl 51: Patriots Take the Fifth in + Epic Comeback . Sports Illustrated. Archived from the original on December 30, + 2018. Retrieved January 6, 2019. + + ^ a b c d e DaSilva, Cameron (February 5, 2017). Every record Tom Brady broke + in his fifth Super Bowl win . Fox Sports. Archived from the original on October + 5, 2018. Retrieved January 6, 2019. + + ^ Martin, Jill. New England Patriots win Super Bowl LIII for 6th title . CNN. + + ^ 2005 NFL Leaders and Leaderboards . Pro Football Reference. Archived from + the original on August 14, 2018. Retrieved January 6, 2019. + + ^ NFL Career Passing Rating Leaders Archived November 18, 2018, at the Wayback + Machine Pro-Football-Reference.com + + ^ Hochman, Benjamin (February 2, 2015). Tom Brady greatest QB of all time? + It s now safe to make that argument . Denver Post. Archived from the original + on March 4, 2016. Retrieved January 6, 2019. Tom Brady Cements His Legacy as + Greatest Quarterback of All Time . Bleacher Report. February 2, 2015. Archived + from the original on August 4, 2018. Retrieved January 6, 2019. + + ^ NFL Rules Named After Players Archived October 28, 2018, at the Wayback Machine + . Sports Illustrated, August 19, 2014. Accessed September 13, 2018. + + ^ Sean Cunningham. How NFL Rules Changes Created a Golden Era of Quarterback + Stats Archived December 21, 2018, at the Wayback Machine . RealClearLife, November + 30, 2017. Accessed September 13, 2018. + + ^ Full 2000 NFL Draft . National Football League. Archived from the original + on September 6, 2011. Retrieved August 14, 2012. + + ^ Graham, Tim (April 10, 2011). Tom Brady cries when recalling 2000 draft . + ESPN. Archived from the original on January 1, 2019. Retrieved January 6, 2019. + + ^ Holley, Michael (2004). Patriots Reign. HarperCollins. ISBN 0-06-075794-9. + + ^ Top 10 NFL draft steals . Msn.foxsports.com. Archived from the original on + August 7, 2011. Retrieved October 29, 2011. + + ^ NFL s top 10 draft steals in league history . National Football League. April + 18, 2010. Archived from the original on April 19, 2008. Retrieved October 29, + 2011. + + ^ Football, National. news: Brady, Favre, Manning voted to list of top 10 draft + picks of all time . National Football League. Archived from the original on + September 13, 2011. Retrieved October 29, 2011. + + ^ Best NFL Draft Picks . Mynfldraft.com. Archived from the original on October + 28, 2011. Retrieved October 29, 2011. + + ^ https://boston.cbslocal.com/2012/01/20/brady-told-patriots-kraft-im-best-decision-this-organization-has-ever-made/ + + ^ Coach Hears Venom\Belichick Part of Problem? . Worcester Telegram and Gazette. + November 14, 2000. Retrieved August 15, 2012. + + ^ a b c d e f g h i j Tom Brady – #12 QB . National Football League. Archived + from the original on November 22, 2018. Retrieved January 6, 2019. + + ^ New England Patriots at Detroit Lions – November 23rd, 2000 . Pro Football + Reference. Retrieved July 2, 2017. + + ^ #TBT: When Tom Brady Made His Debut and No One Really Gave it Much Thought + . Archived from the original on August 16, 2017. Retrieved January 6, 2019. + + ^ Lowe, Mike (September 24, 2012). Pats fizzle when it counts . Portland Press + Herald. Retrieved August 14, 2012. + + ^ a b c d e f Tom Brady . National Football League. Archived from the original + on December 26, 2007. Retrieved December 26, 2007. + + ^ Indianapolis Colts at New England Patriots – September 30th, 2001 . Pro-Football-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ New England Patriots at Miami Dolphins – October 7th, 2001 . Pro-Football-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ 2001 NFL Week 5 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on August 1, 2017. Retrieved March 18, 2018. + + ^ Cafardo, Nick (October 15, 2001). Something special: Brady-led rally erases + mates earlier errors . The Boston Globe. Archived from the original on November + 5, 2012. Retrieved August 14, 2012. + + ^ Cafardo, Nick (October 1, 2012). Hold your horses: Patriots rout Colts as + defense shows season is not lost . Boston Globe. Archived from the original + on November 5, 2012. Retrieved August 14, 2012. + + ^ 2001 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on February 12, 2018. Retrieved March 17, 2018. + + ^ 2001 NFL Week 11 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on July 30, 2017. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots - December 22nd, 2001 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ NFL Pro Bowl 2002 – National Football League game summary (PDF). National + Football League. Archived (PDF) from the original on October 26, 2012. Retrieved + August 14, 2012. + + ^ Howe, Jeff. Patriots reflect on Snow Bowl during 10-year anniversary of + tuck rule game . NESN. Archived from the original on January 20, 2012. Retrieved + August 15, 2012. + + ^ Divisional Round - Oakland Raiders at New England Patriots - January 19th, + 2002 . Pro-Football-Reference.com. Retrieved 2019-02-17. + + ^ Bledsoe s return sparks Patriots past Steelers 24–17 . CNN. Associated Press. + Archived from the original on December 25, 2005. + + ^ AFC Championship – New England Patriots at Pittsburgh Steelers – January + 27th, 2002 . Pro-Football-Reference.com. Archived from the original on December + 28, 2017. Retrieved March 17, 2018. + + ^ Caesar, Dan (January 30, 2002). 14-Point spread isn t about respect . St. + Louis Post-Dispatch. Retrieved August 15, 2012. + + ^ Cotey, John (January 26, 2003). Madden sticks by his wrong call last year + . St. Petersburg Times. Archived from the original on November 6, 2012. Retrieved + August 15, 2012. + + ^ Camps, Mark (February 5, 2002). Brady beats two Joes as youngest Super QB + . San Francisco Chronicle. Archived from the original on August 12, 2017. Retrieved + August 11, 2017. + + ^ Silverstein, Tom; Christl, Cliff (February 4, 2002). Brady coolly fits the + bill . Milwaukee Journal Sentinel. Archived from the original on January 24, + 2013. + + ^ PRO FOOTBALL; Bledsoe Is Traded To the Bills . The New York Times. April + 22, 2002. ISSN 0362-4331. Archived from the original on December 26, 2017. Retrieved + December 25, 2017. + + ^ Pittsburgh Steelers at New England Patriots – September 9th, 2002 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ 2002 NFL Week 1 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on July 30, 2017. Retrieved March 18, 2018. + + ^ New England Patriots at Buffalo Bills – November 3rd, 2002 . Pro-Football-Reference.com. + Archived from the original on December 4, 2017. Retrieved March 18, 2018. + + ^ 2002 NFL Week 9 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on March 19, 2018. Retrieved March 18, 2018. + + ^ 2002 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on March 28, 2009. Retrieved August 14, 2012. + + ^ 2003 New England Patriots . Pro Football Reference. Archived from the original + on August 2, 2012. Retrieved August 14, 2012. + + ^ New England Patriots at Denver Broncos – November 3rd, 2003 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots - December 7th, 2003 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ 2003 NFL Week 17 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Wilner, Barry (January 2, 2004). Manning. McNair split MVP honors . USA Today. + Archived from the original on April 26, 2010. Retrieved August 14, 2012. + + ^ Divisional Round – Tennessee Titans at New England Patriots – January 10th, + 2004 . Pro-Football-Reference.com. Archived from the original on March 16, 2018. + Retrieved March 17, 2018. + + ^ AFC Championship – Indianapolis Colts at New England Patriots – January 18th, + 2004 . Pro-Football-Reference.com. Archived from the original on March 17, 2018. + Retrieved March 17, 2018. + + ^ Super Bowl XXXVIII – New England Patriots vs. Carolina Panthers – February + 1st, 2004 . Pro-Football-Reference.com. Archived from the original on December + 28, 2017. Retrieved March 17, 2018. + + ^ Super Bowl XXXVIII MVP: Tom Brady . National Football League. Archived from + the original on November 7, 2012. Retrieved August 14, 2012. + + ^ Longest Winning Streaks . Pro Football Hall of Fame. Archived from the original + on January 16, 2010. Retrieved January 3, 2010. + + ^ Bill Belichick – Head Coach . New England Patriots. Archived from the original + on September 25, 2011. Retrieved August 14, 2012. + + ^ 2004 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on March 30, 2018. Retrieved March 17, 2018. + + ^ a b 2004 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on August 5, 2012. Retrieved August 14, 2012. + + ^ Quarterback fought 103-degree fever, chills . Associated Press. Archived + from the original on October 4, 2015. Retrieved January 6, 2019. + + ^ Super Bowl XXXIX . National Football League. Archived from the original on + June 21, 2018. Retrieved August 14, 2012. + + ^ Davis, Scott. 12 teams have won multiple Super Bowls and the Rams are trying + to join the group . Business Insider. Retrieved February 4, 2019. + + ^ Dillon Returns From Injury To Push Patriots Past Jets . Lakeland Ledger. + December 5, 2005. Retrieved August 15, 2012. + + ^ Cafardo, Nick (November 2, 2005). Dillon s resolve solved a few offensive + problems . The Boston Globe. Archived from the original on December 3, 2013. + Retrieved August 15, 2012. + + ^ New England Patriots at Atlanta Falcons – October 9th, 2005 . Pro-Football-Reference.com. + Archived from the original on March 14, 2018. Retrieved March 18, 2018. + + ^ 2005 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Associated Press. Archived from the original on August 4, 2012. Retrieved August + 14, 2012. + + ^ 2005 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on September 25, 2018. Retrieved March 18, 2018. + + ^ Wild Card – Jacksonville Jaguars at New England Patriots – January 7th, 2006 + . Pro-Football-Reference.com. Archived from the original on December 28, 2017. + Retrieved December 28, 2017. + + ^ Divisional Round – New England Patriots at Denver Broncos – January 14th, + 2006 . Pro-Football-Reference.com. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Drehs, Wayne. Brady, Patriots finally feel playoff defeat . ESPN. Archived + from the original on November 10, 2012. Retrieved August 14, 2012. + + ^ Reiss, Mike (January 31, 2006). Brady s groin may be hurt . The Boston Globe. + Archived from the original on January 5, 2009. Retrieved December 26, 2007. + + ^ Buffalo Bills at New England Patriots - September 10th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ New England Patriots at Minnesota Vikings - October 30th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ New England Patriots at Green Bay Packers - November 19th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ 2006 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on February 8, 2010. Retrieved August 14, 2012. + + ^ Maske, Mark (December 19, 2006). Romo Gets Pro Bowl Nod in NFC, Brady Doesn + t in AFC . The Washington Post. Archived from the original on October 6, 2008. + Retrieved December 26, 2007. + + ^ McClain, John (July 2, 2007). Young to replace Rivers at Pro Bowl . Houston + Chronicle. Archived from the original on January 5, 2008. Retrieved December + 26, 2007. + + ^ Brady, Patriots shake feisty Jets, roll on to San Diego . ESPN. Archived + from the original on November 13, 2014. Retrieved August 14, 2012. + + ^ Hayes, Neil. Super Chargers top Super Bowl list . NBC Sports. Archived from + the original on November 2, 2012. Retrieved August 14, 2012. + + ^ Clayton, John. Patriots teach Chargers a lesson in playoff football . ESPN. + Archived from the original on August 9, 2012. Retrieved August 14, 2012. + + ^ Pasquarelli, Len. .Manning shakes label of not being able to win big one + . ESPN. Archived from the original on November 13, 2012. Retrieved August 14, + 2012. + + ^ Byrne, Kerry J. (June 3, 2009). Best individual seasons of 2000s . Sports + Illustrated. Archived from the original on November 3, 2012. Retrieved January + 11, 2010. + + ^ Top 10 greatest quarterback seasons Archived November 17, 2015, at the Wayback + Machine, NFL Nation Blog, espn.go.com; accessed November 12, 2014. + + ^ 2007 New England Patriots . Pro Football Reference. Archived from the original + on February 9, 2010. Retrieved January 11, 2010. + + ^ 2007 NFL Week 17 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on August 2, 2017. Retrieved March 18, 2018. + + ^ Banks, Don (October 12, 2007). Litmus test . Sports Illustrated. Archived + from the original on November 30, 2007. Retrieved December 8, 2007. + + ^ Brady s six TDs give him 27 TDs after seven games . ESPN. Archived from the + original on November 22, 2015. Retrieved January 6, 2019. + + ^ Young, Shalise Manza (November 4, 2007). Patriots 24, Colts 20: Tom s got + you, Babe . The Providence Journal. Archived from the original on November 7, + 2007. Retrieved December 26, 2007. + + ^ Patriots break scoring record, Brady and Moss set season marks . NFL.com. + Associated Press. December 29, 2007. Archived from the original on December + 9, 2017. Retrieved August 11, 2017. + + ^ Brady an easy winner in AP Male Athlete of Year balloting . USA Today. Associated + Press. December 21, 2007. Archived from the original on January 23, 2011. Retrieved + January 28, 2012. + + ^ 2007 NFL All-Pros . Pro-Football-Reference.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ 2007 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on March 16, 2018. Retrieved March 18, 2018. + + ^ Mihoces, Gary (January 13, 2008). Perfect Pats, Brady make short work of + Jaguars . USA Today. Archived from the original on November 14, 2010. Retrieved + November 30, 2008. + + ^ Pats put away Chargers for fourth Super Bowl berth in seven years . ESPN. + Associated Press. January 20, 2008. Archived from the original on September + 24, 2008. Retrieved November 30, 2008. + + ^ Super Bowl XLII – New York Giants vs. New England Patriots – February 3rd, + 2008 . Pro-Football-Reference.com. Archived from the original on February 2, + 2011. Retrieved January 24, 2018. + + ^ Foot injury may sideline Tom Brady for another game . USA Today. Associated + Press. August 2008. Retrieved September 28, 2015. + + ^ Brady to have season-ending knee surgery, will be placed on IR . NFL.com. + Archived from the original on December 17, 2018. Retrieved January 6, 2019. + + ^ Reiss, Mike (September 8, 2008). Pats confirm Brady out for the year . The + Boston Globe. Archived from the original on July 25, 2012. Retrieved September + 8, 2008. + + ^ Springer, Shira (September 10, 2008). Sources: Brady tore ACL and MCL . The + Boston Globe. Archived from the original on January 5, 2009. Retrieved September + 10, 2008. + + ^ Chronic right shoulder injury slows Brady . NBC Sports. Associated Press. + September 6, 2007. Archived from the original on September 9, 2007. Retrieved + December 27, 2007. + + ^ Farmer, Sam (June 2, 2009). Tom Brady s doctor says knee recovery exceeds + expectations . Los Angeles Times. Archived from the original on January 12, + 2012. Retrieved November 7, 2011. + + ^ Brady Has More Procedures Done on Knee, Report Says . The New York Times. + Associated Press. October 23, 2008. Archived from the original on January 19, + 2015. Retrieved November 30, 2008. + + ^ Springer, Shira (October 24, 2008). Brady s recovery hits snag . The Boston + Globe. Archived from the original on October 27, 2008. Retrieved November 30, + 2008. + + ^ 2008 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on January 27, 2018. Retrieved January 24, 2018. + + ^ Buffalo Bills at New England Patriots – September 14th, 2009 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Keefe, Neil. Brady Named AFC Offensive Player of the Week . NESN. Retrieved + August 14, 2012. + + ^ Brady throws six TD passes as Patriots ice winless Titans . Associated Press. + Archived from the original on November 14, 2012. Retrieved August 14, 2012. + + ^ Tennessee Titans at New England Patriots – October 18th, 2009 . Pro-Football-Reference.com. + Archived from the original on December 30, 2017. Retrieved March 18, 2018. + + ^ Brady sets a record for TDs in a quarter . The Washington Times. October + 19, 2009. Archived from the original on January 12, 2014. Retrieved January + 11, 2010. + + ^ Brady, Patriots get historic win thanks to rout of visiting Titans . NFL.com. + Retrieved 2019-02-11. + + ^ Breer, Albert R. (January 4, 2010). Brady dealing with broken finger on throwing + hand . The Boston Globe. Archived from the original on October 29, 2010. Retrieved + January 4, 2010. + + ^ 2009 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on August 21, 2018. Retrieved March 17, 2018. + + ^ Brady named Comeback Player of the Year . NBC Sports. Associated Press. January + 6, 2010. Archived from the original on August 18, 2012. Retrieved January 6, + 2010. + + ^ Ravens fast start puts Pats on heels, out of playoffs . ESPN. Associated + Press. January 10, 2010. Archived from the original on January 13, 2010. Retrieved + January 20, 2010. + + ^ Battista, Judy (September 10, 2010). Patriots Brady Signs League s Richest + Deal, at the Moment . The New York Times. Archived from the original on January + 19, 2012. Retrieved September 11, 2010. + + ^ Matuszewski, Erik (October 4, 2010). Tom Brady Gets 100th Career Win in NFL + as Patriots Rout Dolphins 41–14 . Bloomberg. Archived from the original on October + 8, 2010. Retrieved October 11, 2010. + + ^ Woodhead keeps contributing as Pats withstand Colts comeback attempt . National + Football League. Associated Press. November 21, 2010. Archived from the original + on November 23, 2010. Retrieved November 22, 2010. + + ^ Krasner, Steven (November 21, 2010). Brady ties mark with 25th straight home + W . ESPNBoston.com. Archived from the original on November 23, 2010. Retrieved + November 22, 2010. + + ^ New England Patriots at Detroit Lions – November 25th, 2010 . Pro-Football-Reference.com. + Archived from the original on January 1, 2018. Retrieved March 18, 2018. + + ^ 2010 NFL Week 12 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on September 9, 2018. Retrieved March 18, 2018. + + ^ Frenz, Erik. Patriots Vs. Lions: Tom Brady Enjoys Perfect Passer Rating on + Thanksgiving . Bleacher Report. Retrieved 2019-02-06. + + ^ Brady s Perfect Game Leads Patriots Over Lions . The New York Times. 2010-11-25. + Retrieved 2019-02-06. + + ^ Patriots destroy Jets . London Free Press. Archived from the original on + December 1, 2012. Retrieved August 14, 2012. + + ^ New York Jets at New England Patriots – December 6th, 2010 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ NFL Single-Season Passer Rating Leaders . Archived from the original on December + 25, 2018. Retrieved January 6, 2019. + + ^ Springer, Shira & Walker, Monique (January 20, 2011). Brady to have foot + surgery today . The Boston Globe. Archived from the original on November 2, + 2012. Retrieved January 20, 2011. + + ^ Tom Brady unanimous as NFL MVP . Associated Press. Archived from the original + on August 3, 2012. Retrieved August 14, 2012. + + ^ Top 100: Tom Brady . New England Patriots. Archived from the original on + March 19, 2018. Retrieved March 18, 2018. + + ^ Divisional Round – New York Jets at New England Patriots – January 16th, + 2011 . Pro-Football-Reference.com. Archived from the original on December 17, + 2017. Retrieved March 17, 2018. + + ^ Jets back up talk as Sanchez throws three TDs, defense knocks down Brady + . Archived from the original on December 28, 2014. Retrieved December 29, 2014. + + ^ 2011 NFL Week 1 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on August 30, 2018. Retrieved March 18, 2018. + + ^ Tom Brady picks apart Dolphins as 517-yard, 4-TD opener fuels Pats . ESPN. + September 12, 2011. Archived from the original on September 28, 2011. Retrieved + September 13, 2011. + + ^ Tom Brady, Chad Henne Combine For Slew of NFL Records On Monday Night Football + . September 13, 2011. Archived from the original on November 7, 2012. Retrieved + September 17, 2011. + + ^ San Diego Chargers at New England Patriots – September 18th, 2011 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots – December 24th, 2011 . Pro-Football-Reference.com. + Archived from the original on January 4, 2018. Retrieved March 18, 2018. + + ^ 2011 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved January 24, 2018. + + ^ The Top 100: Players of 2012 : Tom Brady . NFL.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ Belichick: No quarterback I d rather have . weei.com. Archived from the + original on 2017-01-29. Retrieved 2019-01-06. + + ^ Quinton Carter, David Bruton exit hurt . ESPN. Archived from the original + on January 16, 2012. Retrieved August 14, 2012. + + ^ Cannizzaro, Mark. Patriots redefine postseason success for coach-quarterback + duo . New York Post. Retrieved August 16, 2012. + + ^ Patriots Beat Ravens 23–20 in AFC Championship Game . Fox News. Associated + Press. January 22, 2012. Archived from the original on July 17, 2012. Retrieved + August 14, 2012. + + ^ For second time in five seasons, Giants top Brady, Patriots in Super Bowl + . Associated Press. Archived from the original on August 17, 2012. Retrieved + August 14, 2012. + + ^ Houston Texans at New England Patriots – December 10th, 2012 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved March 18, 2018. + + ^ Tom Brady. Tom Brady, QB for the New England Patriots at . Nfl.com. Archived + from the original on November 22, 2018. Retrieved July 6, 2013. + + ^ Top 100 Players of 2013 : Tom Brady . NFL.com. Retrieved 2019-02-11. + + ^ Divisional Round – Houston Texans at New England Patriots – January 13th, + 2013 . Pro-Football-Reference.com. Archived from the original on February 1, + 2018. Retrieved March 17, 2018. + + ^ Wilner, Barry. NFL Playoffs: Patriots 41, Texans 28: Brady passes idol as + Pats pound Texans . Arizona Daily Star. Retrieved 2019-02-11. + + ^ AFC Championship – Baltimore Ravens at New England Patriots – January 20th, + 2013 . Pro-Football-Reference.com. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Timeline: Patriots-Ravens rivalry through the years - The Boston Globe . + BostonGlobe.com. Retrieved 2019-02-17. + + ^ Wesseling, Chris (February 25, 2013). Tom Brady, New England Patriots agree + to extension . National Football League. Archived from the original on February + 27, 2013. Retrieved February 25, 2013. + + ^ King, Peter (February 26, 2013). More on Tom Brady s amazing deal; mail – + NFL – Peter King – SI.com . Sportsillustrated.cnn.com. Archived from the original + on May 20, 2013. Retrieved July 6, 2013. + + ^ New England Patriots at Buffalo Bills – September 8th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved January 24, 2018. + + ^ New York Jets at New England Patriots – September 12th, 2013 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved January 24, 2018. + + ^ New England Patriots at Cincinnati Bengals – October 6th, 2013 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved January 24, 2018. + + ^ New Orleans Saints at New England Patriots – October 13th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Denver Broncos at New England Patriots – November 24th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 22, 2017. Retrieved December 16, 2017. + + ^ Buffalo Bills at New England Patriots - December 29th, 2013 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ 2013 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on March 7, 2018. Retrieved March 18, 2018. + + ^ Top 100 Players of 2014 : Tom Brady . New England Patriots. Archived from + the original on September 11, 2016. Retrieved March 18, 2018. + + ^ 2013 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on January 23, 2018. Retrieved January 24, 2018. + + ^ Divisional Round – Indianapolis Colts at New England Patriots – January 11th, + 2014 . Pro-Football-Reference.com. Archived from the original on November 14, + 2017. Retrieved March 17, 2018. + + ^ AFC Championship – New England Patriots at Denver Broncos – January 19th, + 2014 . Pro-Football-Reference.com. Archived from the original on November 15, + 2017. Retrieved November 14, 2017. + + ^ New England Patriots at Miami Dolphins – September 7th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Minnesota Vikings – September 14th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Oakland Raiders at New England Patriots – September 21st, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Kansas City Chiefs – September 29th, 2014 . Pro-Football-Reference.com. + Archived from the original on November 9, 2017. Retrieved March 17, 2018. + + ^ New England Patriots at Buffalo Bills – October 12th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved March 17, 2018. + + ^ New York Jets at New England Patriots – October 16th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Chicago Bears at New England Patriots – October 26th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Detroit Lions at New England Patriots – November 23rd, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Green Bay Packers – November 30th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at San Diego Chargers – December 7th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Orton, Bills beat Patriots 17–9 . New England Patriots. Archived from the + original on February 5, 2017. Retrieved January 6, 2019. + + ^ Top 100 Players of 2015 : No. 3 Tom Brady . NFL.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ Divisional Round – Baltimore Ravens at New England Patriots – January 10th, + 2015 . Pro-Football-Reference.com. Archived from the original on December 26, + 2017. Retrieved December 28, 2017. + + ^ AFC Championship – Indianapolis Colts at New England Patriots – January 18th, + 2015 . Pro-Football-Reference.com. Archived from the original on December 1, + 2017. Retrieved December 28, 2017. + + ^ Super Bowl XLIX – Seattle Seahawks vs. New England Patriots – February 1st, + 2015 . Pro-Football-Reference.com. Archived from the original on January 30, + 2018. Retrieved March 17, 2018. + + ^ Patriots beat the Seahawks in dramatic finale . BBC Sport. February 1, 2015. + Archived from the original on February 4, 2015. Retrieved February 2, 2015. + + ^ INVESTIGATIVE REPORT CONCERNING FOOTBALLS USED DURING THE AFC CHAMPIONSHIP + GAME ON JANUARY 18, 2015 (PDF). nfl.com. National Football League. Retrieved + May 6, 2015. + + ^ Rosenthal, Gregg (May 11, 2015). Patriots Tom Brady suspended 4 games . + National Football League. Archived from the original on May 13, 2015. Retrieved + May 11, 2015. + + ^ a b NFL releases statement on Patriots violations . National Football League. + May 11, 2015. Archived from the original on May 13, 2015. Retrieved May 12, + 2015. + + ^ Patra, Kevin (May 14, 2015). Tom Brady NFLPA appeal four game suspension + . National Football League. Archived from the original on May 18, 2015. Retrieved + May 14, 2015. + + ^ NFL upholds four-game suspension of Tom Brady . cbsnews.com. July 28, 2015. + Archived from the original on July 29, 2015. Retrieved July 29, 2015. + + ^ Report: Tom Brady Authorizes NFLPA To Appeal His Case In Federal Court . + NESN.com. Archived from the original on July 29, 2015. Retrieved July 29, 2015. + + ^ Rosenthal, Gregg (July 28, 2015). Roger Goodell upholds Tom Brady suspension + . National Football League. Archived from the original on July 29, 2015. Retrieved + July 28, 2015. + + ^ Gantt, Darin (July 28, 2015). Goodell cites destroying phone in upholding + Tom Brady s suspension . NBC Sports. Archived from the original on July 29, + 2015. Retrieved July 28, 2015. + + ^ Armstrong, Kevin; et al. (July 28, 2015). NFL hopes to have expected Tom + Brady lawsuit in New York and not Minnesota . New York Daily News. Archived + from the original on July 31, 2015. Retrieved July 28, 2015. + + ^ Tom Brady rips the NFL s Deflategate decision on his Facebook page . USA + Today. Archived from the original on September 9, 2018. Retrieved January 6, + 2019. + + ^ Robert Kraft attacks the NFL, apologizes to Patriots fans . Yahoo Sports. + July 29, 2015. Archived from the original on August 12, 2017. Retrieved January + 6, 2019. + + ^ a b Freeman, Mike (May 11, 2015). NFL Deflategate Message: No Player Is Above + the Rules, Not Even Tom Brady . Bleacher Report. Archived from the original + on May 15, 2015. Retrieved January 6, 2019. + + ^ Adelson, Eric (May 11, 2015). Tom Brady allowed the new NFL Way to smack + Patriot Way in stunning fashion . Yahoo! Sports. Archived from the original + on September 29, 2018. Retrieved January 6, 2019. Somewhere along the line, + the debate over what happened in the hours and minutes leading up to the AFC + championship game in January went beyond air pressure and weather conditions, + and became a referendum on the character of Tom Brady and his franchise. + + ^ O Connor, Ian. Tom Brady should skip appeal, tell truth now . ESPN.com. Archived + from the original on May 15, 2015. Retrieved May 12, 2015. + + ^ NYSD Decision and Order . + + ^ Roger Goodell Made Tom Brady Seem Dishonest In Deflategate Appeal Ruling + . NESN.com. Archived from the original on February 7, 2016. Retrieved February + 7, 2016. + + ^ Pittsburgh Steelers at New England Patriots – September 10th, 2015 . Pro-Football-Reference.com. + Archived from the original on November 10, 2017. Retrieved December 28, 2017. + + ^ Very rare performance by Tom Brady reflects his greatness . ESPN.com. Archived + from the original on October 27, 2015. Retrieved October 28, 2015. + + ^ Miami Dolphins at New England Patriots – October 29th, 2015 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ New England Patriots at Denver Broncos – November 29th, 2015 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ 2015 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved March 17, 2018. + + ^ 2015 NFL Passing . Pro-Football-Reference.com. Archived from the original + on February 12, 2018. Retrieved March 17, 2018. + + ^ Top 100 Players of 2016 : No. 2 Tom Brady . NFL.com. Archived from the original + on August 31, 2018. Retrieved January 6, 2019. + + ^ Divisional Round – Kansas City Chiefs at New England Patriots – January 16th, + 2016 . Pro-Football-Reference.com. Archived from the original on December 26, + 2017. Retrieved March 17, 2018. + + ^ Golen, Jimmy (January 16, 2016). Patriots to 5th straight AFC title game, + beat Chiefs 27–20 . Associated Press. Foxborough, Massachusetts: AP Sports. + Associated Press. Retrieved February 17, 2019. + + ^ New England at Denver – 2016-01-24 – National Football League – Yahoo! Sports + . Yahoo Sports. Archived from the original on November 19, 2018. Retrieved January + 6, 2019. + + ^ Reiss, Mike. New deal links Tom Brady to Patriots through 2019 . ESPN.com. + Archived from the original on March 1, 2016. Retrieved February 29, 2016. + + ^ Volin, Ben (March 3, 2016). Brady s lawyer feels pressure from judges . The + Boston Globe. Archived from the original on April 16, 2016. Retrieved April + 26, 2016. + + ^ Orr, Connor (April 25, 2016). Tom Brady s four-game suspension reinstated + . NFL.com. Archived from the original on April 26, 2016. Retrieved April 25, + 2016. + + ^ Tom Brady s four-game suspension upheld . ESPN. April 25, 2016. Archived + from the original on April 26, 2016. Retrieved April 25, 2016. + + ^ Volin, Ben (April 25, 2016). Brady must serve Deflategate suspension, appeals + court rules . The Boston Globe. Archived from the original on April 27, 2016. + Retrieved April 26, 2016. + + ^ Gershman, Jacob (April 25, 2016). Why the NFL Won its Deflategate Appeal + . The Wall Street Journal. Archived from the original on April 28, 2016. Retrieved + April 26, 2016. + + ^ Tom Brady keeps Deflategate battle going with another appeal of suspension + Archived October 5, 2018, at the Wayback Machine May 23, 2015. + + ^ Brady s Deflategate appeal denied by court . Archived from the original on + July 16, 2016. Retrieved January 6, 2019. + + ^ New England Patriots at Cleveland Browns – October 9th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ Cincinnati Bengals at New England Patriots – October 16th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Pittsburgh Steelers – October 23rd, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Buffalo Bills – October 30th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Ortega, Mark E. (November 3, 2016). Tom Brady, David Johnson are Players + of the Month . NFL.com. Archived from the original on September 25, 2018. Retrieved + January 6, 2019. + + ^ Seattle Seahawks at New England Patriots – November 13th, 2016 . Pro-Football-Reference.com. + Archived from the original on August 4, 2017. Retrieved December 28, 2017. + + ^ Lam, Quang M. (November 23, 2016). Tom Brady, Kirk Cousins among Players + of Week . NFL.com. Archived from the original on November 24, 2016. Retrieved + January 6, 2019. + + ^ New England Patriots at New York Jets – November 27th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Los Angeles Rams at New England Patriots – December 4th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Reiss, Mike. Tom Brady wins NFL-record 201st game . ESPN.com. Archived from + the original on December 6, 2016. Retrieved December 13, 2016. + + ^ Howe, Jeff. Patriots, despite miscues, outlast Ravens to move to 11–2 . The + Boston Herald. Archived from the original on December 20, 2016. Retrieved December + 13, 2016. + + ^ New England Patriots at Denver Broncos – December 18th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Patriots top Broncos, clinch AFC East, first-round bye . Archived from the + original on December 19, 2016. Retrieved January 6, 2019. + + ^ NFL announces 2017 Pro Bowl rosters . NFL.com. December 20, 2016. Archived + from the original on November 17, 2018. Retrieved January 6, 2019. + + ^ Archived copy . Archived from the original on January 2, 2017. Retrieved + January 1, 2017. CS1 maint: Archived copy as title (link) + + ^ Patriots clinch home-field advantage in AFC playoffs . Archived from the + original on December 20, 2018. Retrieved January 6, 2019. + + ^ Hurley, Michael (January 1, 2017). Tom Brady Sets NFL Record For Best TD-To-INT + Ratio Of All Time . CBS Boston. Archived from the original on January 4, 2017. + Retrieved January 2, 2017. + + ^ Three rookies, Matt Ryan among players named to All-Pro team . NFL.com. January + 6, 2017. Archived from the original on June 17, 2018. Retrieved January 6, 2019. + + ^ Top 100 Players of 2017 : No. 1 New England Patriots quarterback Tom Brady + . NFL.com. Archived from the original on June 17, 2018. Retrieved January 6, + 2019. + + ^ Patra, Kevin (January 15, 2017). Patriots Top Texans, Move on to AFC Championship + . Around the NFL. National Football League. Archived from the original on January + 29, 2017. Retrieved February 6, 2017. + + ^ Wesseling, Chris (January 23, 2017). Patriots Shred Steelers, Advance to + Ninth Super Bowl . Around the NFL. National Football League. Archived from the + original on February 2, 2017. Retrieved February 6, 2017. + + ^ Super Bowl LI – New England Patriots vs. Atlanta Falcons – February 5th, + 2017 . Pro-Football-Reference.com. Archived from the original on August 7, 2017. + Retrieved August 6, 2017. + + ^ Super Bowl Most Valuable Player Winners . Pro-Football-Reference.com. Archived + from the original on August 3, 2017. Retrieved January 24, 2018. + + ^ Tom Brady s stolen Super Bowl jerseys returned to Patriots . Fox News. March + 23, 2017. Archived from the original on April 11, 2017. Retrieved April 10, + 2017. + + ^ Tom Brady Super Bowl jersey thief investigation . Sports Illustrated. Archived + from the original on April 24, 2017. Retrieved August 11, 2017. + + ^ GOAT edition: Brady on Madden NFL 18 cover . ESPN.com. Archived from the + original on May 13, 2017. Retrieved May 13, 2017. + + ^ Press, Associated. Gisele Bundchen: Tom Brady had a concussion last year + . Archived from the original on September 22, 2017. Retrieved January 6, 2019. + + ^ Igel, Lee. Gisele Bündchen Casts Doubt On Adequacy Of NFL Concussion Protocol + . Archived from the original on September 15, 2017. Retrieved January 6, 2019. + + ^ NFL Investigating After Gisele Claims Tom Brady Suffered a Concussion . Archived + from the original on September 11, 2017. Retrieved January 6, 2019. + + ^ NFL looking into Tom Brady concussion claim by Gisele Bundchen . Archived + from the original on December 8, 2018. Retrieved January 6, 2019. + + ^ Agent: Tom Brady not diagnosed with concussion in 16 . Archived from the + original on October 19, 2018. Retrieved January 6, 2019. + + ^ Tom Brady: We didn t dig very deep on Thursday night . Pro Football Talk. + Archived from the original on September 8, 2017. Retrieved September 8, 2017. + + ^ WATCH: In Year 18, Tom Brady finally does something he s never done before + . CBSSports.com. September 17, 2017. Archived from the original on January 1, + 2019. Retrieved January 6, 2019. + + ^ Maya, Adam (September 20, 2017). Tom Brady, J.J. Nelson among Players of + the Week . NFL.com. Archived from the original on December 22, 2018. Retrieved + January 6, 2019. + + ^ Tom Brady takes another title away from his nemesis Peyton Manning . Archived + from the original on January 1, 2019. Retrieved January 6, 2019. + + ^ Lam, Quang M. (September 27, 2017). Tom Brady, Kirk Cousins among Players + of the Week . NFL.com. Archived from the original on September 27, 2017. Retrieved + January 6, 2019. + + ^ Tom Brady Ties Brett Favre, Peyton Manning for Most Regular-Season Wins by + QB . Bleacher Report. Archived from the original on January 1, 2019. Retrieved + January 6, 2019. + + ^ Orr, Conor. Tom Brady has sprain to non-throwing shoulder . NFL. Archived + from the original on October 11, 2017. Retrieved October 10, 2017. + + ^ Patra, Kevin. Brady isn t worried about his shoulder: I m good . NFL. Archived + from the original on October 12, 2017. Retrieved October 11, 2017. + + ^ Tom Brady becomes NFL s career QB wins leader . Archived from the original + on November 25, 2018. Retrieved January 6, 2019. + + ^ Tom Brady, Patriots roll through fog past Falcons . Archived from the original + on January 1, 2019. Retrieved January 6, 2019. + + ^ Los Angeles Chargers at New England Patriots – October 29th, 2017 . Pro-Football-Reference.com. + Archived from the original on November 7, 2017. Retrieved December 7, 2017. + + ^ Maya, Adam (November 15, 2017). Tom Brady, Cam Newton among Players of the + Week . NFL.com. Archived from the original on July 1, 2018. Retrieved January + 6, 2019. + + ^ Case Keenum wins NFC player of month honors . Archived from the original + on January 27, 2018. Retrieved January 6, 2019. + + ^ Hanzus, Dan. Tom Brady, Josh McDaniels have sideline disagreement . NFL. + Archived from the original on December 3, 2017. Retrieved December 3, 2017. + + ^ Sessler, Marc. Patriots overcome ugly start to scatter Bills in Buffalo . + NFL. Archived from the original on December 3, 2017. Retrieved December 3, 2017. + + ^ New England Patriots at Miami Dolphins – December 11th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved January 24, 2018. + + ^ New England Patriots at Pittsburgh Steelers – December 17th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 29, 2017. Retrieved December 28, 2017. + + ^ NFL announces 2018 Pro Bowl rosters . NFL. Archived from the original on + December 20, 2017. Retrieved December 19, 2017. + + ^ Buffalo Bills at New England Patriots – December 24th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ Patriots secure first-round bye for eighth straight year . Archived from + the original on November 10, 2018. Retrieved January 6, 2019. + + ^ Patriots clinch home-field advantage through playoffs . + + ^ NFL offensive production falls despite record for Brady . www.boston.com. + Archived from the original on November 10, 2018. Retrieved January 6, 2019. + + ^ Wilner, Barry. Steelers Antonio Brown, unanimous choice on AP All-Pro Team + . AP News. AP. + + ^ Wesseling, Chris (February 3, 2018). Tom Brady named NFL s MVP for third + time of career . NFL.com. Archived from the original on July 26, 2018. Retrieved + January 6, 2019. + + ^ Divisional Round – Tennessee Titans at New England Patriots – January 13th, + 2018 . Pro-Football-Reference.com. Archived from the original on January 18, + 2018. Retrieved January 18, 2018. + + ^ Patra, Kevin (January 19, 2018). Tom Brady (thumb) questionable for Patriots + vs. Jags . NFL.com. Archived from the original on January 20, 2018. Retrieved + January 20, 2018. + + ^ AFC Championship – Jacksonville Jaguars at New England Patriots – January + 21st, 2018 . Pro-Football-Reference.com. Archived from the original on January + 24, 2018. Retrieved January 24, 2018. + + ^ Super Bowl LII – Philadelphia Eagles vs. New England Patriots – February + 4th, 2018 . Pro-Football-Reference.com. Archived from the original on March + 1, 2018. Retrieved March 17, 2018. + + ^ Super Bowl 50: How many quarterbacks have lost multiple Super Bowls? . syracuse.com. + Retrieved 2019-02-12. + + ^ Is Super Bowl LII Loss the End of Patriots and Tom Brady s Dynasty? . Bleacher + Report. Archived from the original on February 5, 2018. Retrieved February 5, + 2018. + + ^ At 41 and going strong, Tom Brady awaits a 19th season . USA TODAY. Archived + from the original on October 30, 2018. Retrieved October 29, 2018. + + ^ Despite changes, Patriots offense still rolling behind Tom Brady in win over + Texans . USA TODAY. Archived from the original on October 29, 2018. Retrieved + October 29, 2018. + + ^ Brady Throws 3 TDs As Patriots Blow Out Dolphins To Improve To 2–2 . CBS + Boston. September 30, 2018. Archived from the original on October 29, 2018. + Retrieved October 29, 2018. + + ^ Brady, Patriots roll past banged-up Colts . Duluth News Tribune. Archived + from the original on October 30, 2018. Retrieved October 29, 2018. + + ^ Tom Brady sets another NFL record with TD pass to Josh Gordon . USA Today. + October 5, 2018. Archived from the original on October 31, 2018. Retrieved October + 30, 2018. + + ^ Brady, Patriots top Chiefs for wild 43–40 win . USA TODAY. Archived from + the original on October 29, 2018. Retrieved October 29, 2018. + + ^ Brady throws 3 TDs, Patriots hang on to beat Bears 38–31 . AP NEWS. October + 21, 2018. Archived from the original on October 30, 2018. Retrieved October + 29, 2018. + + ^ Tom Brady: Game Logs at NFL.com . National Football League. Archived from + the original on November 22, 2018. Retrieved November 26, 2018. + + ^ Colin J. Liotta, Tom Brady (finally) reaches 1,000 career rushing yards USA + Today. From the original on December 3, 2018. Retrieved January 9, 2019 + + ^ Tom Brady reaches 70,000 passing yards . NFL. Archived from the original + on December 18, 2018. Retrieved December 16, 2018. + + ^ Pats win AFC East again, take back No. 2 seed . ESPN.com. December 23, 2018. + Retrieved January 22, 2019. + + ^ Sullivan, Tara. Tara Sullivan: Vintage Tom Brady returns, just in time for + the playoffs – The Boston Globe . BostonGlobe.com. Retrieved January 22, 2019. + + ^ Tom Brady tunes up and Patriots clinch first-round bye after routing Jets + . ESPN.com. December 30, 2018. Retrieved January 22, 2019. + + ^ Schrock, Joshua (December 30, 2018). Tom Brady s New Year s Resolution Will + Make Bill Belichick, Patriots Fans Happy . NESN.com. Retrieved January 22, 2019. + + ^ Hightower, Kyle (January 13, 2019). Michel scores 3 TDs, Patriots roll past + Chargers . KOIN. Retrieved February 6, 2019. + + ^ Chargers vs. Patriots – Game Recap – January 13, 2019 – ESPN . ESPN.com. + Retrieved January 22, 2019. + + ^ Patriots make 3rd straight Super Bowl, beat Chiefs 37–31 OT . Associated + Press. January 20, 2019. Retrieved January 21, 2019. + + ^ New England Patriots win Super Bowl LIII . NFL. Retrieved February 3, 2019. + + ^ Tom Brady sets record for most Super Bowl wins by NFL player with six . USA + TODAY. Retrieved February 6, 2019. + + ^ Tom Brady . NFL.com. Archived from the original on December 7, 2015. Retrieved + December 7, 2015. + + ^ Tom Brady s Career Touchdown Plays . Pro-Football-Reference.com. Archived + from the original on July 11, 2015. Retrieved July 29, 2015. + + ^ In multiple seasons, from 1950 to 2018, requiring Pass Completion % >= 1, + sorted by most games matching criteria. (Note: Click on Games Won column to + sort) . www.pro-football-reference.com. Pro Football Reference, LLC. Retrieved + January 1, 2019. + + ^ Reiss, Mike (November 14, 2017). Tom Brady relishes chance to silence fans + while playing on road . ESPN.com. Archived from the original on February 9, + 2018. Retrieved February 8, 2018. + + ^ https://www.footballdb.com/stats/qb-records.html?alltime=1&type=reg&letter=&sort=w + + ^ WHAT TO LOOK FOR – WEEK 11 . nflcommunications.com. November 15, 2017. Archived + from the original on February 9, 2018. Retrieved February 8, 2018. + + ^ a b Porter, Conor (January 1, 2018). Tom Brady achieved another amazing NFL + record in 2017 . GiveMeSport. Archived from the original on February 9, 2018. + Retrieved February 8, 2018. + + ^ Tom Brady joins select club with 500th career touchdown pass . MLive.com. + Archived from the original on October 6, 2018. Retrieved October 5, 2018. + + ^ a b Archived copy . Archived from the original on November 6, 2018. Retrieved + November 6, 2018. CS1 maint: Archived copy as title (link) + + ^ NFL Playoff Records: Individual – Passing . nfl.com. Archived from the original + on July 22, 2015. Retrieved July 30, 2015. + + ^ Adamski, Chris. Brady, Big Ben meet again in AFC title game . TribLIVE.com. + Archived from the original on January 27, 2017. Retrieved January 24, 2017. + + ^ a b c Stites, Adam (February 4, 2018). What NFL records does Tom Brady already + own? . SBNation.com. Archived from the original on February 10, 2018. Retrieved + February 9, 2018. + + ^ Schechter, Lee (January 11, 2015). Brady s 46th TD breaks Montana s playoff + mark . ESPN.com. Archived from the original on February 9, 2018. Retrieved February + 8, 2018. + + ^ Reiss, Mike (January 19, 2015). Brady sets NFL s postseason passing record + . ESPN.com. Archived from the original on February 9, 2018. Retrieved February + 8, 2018. + + ^ a b c David Smith, Michael (January 8, 2018). In his 35th postseason game, + Tom Brady will add to his many records . Yahoo Sports. Archived from the original + on February 9, 2018. Retrieved February 9, 2018. + + ^ Tom Brady passes Brett Favre for most career interceptions in the postseason + . SB Nation. Archived from the original on May 15, 2018. Retrieved May 15, 2018. + + ^ The QB With the Most Conference Championship Appearance? . NFL RUSH. January + 19, 2017. Archived from the original on January 25, 2018. Retrieved February + 9, 2018. + + ^ a b Game Notes: Patriots extend NFL-record to 10th Super Bowl overall . New + England Patriots. January 21, 2018. Archived from the original on February 9, + 2018. Retrieved February 9, 2018. + + ^ Super Bowl Records: Individual – Passing . nfl.com. Archived from the original + on August 10, 2015. Retrieved July 29, 2015. + + ^ Breech, John (February 2, 2015). Tom Brady broke, tied or extended 9 Super + Bowl records . CBSSports.com. Archived from the original on January 23, 2018. + Retrieved February 9, 2018. + + ^ Tom Brady, Bill Belichick make NFL history with record 7th Super Bowl appearance + . abcnews.com. Archived from the original on January 29, 2017. Retrieved January + 23, 2017. + + ^ a b Kirk, Jason (February 5, 2018). Pats now own 75 Super Bowl records, including + most losses . SBNation.com. Archived from the original on April 4, 2018. Retrieved + April 4, 2018. + + ^ Patriots, Tom Brady keep rewriting Super Bowl record book . + + ^ Hanzus, Dan. Tom Brady is game for another SNL hosting gig . National Football + League. Archived from the original on August 17, 2012. Retrieved August 17, + 2012. + + ^ Bark, Ed (February 6, 2005). Fox gets animated after the Super Bowl . Dallas + Morning News. Retrieved August 17, 2012. + + ^ Patriots News and Notes . Patriots Insider. Fox Sports. Archived from the + original on January 27, 2013. Retrieved August 17, 2012. + + ^ Entourage Fore (TV Episode 2009) – IMDb . IMDb. Archived from the original + on March 26, 2017. Retrieved August 11, 2017. + + ^ Entourage: Tom Brady replaced Manning brothers in Season 6 cameo . Sports + Illustrated. May 28, 2015. Archived from the original on August 11, 2017. Retrieved + August 11, 2017. + + ^ Tom Brady s Ted 2 Cameo Features Deflategate Line From Mark Wahlberg . + NESN. June 24, 2015. Archived from the original on August 11, 2017. Retrieved + August 11, 2017. + + ^ Buttons NY – Sound + Picture » Vote for your favorite Stetson Cologne man, + win a $10 gift card, and Listen to the latest Stetson Radio ad, with the original + Stetson Jingle! . Archived from the original on January 1, 2019. Retrieved January + 6, 2019. + + ^ Tom Brady . Forbes. Archived from the original on March 19, 2015. Retrieved + April 1, 2015. + + ^ Peyton Manning vs. Tom Brady Endorsements: Who s No. 1 In Commercial Appeal? + . Archived from the original on April 2, 2015. Retrieved April 1, 2015. + + ^ Ember, Sydney Tom Brady Still a Key Part of Under Armour s Broader Ad Push + Archived January 1, 2019, at the Wayback Machine New York Times. August 25, + 2015 + + ^ Beautyrest Black and Tom Brady Score for Sleep – BedTimes . Archived from + the original on January 2, 2019. Retrieved January 6, 2019. + + ^ Reimer, Alex (August 23, 2016). Tom Brady s Vegan Snacks Only Add to His + Bourgeois Profile . Forbes. Archived from the original on January 1, 2019. Retrieved + January 6, 2019. + + ^ Tom Brady Announces Launch Of TB12 Website, Online Store (Photo) . NESN.com. + January 21, 2016. Archived from the original on September 28, 2017. Retrieved + September 27, 2017. + + ^ Tom Brady Launches Raw Snack Line Under His TB12 Brand . NCA. Retrieved September + 27, 2017. + + ^ Tom Brady and TB12 Launch TB12 Foundation for Young Athletes – Physical Therapy + Products . Physical Therapy Products. Archived from the original on September + 28, 2017. Retrieved September 27, 2017. + + ^ This New Meal Delivery Plan Will Help You Eat Like Tom Brady . Archived from + the original on September 28, 2017. Retrieved September 27, 2017. + + ^ Garcia, Ahiza. Tom Brady launches meal kit service . CNNMoney. Archived from + the original on September 28, 2017. Retrieved September 27, 2017. + + ^ O Connor, Ian (September 20, 2017). Tom Brady has No. 1 book on Amazon, Hillary + at No. 2. As they said at Michigan, all he does is winpic.twitter.com/glGlzkGGRd + . @Ian_OConnor. Retrieved September 21, 2017. + + ^ Tom Brady s TB12 Method Is a Best Seller . Boston Magazine. Archived from + the original on September 28, 2017. Retrieved September 29, 2017. + + ^ Leibovich, Mark (2018). Tom Brady Gave a Filmmaker Unusual Access to His + Private Life . The New York Times. ISSN 0362-4331. Archived from the original + on January 10, 2018. Retrieved January 10, 2018. + + ^ a b Dagostino, Mark (December 14, 2006). Tom Brady, Bridget Moynahan Split + Up . People. Archived from the original on October 12, 2007. Retrieved December + 27, 2007. + + ^ Smith, Liz (February 18, 2007). It s Brady Baby For Sixy Star . New York + Post. Archived from the original on February 20, 2007. Retrieved December 27, + 2007. + + ^ Shanahan, Mark (February 18, 2007). Ex-Brady Girlfriend Says She s Pregnant + With His Child . The Boston Globe. Archived from the original on March 11, 2007. + Retrieved November 30, 2008. + + ^ Boehm, Kristin (August 28, 2007). Bridget Moynahan Thankful for Healthy + Baby . People. Archived from the original on November 13, 2008. Retrieved November + 30, 2008. + + ^ Bridget Moynahan Welcomes a Baby Boy . People. August 23, 2007. Archived + from the original on June 28, 2008. Retrieved November 30, 2008. + + ^ Tom Brady & Gisele Bundchen: New Couple? . People. Archived from the original + on September 6, 2015. Retrieved December 7, 2012. + + ^ Patriots Quarterback Tom Brady on Football, Fatherhood, and Gisele Bündchen + . Archived from the original on October 2, 2013. Retrieved April 27, 2013. + + ^ Cedenheim, Pernilla (February 27, 2009). Model Tom Brady & Gisele Bündchen: + Married! . People. Archived from the original on May 20, 2016. Retrieved April + 27, 2018. + + ^ Gisele Bündchen & Tom Brady Have a Boy . People. December 9, 2009. Archived + from the original on July 2, 2017. Retrieved August 11, 2017. + + ^ Gisele Bündchen and Tom Brady Welcome Daughter Vivian Lake . People. December + 7, 2015. Archived from the original on September 5, 2015. Retrieved August 11, + 2017. + + ^ Farrar, Doug. Boston (in) Common: Kevin Youkilis set to marry Tom Brady s + sister . Archived from the original on February 10, 2012. Retrieved February + 10, 2012. + + ^ Hua, Karen (February 2, 2017). Inside The Multimillion-Dollar Homes Of Tom + Brady . Forbes. Archived from the original on August 11, 2017. Retrieved August + 11, 2017. + + ^ The Tao Of Tom: How Tom Brady Uses An 80–20 Diet, Meditation, Yoga & One + Book To Age Backwards . Retrieved January 24, 2018. + + ^ The Best There Ever Was? . GQ. August 5, 2005. Archived from the original + on July 30, 2017. Retrieved July 30, 2017. + + ^ Tom Brady vs. Peyton Manning For Republican Presidential Nomination? Some + Believe It s Possible . WBZ-TV (CBS Boston). June 7, 2017. Archived from the + original on July 13, 2017. Retrieved July 30, 2017. + + ^ Super Bowl QB Tom Brady s No Patriot . The Smoking Gun. January 26, 2004. + Archived from the original on July 29, 2017. Retrieved July 30, 2017. + + ^ Leibovich, Mark (February 1, 2017). The Uncomfortable Love Affair Between + Donald Trump and the New England Patriots . The New York Times. Archived from + the original on February 6, 2017. Retrieved February 2, 2017. + + ^ Sports figures who support Donald Trump . Archived from the original on August + 28, 2018. Retrieved January 6, 2019. + + ^ Boren, Cindy. It s just a friendship : Tom Brady opens up a little about + President Trump . The Washington Post. Archived from the original on January + 24, 2017. Retrieved January 24, 2017. + + ^ Rappeport, Alan. Did Tom Brady and Gisele Bündchen Back Donald Trump? She + Says No, and He s Not Saying . The New York Times. Archived from the original + on February 16, 2017. Retrieved January 24, 2017. + + ^ Chestang, Raphael. Tom Brady Says Wife Gisele Bundchen Doesn t Want Him Talking + Politics . ET Online. Archived from the original on January 30, 2017. Retrieved + January 24, 2017. + + ^ Tom Brady will not attend Patriots visit to White House due to personal + family matters . Sports Illustrated. Sports Illustrated. Archived from the + original on April 9, 2018. Retrieved April 9, 2018. + + ^ Kamisar, Ben (February 1, 2015). 5 NFL stars who could run for office . The + Hill. Archived from the original on March 12, 2016. Retrieved February 5, 2017. + + ^ Klosterman, Chuck (November 18, 2015). Tom Brady Talks to Chuck Klosterman + About Deflategate (Sort Of . . .) . GQ. Archived from the original on February + 1, 2016. Retrieved February 5, 2017. + + ^ Durkee, Travis (November 18, 2015). Sorry, America, Tom Brady will never + run for president . Sporting News. Archived from the original on February 7, + 2017. Retrieved February 5, 2017. + + ^ Tack, Travis (November 14, 2016). Tom Brady Won t Talk Politics, Doesn t + Want To Run For Office . Politicus Sports. Archived from the original on February + 7, 2017. Retrieved February 5, 2017. + + ^ https://www.bostonherald.com/2018/10/12/helen-brady-hopes-tom-brady-photo-gives-campaign-a-boost/ + + ^ http://blog.masslive.com/patriots/2016/11/tom_brady_give_em_helen_ad.html + + ^ LaFratta, Kristin (November 6, 2018). 2018 Massachusetts Election: State + Auditor live results (Suzanne M. Bump, Helen Brady, Daniel Fisherman, Edward + J. Stamas) . Mass Live. Retrieved January 21, 2019. + + ^ Archived copy . Archived from the original on November 25, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on December 6, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on November 5, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on October 9, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + Pierce, Charles (2006), Moving the Chains: Tom Brady and the Pursuit of Everything, + Farrar, Straus and Giroux, ISBN 0-374-21444-1 + + Wikiquote has quotations related to: Tom Brady + + Wikimedia Commons has media related to Tom Brady. + + Michigan Wolverines bio + + Career statistics and player information from NFL.com · ESPN · Yahoo! Sports + · SI.com · Pro-Football-Reference · Rotoworld + + Tom Brady on IMDb + + New England Patriots current roster + + 2 Brian Hoyer + + 14 Braxton Berrios + + 16 Darren Andrews + + 21 Duron Harmon + + 22 Obi Melifonwu + + 23 Patrick Chung + + 24 Stephon Gilmore + + 26 Sony Michel + + 27 J. C. Jackson + + 29 Duke Dawson + + 35 Keion Crossen + + 36 Brandon King + + 43 Nate Ebner + + 44 Christian Sam + + 46 James Develin + + 49 Joe Cardona + + 51 Ja Whaun Bentley + + 52 Elandon Roberts + + 53 Kyle Van Noy + + 54 Dont a Hightower + + 58 Keionta Davis + + 60 David Andrews + + 61 Marcus Cannon + + 62 Joe Thuney + + 63 Brian Schwenke + + 66 James Ferentz + + 69 Shaq Mason + + 70 Adam Butler + + 75 Ted Karras + + 76 Isaiah Wynn + + 80 Stephen Anderson + + 85 Ryan Izzo + + 91 Deatrich Wise Jr. + + 93 Lawrence Guy + + 95 Derek Rivers + + 97 Ufomba Kamalu + + 5 Danny Etling (Future) + + 17 Damoun Patterson (Future) + + 39 A. J. Howard (Future) + + 45 Trent Harris (Future) + + 48 Calvin Munson (Future) + + 72 Dan Skipper (Future) + + 74 Cole Croston (Future) + + 92 Frank Herron (Future) + + -- Jake Eldrenkamp (Future) + + -- Ryker Mathews (Future) + + -- David Parry (Future) + + 3 Stephen Gostkowski (UFA) + + 6 Ryan Allen (UFA) + + 10 Josh Gordon (RFA) + + 13 Phillip Dorsett (UFA) + + 15 Chris Hogan (UFA) + + 25 Eric Rowe (UFA) + + 30 Jason McCourty (UFA) + + 31 Jonathan Jones (RFA) + + 33 Jeremy Hill (UFA) + + 50 Ramon Humber (UFA) + + 55 John Simon (UFA) + + 59 Albert McClellan (UFA) + + 67 Ulrick John (UFA) + + 68 LaAdrian Waddle (UFA) + + 71 Danny Shelton (UFA) + + 77 Trent Brown (UFA) + + 81 Cody Hollister (ERFA) + + 84 Cordarrelle Patterson (UFA) + + 90 Malcom Brown (UFA) + + 98 Trey Flowers (UFA) + + List of starting quarterbacks in the National Football League (as of Week 17 + of the 2018 NFL season) + + Josh Allen (Buffalo Bills) + + Tom Brady (New England Patriots) + + Sam Darnold (New York Jets) + + Lamar Jackson (Baltimore Ravens) + + Jeff Driskel (Cincinnati Bengals) + + Baker Mayfield (Cleveland Browns) + + Deshaun Watson (Houston Texans) + + Andrew Luck (Indianapolis Colts) + + Blake Bortles (Jacksonville Jaguars) + + Blaine Gabbert (Tennessee Titans) + + Case Keenum (Denver Broncos) + + Patrick Mahomes (Kansas City Chiefs) + + Derek Carr (Oakland Raiders) + + Eli Manning (New York Giants) + + Nick Foles (Philadelphia Eagles) + + Josh Johnson (Washington Redskins) + + Mitchell Trubisky (Chicago Bears) + + Matthew Stafford (Detroit Lions) + + Kirk Cousins (Minnesota Vikings) + + Matt Ryan (Atlanta Falcons) + + Kyle Allen (Carolina Panthers) + + Teddy Bridgewater (New Orleans Saints) + + Jameis Winston (Tampa Bay Buccaneers) + + Josh Rosen (Arizona Cardinals) + + Jared Goff (Los Angeles Rams) + + Nick Mullens (San Francisco 49ers) + + Russell Wilson (Seattle Seahawks) + + Tom Brady—awards, championships, and honors + + Peyton Manning Record for NFL passing touchdowns in a single season + + Michigan Wolverines starting quarterbacks + + Barmore (1880) + + Horton (1881) + + McNeil (1883–1885) + + Farrand (1887) + + F. Smith (1888) + + Sherman (1891) + + Sanderson (1892) + + Baird (1893–1895) + + Richards (1895–1897) + + Drumheller (1896) + + Felver (1896–1897) + + Talcott (1898) + + McGinnis (1900) + + Weeks (1901–1902) + + Norcross (1904–1905) + + Barlow (1905) + + Wasmund (1907–1909) + + McMillan (1910–1911) + + Huebel (1912) + + Hughitt (1913–1914) + + Roehm (1915) + + Sparks (1916, 1919) + + Knode (1918) + + Bank (1920–1921) + + Uteritz (1921–1923) + + Rockwell (1924) + + Friedman (1925–1926) + + Simrall (1929) + + Tessmer (1930–1931) + + Newman (1930–1932) + + Fay (1933) + + Jennings (1934) + + Renner (1935) + + Evashevski (1938–1940) + + Ceithaml (1941–1942) + + Wiese (1943) + + Ponsetto (1944–1945) + + Yerges (1945–1947) + + Elliott (1948) + + Ghindia (1949) + + Putich (1950) + + Topor (1951–1952) + + Baldacci (1953–1954) + + Maddock (1955) + + Van Pelt (1956–1957) + + Ptacek (1958) + + Noskin (1959) + + Stamos (1960–1961) + + Glinka (1960–1961) + + Timberlake (1962–1964) + + Gabler (1965) + + Vidmer (1965–1967) + + Den. Brown (1967–1968) + + Moorhead (1969–1970) + + Slade (1971) + + Franklin (1972–1974) + + Leach (1975–1978) + + Dickey (1979) + + Wangler (1979–1980) + + S. Smith (1981–1983) + + Zurbrugg (1984) + + Harbaugh (1984–1986) + + Dem. Brown (1987–1988) + + Taylor (1987–1989) + + Grbac (1989–1992) + + Collins (1993–1994) + + Dreisbach (1995–1996) + + Griese (1995–1997) + + Brady (1998–1999) + + Henson (2000) + + Navarre (2000–2003) + + Henne (2004–2007) + + Mallett (2007) + + Threet (2008) + + Forcier (2009) + + Robinson (2010–2012) + + Gardner (2012–2014) + + Morris (2013–2014) + + Rudock (2015) + + Speight (2016–2017) + + O Korn (2016–2017) + + Peters (2017) + + Patterson (2018– ) + + 1997 Michigan Wolverines football—AP national champions + + Jeff Backus + + Scott Dreisbach + + Tommy Hendricks + + Marcus Knight + + DeWayne Patmon + + Rob Renes + + Aaron Shea + + Glen Steele + + Tai Streets + + Sam Sword + + Jerame Tuman + + Andre Weathers + + Head coach: Lloyd Carr + + Assistant coaches: Vance Bedford + + Mike DeBord + + Jim Herrmann + + Stan Parrish + + New England Patriots 2000 NFL draft selections + + Adrian Klemm + + J. R. Redmond + + Greg Randall + + Dave Stachelski + + Jeff Marriott + + Casey Tisdale + + Boston / New England Patriots starting quarterbacks + + Butch Songin (1960–1961) + + Tom Greene (1960) + + Babe Parilli (1961–1967) + + Tom Yewcic (1962) + + Eddie Wilson (1965) + + Don Trull (1967) + + Mike Taliaferro (1968–1970) + + Tom Sherman (1968) + + Joe Kapp (1970) + + Jim Plunkett (1971–1975) + + Steve Grogan (1975–1990) + + Neil Graff (1975) + + Matt Cavanaugh (1980–1982) + + Tom Owen (1981) + + Tony Eason (1983–1989) + + Tom Ramsey (1987–1988) + + Bob Bleier (1987) + + Doug Flutie (1987–1989) + + Marc Wilson (1989–1990) + + Tommy Hodson (1990–1992) + + Hugh Millen (1991–1992) + + Scott Zolak (1992, 1995, 1998) + + Drew Bledsoe (1993–2001) + + Scott Secules (1993) + + Tom Brady (2001–present) + + Matt Cassel (2008) + + Jacoby Brissett (2016) + + Associated Press NFL Offensive Player of the Year Award winners + + 1974: Stabler + + 1975: Tarkenton + + 1982: Fouts + + 1983: Theismann + + 1984: Marino + + 1986: Dickerson + + 1988: Craig + + 1989: Montana + + 1995: Favre + + 2006: Tomlinson + + 2008: Brees + + 2017: Gurley + + 2018: Mahomes + + Associated Press NFL Most Valuable Player Award winners + + 1957: J. Brown + + 1960: Van Brocklin + + 1962: J. Taylor + + 1963: Tittle + + 1966: Starr + + 1969: Gabriel + + 1970: Brodie + + 1972: L. Brown + + 1975: Tarkenton 1976: Jones + + 1980: Sipe + + 1982: Moseley + + 1987: Elway + + 1988: Esiason + + 1997: Favre & Sanders + + 2002: Gannon + + 2003: Manning & McNair + + 1962: Robustelli + + 1970: Blanda + + 1974: Olsen + + 1977: Griese + + 1983: Riggins + + 1988: Cunningham + + 2010: Vick + + 2017: Wentz + + 1975: Hampton + + 1995: Harbaugh & Hearst + + 1996: Bettis + + 2000: J. Johnson + + 2002: Maddox + + 2011: Stafford + + 2014: Gronkowski + + 2018: Luck + + New England Patriots Super Bowl XXXVI champions + + 4 Adam Vinatieri + + 11 Drew Bledsoe + + 12 Tom Brady (MVP) + + 13 Ken Walter + + 14 Walter Williams + + 15 Jimmy Farris + + 16 Scott McCready + + 19 Damon Huard + + 21 J. R. Redmond + + 22 Terrance Shaw + + 23 Antwan Harris + + 24 Ty Law + + 25 Leonard Myers + + 26 Matt Stevens + + 27 Terrell Buckley + + 28 Brock Williams + + 29 Hakim Akbar + + 30 Je Rod Cherry + + 31 Ben Kelly + + 32 Antowain Smith + + 33 Kevin Faulk + + 34 Tebucky Jones + + 35 Patrick Pass + + 36 Lawyer Milloy + + 38 Ray Hill + + 44 Marc Edwards + + 45 Otis Smith + + 48 Arther Love + + 49 Jabari Holloway + + 50 Mike Vrabel + + 51 Bryan Cox + + 52 Ted Johnson + + 53 Larry Izzo + + 54 Tedy Bruschi + + 55 Willie McGinest + + 58 Matt Chatham + + 59 Andy Katzenmoyer + + 60 Drew Inzer + + 61 Stephen Neal + + 62 Setema Gali + + 63 Joe Andruzzi + + 64 Greg Randall + + 65 Damien Woody + + 66 Lonie Paxton + + 67 Grey Ruegamer + + 68 Tom Ashworth + + 70 Adrian Klemm + + 71 Chris Sullivan + + 72 Matt Light + + 74 Kenyatta Jones + + 75 Maurice Anderson + + 76 Grant Williams + + 77 Mike Compton + + 80 Troy Brown + + 82 Curtis Jackson + + 83 Rod Rutledge + + 84 Fred Coleman + + 85 Jermaine Wiggins + + 86 David Patten + + 88 Terry Glenn + + 90 Marty Moore + + 91 Bobby Hamilton + + 92 David Nugent + + 93 Richard Seymour + + 94 Jace Sayler + + 95 Roman Phifer + + 96 Brandon Mitchell + + 97 Riddick Parker + + 98 Anthony Pleasant + + 99 Kole Ayi + + Coaches: Ned Burke + + Ivan Fears + + Randy Melvin + + Dante Scarnecchia + + New England Patriots Super Bowl XXXVIII champions + + 6 Rohan Davey + + 10 Jamin Elliott + + 16 Kliff Kingsbury + + 17 Dedric Ward + + 18 Chas Gessner + + 21 Mike Cloud + + 22 Asante Samuel + + 26 Eugene Wilson + + 31 Larry Centers + + 34 Chris Akins + + 38 Tyrone Poole + + 39 Shawn Mayer + + 44 Fred McCrary + + 46 Brian Kinchen + + 48 Tully Banta-Cain + + 49 Sean McDermott + + 51 Don Davis + + 59 Rosevelt Colvin + + 60 Wilbert Brown + + 62 Tim Provost + + 64 Gene Mruczkowski + + 67 Dan Koppen + + 71 Russ Hochstein + + 75 Jamil Soriano + + 76 Brandon Gorin + + 81 Bethel Johnson + + 82 Daniel Graham + + 83 Deion Branch + + 84 Fred Baxter + + 85 J. J. Stokes + + 87 David Givens + + 88 Christian Fauria + + 90 Dan Klecko + + 92 Ted Washington + + 94 Ty Warren + + 96 Rick Lyle + + 97 Jarvis Green + + 99 Ethan Kelley + + Coaches: Romeo Crennel + + Sean Gustus + + New England Patriots Super Bowl XXXIX champions + + 8 Josh Miller + + 10 Kevin Kasper + + 13 Jim Miller + + 14 P. K. Sam + + 18 Cedric James + + 19 Ricky Bryant + + 21 Randall Gay + + 23 Omare Lowe + + 27 Rabih Abdullah + + 28 Corey Dillon + + 29 Earthwind Moreland + + 31 Hank Poteat + + 32 Kory Chapman + + 34 Cedric Cobbs + + 39 Guss Scott + + 42 Dexter Reid + + 46 Zeron Flemister + + 47 Justin Kurpeikis + + 49 Eric Alexander + + 65 Lance Nimmo + + 69 Buck Rasmussen + + 74 Billy Yates + + 75 Vince Wilfork + + 83 Deion Branch (MVP) + + 84 Benjamin Watson + + 85 Jed Weaver + + 91 Marquise Hill + + 96 Rodney Bailey + + 98 Keith Traylor + + New England Patriots Super Bowl XLIX champions + + 3 Stephen Gostkowski + + 6 Ryan Allen + + 8 Garrett Gilbert + + 10 Jimmy Garoppolo + + 16 Jonathan Krause + + 17 Aaron Dobson + + 21 Malcolm Butler + + 22 Stevan Ridley + + 24 Darrelle Revis + + 25 Kyle Arrington + + 26 Logan Ryan + + 27 Tavon Wilson + + 29 LeGarrette Blount + + 31 Justin Green + + 34 Shane Vereen + + 35 Jonas Gray + + 36 Tyler Gaffney + + 37 Alfonzo Dennard + + 39 Brandon Browner + + 41 Daxton Swanson + + 45 Cameron Gordon + + 47 Michael Hoomanawanui + + 48 Danny Aiken + + 50 Rob Ninkovich + + 51 Jerod Mayo + + 53 Eric Martin + + 58 Darius Fleming + + 59 Chris White + + 62 Ryan Wendell + + 63 Dan Connolly + + 64 Chris Barker + + 65 Jordan Devey + + 66 Bryan Stork + + 67 Josh Kline + + 68 Caylin Hauptmann + + 71 Cameron Fleming + + 72 Joe Vellano + + 74 Dominique Easley + + 76 Sebastian Vollmer + + 80 Danny Amendola + + 81 Tim Wright + + 82 Josh Boyce + + 84 Brian Tyms + + 90 Zach Moore + + 91 Jamie Collins + + 92 Jake Bequette + + 94 Chris Jones + + 95 Chandler Jones + + 96 Sealver Siliga + + 97 Alan Branch + + 99 Michael Buchanan + + – James Morris + + – Greg Orton + + Coaches: Stephen Belichick + + Josh Boyer + + Joe Judge + + Harold Nash + + Chad O Shea + + New England Patriots Super Bowl LI champions + + 14 Michael Floyd + + 16 Devin Lucien + + 17 DeAndrew White + + 19 Malcolm Mitchell + + 22 Justin Coleman + + 24 Cyrus Jones + + 25 Eric Rowe + + 27 D. J. Foster + + 31 Jonathan Jones + + 44 Trevor Bates + + 47 Glenn Gronkowski + + 51 Barkevious Mingo + + 55 Jonathan Freeny + + 63 Tre Jackson + + 65 Jamil Douglas + + 66 Chase Farris + + 68 LaAdrian Waddle + + 74 Woodrow Hamilton + + 82 Matt Lengel + + 83 Greg Scruggs + + 88 Martellus Bennett + + 90 Malcom Brown + + 92 Geneo Grissom + + 95 Chris Long + + 96 Darius Kilgo + + 98 Trey Flowers + + 99 Vincent Valentine + + Raymond Ventrone + + 5 Danny Etling + + 11 Julian Edelman (MVP) + + 17 Riley McCarron + + 17 Damoun Patterson + + 39 A. J. Howard + + 42 Jomal Wiltz + + 45 Trent Harris + + 48 Calvin Munson + + 50 Ramon Humber + + 55 John Simon' + __selected-sentences__: + - 'Most games won by a quarterback: 237[2]' + episode_done: true + eval_labels: + - Tom Brady Wikipedia + id: KnowledgeGenerationTeacher + text: "I work as a freelance accountant.\nI enjoy reading books. \nSame here!\ + \ What kind of books do you read?\nAll fiction! With COVID this past summer,\ + \ I read 16 books in 3 months. You?\nI am a big Harry Potter nerd! What do\ + \ you do for work?\nAudit banks. You?\nI do taxes actually!\nGood for you!\ + \ Are you watching the Superbowl this year?\nI will! It is on the 7th right\ + \ ?\nIt is. Are you a Brady fan or foe?\nSome where in the middle. That guy\ + \ is good, he has most games won by a quarterback/. He seems huble" +- - __select-docs-titles__: + - U S History and Historical Documents USAGov + __selected-docs__: + - 'U.S. History and Historical Documents + + Discover highlights from American history, including military events and founding + documents. + + Military History and Museums + + Military Memorials and Monuments + + The U.S. National Anthem + + The history of the United States is vast and complex, but can be broken down + into moments and time periods that divided, unified, and changed the United + States into the country it is today: + + The American Revolution (sometimes referred to as the American War of Independence + or the Revolutionary War) was a conflict that lasted from 1775-1783 and allowed + the original 13 colonies to remain independent from Great Britain. + + American politician and soldier George Washington became the first president + of the United States in 1789, serving two terms. + + Beginning in Great Britain in the late 1790s, the Industrial Revolution eventually + made its way to the United States and changed the focus of the U.S. economy + and the way it manufactured products. + + In 1803, President Thomas Jefferson agreed to the Louisiana Purchase, successfully + adding 530 million acres of land to the United States. The area was purchased + from France for $15 million. The following year, President Jefferson assigned + Meriwether Lewis (who asked for help from William Clark) to head west and explore + the newly purchased land. It took about a year and a half for the duo to reach + the west coast. + + The War of 1812 resolved outstanding tensions between the United States and + Great Britain. The two year war ended British military posts on U.S. soil and + British interference with American trade. + + The American Civil War divided the United States in two—the Northern States + versus the Southern States. The outcome of the four year battle (1861-1865) + kept the United States together as one whole nation and ended slavery. + + On December 17, 1903, brothers Wilbur and Orville Wright became the first people + to maintain a controlled flight in a powered, heavier-than-air machine. The + Wright Flyer only flew for 12 seconds for a distance of 120 feet, but the technology + would change the modern world forever. + + On April 6, 1917, the United States entered World War I by declaring war on + Germany. + + After nearly 100 years of protests, demonstrations, and sit-ins, women of the + United States were officially granted the right to vote after the 19th Amendment + was ratified on August 26, 1920. + + The worst economic crisis to happen in the United States occurred when the stock + market crashed in October 1929, resulting in the Great Depression. + + World War II officially begins in September 1939 after Germany invades Poland. + The United States didn’t enter the war until after the Japanese attack on Pearl + Harbor on December 7, 1941. + + On August 6 and August 9, 1945, the United States dropped an atomic bomb on + the Japanese cities of Hiroshima and Nagasaki, effectively ending World War + II. + + After World War II, an agreement was reached to divide Korea into two parts: + a northern half to be controlled by the Soviet Union and a southern half to + be controlled by the United States. The division was originally meant as a temporary + solution, but the Soviet Union managed to block elections that were held to + elect someone to unify to the country. Instead, the Soviet Union sent North + Korean troops across the 38th parallel leading to the three-year-long (1950-1953) + Korean War. + + From 1954-1968, the African-American Civil Rights movement took place, especially + in the Southern states. Fighting to put an end to racial segregation and discrimination, + the movement resulted in the 1964 Civil Rights Act, the 1965 Voting Rights Act, + and the 1968 Fair Housing Act. + + The Vietnam War was a nearly 20-year battle (November 1, 1955–April 30, 1975) + between North Vietnam and South Vietnam. North Vietnam won the war and Vietnam + became a unified country. + + The Apollo 11 mission (July 16-24, 1969) allowed United States astronauts Neil + Armstrong and Edwin “Buzz” Aldrin to become the first humans to walk on the + moon’s surface. + + The terrorist attacks on September 11, 2001, changed the United States forever. + Less than a month later (October 7, 2001) the United States began the War in + Afghanistan, which is still happening today. + + On March 20, 2003, the United States invaded and occupied Iraq. The war lasted + for more than eight years before it was officially declared over on December + 18, 2011. + + In 2008, Barack Obama became the first African-American to be elected president + of the United States. + + The Library of Congress has compiled a list of historic events for each day + of the year, titled This Day in History. The website is updated daily and + visitors can view the previous day s history as well as whatever documents, + pictures, or outside information is available for each historical event. + + The American History section of the Library of Congress is separated by time + period or subject and offers an in-depth look at the history of the United States. + + The Declaration of Independence is one of the most important documents in the + history of the United States. + + It took Thomas Jefferson 17 days to write the Declaration of Independence. + + On July 2, 1776, Congress voted to declare independence from Great Britain. + + On July 4, 1776, Congress voted to accept the Declaration of Independence, marking + July 4 as Independence Day. + + To learn more, you may want to: + + Read the complete text of the Declaration of Independence. + + Order a printed copy of the document. + + Contact the National Archives and Records Administration. + + The foundation of the American government, its purpose, form, and structure, + are in the Constitution of the United States. The Constitutional Convention + adopted the Constitution on September 17, 1787. + + The Bill of Rights is the first 10 amendments to the Constitution. It guarantees + greater constitutional protection for individual liberties and lists specific + prohibitions on government power. There are 27 Constitutional Amendments in + all. The 27th Amendment, which was originally proposed in 1789, was not ratified + until 1992. + + Where to View the Constitution + + You can view the original, parchment copy of the Constitution at the National + Archives Building. You can also view an online copy of the U.S. Constitution + or order a printed copy of the Constitution. + + The United States Armed Forces date to 1775, when America needed a defense force + to protect the original 13 colonies from a British invasion. Today, there are + five branches: + + The United States Army is the oldest (established June 14, 1775) and largest + of the five branches. Soldiers are responsible for performing land-based military + operations. + + The United States Navy mainly operates from the waters (seas and oceans) providing + protection both in the water and in the air. + + The modern-day United States Air Force is the youngest of the five branches + (established September 18, 1947). Before the modern-day Air Force was created, + it was an arm of the U.S. Army, dating to 1907. Airmen are responsible for carrying + out aerial military operations. + + The United States Marine Corps is the smallest of the four branches under the + Department of Defense. Marines provide both land and sea support to the Army, + Navy, Air Force, and, in times of war, Coast Guard. + + The United States Coast Guard is the only branch that falls under the Department + of Homeland Security. The Coast Guard is multi-functional, with many peacetime + missions. Coast Guard missions include: maritime search and rescue, maritime + law enforcement, marine environmental protection, and ports, waterways, and + coastal security. + + Military museums offer visitors insight into the history, defining moments, + and current status of the branches of the U.S. Armed Forces: + + The U.S. Army does not have an official museum but there are interactive exhibits + available online as well as smaller, more focused museums located across the + country. + + There is a plan in progress to develop a national museum in the Washington, + DC, area. + + The National Museum of the Marine Corps is located next to the Marine Corps + Base in Quantico, Virginia, and features exhibits on the actions of Marines + during World Wars I and II, the Korean War, and the Vietnam War. + + Located in downtown Washington, DC, the National Museum of the U.S. Navy has + exhibits on different navigational tools used by the Navy as well as artifacts + captured by the Navy. + + The National Museum of the U.S. Air Force is located at Wright-Patterson Air + Force Base in Ohio and features a collection of aircraft used throughout the + history of the Air Force. + + The United States Coast Guard Museum is located on the campus of the Coast Guard + Academy in New London, Connecticut, and features artifacts from the nearly 230-year + history of the Coast Guard. + + Across the United States, military memorials and monuments commemorate wars, + battles, and those who lived and served during those times. Popular points of + interest by each major war include: + + American Revolution: + + Valley Forge National Historical Park is located in Pennsylvania and is a reminder + of the sacrifices made by soldiers at one of the best-known locations from the + American Revolution. + + Adams National Historic Park is located in Massachusetts and offers visitors + a chance to see the birthplace of Presidents John Adams and John Quincy Adams. + + Morristown National Historic Park in New Jersey is a memorial to those members + of George Washington’s army who survived an unusually cold winter. + + The USS Constitution Museum, located in Massachusetts, provides interactive + exhibits on life on the frigate as well as how the ship handled different battles. + + Fort McHenry in Baltimore, Maryland, is the location that inspired the writing + of the Star-Spangled Banner. + + The African American Civil War Memorial and Museum in Washington, DC, has collections + and exhibits to help visitors remember the African Americans who fought in the + Civil War. + + The National Park Service has an online Civil War database that contains information + on the soldiers and sailors who fought in the Civil War. + + Fredericksburg and Spotsylvania National Military Park in Virginia reminds visitors + of some of the Civil War’s most devastating battles. + + Gettysburg National Military Park is located on the site of the Civil War’s + deadliest battle—and is often referred to as the turning point of the entire + war. + + The National Museum of Civil War Medicine in Maryland has exhibits on those + who volunteered to take care of the sick and wounded during the Civil War. + + President s Park in Washington, DC, includes monuments to the thousands of fallen + American soldiers of the First and Second Infantry Divisions. + + The National World War I Museum and Memorial in Kansas City, Missouri, has various + artifacts from the war—including uniforms, tanks and weapons, and illustrations, + political cartoons and soldiers drawings created during the Great War. + + The US Marine Corps War Memorial, also known as the Iwo Jima Memorial, is located + in Virginia near Arlington National Cemetery. + + The World War II Valor in the Pacific National Monument, near Pearl Harbor in + Honolulu, Hawaii, includes the USS Arizona Memorial and exhibits on events that + occurred in the Pacific Theater during the war. + + The National WW II Memorial in Washington, DC, is a tribute to those who served + during the war in battle and at home. + + The Korean War Veterans Memorial depicts those who fought in the three-year + war. + + In Washington, DC, the Vietnam Veterans Memorial has the names of the 58,000 + Americans who died during the conflict etched into the walls of the monument. + + Visit the National Park Service to search for more military memorials and monuments + located throughout the United States. + + The Star-Spangled Banner is the national anthem of the United States of America. + To celebrate a victory over British forces during the War of 1812, U.S. soldiers + raised a large American flag at Fort McHenry in Baltimore, Maryland, on September + 14, 1814. Inspired by those events, Francis Scott Key wrote a poem called Defence + of Fort M Henry, which eventually became the Star Spangled Banner and the United + States national anthem.' + __selected-sentences__: + - American politician and soldier George Washington became the first president + of the United States in 1789, serving two terms. + episode_done: true + eval_labels: + - U S History and Historical Documents USAGov + id: KnowledgeGenerationTeacher + text: 'I live in the usa. + + I love to play golf. + + General Washington was the first president of the United States.' +- - __select-docs-titles__: + - Cherry Tree Myth George Washington s Mount Vernon + __selected-docs__: + - 'Cherry Tree Myth + + Home Washington Library Center for Digital History Digital Encyclopedia Cherry + Tree Myth + + Author Philip Levy discusses his book, Where the Cherry Tree Grew. Levy explains + the history, mythology, and archeology of Ferry Farm, Washington s boyhood home + in Fredericksburg, Virginia. + + The Man and Myth + + The story of the cherry tree is not the only Washington-related myth! Mount + Vernon invites you to separate fact from fiction and learn about the real George + Washington. + + Washington grew up with little formal schooling. However, from the joint influence + of role models and literature, Washington steadfastly preserved the importance + of ideas ranging from honor to humanity to hospitality. + + The cherry tree myth is the most well-known and longest enduring legend about + George Washington. In the original story, when Washington was six years old + he received a hatchet as a gift and damaged his father’s cherry tree. When his + father discovered what he had done, he became angry and confronted him. Young + George bravely said, “I cannot tell a lie…I did cut it with my hatchet.” Washington’s + father embraced him and rejoiced that his son’s honesty was worth more than + a thousand trees.1 + + Ironically, this iconic story about the value of honesty was invented by one + of Washington’s first biographers, an itinerant minister and bookseller named + Mason Locke Weems. After Washington’s death in 1799 people were anxious to learn + about him, and Weems was ready to supply the demand. As he explained to a publisher + in January 1800, “Washington you know is gone! Millions are gaping to read something + about him…My plan! I give his history, sufficiently minute…I then go on to show + that his unparalleled rise and elevation were due to his Great Virtues.”2 Weems’ + biography, The Life of Washington, was first published in 1800 and was an instant + bestseller. However the cherry tree myth did not appear until the book’s fifth + edition was published in 1806. + + Learn More About Parson Weems + + Although there were other myths about Washington in Weems’s book, the cherry + tree myth became the most popular. Weems had several motives when he wrote The + Life of Washington and the cherry tree myth. Profit was certainly one of them; + he rightly assumed that if he wrote a popular history book about Washington + it would sell. Weems was also able to counter the early tradition of deifying + Washington by focusing on his private virtues, rather than his public accomplishments. + A Federalist admirer of order and self-discipline, Weems wanted to present Washington + as the perfect role model, especially for young Americans. + + The cherry tree myth and other stories showed readers that Washington’s public + greatness was due to his private virtues. Washington’s achievements as a general + and president were familiar to people in the early nineteenth century, but little + was known about his relationship with his father, who died when Washington was + only eleven years old. As one Pennsylvanian observed, “The facts and anecdotes + collected by the author are well calculated to exhibit the character of that + illustrious man, and Christian hero.”3 Weems knew what the public wanted to + read, and as a result of his success he is considered one of the fathers of + popular history. + + Weems wrote his version of the cherry tree myth to appeal to a broad audience, + but decades later William Holmes McGuffey composed a series of grammar school + textbooks that recast the anecdote as a children s story. McGuffey was a Presbyterian + minister and a college professor who was passionate about teaching morality + and religion to children. His books, known as McGuffey’s Readers, gave him the + perfect opportunity. First published in 1836, the readers remained in print + for nearly a hundred years and sold over 120 million copies. + + McGuffey s version of the cherry tree myth appeared in his Eclectic Second Reader + for almost twenty years, including the German-language edition from 1854. In + McGuffey s version of the story, Washington s language was formalized, and he + showed more deference to his father’s authority. For example, when Washington’s + father explains the sin of lying, McGuffey has young George respond tearfully, Father, + do I ever tell lies?”4 + + As ministers concerned with moral and religious reform, McGuffey and Weems had + similar motives for writing. Both men also believed that the best way to improve + the moral fiber of society was to educate children. Washington provided the + perfect role model, and McGuffey turned the cherry tree myth into a story specifically + aimed at children. Follow-up questions at the end of McGuffey’s cherry tree + story reinforce its message: “How did his father feel toward him when he made + his confession? What may we expect by confessing our faults?”5 + + By the 1830s, the cherry tree myth was firmly entrenched in American culture, + as the case of Joice Heth clearly shows. Heth was an elderly enslaved woman + purchased by P.T. Barnum in 1835. He made her into a sideshow attraction, billing + her as the slave who had raised George Washington. (If true, this would have + made her 161 years old.) Heth had many physical characteristics of extreme old + age, most likely due to her lifetime in slavery. The stories she told about + Washington--including the cherry tree myth--were right out of Weems. Heth was + credible because she was telling stories that people already knew. + + The cherry tree myth has endured for more than two hundred years probably because + we like the story, which has become an important part of Americans cultural + heritage. It has been featured in comic strips and cartoons, especially political + cartoons. Americans like to use the myth as a standard for politicians; presidents + from William McKinley and Theodore Roosevelt to Richard Nixon, George W. Bush, + and Barack Obama have been featured in cherry-tree themed cartoons. The longevity + of the cherry tree myth is demonstrative of both American ideals and Washington’s + legacy. + + 1 Mason Locke Weems, The Life of Washington the Great (Augusta, GA: George P. + Randolph, 1806), 8-9. + + 2 Mason Locke Weems to Mathew Carey, January 12, 1800, in Paul Leicester Ford, + Mason Locke Weems: His Works, His Ways: A Bibliography Left Unfinished, 3 vols. + (New York: Plimpton Press, 1929), 2: 8-9. + + 3 Proposals of Mason L. Weems, Dumfries, for publishing by subscription, The + Life of George Washington, with curious anecdotes, equally honourable to himself + and exemplary to his young countrymen (Philadelphia: Carey, 1809). + + 4 William Holmes McGuffey, The Eclectic Second Reader (Cincinnati: Truman and + Smith, 1836), 113-115. + + Harris, Christopher. Mason Locke Weems’s Life of Washington: The Making of + a Bestseller. Southern Literary Journal, 19 (1987): 92-102. + + Lengel, Edward G. Inventing George Washington: America’s Founder in Myth and + Memory. New York: HarperCollins, 2010. + + McGuffey, William H. The Eclectic Second Reader. Cincinnati: Truman and Smith, + 1836. + + Weems, Mason L. The Life of Washington the Great: Enriched with a Number of + Very Curious Anecdotes, Perfectly in Character, and Equally Honorable to Himself, + and Exemplary to his Young Countrymen. Augusta, GA: George P. Randolph, 1806.' + __selected-sentences__: + - The story of the cherry tree is not the only Washington-related myth! Mount + Vernon invites you to separate fact from fiction and learn about the real George + Washington. + episode_done: true + eval_labels: + - Cherry Tree Myth George Washington s Mount Vernon + id: KnowledgeGenerationTeacher + text: 'I live in the usa. + + I love to play golf. + + General Washington was the first president of the United States. + + Yes and he chopped down a cherry tree. + + Washington cutting down a cherry tree is a myth.' +- - __select-docs-titles__: + - George Washington Was a Master of Deception The Atlantic + __selected-docs__: + - 'George Washington Was a Master of Deception + + The Founding Fathers relied on deceit in championing American independence—and + that has lessons for the present. + + Contributing editor at The Atlantic + + The French military leader Marquis de Lafayette and General George Washington + at the Valley Forge encampment of the Continental Army during the winter of + 1777–78AP + + As we celebrate Thanksgiving weekend, a holiday first declared by George Washington’s + presidential proclamation in 1789, it is worth remembering that deception played + a pivotal role in America’s birth. Our shining city on the hill owes much to + the dark arts. George Washington, Benjamin Franklin, and other Founding Fathers + are remembered today as virtuous creators of a bold new democracy. But they + were also cunning manipulators of their information environment—a side of the + founding story that has often been neglected by history. + + George Washington’s inability to tell a lie is a lie. That old cherry-tree fable—in + which young George admits to his father that he did, indeed, chop down the tree + with his hatchet—was invented by a Washington biographer named Mason Locke Weems + in 1806 to boost his book sales. In truth, Washington was an avid spymaster + with a talent for deception that would remain unequaled by American presidents + for the next 150 years. During the Revolutionary War, Washington was referred + to by his own secret code number (711), made ready use of ciphers and invisible + ink, developed an extensive network of spies that reported on British troop + movements and identified American traitors, and used all sorts of schemes to + protect his forces, confuse his adversaries, and gain advantage. His military + strategy was to outsmart and outlast the enemy, not outfight him. He used intelligence + to avoid more battles than he fought, and to trick the British into standing + down when standing up could have meant the end of the Continental Army. + + Cassandra Good: Did George Washington “have a couple of things in his past”? + + Washington began using deception soon after he took command of the Continental + Army in 1775. After a summer of skirmishes around Boston, rebel gunpowder was + nearly gone; Washington’s soldiers had enough only for nine bullets per man. + To hide this potentially fatal weakness from the British while he scrambled + to get supplies, Washington ordered that fake gunpowder casks be filled with + sand and shipped to depots where they would be spotted by British spies. He + also ordered a secret paramilitary mission to seize gunpowder stores in Bermuda + that failed only because another secret rebel mission had gotten there first + but nobody bothered to tell Washington. Throughout the war, Washington wrote + reports inflating his troop strength that were designed to fall into the hands + of traitors within his own ranks or agents hiding among the British. During + the brutal winter of 1777–78 at Valley Forge, with his troops starving, freezing, + and dwindling in number, Washington penned fake documents that referred to phantom + infantry and cavalry regiments to convince British General Sir William Howe + that the rebels were too strong to attack. It worked. Had Howe known the truth + and pressed his advantage, the Continental Army might not have survived the + winter. + + Washington’s deceptions even involved French bread. On August 19, 1781, he confided + in his diary, “French bakery to veil our real movements and create apprehensions + for Staten Island.” Because French bread was a major source of food for the + troops, Washington bet that stationing French bake ovens in New Jersey would + help convince British General Sir Henry Clinton that French and American forces + were planning to remain in the New York area and attack Staten Island when in + fact they were marching south, to attack Lord Cornwallis at Yorktown, Virginia. + The deception was convincing, and it helped win the war. Washington was able + to muster superior forces and slow British reinforcements, leading to Cornwallis’s + surrender at Yorktown. Washington wrote later that victory depended on fooling + even his own troops. “Nor were less pains taken to deceive our own Army,” he + wrote to Noah Webster in 1788, “for I had always conceived, when the imposition + did not completely take place at home, it could never sufficiently succeed abroad.” + + Meanwhile, in Paris, Benjamin Franklin secured pivotal French support for the + war through a combination of diplomacy and duplicity. Wearing homespun clothes + and a coonskin cap, Franklin carefully cultivated his image as a virtuous and + simple countryman seeking independence from the domineering British—a ploy that + capitalized on French views of the British and made him wildly popular in French + social circles. At the same time, Franklin waged a covert propaganda campaign + from his Paris basement, where he set up a printing press and wrote articles + designed to sway opinion across Europe. A printer by trade, Franklin even imported + European paper and type to make his documents look more authentic. + + Read: George Washington’s broken dream of a national university + + Some of Franklin’s writings were outright lies. In 1777, for example, he wrote + a fake letter from a German prince to the commander of mercenary troops fighting + with the British in America in which he complains he is being cheated from money + owed to him and tells the commander to let wounded soldiers die so the British + will pay more. The letter created an uproar in Europe over Britain’s use of + mercenaries. In 1782, Franklin created a forgery of a Boston newspaper that + included fake local news and even fake advertisements. The main “story” quoted + a letter from Captain Samuel Gerrish of the New England militia claiming that + the British royal governor of Canada was paying Indian allies for American scalps, + and that many of the scalps sold were from women and children. The story was + picked up and used by Whig opponents of the war in Britain. Franklin’s use of + deception was so skillful, the CIA named him a Founding Father of American intelligence + a century later. + + America’s revolutionary experience with deception suggests two enduring lessons. + The first is that deception almost always unravels. Washington never expected + his deceits to last long. They were used to buy time—holding enemies at bay + for days, weeks, maybe months. Franklin operated on a longer timetable to influence + opinion and secure alliances during the war, but he never assumed his lies would + remain intact. In fact, they didn’t; we now know that Franklin’s own American + delegation in Paris was heavily penetrated by a British agent. + + The second lesson is that deception is a dangerous animal, and therefore must + be used with great care, to advance a truly just cause. One key difference between + the past and the present isn’t the use of half-truths, spin, lies, and deception. + It’s their purpose. The Founders knowingly used the dark arts for a noble collective + end. Their purpose was to deceive and divide British troops, unify domestic + compatriots, and woo French allies to forge a new nation. Their audacious experiment + sought to grant much greater political power to the people rather than live + under the yoke of a distant king. It was an inspiring and unifying enterprise + worthy of the deception it required.' + __selected-sentences__: + - George Washington’s inability to tell a lie is a lie. That old cherry-tree fable—in + which young George admits to his father that he did, indeed, chop down the tree + with his hatchet—was invented by a Washington biographer named Mason Locke Weems + in 1806 to boost his book sales. In truth, Washington was an avid spymaster + with a talent for deception that would remain unequaled by American presidents + for the next 150 years. During the Revolutionary War, Washington was referred + to by his own secret code number (711), made ready use of ciphers and invisible + ink, developed an extensive network of spies that reported on British troop + movements and identified American traitors, and used all sorts of schemes to + protect his forces, confuse his adversaries, and gain advantage. His military + strategy was to outsmart and outlast the enemy, not outfight him. He used intelligence + to avoid more battles than he fought, and to trick the British into standing + down when standing up could have meant the end of the Continental Army. + episode_done: true + eval_labels: + - George Washington Was a Master of Deception The Atlantic + id: KnowledgeGenerationTeacher + text: 'I live in the usa. + + I love to play golf. + + General Washington was the first president of the United States. + + Yes and he chopped down a cherry tree. + + Washington cutting down a cherry tree is a myth. + + Did not know that, I thought he was telling the truth to his mother and did + not tell lies. + + He was actually a spy, and told many lies.' +num_episodes: 516 +num_examples: 2881 diff --git a/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocsTeacher_test.yml b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocsTeacher_test.yml new file mode 100644 index 00000000000..bf4d47fb0fe --- /dev/null +++ b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocsTeacher_test.yml @@ -0,0 +1,1262 @@ +acts: +- - __select-docs-titles__: + - Toy Story 1995 IMDb + __selected-docs__: + - 'G | 1h 21min | Animation, Adventure, Comedy | 22 November 1995 (USA) + + John Lasseter (original story by), Pete Docter (original story by) | 6 more + credits » + + Tom Hanks, Tim Allen, Don Rickles | See full cast & crew » + + Bo Peep leads a rescue mission in first Toy Story 4 clip + + Toy Story 4 Clip Sends Bo Peep and Woody on a Rescue Mission + + Mark Wahlberg and Will Ferrell s Favourite Holiday Movies + + The Movies and TV Shows of Joss Whedon + + 2019 Watched list + + بشوفها + + Films that I can watch when I am not home alone (parents are in) + + Search for Toy Story on Amazon.com + + Title: Toy Story (1995) + + 90s Movie to TV Series + + Top Rated Movies #89 | Nominated for 3 Oscars. Another 25 wins & 20 nominations. + See more awards » + + 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. + + Stars: Mike Myers, Eddie Murphy, Cameron Diaz + + A Lion cub crown prince is tricked by a treacherous uncle into thinking he caused + his father s death and flees into exile in despair, only to learn in adulthood + his identity and his responsibilities. + + Directors: Roger Allers, Rob Minkoff + + Stars: Matthew Broderick, Jeremy Irons, James Earl Jones + + Directors: Pete Docter, Ronnie Del Carmen + + Stars: Amy Poehler, Bill Hader, Lewis Black + + Directors: Chris Wedge, Carlos Saldanha + + Stars: Denis Leary, John Leguizamo, Ray Romano + + Tom Hanks ... Woody (voice) + + Tim Allen ... Buzz Lightyear (voice) + + Don Rickles ... Mr. Potato Head (voice) + + Jim Varney ... Slinky Dog (voice) + + Wallace Shawn ... Rex (voice) + + John Ratzenberger ... Hamm (voice) + + Annie Potts ... Bo Peep (voice) + + John Morris ... Andy (voice) + + Erik von Detten ... Sid (voice) + + Laurie Metcalf ... Mrs. Davis (voice) + + R. Lee Ermey ... Sergeant (voice) + + Sarah Freeman ... Hannah (voice) + + Penn Jillette ... TV Announcer (voice) + + Jack Angel ... Shark / Rocky Gibraltar (voice) + + Spencer Aste ... Wounded Soldier (voice) + + A little boy named Andy loves to be in his room, playing with his toys, especially + his doll named Woody . But, what do the toys do when Andy is not with them, + they come to life. Woody believes that his life (as a toy) is good. However, + he must worry about Andy s family moving, and what Woody does not know is about + Andy s birthday party. Woody does not realize that Andy s mother gave him an + action figure known as Buzz Lightyear, who does not believe that he is a toy, + and quickly becomes Andy s new favorite toy. Woody, who is now consumed with + jealousy, tries to get rid of Buzz. Then, both Woody and Buzz are now lost. + They must find a way to get back to Andy before he moves without them, but they + will have to pass through a ruthless toy killer, Sid Phillips. Written by John + Wiggins + + toy | rivalry | cowboy | cgi animation | claw crane | See All (224) » + + Proud to be a vegetable See more » + + Toy Story in 3-D See more » + + Pixar Animation Studios - 1200 Park Avenue, Emeryville, California, USA See + more » + + Dolby SR | Sonics-DDP (3D re-release)| SDDS + + Introduced to the National Film Registry in 2005, its first year of eligibility + for such an accolade. See more » + + When Buzz is sitting on the floor of Sid s room, he is wearing his Mrs. Nesbitt apron. + As Sid s toys converge on Buzz, the apron is gone but is tossed away an instant + later while the toys work on him. See more » + + Andy: [playing with and mimicking the voices of his toys; holding Mr. Potato + Head] All right, everyone! This... is a stick-up. Don t anybody move! Now empty + that safe! + + [empties Hamm the piggy bank and coins fall out] + + Andy: Ooh, hoo hoo! Money, money, money! + + [has Potato Head kiss the money; as Bo Peep] + + Andy: Stop it! Stop it, you mean old potato! + + [as Potato Head] + + Andy: Quiet, Bo Peep! Or your sheep get run over! + + [as the sheep, on a toy car track] + + Andy: Help! Baaa! Help us! + + This is the first Pixar film to feature the Production Babies section, which + lists babies born to the crew members during production. This would become a + trademark in the following years, in films like A Bug s Life (1998), Toy Story + 2 (1999), Monsters, Inc. (2001) and Finding Nemo (2003). See more » + + Several other sequences that included words were rewritten in different languages + for international releases. Among these are the don t count on it from the + 8 ball, posters in Andy and Sid s rooms, and the words on the television screen + during the Buzz Lightyear Commercial See more » + + Featured in WatchMojo: Top 10 Most Memorable Movies of 1995 (2015) See more + » + + Q: What is the Morse code used by Babyface in Sid s room? + + Q: Is Toy Story based on a book? + + Every Kid s Fantasy + + 3 February 2009 | by alexkolokotronis – See all my reviews + + Toy Story is the film that started Pixar Animated Studios into its long string + of never ending success. What Pixar does is not just absorb the younger demographic + and keep the older ones mildly entertained. It completely absorbs everyone watching + no matter the age or the level of maturity, films of Pixar, starting from Toy + Story, have kept a certain magical touch around it with an unexpected amount + of depth. Everyone as a child imagines their toys will come alive and go on + their own adventures. One of the great things Pixar does is that it does not + attract audiences with its overloaded superstar casts but rather with its material. + The only superstar here is Tom Hanks and Tim Allen is the next most aforementioned + voice over. Unlike what most people think their is an actually a method to casting + for animated films as there is to a live-action one. As a result of this Pixar + stays faithful to its material and creates a great genuine and warm feeling + around the film and its characters.' + __selected-sentences__: + - Tom Hanks, Tim Allen, Don Rickles | See full cast & crew » + - Pixar Animation Studios - 1200 Park Avenue, Emeryville, California, USA See + more » + episode_done: true + eval_labels: + - 'G | 1h 21min | Animation, Adventure, Comedy | 22 November 1995 (USA) + + John Lasseter (original story by), Pete Docter (original story by) | 6 more + credits » + + Tom Hanks, Tim Allen, Don Rickles | See full cast & crew » + + Bo Peep leads a rescue mission in first Toy Story 4 clip + + Toy Story 4 Clip Sends Bo Peep and Woody on a Rescue Mission + + Mark Wahlberg and Will Ferrell s Favourite Holiday Movies + + The Movies and TV Shows of Joss Whedon + + 2019 Watched list + + بشوفها + + Films that I can watch when I am not home alone (parents are in) + + Search for Toy Story on Amazon.com + + Title: Toy Story (1995) + + 90s Movie to TV Series + + Top Rated Movies #89 | Nominated for 3 Oscars. Another 25 wins & 20 nominations. + See more awards » + + 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. + + Stars: Mike Myers, Eddie Murphy, Cameron Diaz + + A Lion cub crown prince is tricked by a treacherous uncle into thinking he caused + his father s death and flees into exile in despair, only to learn in adulthood + his identity and his responsibilities. + + Directors: Roger Allers, Rob Minkoff + + Stars: Matthew Broderick, Jeremy Irons, James Earl Jones + + Directors: Pete Docter, Ronnie Del Carmen + + Stars: Amy Poehler, Bill Hader, Lewis Black + + Directors: Chris Wedge, Carlos Saldanha + + Stars: Denis Leary, John Leguizamo, Ray Romano + + Tom Hanks ... Woody (voice) + + Tim Allen ... Buzz Lightyear (voice) + + Don Rickles ... Mr. Potato Head (voice) + + Jim Varney ... Slinky Dog (voice) + + Wallace Shawn ... Rex (voice) + + John Ratzenberger ... Hamm (voice) + + Annie Potts ... Bo Peep (voice) + + John Morris ... Andy (voice) + + Erik von Detten ... Sid (voice) + + Laurie Metcalf ... Mrs. Davis (voice) + + R. Lee Ermey ... Sergeant (voice) + + Sarah Freeman ... Hannah (voice) + + Penn Jillette ... TV Announcer (voice) + + Jack Angel ... Shark / Rocky Gibraltar (voice) + + Spencer Aste ... Wounded Soldier (voice) + + A little boy named Andy loves to be in his room, playing with his toys, especially + his doll named Woody . But, what do the toys do when Andy is not with them, + they come to life. Woody believes that his life (as a toy) is good. However, + he must worry about Andy s family moving, and what Woody does not know is about + Andy s birthday party. Woody does not realize that Andy s mother gave him an + action figure known as Buzz Lightyear, who does not believe that he is a toy, + and quickly becomes Andy s new favorite toy. Woody, who is now consumed with + jealousy, tries to get rid of Buzz. Then, both Woody and Buzz are now lost. + They must find a way to get back to Andy before he moves without them, but they + will have to pass through a ruthless toy killer, Sid Phillips. Written by John + Wiggins + + toy | rivalry | cowboy | cgi animation | claw crane | See All (224) » + + Proud to be a vegetable See more » + + Toy Story in 3-D See more » + + Pixar Animation Studios - 1200 Park Avenue, Emeryville, California, USA See + more » + + Dolby SR | Sonics-DDP (3D re-release)| SDDS + + Introduced to the National Film Registry in 2005, its first year of eligibility + for such an accolade. See more » + + When Buzz is sitting on the floor of Sid s room, he is wearing his Mrs. Nesbitt apron. + As Sid s toys converge on Buzz, the apron is gone but is tossed away an instant + later while the toys work on him. See more » + + Andy: [playing with and mimicking the voices of his toys; holding Mr. Potato + Head] All right, everyone! This... is a stick-up. Don t anybody move! Now empty + that safe! + + [empties Hamm the piggy bank and coins fall out] + + Andy: Ooh, hoo hoo! Money, money, money! + + [has Potato Head kiss the money; as Bo Peep] + + Andy: Stop it! Stop it, you mean old potato! + + [as Potato Head] + + Andy: Quiet, Bo Peep! Or your sheep get run over! + + [as the sheep, on a toy car track] + + Andy: Help! Baaa! Help us! + + This is the first Pixar film to feature the Production Babies section, which + lists babies born to the crew members during production. This would become a + trademark in the following years, in films like A Bug s Life (1998), Toy Story + 2 (1999), Monsters, Inc. (2001) and Finding Nemo (2003). See more » + + Several other sequences that included words were rewritten in different languages + for international releases. Among these are the don t count on it from the + 8 ball, posters in Andy and Sid s rooms, and the words on the television screen + during the Buzz Lightyear Commercial See more » + + Featured in WatchMojo: Top 10 Most Memorable Movies of 1995 (2015) See more + » + + Q: What is the Morse code used by Babyface in Sid s room? + + Q: Is Toy Story based on a book? + + Every Kid s Fantasy + + 3 February 2009 | by alexkolokotronis – See all my reviews + + Toy Story is the film that started Pixar Animated Studios into its long string + of never ending success. What Pixar does is not just absorb the younger demographic + and keep the older ones mildly entertained. It completely absorbs everyone watching + no matter the age or the level of maturity, films of Pixar, starting from Toy + Story, have kept a certain magical touch around it with an unexpected amount + of depth. Everyone as a child imagines their toys will come alive and go on + their own adventures. One of the great things Pixar does is that it does not + attract audiences with its overloaded superstar casts but rather with its material. + The only superstar here is Tom Hanks and Tim Allen is the next most aforementioned + voice over. Unlike what most people think their is an actually a method to casting + for animated films as there is to a live-action one. As a result of this Pixar + stays faithful to its material and creates a great genuine and warm feeling + around the film and its characters.' + id: KnowledgeGenerationTeacher + text: 'I live in New York, New York. + + I like going to the moives. + + I love to get the overpriced snacks. + + Have you seen any good movies lately? + + I have. I liked Toy Story. There was a marathon. + + All four movies in the Toy Story series are great. Tom Hanks, Tim Allen, and + Don Rickles are all truly great actors and the creativity of the Pixar Animation + Studios team is really top notch.' +- - __select-docs-titles__: + - Pixar Animation Studios Creative Kaizen Technology and + __selected-docs__: + - "Pixar Animation Studios: Creative Kaizen\nBy HBSstudent11\nIliad S.A.: the\ + \ story behind France’s telecommunications maverick\nHow Pixar’s innovative\ + \ production process ensures creative quality for audiences\nPixar: A Winner\n\ + Pixar has been highly effective at aligning its business and operating models\ + \ to drive success. Founded 1986, Pixar has produced 16 feature animated films\ + \ which together have grossed almost $4 billion at the box office (1). Critically\ + \ acclaimed projects include: Toy Story, The Incredibles, Ratatouille, Up, and\ + \ Finding Nemo. Disney took notice of Pixar’s ability to churn out blockbusters,\ + \ and acquired them in 2006 (2). This ability seems to be driven by Pixar’s\ + \ unique model of organization, production, and talent retention.\nPixar makes\ + \ money by unifying art and technology to produce original animated films that\ + \ motivate audiences to buy movie tickets, DVDs, digital copies, and merchandise.\ + \ These films are marketed towards children, but have the emotional depth and\ + \ production quality to appeal to adults. Pixar’s key market differentiator\ + \ is its focus on quality. Instead of throwing out a portfolio of movies every\ + \ year and hoping that a few become blockbusters, Pixar makes big bets on a\ + \ fewer number of films, producing one film every four to five years. It minimizes\ + \ risk by ensuring the quality of these films via a highly monitored production\ + \ process.\nPixar has a very unique operating model compared to other film studios.\ + \ In other studios, new creative teams are formed around new film concepts and\ + \ then disbanded once the films are complete. Pixar takes a drastically different\ + \ approach and retains creative talent as long-term employees. This allows teams\ + \ to improve their skills and operating processes over time with increased repetition\ + \ (3). Pixar leaders believe that the initial idea matters a lot less than the\ + \ people who actually iterate and brainstorm around that idea throughout the\ + \ production process (4). Other key elements of Pixar’s successful operating\ + \ model include:\nIncubator Teams: When concepts are still nascent, small teams\ + \ of directors, writers, and artists serve as incubators that work together\ + \ to improve and expand on the initial ideas. This tests the idea, but also\ + \ serves as a way for teams to feel out their strengths and weaknesses and learn\ + \ how they should work together moving forward (4).\nShared Dailies: Every day,\ + \ directors and producers must show their daily work to everyone (instead of\ + \ just a small team like at other studios). All members of the crew are encouraged\ + \ to offer suggestions for improvement. Dailies serve as a great way to share\ + \ information with the entire team and break down departmental barriers (4).\n\ + Creative Brain Trust: This is a committee of creative leaders in the company\ + \ that directors/producers can access to help solve production problems. An\ + \ important and unique dynamic of this group is that, unlike traditional studio\ + \ development executives, the advisors of this committee have no authority.\ + \ Instead, they are peers whose purpose is solely to offer creative input and\ + \ advice (5).\nPostmortems: These are meetings that occur after a film is finished\ + \ and discuss the successes and failures of the process. This is critical for\ + \ the growth of the teams (as they will largely remain together to work on the\ + \ next Pixar film) and helps improve work output and processes for the future\ + \ (4).\nPixar University: The company offers classes across disciplines to foster\ + \ communication between departments and emphasize the idea of “learning and\ + \ growing together” (3).\nPixar Campus: The campus has an open plan that maximizes\ + \ interaction among colleagues during the workday to stimulate conversation\ + \ and free flow of ideas (3).\nBusiness and Operating Model Alignment\nThe business\ + \ and operating models are both aligned on Pixar’s key competitive advantages:\ + \ creativity and quality. Pixar has become a consumer-facing brand associated\ + \ with a high level of creativity and quality — and they want to sustain this\ + \ brand identity to retain loyal audiences. To ensure that this production value\ + \ is being provided to customers, the production process is highly detail-oriented\ + \ and based on constant iteration, refinement, and team growth and learning.\ + \ A Harvard Business Review article even likened Pixar’s continuous improvement\ + \ model to that of Toyota’s “Kaizen” philosophy (6). The operating model also\ + \ supports the business model and decreases the risk of a very expensive film\ + \ failure by subjecting the work in process to constant quality control checks.\ + \ High levels of cooperation and sharing throughout the production process allows\ + \ for errors in storyline, dialogue, or visual effects to be caught early and\ + \ often — before the process is too far along for these problems to be fixed\ + \ (4). Though this increases the cycle time of the process (often only 2 seconds\ + \ of a film is worked on each day!), Pixar’s box office performance has shown\ + \ that the value gained from this process in quality and creativity added has\ + \ definitely paid off (7).\nSources Cited/Used:\nhttp://www.boxofficemojo.com/franchises/chart/?id=pixar.htm\n\ + http://www.hollywoodreporter.com/news/pixar-disney-animation-john-lasseters-661752\n\ + http://www.nytimes.com/2006/01/29/technology/29iht-pixar30.html?pagewanted=all&_r=0\n\ + https://hbr.org/2008/09/how-pixar-fosters-collective-creativity\nhttp://fortune.com/video/2015/07/14/the-strategy-that-makes-each-pixar-films-successful/\n\ + https://hbr.org/2010/08/what-google-could-learn-from-p\nhttp://www.newyorker.com/magazine/2011/05/16/the-fun-factory\n\ + http://www.bizjournals.com/bizjournals/how-to/growth-strategies/2015/07/3-pixar-strategies-that-can-help-you-grow-revenue.html?page=all\n\ + http://www.fastcodesign.com/1665008/the-inside-story-5-secrets-to-pixar-s-success\n\ + http://www.pixar.com/\ncreativity, film, winner\nFinding LUV at Southwest Airlines\n\ + 8 thoughts on “Pixar Animation Studios: Creative Kaizen”\nDecember 9, 2015\t\ + \ Alice says:\nFascinating– I love Pixar films and really enjoyed reading your\ + \ post. There’s a special exhibition on “The Science Behind Pixar” at the Museum\ + \ of Science in downtown Boston you should check out!\nDecember 10, 2015\t arlo\ + \ says:\nI love Pixar films too, despite being a non-target consumer of Pixar.\ + \ \U0001F642 I really appreciated reading about all the steps they take to ensure\ + \ a high quality film is produced. Hopefully their quality won’t decline given\ + \ their decision to release two films per year (http://pixartimes.com/2013/06/04/the-pixar-perspective-on-making-two-films-a-year/).\n\ + Buzz Lightyear, I am your biggest fan!!! Nice post. Very interesting comparing\ + \ their operating model vs. the rest of Hollywood. I would imagine the reason\ + \ may be related to the criticality of software in teh production process… the\ + \ interface between creative and technical is much more integrative, which may\ + \ motivate keeping people aroudn to drive experience and learning in the more\ + \ complex setting… what do you think?\nDecember 14, 2015\t Buzz Lightyear says:\n\ + I think that the technology/software side of Pixar does have something to do\ + \ with it. Their approach often comes across as more scientific than artistic\ + \ to me. For example, they encourage their tech artists to regularly publish\ + \ articles and present at conferences so that they maintain a strong relationship\ + \ with the academic community.\nIt is interesting to note, however, that elsewhere\ + \ in Hollywood, smaller-scale creative alliances do form. For example, director\ + \ David O. Russell and actress Jennifer Lawrence have worked on multiple movies\ + \ such as Joy, American Hustle, and Silver Linings Playbook together. I also\ + \ saw JJ Abram’s long-time editors (since the show Alias) speak at the LA Film\ + \ Festival this summer, and they said have gotten to know his working style\ + \ over the years, and it seemed like they have refined and improved their working\ + \ processes over time. I am working in development at a production company this\ + \ summer, and hope to learn more about the different operating models happening\ + \ in film/TV and how creative teams form and function!\nhttp://www.filmindependent.org/blogs/j-j-abrams-long-time-editors-reveal-how-to-help-develop-characters-in-the-editing-room/#.Vm9jOxorLUo\n\ + http://deadline.com/2015/12/david-o-russell-joy-oscars-jennifer-lawrence-1201664630/\n\ + December 14, 2015\t Lior says:\nI’m also a huge Pixar fan and appreciate how\ + \ they managed to create and sustain such a strong operating model (with clear\ + \ link to the business model – quality and creativity). We actually tried mimicking\ + \ this model as we evaluated marketing campaigns in P&G (we formed a community\ + \ of brain trust and made sure to share campaign progress with the entire team.\ + \ We also discussed the successes and failures of the process at the end of\ + \ the campaign). I personally think the idea of using Pixar model to build marketing\ + \ campaigns is a powerful one, but we lacked full commitment to the process.\n\ + Building on that… I was wondering what are your thoughts on using this model\ + \ for different industries? For example, the pharmaceutical industry would also\ + \ benefit from high quality “blockbuster” drugs as opposed to “mini-hits”.\n\ + This is very interesting. To be honest I didn’t know Pixar had a significantly\ + \ different positioning to other movie producers, but I did love most of their\ + \ movies. The different areas you described reminded me a lot the Design Thinking\ + \ process we learned in the IDEO case, with teams brainstorming and converging\ + \ during the day and then use the Incubator Team, Shared Dailies and the Creative\ + \ Brain Trust to validate and/or generate new ideas. I wonder whether they do\ + \ something similar with the target audience or if this limited to employees\ + \ within the company.\nDecember 14, 2015\t AClay says:\nGreat article! I wonder\ + \ if Pixar was able to keep its unique culture after the Disney buyout. Disney\ + \ has such a strong culture itself, that I would imagined that it would be hard\ + \ for Disney’s culture to not suffocate Pixar’s culture.\nAlso, Shared Dailies\ + \ sound freighting like Bridgewater’s immediate feedback model to me. I wonder\ + \ how direct their feedback is at Pixar." + __selected-sentences__: + - Pixar makes money by unifying art and technology to produce original animated + films that motivate audiences to buy movie tickets, DVDs, digital copies, and + merchandise. These films are marketed towards children, but have the emotional + depth and production quality to appeal to adults. Pixar’s key market differentiator + is its focus on quality. Instead of throwing out a portfolio of movies every + year and hoping that a few become blockbusters, Pixar makes big bets on a fewer + number of films, producing one film every four to five years. It minimizes risk + by ensuring the quality of these films via a highly monitored production process. + - 'Pixar has a very unique operating model compared to other film studios. In + other studios, new creative teams are formed around new film concepts and then + disbanded once the films are complete. Pixar takes a drastically different approach + and retains creative talent as long-term employees. This allows teams to improve + their skills and operating processes over time with increased repetition (3). + Pixar leaders believe that the initial idea matters a lot less than the people + who actually iterate and brainstorm around that idea throughout the production + process (4). Other key elements of Pixar’s successful operating model include:' + episode_done: true + eval_labels: + - "Pixar Animation Studios: Creative Kaizen\nBy HBSstudent11\nIliad S.A.: the\ + \ story behind France’s telecommunications maverick\nHow Pixar’s innovative\ + \ production process ensures creative quality for audiences\nPixar: A Winner\n\ + Pixar has been highly effective at aligning its business and operating models\ + \ to drive success. Founded 1986, Pixar has produced 16 feature animated films\ + \ which together have grossed almost $4 billion at the box office (1). Critically\ + \ acclaimed projects include: Toy Story, The Incredibles, Ratatouille, Up, and\ + \ Finding Nemo. Disney took notice of Pixar’s ability to churn out blockbusters,\ + \ and acquired them in 2006 (2). This ability seems to be driven by Pixar’s\ + \ unique model of organization, production, and talent retention.\nPixar makes\ + \ money by unifying art and technology to produce original animated films that\ + \ motivate audiences to buy movie tickets, DVDs, digital copies, and merchandise.\ + \ These films are marketed towards children, but have the emotional depth and\ + \ production quality to appeal to adults. Pixar’s key market differentiator\ + \ is its focus on quality. Instead of throwing out a portfolio of movies every\ + \ year and hoping that a few become blockbusters, Pixar makes big bets on a\ + \ fewer number of films, producing one film every four to five years. It minimizes\ + \ risk by ensuring the quality of these films via a highly monitored production\ + \ process.\nPixar has a very unique operating model compared to other film studios.\ + \ In other studios, new creative teams are formed around new film concepts and\ + \ then disbanded once the films are complete. Pixar takes a drastically different\ + \ approach and retains creative talent as long-term employees. This allows teams\ + \ to improve their skills and operating processes over time with increased repetition\ + \ (3). Pixar leaders believe that the initial idea matters a lot less than the\ + \ people who actually iterate and brainstorm around that idea throughout the\ + \ production process (4). Other key elements of Pixar’s successful operating\ + \ model include:\nIncubator Teams: When concepts are still nascent, small teams\ + \ of directors, writers, and artists serve as incubators that work together\ + \ to improve and expand on the initial ideas. This tests the idea, but also\ + \ serves as a way for teams to feel out their strengths and weaknesses and learn\ + \ how they should work together moving forward (4).\nShared Dailies: Every day,\ + \ directors and producers must show their daily work to everyone (instead of\ + \ just a small team like at other studios). All members of the crew are encouraged\ + \ to offer suggestions for improvement. Dailies serve as a great way to share\ + \ information with the entire team and break down departmental barriers (4).\n\ + Creative Brain Trust: This is a committee of creative leaders in the company\ + \ that directors/producers can access to help solve production problems. An\ + \ important and unique dynamic of this group is that, unlike traditional studio\ + \ development executives, the advisors of this committee have no authority.\ + \ Instead, they are peers whose purpose is solely to offer creative input and\ + \ advice (5).\nPostmortems: These are meetings that occur after a film is finished\ + \ and discuss the successes and failures of the process. This is critical for\ + \ the growth of the teams (as they will largely remain together to work on the\ + \ next Pixar film) and helps improve work output and processes for the future\ + \ (4).\nPixar University: The company offers classes across disciplines to foster\ + \ communication between departments and emphasize the idea of “learning and\ + \ growing together” (3).\nPixar Campus: The campus has an open plan that maximizes\ + \ interaction among colleagues during the workday to stimulate conversation\ + \ and free flow of ideas (3).\nBusiness and Operating Model Alignment\nThe business\ + \ and operating models are both aligned on Pixar’s key competitive advantages:\ + \ creativity and quality. Pixar has become a consumer-facing brand associated\ + \ with a high level of creativity and quality — and they want to sustain this\ + \ brand identity to retain loyal audiences. To ensure that this production value\ + \ is being provided to customers, the production process is highly detail-oriented\ + \ and based on constant iteration, refinement, and team growth and learning.\ + \ A Harvard Business Review article even likened Pixar’s continuous improvement\ + \ model to that of Toyota’s “Kaizen” philosophy (6). The operating model also\ + \ supports the business model and decreases the risk of a very expensive film\ + \ failure by subjecting the work in process to constant quality control checks.\ + \ High levels of cooperation and sharing throughout the production process allows\ + \ for errors in storyline, dialogue, or visual effects to be caught early and\ + \ often — before the process is too far along for these problems to be fixed\ + \ (4). Though this increases the cycle time of the process (often only 2 seconds\ + \ of a film is worked on each day!), Pixar’s box office performance has shown\ + \ that the value gained from this process in quality and creativity added has\ + \ definitely paid off (7).\nSources Cited/Used:\nhttp://www.boxofficemojo.com/franchises/chart/?id=pixar.htm\n\ + http://www.hollywoodreporter.com/news/pixar-disney-animation-john-lasseters-661752\n\ + http://www.nytimes.com/2006/01/29/technology/29iht-pixar30.html?pagewanted=all&_r=0\n\ + https://hbr.org/2008/09/how-pixar-fosters-collective-creativity\nhttp://fortune.com/video/2015/07/14/the-strategy-that-makes-each-pixar-films-successful/\n\ + https://hbr.org/2010/08/what-google-could-learn-from-p\nhttp://www.newyorker.com/magazine/2011/05/16/the-fun-factory\n\ + http://www.bizjournals.com/bizjournals/how-to/growth-strategies/2015/07/3-pixar-strategies-that-can-help-you-grow-revenue.html?page=all\n\ + http://www.fastcodesign.com/1665008/the-inside-story-5-secrets-to-pixar-s-success\n\ + http://www.pixar.com/\ncreativity, film, winner\nFinding LUV at Southwest Airlines\n\ + 8 thoughts on “Pixar Animation Studios: Creative Kaizen”\nDecember 9, 2015\t\ + \ Alice says:\nFascinating– I love Pixar films and really enjoyed reading your\ + \ post. There’s a special exhibition on “The Science Behind Pixar” at the Museum\ + \ of Science in downtown Boston you should check out!\nDecember 10, 2015\t arlo\ + \ says:\nI love Pixar films too, despite being a non-target consumer of Pixar.\ + \ \U0001F642 I really appreciated reading about all the steps they take to ensure\ + \ a high quality film is produced. Hopefully their quality won’t decline given\ + \ their decision to release two films per year (http://pixartimes.com/2013/06/04/the-pixar-perspective-on-making-two-films-a-year/).\n\ + Buzz Lightyear, I am your biggest fan!!! Nice post. Very interesting comparing\ + \ their operating model vs. the rest of Hollywood. I would imagine the reason\ + \ may be related to the criticality of software in teh production process… the\ + \ interface between creative and technical is much more integrative, which may\ + \ motivate keeping people aroudn to drive experience and learning in the more\ + \ complex setting… what do you think?\nDecember 14, 2015\t Buzz Lightyear says:\n\ + I think that the technology/software side of Pixar does have something to do\ + \ with it. Their approach often comes across as more scientific than artistic\ + \ to me. For example, they encourage their tech artists to regularly publish\ + \ articles and present at conferences so that they maintain a strong relationship\ + \ with the academic community.\nIt is interesting to note, however, that elsewhere\ + \ in Hollywood, smaller-scale creative alliances do form. For example, director\ + \ David O. Russell and actress Jennifer Lawrence have worked on multiple movies\ + \ such as Joy, American Hustle, and Silver Linings Playbook together. I also\ + \ saw JJ Abram’s long-time editors (since the show Alias) speak at the LA Film\ + \ Festival this summer, and they said have gotten to know his working style\ + \ over the years, and it seemed like they have refined and improved their working\ + \ processes over time. I am working in development at a production company this\ + \ summer, and hope to learn more about the different operating models happening\ + \ in film/TV and how creative teams form and function!\nhttp://www.filmindependent.org/blogs/j-j-abrams-long-time-editors-reveal-how-to-help-develop-characters-in-the-editing-room/#.Vm9jOxorLUo\n\ + http://deadline.com/2015/12/david-o-russell-joy-oscars-jennifer-lawrence-1201664630/\n\ + December 14, 2015\t Lior says:\nI’m also a huge Pixar fan and appreciate how\ + \ they managed to create and sustain such a strong operating model (with clear\ + \ link to the business model – quality and creativity). We actually tried mimicking\ + \ this model as we evaluated marketing campaigns in P&G (we formed a community\ + \ of brain trust and made sure to share campaign progress with the entire team.\ + \ We also discussed the successes and failures of the process at the end of\ + \ the campaign). I personally think the idea of using Pixar model to build marketing\ + \ campaigns is a powerful one, but we lacked full commitment to the process.\n\ + Building on that… I was wondering what are your thoughts on using this model\ + \ for different industries? For example, the pharmaceutical industry would also\ + \ benefit from high quality “blockbuster” drugs as opposed to “mini-hits”.\n\ + This is very interesting. To be honest I didn’t know Pixar had a significantly\ + \ different positioning to other movie producers, but I did love most of their\ + \ movies. The different areas you described reminded me a lot the Design Thinking\ + \ process we learned in the IDEO case, with teams brainstorming and converging\ + \ during the day and then use the Incubator Team, Shared Dailies and the Creative\ + \ Brain Trust to validate and/or generate new ideas. I wonder whether they do\ + \ something similar with the target audience or if this limited to employees\ + \ within the company.\nDecember 14, 2015\t AClay says:\nGreat article! I wonder\ + \ if Pixar was able to keep its unique culture after the Disney buyout. Disney\ + \ has such a strong culture itself, that I would imagined that it would be hard\ + \ for Disney’s culture to not suffocate Pixar’s culture.\nAlso, Shared Dailies\ + \ sound freighting like Bridgewater’s immediate feedback model to me. I wonder\ + \ how direct their feedback is at Pixar." + id: KnowledgeGenerationTeacher + text: 'I live in New York, New York. + + I like going to the moives. + + I love to get the overpriced snacks. + + Have you seen any good movies lately? + + I have. I liked Toy Story. There was a marathon. + + All four movies in the Toy Story series are great. Tom Hanks, Tim Allen, and + Don Rickles are all truly great actors and the creativity of the Pixar Animation + Studios team is really top notch. + + It is neat to see how they progressed in the series with the quality. + + You''re right. The quality of all of Pixar''s movies have increased over the + years. This is due, in no small part, to the fact that they have long term teams + that work together on multiple projects. Further, Pixar, as a company, cares + more about creating high quality movies than they do making the most money possible. + This is their company''s culture and the reason for their continuing success.' +- - __select-docs-titles__: + - Toy Story 2 Was Accidentally Deleted During Development + __selected-docs__: + - 'Fun Facts › TV and Film Facts › Toy Story 2 Was Accidentally Deleted During + Development and Almost Lost← NextRandomPrevious → + + Toy Story 2 Was Accidentally Deleted During Development and Almost Lost + + During development at Pixar, Toy Story 2 was accidentally deleted, but was recovered + by an employee who saved the movie to her computer at home while on maternal + leave. + + Topics: Pixar, Toy Story, Unbelievable, Movie, FIlm, Accident + + It s a movie studio s worst nightmare; losing a movie in development that s + cost hundreds of man hours and a significant amount more in financial terms, + but that s exactly what happened to the guys at Pixar who were working on the + sequel to the 90s hit, Toy Story. + + The former Chief Technical Officer of Pixar, Oren Jacob, recounts the ordeal: + + [Larry Cutler] was in that directory and happened to be talking about installing + a fix to Woody or Woody’s hat. He looked at the directory and it had like 40 + files, and he looked again and it had four files. + + Then we saw sequences start to vanish as well and we were like, “Oh my god” + + I grabbed the phone… unplug the machine!” + + One of his co-workers had issued an over-reaching command to the studio s server + to try to fix a simple, benign problem, but instead, ended up recursively deleting + large chunks of the movie itselt - approximately two months worth of work. + + This triggered a huge effort by the Pixar team to recover what was lost. They + were in luck as one of the staff members had a copy of the movie on their computer + at home. + + Interestingly, this wasn t the last time that Toy Story 2 was deleted. In fact, + with only months to go until a set-in-stone release date, serving as testament + to Pixar s commitment to quality, the whole film was binned and re-made. + + 1How Pixar’s Toy Story 2 was deleted twice, once by technology and again for + its own good + + http://thenextweb.com/media/2012/05/21/how-pixars-toy-story-2-was-deleted-twice-once-by-technology-and-again-for-its-own-good/' + __selected-sentences__: + - Fun Facts › TV and Film Facts › Toy Story 2 Was Accidentally Deleted During + Development and Almost Lost← NextRandomPrevious → + - During development at Pixar, Toy Story 2 was accidentally deleted, but was recovered + by an employee who saved the movie to her computer at home while on maternal + leave. + - One of his co-workers had issued an over-reaching command to the studio s server + to try to fix a simple, benign problem, but instead, ended up recursively deleting + large chunks of the movie itselt - approximately two months worth of work. + episode_done: true + eval_labels: + - 'Fun Facts › TV and Film Facts › Toy Story 2 Was Accidentally Deleted During + Development and Almost Lost← NextRandomPrevious → + + Toy Story 2 Was Accidentally Deleted During Development and Almost Lost + + During development at Pixar, Toy Story 2 was accidentally deleted, but was recovered + by an employee who saved the movie to her computer at home while on maternal + leave. + + Topics: Pixar, Toy Story, Unbelievable, Movie, FIlm, Accident + + It s a movie studio s worst nightmare; losing a movie in development that s + cost hundreds of man hours and a significant amount more in financial terms, + but that s exactly what happened to the guys at Pixar who were working on the + sequel to the 90s hit, Toy Story. + + The former Chief Technical Officer of Pixar, Oren Jacob, recounts the ordeal: + + [Larry Cutler] was in that directory and happened to be talking about installing + a fix to Woody or Woody’s hat. He looked at the directory and it had like 40 + files, and he looked again and it had four files. + + Then we saw sequences start to vanish as well and we were like, “Oh my god” + + I grabbed the phone… unplug the machine!” + + One of his co-workers had issued an over-reaching command to the studio s server + to try to fix a simple, benign problem, but instead, ended up recursively deleting + large chunks of the movie itselt - approximately two months worth of work. + + This triggered a huge effort by the Pixar team to recover what was lost. They + were in luck as one of the staff members had a copy of the movie on their computer + at home. + + Interestingly, this wasn t the last time that Toy Story 2 was deleted. In fact, + with only months to go until a set-in-stone release date, serving as testament + to Pixar s commitment to quality, the whole film was binned and re-made. + + 1How Pixar’s Toy Story 2 was deleted twice, once by technology and again for + its own good + + http://thenextweb.com/media/2012/05/21/how-pixars-toy-story-2-was-deleted-twice-once-by-technology-and-again-for-its-own-good/' + id: KnowledgeGenerationTeacher + text: 'I live in New York, New York. + + I like going to the moives. + + I love to get the overpriced snacks. + + Have you seen any good movies lately? + + I have. I liked Toy Story. There was a marathon. + + All four movies in the Toy Story series are great. Tom Hanks, Tim Allen, and + Don Rickles are all truly great actors and the creativity of the Pixar Animation + Studios team is really top notch. + + It is neat to see how they progressed in the series with the quality. + + You''re right. The quality of all of Pixar''s movies have increased over the + years. This is due, in no small part, to the fact that they have long term teams + that work together on multiple projects. Further, Pixar, as a company, cares + more about creating high quality movies than they do making the most money possible. + This is their company''s culture and the reason for their continuing success. + + I once heard someone erased progress on it like a saved file but someone had + it on their laptop or something. + + 4That is a crazy story. Someone totally deleted Toy Story 2 while it was in + development (the result of a badly written program that just started deleting + files on their server). But, the project was saved because a woman, who was + on maternit6y leave, had saved the movie onto her laptop. I am sure thy have + fixed their back up systems after this.' +- - __select-docs-titles__: + - The Cast of Pixar s Onward Cinemark Movie News + __selected-docs__: + - 'Meet the Cast of Pixar s Onward + + The Cast of Pixar s Fantasy Adventure, Onward + + Like a new film from Marvel or another episode of STAR WARS, a new Pixar movie + isn’t just a new animated movie for kids: it’s an event. The studio behind some + of the greatest animated films of the past 20 years, including TOY STORY, WALL-E, + and MONSTERS, INC. is back this year with an all-new adventure that takes audiences + into a world beyond the limits of our imagination. + + ONWARD introduces young (and young-at-heart) viewers to a wonderful land where + mythical creatures like elves and unicorns aren t merely real — they re the + primary residents! There s trouble brewing, however. Technology is taking hold + and the world is losing its magic. The land is in need of some serious help, + and who’s more helpful than a pair of elves? How about a pair of elves voiced + by Marvel super-stars Chris Pratt and Tom Holland? + + Pratt and Holland aren’t the only famous voices you’ll hear in Pixar’s latest. + Read on for our handy guide to the fantastic and familiar voices of ONWARD. + + [Image credit: Pixar Animation Studios] + + Pixar’s all-new animated adventure is set in a fictional realm that isn’t too + different from our own: There are suburbs and trash collectors, businesses big + and small, schools and transportation. There’s just one thing: This world is + magic, and its inhabitants are the creatures that we think of as mythical. + + But magic isn’t as easy to use as it once was, and the population has become + increasingly dependent on technology and science to get things done. Instead + of using magic, the creatures in this world are turning to cars and phones and + other science-based devices, taking them further and further away from magic. + And this surprisingly relatable situation is where our story begins… and where + our heroes enter the picture. + + Meet Ian and Barley Lightfoot + + Ian and Barley are teenage elves who, like most creatures in their society, + have become a little too dependent on technology and modern machinery. Then + their mother gifts them with a magical staff that can bring a lost loved one + back to life for 24 hours. Even though the brothers aren’t well-versed in wielding + magical equipment, they use it to try and bring back their father, who died + before Ian was born. Due to their lack of experience, they’re only able to summon + their dad’s legs. Barley, desperate for an epic quest, grabs Ian and they set + off on a journey to figure out how to bring their dad back – all of him – before + the day ends. + + Ian is voiced by Tom Holland, star of the new SPIDER-MAN movies and historical + drama THE CURRENT WAR. He also recently lent his voice to another animated movie: + SPIES IN DISGUISE. In 2020, Holland will reunite with another MCU favorite, + voicing Pip the dog opposite Robert Downey Jr.’s Doctor Dolittle in DOLITTLE. + + Barley is voiced by GUARDIANS OF THE GALAXY fave Chris Pratt, who has plenty + of experience voicing a charming animated hero thanks to his role in THE LEGO + MOVIE and its sequel. + + Laurel Lightfoot + + Laurel is the mother of Ian and Barley, and she gives the magical staff to her + sons in an effort to help them reconnect with magic. She’s played by Julia Louis-Dreyfus, + one of the all-time greatest comedic actors. Louis-Dreyfus is best known for + her roles in beloved sitcoms like “Seinfeld” and “The New Adventures of Old + Christine.” She also played the lead role on HBO’s critically-acclaimed political + comedy series “Veep,” which recently ended after seven seasons. + + Octavia Spencer plays Corey, a friendly manticore who owns a restaurant. Barley + and Ian visit her for help on their quest. Spencer won an Oscar for her supporting + role in 2011’s THE HELP, and since then she’s had notable roles in all kinds + of movies and shows – everything from SNOWPIERCER to THE SHAPE OF WATER and + last year’s horror-thriller MA, as well as the new AppleTV+ series “Truth Be + Told.” + + Gore and Specter + + Gore (not like the gore in a horror movie) is a faun – a magical deer, basically + – and a police officer. She’s voiced by comedian Ali Wong, who became a major + hit with her Netflix specials “Baby Cobra” and “Hard Knock Wife.” Last year + she starred opposite Randall Park in the delightful Netflix rom-com ALWAYS BE + MY MAYBE, which featured an internet-breaking cameo from Keanu Reeves. + + Like Gore, Specter is also a police officer, but she’s a cyclops – a creature + with a single eye. Specter is voiced by Lena Waithe, whose work as co-star and + writer on Netflix’s “Master of None” launched her into the mainstream overnight + and won her a Primetime Emmy – making Waithe the first black woman to win a + writing Emmy for Outstanding Comedy Series. Waithe has used her fame to produce + other projects, like the recent drama QUEEN & SLIM and the Showtime series “The + Chi.” She also had a supporting role in Steven Spielberg’s READY PLAYER ONE. + + Colt Bronco + + Joining Gore and Specter on the magical police force is Colt Bronco, a centaur + (half-horse, half-human) who, honestly, has a very cool name. Colt is voiced + by Mel Rodriguez, a character actor best known in recent years for starring + on the short-lived FOX series “The Last Man on Earth” and AMC’s “Better Call + Saul.” In 2019 he starred opposite Kirsten Dunst on the critically-acclaimed + series “On Becoming a God in Central Florida.” + + ONWARD opens on March 6! + + All images courtesy of Pixar Animation Studios.' + __selected-sentences__: + - ONWARD introduces young (and young-at-heart) viewers to a wonderful land where + mythical creatures like elves and unicorns aren t merely real — they re the + primary residents! There s trouble brewing, however. Technology is taking hold + and the world is losing its magic. The land is in need of some serious help, + and who’s more helpful than a pair of elves? How about a pair of elves voiced + by Marvel super-stars Chris Pratt and Tom Holland? + - Pratt and Holland aren’t the only famous voices you’ll hear in Pixar’s latest. + Read on for our handy guide to the fantastic and familiar voices of ONWARD. + episode_done: true + eval_labels: + - 'Meet the Cast of Pixar s Onward + + The Cast of Pixar s Fantasy Adventure, Onward + + Like a new film from Marvel or another episode of STAR WARS, a new Pixar movie + isn’t just a new animated movie for kids: it’s an event. The studio behind some + of the greatest animated films of the past 20 years, including TOY STORY, WALL-E, + and MONSTERS, INC. is back this year with an all-new adventure that takes audiences + into a world beyond the limits of our imagination. + + ONWARD introduces young (and young-at-heart) viewers to a wonderful land where + mythical creatures like elves and unicorns aren t merely real — they re the + primary residents! There s trouble brewing, however. Technology is taking hold + and the world is losing its magic. The land is in need of some serious help, + and who’s more helpful than a pair of elves? How about a pair of elves voiced + by Marvel super-stars Chris Pratt and Tom Holland? + + Pratt and Holland aren’t the only famous voices you’ll hear in Pixar’s latest. + Read on for our handy guide to the fantastic and familiar voices of ONWARD. + + [Image credit: Pixar Animation Studios] + + Pixar’s all-new animated adventure is set in a fictional realm that isn’t too + different from our own: There are suburbs and trash collectors, businesses big + and small, schools and transportation. There’s just one thing: This world is + magic, and its inhabitants are the creatures that we think of as mythical. + + But magic isn’t as easy to use as it once was, and the population has become + increasingly dependent on technology and science to get things done. Instead + of using magic, the creatures in this world are turning to cars and phones and + other science-based devices, taking them further and further away from magic. + And this surprisingly relatable situation is where our story begins… and where + our heroes enter the picture. + + Meet Ian and Barley Lightfoot + + Ian and Barley are teenage elves who, like most creatures in their society, + have become a little too dependent on technology and modern machinery. Then + their mother gifts them with a magical staff that can bring a lost loved one + back to life for 24 hours. Even though the brothers aren’t well-versed in wielding + magical equipment, they use it to try and bring back their father, who died + before Ian was born. Due to their lack of experience, they’re only able to summon + their dad’s legs. Barley, desperate for an epic quest, grabs Ian and they set + off on a journey to figure out how to bring their dad back – all of him – before + the day ends. + + Ian is voiced by Tom Holland, star of the new SPIDER-MAN movies and historical + drama THE CURRENT WAR. He also recently lent his voice to another animated movie: + SPIES IN DISGUISE. In 2020, Holland will reunite with another MCU favorite, + voicing Pip the dog opposite Robert Downey Jr.’s Doctor Dolittle in DOLITTLE. + + Barley is voiced by GUARDIANS OF THE GALAXY fave Chris Pratt, who has plenty + of experience voicing a charming animated hero thanks to his role in THE LEGO + MOVIE and its sequel. + + Laurel Lightfoot + + Laurel is the mother of Ian and Barley, and she gives the magical staff to her + sons in an effort to help them reconnect with magic. She’s played by Julia Louis-Dreyfus, + one of the all-time greatest comedic actors. Louis-Dreyfus is best known for + her roles in beloved sitcoms like “Seinfeld” and “The New Adventures of Old + Christine.” She also played the lead role on HBO’s critically-acclaimed political + comedy series “Veep,” which recently ended after seven seasons. + + Octavia Spencer plays Corey, a friendly manticore who owns a restaurant. Barley + and Ian visit her for help on their quest. Spencer won an Oscar for her supporting + role in 2011’s THE HELP, and since then she’s had notable roles in all kinds + of movies and shows – everything from SNOWPIERCER to THE SHAPE OF WATER and + last year’s horror-thriller MA, as well as the new AppleTV+ series “Truth Be + Told.” + + Gore and Specter + + Gore (not like the gore in a horror movie) is a faun – a magical deer, basically + – and a police officer. She’s voiced by comedian Ali Wong, who became a major + hit with her Netflix specials “Baby Cobra” and “Hard Knock Wife.” Last year + she starred opposite Randall Park in the delightful Netflix rom-com ALWAYS BE + MY MAYBE, which featured an internet-breaking cameo from Keanu Reeves. + + Like Gore, Specter is also a police officer, but she’s a cyclops – a creature + with a single eye. Specter is voiced by Lena Waithe, whose work as co-star and + writer on Netflix’s “Master of None” launched her into the mainstream overnight + and won her a Primetime Emmy – making Waithe the first black woman to win a + writing Emmy for Outstanding Comedy Series. Waithe has used her fame to produce + other projects, like the recent drama QUEEN & SLIM and the Showtime series “The + Chi.” She also had a supporting role in Steven Spielberg’s READY PLAYER ONE. + + Colt Bronco + + Joining Gore and Specter on the magical police force is Colt Bronco, a centaur + (half-horse, half-human) who, honestly, has a very cool name. Colt is voiced + by Mel Rodriguez, a character actor best known in recent years for starring + on the short-lived FOX series “The Last Man on Earth” and AMC’s “Better Call + Saul.” In 2019 he starred opposite Kirsten Dunst on the critically-acclaimed + series “On Becoming a God in Central Florida.” + + ONWARD opens on March 6! + + All images courtesy of Pixar Animation Studios.' + id: KnowledgeGenerationTeacher + text: 'I live in New York, New York. + + I like going to the moives. + + I love to get the overpriced snacks. + + Have you seen any good movies lately? + + I have. I liked Toy Story. There was a marathon. + + All four movies in the Toy Story series are great. Tom Hanks, Tim Allen, and + Don Rickles are all truly great actors and the creativity of the Pixar Animation + Studios team is really top notch. + + It is neat to see how they progressed in the series with the quality. + + You''re right. The quality of all of Pixar''s movies have increased over the + years. This is due, in no small part, to the fact that they have long term teams + that work together on multiple projects. Further, Pixar, as a company, cares + more about creating high quality movies than they do making the most money possible. + This is their company''s culture and the reason for their continuing success. + + I once heard someone erased progress on it like a saved file but someone had + it on their laptop or something. + + 4That is a crazy story. Someone totally deleted Toy Story 2 while it was in + development (the result of a badly written program that just started deleting + files on their server). But, the project was saved because a woman, who was + on maternit6y leave, had saved the movie onto her laptop. I am sure thy have + fixed their back up systems after this. + + Yes! and I remember now that is how that story goes. + + Pixar has produced 20 movies since its founding and all of the big names have + worked with them. Julia Louis-Dreyfus, Tom Holland, Jon Batiste, Phylicia Rashad, + Questlove, Tina Fey. Have you seen their newest movie Onward with Chris Pratt?' +- - __select-docs-titles__: + - Critics Accuse Pixar s Inside Out of Body Shaming + __selected-docs__: + - 'Critics Accuse Pixar s Inside Out of Body Shaming, Internet Promptly Freaks + Out + + Is this beloved character s appearance sending a dangerous message? + + Anyone who s seen Pixar s most recent movie Inside Out probs left the theater + crying their eyes out. The movie, about an 11-year -old girl named Riley s emotions + battling with one another about how to deal with being uprooted from her home + and moving to a new city, captures perfectly what you felt dealing with life + as an 11 years old kid. + + The movie has been getting stellar reviews from most, but one negative review + has sparked a lot of controversy. In an article for the Huffington Post, critic + Joni Edelman claims that Inside Out fails at body positivity. Her issue with + the movie is that while the character that represents the positive emotion joy + (who s name is obvs Joy) is thin, tall, and human-like, Sadness (an emotion + we typically think of as negative) is a short, round, bespectacled, and blue...thing(?). + + In the review, she explains why she finds this portrayal of sadness offensive: + + Probably because someone at Pixar thinks fat people are sad. Because they are + fat. And how could they be fat and smile? Fat people have some nerve. Also, + their poor vision is apparently causing them some distress. Joy doesn t wear + glasses. She probably had Lasik. Because she is probably also rich. Rich, white + (well, white-ish) people are also joyous. And she gets to wear a cute little + dress, which she probably bought at Nordstrom, while Sad is shrouded in what + is probably an itchy-ass thrifted wool sweater. Maybe that s why she s named + Sad. + + Joni s critique promptly went viral, with most fans of the movie slamming the + review, especially because, well, she never watched the movie. + + This article bashing #InsideOut is so hilariously bad. Maybe see it BEFORE talking + about it: http://t.co/w4h0S9pcoI pic.twitter.com/8R94m5Nfvq + + — Jordan Maison (@JordanMaison) June 29, 2015 + + A real, honest to God review of Inside Out, written by someone who hasn t + seen it. http://t.co/m917yFOSz9 pic.twitter.com/cLS4AWfO0Q + + — Sam Charles (@samjcharles) June 30, 2015 + + Many felt the review was counterproductive, because it was stereotyping Sadness appearance + as being bad because she happened to be shorter and not as thin as the other + characters, when, in fact, Sadness was actually *SPOILER ALERT* the integral + emotion that ended up saving the day. + + Joy was annoyed with Sadness throughout the movie, because she was making Riley, + well, sad about moving. But at the end of the day, Joy realized that she was + making Riley worse by trying to force her to be happy and had to let Riley be + sad in order for her to deal with her emotions in a healthy way. + + Other commenters believed that the reviewer was simply missing the fact that + each emotion was shaped like something representative of that emotion, saying + that Sadness wasn t fat , but rounded, like a teardrop. One commenter shared, Joy + is a star... Anger is a fire brick, Disgust is broccoli, Fear is a frayed nerve, + and Sadness is a tear. + + Others defended Jodi s review, saying Sadness shape sends a harmful message. It + s clear from the image that sadness equals a fat woman wearing glasses. This + image reinforces stereotypes, whatever the content of the movie. It s not that + sadness isn t a useful, normal human emotion, it s the assumption that the saddest + thing you can be is a fat woman with glasses. The image they have chosen undercuts + any statement they may have wished to make in the movie, according to one commenter + on a review rebutting Edelman s. + + Whether the reviewer was wrong or right in her assessment, she did open up a + super important discussion about body image representation in movies that will + hopefully inspire filmmakers to think about the messages we may be (intentionally + or unintentionally) sending about body image and appearance, even in Pixar movies. + + Relive Your Fave Disney Pixar Flicks! + + New Inside Out Trailer! + + It Turns Out, Harry Styles Had a Role In Pixar s Inside Out + + Why Everyone Is Freaking Out About This Body-Shaming Period Commercial + + The Inside Out Honest Trailer Will Make You Realize It Doesn t Actually Make + Any Sense + + This Mind-Blowing Pixar Theory Will Make That Devastating Moment in Inside + Out a Little Less Painful' + __selected-sentences__: + - The movie has been getting stellar reviews from most, but one negative review + has sparked a lot of controversy. In an article for the Huffington Post, critic + Joni Edelman claims that Inside Out fails at body positivity. Her issue with + the movie is that while the character that represents the positive emotion joy + (who s name is obvs Joy) is thin, tall, and human-like, Sadness (an emotion + we typically think of as negative) is a short, round, bespectacled, and blue...thing(?). + - Probably because someone at Pixar thinks fat people are sad. Because they are + fat. And how could they be fat and smile? Fat people have some nerve. Also, + their poor vision is apparently causing them some distress. Joy doesn t wear + glasses. She probably had Lasik. Because she is probably also rich. Rich, white + (well, white-ish) people are also joyous. And she gets to wear a cute little + dress, which she probably bought at Nordstrom, while Sad is shrouded in what + is probably an itchy-ass thrifted wool sweater. Maybe that s why she s named + Sad. + - Joni s critique promptly went viral, with most fans of the movie slamming the + review, especially because, well, she never watched the movie. + episode_done: true + eval_labels: + - 'Critics Accuse Pixar s Inside Out of Body Shaming, Internet Promptly Freaks + Out + + Is this beloved character s appearance sending a dangerous message? + + Anyone who s seen Pixar s most recent movie Inside Out probs left the theater + crying their eyes out. The movie, about an 11-year -old girl named Riley s emotions + battling with one another about how to deal with being uprooted from her home + and moving to a new city, captures perfectly what you felt dealing with life + as an 11 years old kid. + + The movie has been getting stellar reviews from most, but one negative review + has sparked a lot of controversy. In an article for the Huffington Post, critic + Joni Edelman claims that Inside Out fails at body positivity. Her issue with + the movie is that while the character that represents the positive emotion joy + (who s name is obvs Joy) is thin, tall, and human-like, Sadness (an emotion + we typically think of as negative) is a short, round, bespectacled, and blue...thing(?). + + In the review, she explains why she finds this portrayal of sadness offensive: + + Probably because someone at Pixar thinks fat people are sad. Because they are + fat. And how could they be fat and smile? Fat people have some nerve. Also, + their poor vision is apparently causing them some distress. Joy doesn t wear + glasses. She probably had Lasik. Because she is probably also rich. Rich, white + (well, white-ish) people are also joyous. And she gets to wear a cute little + dress, which she probably bought at Nordstrom, while Sad is shrouded in what + is probably an itchy-ass thrifted wool sweater. Maybe that s why she s named + Sad. + + Joni s critique promptly went viral, with most fans of the movie slamming the + review, especially because, well, she never watched the movie. + + This article bashing #InsideOut is so hilariously bad. Maybe see it BEFORE talking + about it: http://t.co/w4h0S9pcoI pic.twitter.com/8R94m5Nfvq + + — Jordan Maison (@JordanMaison) June 29, 2015 + + A real, honest to God review of Inside Out, written by someone who hasn t + seen it. http://t.co/m917yFOSz9 pic.twitter.com/cLS4AWfO0Q + + — Sam Charles (@samjcharles) June 30, 2015 + + Many felt the review was counterproductive, because it was stereotyping Sadness appearance + as being bad because she happened to be shorter and not as thin as the other + characters, when, in fact, Sadness was actually *SPOILER ALERT* the integral + emotion that ended up saving the day. + + Joy was annoyed with Sadness throughout the movie, because she was making Riley, + well, sad about moving. But at the end of the day, Joy realized that she was + making Riley worse by trying to force her to be happy and had to let Riley be + sad in order for her to deal with her emotions in a healthy way. + + Other commenters believed that the reviewer was simply missing the fact that + each emotion was shaped like something representative of that emotion, saying + that Sadness wasn t fat , but rounded, like a teardrop. One commenter shared, Joy + is a star... Anger is a fire brick, Disgust is broccoli, Fear is a frayed nerve, + and Sadness is a tear. + + Others defended Jodi s review, saying Sadness shape sends a harmful message. It + s clear from the image that sadness equals a fat woman wearing glasses. This + image reinforces stereotypes, whatever the content of the movie. It s not that + sadness isn t a useful, normal human emotion, it s the assumption that the saddest + thing you can be is a fat woman with glasses. The image they have chosen undercuts + any statement they may have wished to make in the movie, according to one commenter + on a review rebutting Edelman s. + + Whether the reviewer was wrong or right in her assessment, she did open up a + super important discussion about body image representation in movies that will + hopefully inspire filmmakers to think about the messages we may be (intentionally + or unintentionally) sending about body image and appearance, even in Pixar movies. + + Relive Your Fave Disney Pixar Flicks! + + New Inside Out Trailer! + + It Turns Out, Harry Styles Had a Role In Pixar s Inside Out + + Why Everyone Is Freaking Out About This Body-Shaming Period Commercial + + The Inside Out Honest Trailer Will Make You Realize It Doesn t Actually Make + Any Sense + + This Mind-Blowing Pixar Theory Will Make That Devastating Moment in Inside + Out a Little Less Painful' + id: KnowledgeGenerationTeacher + text: 'I live in New York, New York. + + I like going to the moives. + + I love to get the overpriced snacks. + + Have you seen any good movies lately? + + I have. I liked Toy Story. There was a marathon. + + All four movies in the Toy Story series are great. Tom Hanks, Tim Allen, and + Don Rickles are all truly great actors and the creativity of the Pixar Animation + Studios team is really top notch. + + It is neat to see how they progressed in the series with the quality. + + You''re right. The quality of all of Pixar''s movies have increased over the + years. This is due, in no small part, to the fact that they have long term teams + that work together on multiple projects. Further, Pixar, as a company, cares + more about creating high quality movies than they do making the most money possible. + This is their company''s culture and the reason for their continuing success. + + I once heard someone erased progress on it like a saved file but someone had + it on their laptop or something. + + 4That is a crazy story. Someone totally deleted Toy Story 2 while it was in + development (the result of a badly written program that just started deleting + files on their server). But, the project was saved because a woman, who was + on maternit6y leave, had saved the movie onto her laptop. I am sure thy have + fixed their back up systems after this. + + Yes! and I remember now that is how that story goes. + + Pixar has produced 20 movies since its founding and all of the big names have + worked with them. Julia Louis-Dreyfus, Tom Holland, Jon Batiste, Phylicia Rashad, + Questlove, Tina Fey. Have you seen their newest movie Onward with Chris Pratt? + + No but I bet it will be good. + + Even when there''s controversy (for example the body shaming controversy in + Pixar''s movie Inside Out) everyone agrees that Pixar makes the best movies.' +num_episodes: 503 +num_examples: 2466 diff --git a/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocsTeacher_train.yml b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocsTeacher_train.yml new file mode 100644 index 00000000000..cf74a9823e2 --- /dev/null +++ b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocsTeacher_train.yml @@ -0,0 +1,1711 @@ +acts: +- - __select-docs-titles__: + - Chopped Episode Guide TV Schedule Food Network Canada + __selected-docs__: + - 'Chopped is a cooking competition show that is all about skill, speed and ingenuity. + Each week, four chefs compete before a panel of expert judges and turn baskets + of mystery ingredients into an extraordinary three-course meal. Course by course, + the chefs will be chopped from the competition until only one winner remains. + + The challenge? They have seconds to plan and 30 minutes to cook an amazing course + with the basket of mystery ingredients given to them moments before the clock + starts ticking! Once they ve completed their dish, they have to survive the + Chopping Block where our three judges are waiting to be wowed and not shy about + voicing their culinary criticisms! + + Host Ted Allen leads this high energy, high-pressure show which will have viewers + rooting for a winner and cheering for the losers. Chopped is a game of passion, + expertise and skill - and in the end, only one chef will survive the Chopping + Block. Who will make the cut? The answer is on Chopped! + + Ted, the host of Chopped, was the food and wine specialist on the groundbreaking, + Emmy-winning series Queer Eye, which had a 100-episode run.' + __selected-sentences__: + - Chopped is a cooking competition show that is all about skill, speed and ingenuity. + Each week, four chefs compete before a panel of expert judges and turn baskets + of mystery ingredients into an extraordinary three-course meal. Course by course, + the chefs will be chopped from the competition until only one winner remains. + episode_done: true + id: KnowledgeGenerationTeacher + labels: + - 'Chopped is a cooking competition show that is all about skill, speed and ingenuity. + Each week, four chefs compete before a panel of expert judges and turn baskets + of mystery ingredients into an extraordinary three-course meal. Course by course, + the chefs will be chopped from the competition until only one winner remains. + + The challenge? They have seconds to plan and 30 minutes to cook an amazing course + with the basket of mystery ingredients given to them moments before the clock + starts ticking! Once they ve completed their dish, they have to survive the + Chopping Block where our three judges are waiting to be wowed and not shy about + voicing their culinary criticisms! + + Host Ted Allen leads this high energy, high-pressure show which will have viewers + rooting for a winner and cheering for the losers. Chopped is a game of passion, + expertise and skill - and in the end, only one chef will survive the Chopping + Block. Who will make the cut? The answer is on Chopped! + + Ted, the host of Chopped, was the food and wine specialist on the groundbreaking, + Emmy-winning series Queer Eye, which had a 100-episode run.' + text: "My favorite tv show is Chopped.\nThey play along with the show\nI just\ + \ watched chopped for 3 hours straight. The baskets were hard in some of them.\n\ + \ Baskets? I don't know anything about this show. Is it something about cooking?" +- - __select-docs-titles__: + - Food Network Official Site + __selected-docs__: + - 'Aloha, Recruits! + + New Episodes Mondays 9|8c + + Watch a New Episode Now + + Can t Wait? Watch the Next Episode Now! + + New Episodes Thursdays 10|9c + + Every. Battle. Ever. + + All the DDD You Could Ever Want + + The recruits take on a variety of tropical island-inspired challenges. + + Taste of Capri Party + + Giada hosts a lunch party that celebrates the island of Capri, Italy. + + The Kitchen reduces weeknight stress with a Big Batch Pork Butt and more. + + Ree makes Maple Bacon Dip and Strawberry Rose Bellinis for an office party. + + Whole Lotta Comfort + + Guy Fieri dives into hearty helpings of comfort food from Atlanta to Utah. + + Ultimate Protein Battle + + Five masters of protein face off in Flavortown. + + A pastry chef and a chef-of-all-trades compete for a shot at Bobby. + + Cookin Couples + + Guy welcomes three couples to Flavortown to prove their culinary knowledge. + + Wonton Wonder + + Chefs get creative with wonton wrappers, comfort food and a strange pastry. + + Actor and producer Michael B. Jordan discusses his sky-rocketing career. + + Oprah Winfrey Presents on Food Network + + Actor Bradley Cooper discusses how he has emerged as a visionary filmmaker. + + Freaky Flavors + + The young bakers have to create a large tart featuring an unusual flavor. + + Michael Symon Needs a Cake + + Michael Symon challenges the bakers to make a cake for his new restaurant. + + See what happens when Dan is challenged to create a meat cake. + + The recruits take on fair food after boot camp gets turned into a carnival. + + Jade s Chocolate Factory + + Giada hosts a sophisticated chocolate-themed Valentine s Day party. + + Stream for Free + + It s a Busby Birthday! + + The bakers compete to make a 4th birthday cake for the Busby quintuplets. + + Dr. Deckle and Mr. Fried + + Three of the four chefs make a huge mistake with the jumbo shrimp. + + The Perfect Bird + + Fifteen more of America s worst cooks begin their culinary journey. + + All Stocked Up + + Ree dips into her trusty staples to whip up some fabulous food. + + The 12 young bakers must make cupcakes featuring bacon. + + Sour With the Sweet + + Sunny Anderson and Josh Capon serve up a winner in hopes of beating Bobby. + + Say Yes to the Veg + + Valerie tries out new ways to sneak veggies into kid-friendly dishes. + + The Kitchen is snowed in with Sweet Potato and Corn Chowder and more. + + Chefs Ham It Up + + The chefs begin by making a barbecue blowout that won t blow their budget. + + Watch Chopped for Free + + Rattle and Roll + + Rattlesnake meat must be included in the chefs first course. + + The chefs find frog legs in the first basket for the appetizer round. + + Jitters and Giant Eggs + + Panic threatens to paralyze one of the competitors who is feeling jittery. + + Mussels Mastery + + The chefs have to come up with tasty mussel appetizers in just 20 minutes. + + Time runs out and two chefs are unhappy with their calf liver appetizers. + + The competitors discover this competition is a grilling challenge. + + Quahog Quandaries + + The two remaining chefs take the intensity level in the kitchen up a notch. + + Turbot Powered + + A super bitter ingredient leaves the chefs in a quandary. + + Keep on Cookin On + + One of the finalists suffers an injury as he attempts a Chopped first. + + Green Apps and Lamb + + Mint liqueur and canned fish make an odd combination for the first course. + + The appetizer basket ingredients get the chefs pondering ballgame fare. + + Some of the most formidable chefs in the country battle to find out whose cuisine + reigns supreme. Host Alton Brown determines who will earn the right to face + a legendary Iron Chef in the Secret Ingredient Showdown. + + Ina Garten is back and this time she s sharing the basics of her incredibly + elegant and easy recipes. She throws open the doors of her Hamptons home for + more delicious food, dazzling ideas and good fun. + + The best cupcake bakers in the country are called to fight to see who has the + best cupcakes. In this war of frosting and sugar, there is only one winner. + + Tyler Florence brings together five local chefs to compete in a restaurant they + ve never cooked in before. Two chefs become judges as the others battle for + hometown pride using secret ingredients to build delicious dishes. + + Country star Trisha Yearwood shows off her Southern hospitality as she puts + together meals with friends and family. Whether it s for a family reunion or + a party for her band-mate, her easy recipes always have a story to tell. + + Pop culture, comedy and plain good eating: Alton Brown explores the origins + of ingredients, decodes culinary customs and explores new food trends. + + Five talented food experts gather in the kitchen to share lively conversation + and delicious recipes. From simple supper ideas to the latest food trends, they + cover all things fun in food! + + Live Now On Food Network + + Pizza for Dessert + + Lemon BFFs + + Food Network Originals + + Vivian has some fun with pasta by making a spaghetti bundt cake. + + Viv s Tips: Pasta Pound Cake' + __selected-sentences__: + - New Episodes Mondays 9|8c + - Watch a New Episode Now + episode_done: true + id: KnowledgeGenerationTeacher + labels: + - 'Aloha, Recruits! + + New Episodes Mondays 9|8c + + Watch a New Episode Now + + Can t Wait? Watch the Next Episode Now! + + New Episodes Thursdays 10|9c + + Every. Battle. Ever. + + All the DDD You Could Ever Want + + The recruits take on a variety of tropical island-inspired challenges. + + Taste of Capri Party + + Giada hosts a lunch party that celebrates the island of Capri, Italy. + + The Kitchen reduces weeknight stress with a Big Batch Pork Butt and more. + + Ree makes Maple Bacon Dip and Strawberry Rose Bellinis for an office party. + + Whole Lotta Comfort + + Guy Fieri dives into hearty helpings of comfort food from Atlanta to Utah. + + Ultimate Protein Battle + + Five masters of protein face off in Flavortown. + + A pastry chef and a chef-of-all-trades compete for a shot at Bobby. + + Cookin Couples + + Guy welcomes three couples to Flavortown to prove their culinary knowledge. + + Wonton Wonder + + Chefs get creative with wonton wrappers, comfort food and a strange pastry. + + Actor and producer Michael B. Jordan discusses his sky-rocketing career. + + Oprah Winfrey Presents on Food Network + + Actor Bradley Cooper discusses how he has emerged as a visionary filmmaker. + + Freaky Flavors + + The young bakers have to create a large tart featuring an unusual flavor. + + Michael Symon Needs a Cake + + Michael Symon challenges the bakers to make a cake for his new restaurant. + + See what happens when Dan is challenged to create a meat cake. + + The recruits take on fair food after boot camp gets turned into a carnival. + + Jade s Chocolate Factory + + Giada hosts a sophisticated chocolate-themed Valentine s Day party. + + Stream for Free + + It s a Busby Birthday! + + The bakers compete to make a 4th birthday cake for the Busby quintuplets. + + Dr. Deckle and Mr. Fried + + Three of the four chefs make a huge mistake with the jumbo shrimp. + + The Perfect Bird + + Fifteen more of America s worst cooks begin their culinary journey. + + All Stocked Up + + Ree dips into her trusty staples to whip up some fabulous food. + + The 12 young bakers must make cupcakes featuring bacon. + + Sour With the Sweet + + Sunny Anderson and Josh Capon serve up a winner in hopes of beating Bobby. + + Say Yes to the Veg + + Valerie tries out new ways to sneak veggies into kid-friendly dishes. + + The Kitchen is snowed in with Sweet Potato and Corn Chowder and more. + + Chefs Ham It Up + + The chefs begin by making a barbecue blowout that won t blow their budget. + + Watch Chopped for Free + + Rattle and Roll + + Rattlesnake meat must be included in the chefs first course. + + The chefs find frog legs in the first basket for the appetizer round. + + Jitters and Giant Eggs + + Panic threatens to paralyze one of the competitors who is feeling jittery. + + Mussels Mastery + + The chefs have to come up with tasty mussel appetizers in just 20 minutes. + + Time runs out and two chefs are unhappy with their calf liver appetizers. + + The competitors discover this competition is a grilling challenge. + + Quahog Quandaries + + The two remaining chefs take the intensity level in the kitchen up a notch. + + Turbot Powered + + A super bitter ingredient leaves the chefs in a quandary. + + Keep on Cookin On + + One of the finalists suffers an injury as he attempts a Chopped first. + + Green Apps and Lamb + + Mint liqueur and canned fish make an odd combination for the first course. + + The appetizer basket ingredients get the chefs pondering ballgame fare. + + Some of the most formidable chefs in the country battle to find out whose cuisine + reigns supreme. Host Alton Brown determines who will earn the right to face + a legendary Iron Chef in the Secret Ingredient Showdown. + + Ina Garten is back and this time she s sharing the basics of her incredibly + elegant and easy recipes. She throws open the doors of her Hamptons home for + more delicious food, dazzling ideas and good fun. + + The best cupcake bakers in the country are called to fight to see who has the + best cupcakes. In this war of frosting and sugar, there is only one winner. + + Tyler Florence brings together five local chefs to compete in a restaurant they + ve never cooked in before. Two chefs become judges as the others battle for + hometown pride using secret ingredients to build delicious dishes. + + Country star Trisha Yearwood shows off her Southern hospitality as she puts + together meals with friends and family. Whether it s for a family reunion or + a party for her band-mate, her easy recipes always have a story to tell. + + Pop culture, comedy and plain good eating: Alton Brown explores the origins + of ingredients, decodes culinary customs and explores new food trends. + + Five talented food experts gather in the kitchen to share lively conversation + and delicious recipes. From simple supper ideas to the latest food trends, they + cover all things fun in food! + + Live Now On Food Network + + Pizza for Dessert + + Lemon BFFs + + Food Network Originals + + Vivian has some fun with pasta by making a spaghetti bundt cake. + + Viv s Tips: Pasta Pound Cake' + text: "My favorite tv show is Chopped.\nThey play along with the show\nI just\ + \ watched chopped for 3 hours straight. The baskets were hard in some of them.\n\ + \ Baskets? I don't know anything about this show. Is it something about cooking?\n\ + Yes it is. Chefs have a basket with 4 mystery ingredients. They compete to make\ + \ the best meal from the ingredients. \nIt sounds like quite a challenge! Do\ + \ you watch every episode? Have you tried to make the dishes yourself?" +- - __select-docs-titles__: + - Types of Cuisine From Around the World With Their Popular + __selected-docs__: + - 'Types of Cuisine From Around the World With Their Popular Foods + + Most countries and regions in the world have their own particular cuisine. Different + types of cuisines involve certain cooking practices, local ingredients, and + a combination of spices. Some food cultures are a fusion of foods from different + countries. From these, delicious foods have developed that provide unique culinary + experiences. + + There are hundreds of different cuisines in the world. Famous cuisines in the + world include French, Thai, Italian, Indian, and Chinese. In large cities, it + is also not uncommon to find restaurants serving dishes from Moroccan, Lebanese, + Vietnamese, and Hungarian cuisines. + + Even in countries that have their own particular kind of cuisine, it is not + uncommon to have regional variations. For example, some types of food may be + prepared in different ways or include a different variety of ingredients. + + In this article, you will learn about some of the top cuisines in the world. + You will also find out where some famous dishes originated from. + + The French Provencal cuisine uses a lot of herbs + + Many regard French cuisine as one of the best cuisines in the world. French + food involves ingredients such as butter, cream, wine, herbs, chocolate, and + vegetables. French pastry dishes, cheese, bread, and wine are famous throughout + the world. + + Food culture in France also revolves around locally sourced ingredients. On + the Mediterranean coast, seafood is very popular. Provencal cuisine uses tarragon + and a host of other herbs and spices. Paris itself has over 9,000 restaurants + serving French classics and dishes from around the world. + + Dumplings and dim sum are a common food in the Chinese cuisine + + Chinese cuisine is one of the most diverse food cultures in the world. Traditionally, + Chinese food is served with noodles or rice. Also, Chinese dumplings form a + large part of the staple diet in many regions of China. There are several main + cuisines in Chinese cookery – Cantonese, Sichuan, Fujian, and Hunan cuisines + are the most well-known. + + Most Chinese dishes contain a mixture of vegetables that are stir-fried and + combined with aromatic spices and herbs. For example, ginger is often fried + along with garlic and onions to create flavorsome dishes. Also, soy sauce, rice + vinegar, and fish sauce are commonly used to create a blend of wonderful flavors. + + Chinese cuisine could be regarded as the one of the most important in the world. + Chinese cooking styles have influenced other foods from Korea, the Philippines, + Thailand, and Vietnam. Chinese dishes are so popular that most cities in the + world have a number of Chinese restaurants. Sweet and sour chicken and chop + suey are the most popular Chinese dishes outside of China. + + Sushi is a very popular food in Japanese restaurants + + Japanese dishes have become one of the most important food genres in the world. + Boiled rice usually accompanies most dishes with grilled fish, pickled vegetables, + or deep-fried vegetables. Tofu also plays an important part in traditional Japanese + cuisine. + + Of course, sushi is one of the most well-known type of Japanese food. Great + care and precision goes into creating delicious rice rolls with raw fish, vegetables, + and nori. These are accompanied with pickled ginger and dipping sauces. Japanese + food culture is so influential that many countries around the world developed + their own type of sushi varieties. + + Going into a Japanese restaurant, you often see the chef working in an open + kitchen at a Teppanyaki grill. + + After your delicious Japanese meal, you can finish off with a cup of refreshing + type of tea such as: green tea, oolong tea, or jasmine tea. + + Pasta dishes are one of the most famous foods in Italian cuisine + + Many people regard Italy as the country with the best food in the world. Pasta + dishes in Italian cuisine are one of the most popular and favorite types of + food in the world. There are very few people in the world who haven’t tried + delicious Italian foods like pizza, spaghetti, or delicious Italian ice cream. + Many classic Italian dishes also include the regional name in their title. For + example, spaghetti Bolognese from Bologna and Parma ham or Parmesan cheese from + Parma. + + The mainstays of the popular Italian cuisine are pasta, rice, tomatoes, and + cheese. Many regional variations include types of meat, seafood, or sausages + along with delicious sauces. These can be flavored with herbs such as oregano, + basil, or a combination of other fresh herbs. + + There is also great variation in food cultures between the various regions of + Italy. Abruzzo cuisine from the mountainous and coastal regions has pasta, seafood, + lamb, and wild mushrooms. Neapolitan cuisine is famous for foods like pizzas, + spaghetti, and mozzarella. Famous Italian dishes such as lasagna, tortellini, + and Parmigiano-Reggiano cheese are from areas around Bologna and Modena. + + Greek salad is a favorite food for Greek cuisine lovers + + Greek food culture is one of the oldest in the world. Cuisine from Greece and + the Greek islands is heavily influenced by olive oil, vegetables, fish, and + various types of meat. In fact, a simple Greek salad may just be fresh cucumbers, + tomatoes, red onions, a dash of olive oil, a few tasty olives, and a thick slice + of feta cheese. + + Some popular Greek dishes include moussaka made from eggplant, tzatziki (a type + of yogurt dip), or gyro – a type of kebab with lamb, pork, or chicken meat. + Due to its long coastline, seafood such as squid, mussels, fish, and lobster + are popular food choices. + + After feasting on Greek delicacies, you may have room for some common Greek + desserts. A delicious filo pastry with layers of nuts and honey called baklava + is one of the most favorite Greek sweet foods. + + Seafood paella is a popular dish served in many Spanish restaurants + + Similar to many countries around the Mediterranean Sea, Spanish cuisine is heavily + influenced by seafood. A combination of mussels, cuttlefish, shrimps, and lobster + together with paprika, saffron and rich broth create the classic seafood paella. + + Spanish food culture isn’t limited just to seafood. This popular cuisine also + includes foods like cured meats such as Serrano or Iberico ham. Chorizo sausage, + mushrooms, and cooked meat are used in Spanish appetizers – tapas. + + Different regions of Spain also have culinary variations. For example, La Rioja + is famous for its red wine, cured pork, and lamb dishes. Seafood, thyme soup, + and bean omelets are popular in Catalan cuisine. Andalusia is famous for hot + soups, fish stews, and cold soups such as gazpacho. + + Olive oil is a staple ingredient in the Mediterranean cuisine + + It can be difficult to define what exactly Mediterranean cuisine is as there + is great variety of dishes in it. The key ingredients of Mediterranean cuisine + are basic foods such as olive oil, fresh vegetables, wheat (such as bread and + pasta), and grape (such as wine). + + Mediterranean food styles include culinary delicacies from countries such as + Morocco, Italy, Portugal, Spain, Greece, Turkey, and the Middle East. + + Mediterranean food culture is also the basis of the Mediterranean diet. This + kind of diet contains olive oil, fresh vegetables and fruits, seafood, and nuts. + + Hummus dip with pita bread is a common type of food served in many Lebanese + restaurants + + Lebanese food culture comprises cuisines from other Mediterranean countries. + Poultry, seafood, lamb, or goat meat are prepared with olive oil, garlic, and + other spices. These are usually consumed with pitta bread and fresh or grilled + vegetables. + + Chickpeas also form a staple part of Lebanese cuisine. These are cooked and + blended with olive oil, tahini, and lemon juice to create a delicious nutty + hummus dip. + + As well as classic Mediterranean desserts such as baklava or halva, fresh or + dried types of dates are also widely used in Lebanese sweet dishes. + + A vegetable couscous is served in Moroccan tagine + + Moroccan dishes are a great example of when different cuisines fuse to form + a new type of food genre. Moroccan cuisine uses a goat, lamb, poultry, beef, + and seafood as its basis. These meats are spiced and cooked along with lemons, + dried fruits, and olive oil. + + One of the most famous foods in the popular Moroccan cuisine is couscous. This + common wheat-based food is combined with various spices, herbs, and vegetables + to create a versatile and delicious side dish. Another favorite Moroccan classic + dish is a tagine. This is an earthenware dish used to cook meat along with vegetables + or dried fruits. + + As with many dishes in North Africa, the Middle East, and the Mediterranean, + Moroccan cuisine uses flatbread as a meal accompaniment. + + Lamb kebab is a popular type of dish in the Turkish cuisine + + Turkish food is another example of a fusion of various food cultures from Asia, + Europe, and the Middle East. Eggplant, stuffed dolmas, lamb kebabs, and delicious + vegetable stews are just some of the culinary delights you can experience with + Turkish food. Nuts such as hazelnuts, walnuts, and chestnuts are common food + ingredients in savory and sweet dishes. + + One important part of Turkish cuisine is yogurt. In fact, the name ‘yogurt’ + is a Turkish word. Yogurt and types of spiced yogurt are an accompaniment to + many vegetable and meat dishes in Turkey. Cheese made from sheep’s milk is another + important dairy product in Turkish cuisine. + + Popular beverages in Turkey include strong Turkish coffee, hot black tea, and + Ayran – a type of yogurt drink. + + Pad Thai is a famous and delicious dish to try when visiting Thailand + + Thai cuisine is all about strong spicy flavors that incorporate sweet, sour, + and hot elements. Some of the world’s most popular dishes are from Thailand. + Pad Thai, green curry, and tom yum goong are just some examples of the best + dishes from Thailand. + + Thai food is traditionally served with rice or noodles. Even spicy Thai soups + or broths usually contain basic rice noodles. + + One of the unique features of Thai cuisine is its wide use of spices, herbs, + and sauces. For example, fresh basil, lemongrass, kaffir lime, chilies, and + coconut milk are some of the ingredients in Thai green curry. Also, cloves, + ginger, cilantro, mint, and turmeric are common ingredients. + + Trying many of the different dishes in Thailand is usually a culinary experience + that few people forget. + + Samosas may take different fillings and forms, depending on the region in India + + When it comes to spicy, aromatic dishes, Indian cuisine usually tops the list. + The amazing range of spices, chilies, and herbs combine to make some of the + spiciest foods you can eat. + + In India, the range of different cuisines is also impressive. Each region in + India has its own ethnic foods and dishes. These can include vegetable pastry + morsels such as samosas, vegetarian curries, beans with fermented fish, and + vegetable pakoras. + + Street food is also part of the food culture in India. Tandoori chicken served + with basic naan bread, spicy Indian snacks, and sweet dishes such as Gulab jamun + are all popular. + + Indian cuisine has also been exported to many countries throughout the world. + In countries like the United Kingdom, the US, Australia, and Singapore, Indian + cuisine has been adapted to local culture. + + Crawfish dishes are very common in many restaurants in Louisiana + + Cajun food is an important part of American cuisine and is another example of + ‘fusion cuisine.’ French cuisine combined with local ingredients in Louisiana + has created many of the scrumptious dishes in Cajun cooking. + + Most Cajun dishes are prepared in pots. Seafood, crawfish, shrimps, vegetables, + and steamed rice are the most common ingredients. Celery, bell peppers, citrus + fruits, and okra are some of the fruits and vegetables common in Cajun food. + + Cajun cuisine is closely related to Creole cuisine. Gumbo is probably the signature + dish of both cuisines. + + Taco is a traditional Mexican dish made of tortilla folded around a variety + of fillings + + Another of the most popular types of cuisines in the world is Mexican food. + Tacos, enchiladas, tortillas, nachos, and quesadillas are now common dishes + in many countries around the world. Mexican food is also a popular street food + as it’s easy to wrap delicious spicy meat, salsas, and vegetables in tortas + or tortillas. + + Visiting an authentic Mexican restaurant provides an amazing choice of delicious + dishes. Ethnic Mexican food can include grilled goat, meat with eggs, exotic + fruits, and hot spicy dishes. Authentic Mexican avocado guacamole is absolutely + delicious. + + Traditional Mexican cuisine is much different from the ‘Tex-Mex’ type of Mexican + food that is popular in many countries. + + Jerk is a traditional cooking style in the Caribbean cuisine. In the photo: + jerk wings with rice and broccoli + + Traditional Caribbean dishes are a combination of African, European, Cajun, + and Middle Eastern cuisines. Fusing cooking styles from these countries along + with local ingredients has created a unique food culture. + + Rice is the staple ingredient in most Caribbean dishes. Local ingredients such + as coconuts, plantains, beans, tomatoes, and chickpeas are used to create tasty + meals. The addition of fiery chilies such as Scotch bonnet peppers gives many + Caribbean dishes a powerful kick. + + The most famous food in the Caribbean cuisine is oven-baked Jerk Chicken. This + is a spicy dish combining chicken, habanero peppers, ginger, garlic, herbs, + and spices. + + Although Caribbean cuisine defines many dishes from the islands, each island + has its own food culture. + + Bratwurst is a type of German sausage most commonly made of pork + + German cuisine is famous for its sausages called Wurst in German. There are + an estimated over 1,500 different types of German sausage. However, German food + isn’t all about bratwurst. There are many flavorful dishes in German cuisine. + + German specialties include German fries, sauerkraut, rye bread, Spätzle (a type + of noodle), and dumplings. Popular German desserts include donuts (without a + hole), Black Forest cake, and Rote Grütze (a delicious berry fruit pudding). + + Of course, Germany is also well-known for its beer such as pilsner and wheat + beer. + + Borscht is a soup common in Eastern Europe countries. Made with beetroots, it + has a typical red color + + Russia has a wide and varied food culture due to many culinary influences from + its different regions. Due to the harsh climate, soups and stews play an important + role in Russian cuisine. Thick spicy meat broths, noodle soups, and cabbage + soups are very popular. A popular type of Russian soup is borscht that contains + beets, cabbage, beef, and eaten with sour cream. + + Grains are another important part of Russian food. For example, buckwheat, barley + and millet are all used as accompaniments to main meals. Beef Stroganoff, meatballs, + and a type of Shish kebab are popular meat dishes. + + Even though it has become more expensive, caviar still enjoyed by many people + in Russia. + + Goulash is enjoyed not only in Hungary but around the world + + Similar to Russian food, Hungarian cuisine is a mixture of soups and stews. + Maybe the most famous Hungarian dish is goulash made with meat and spicy paprika. + This classic Hungarian meal can be served as a soup or a stew. + + Similar to many countries in Europe, Hungarian cuisine has been influenced by + surrounding countries. Therefore, crepes, sweet dumplings, stuffed cabbage rolls, + and sausages are all found on traditional Hungarian menus. + + Hot dog is a popular street food across USA + + American cuisine has absorbed the cultures of many who came to the United States + in the 1800s. A fusion of cooking styles, cuisines, and ethnic foods combined + to create a new type of cuisine. Many chefs took traditional dishes from their + home countries and put their own twist on them. + + For example, pizza is traditional Italian food. But ‘Chicago’ pizza has a thicker + and taller crust, whereas ‘New York Slice’ is thinner. A ‘New York Strip Steak’ + is known in other countries as sirloin or contre-filet steak. + + Hamburgers, hot dogs, ‘French fries,’ fried chicken, and deep-pan pizzas are + new takes on traditional foods from other countries. However, they are all part + of the list of foods belonging to American cuisine. + + Types of Food – Do You Know these Various Food Categories? + + Different Kinds of Vegetables and Their Nutritional Value + + Types of Meat With Their Benefits, Concerns and Nutrition Facts + + Types of Cuisine From Around the World With Their Popular Foods was last modified: + December 31st, 2019 by no_name12 + + Types of Steak: Different Cuts of Steak With Their Picture and Name + + Types of Edible Mushrooms (Including Wild Edible Mushrooms) - With Pictures + + Types of Tea: Varieties of Tea With Their Flavor, Caffeine Content and More + + The Tastiest and Most Exciting Types of Cheese You Didn t Know About' + __selected-sentences__: + - Types of Cuisine From Around the World With Their Popular Foods + episode_done: true + id: KnowledgeGenerationTeacher + labels: + - 'Types of Cuisine From Around the World With Their Popular Foods + + Most countries and regions in the world have their own particular cuisine. Different + types of cuisines involve certain cooking practices, local ingredients, and + a combination of spices. Some food cultures are a fusion of foods from different + countries. From these, delicious foods have developed that provide unique culinary + experiences. + + There are hundreds of different cuisines in the world. Famous cuisines in the + world include French, Thai, Italian, Indian, and Chinese. In large cities, it + is also not uncommon to find restaurants serving dishes from Moroccan, Lebanese, + Vietnamese, and Hungarian cuisines. + + Even in countries that have their own particular kind of cuisine, it is not + uncommon to have regional variations. For example, some types of food may be + prepared in different ways or include a different variety of ingredients. + + In this article, you will learn about some of the top cuisines in the world. + You will also find out where some famous dishes originated from. + + The French Provencal cuisine uses a lot of herbs + + Many regard French cuisine as one of the best cuisines in the world. French + food involves ingredients such as butter, cream, wine, herbs, chocolate, and + vegetables. French pastry dishes, cheese, bread, and wine are famous throughout + the world. + + Food culture in France also revolves around locally sourced ingredients. On + the Mediterranean coast, seafood is very popular. Provencal cuisine uses tarragon + and a host of other herbs and spices. Paris itself has over 9,000 restaurants + serving French classics and dishes from around the world. + + Dumplings and dim sum are a common food in the Chinese cuisine + + Chinese cuisine is one of the most diverse food cultures in the world. Traditionally, + Chinese food is served with noodles or rice. Also, Chinese dumplings form a + large part of the staple diet in many regions of China. There are several main + cuisines in Chinese cookery – Cantonese, Sichuan, Fujian, and Hunan cuisines + are the most well-known. + + Most Chinese dishes contain a mixture of vegetables that are stir-fried and + combined with aromatic spices and herbs. For example, ginger is often fried + along with garlic and onions to create flavorsome dishes. Also, soy sauce, rice + vinegar, and fish sauce are commonly used to create a blend of wonderful flavors. + + Chinese cuisine could be regarded as the one of the most important in the world. + Chinese cooking styles have influenced other foods from Korea, the Philippines, + Thailand, and Vietnam. Chinese dishes are so popular that most cities in the + world have a number of Chinese restaurants. Sweet and sour chicken and chop + suey are the most popular Chinese dishes outside of China. + + Sushi is a very popular food in Japanese restaurants + + Japanese dishes have become one of the most important food genres in the world. + Boiled rice usually accompanies most dishes with grilled fish, pickled vegetables, + or deep-fried vegetables. Tofu also plays an important part in traditional Japanese + cuisine. + + Of course, sushi is one of the most well-known type of Japanese food. Great + care and precision goes into creating delicious rice rolls with raw fish, vegetables, + and nori. These are accompanied with pickled ginger and dipping sauces. Japanese + food culture is so influential that many countries around the world developed + their own type of sushi varieties. + + Going into a Japanese restaurant, you often see the chef working in an open + kitchen at a Teppanyaki grill. + + After your delicious Japanese meal, you can finish off with a cup of refreshing + type of tea such as: green tea, oolong tea, or jasmine tea. + + Pasta dishes are one of the most famous foods in Italian cuisine + + Many people regard Italy as the country with the best food in the world. Pasta + dishes in Italian cuisine are one of the most popular and favorite types of + food in the world. There are very few people in the world who haven’t tried + delicious Italian foods like pizza, spaghetti, or delicious Italian ice cream. + Many classic Italian dishes also include the regional name in their title. For + example, spaghetti Bolognese from Bologna and Parma ham or Parmesan cheese from + Parma. + + The mainstays of the popular Italian cuisine are pasta, rice, tomatoes, and + cheese. Many regional variations include types of meat, seafood, or sausages + along with delicious sauces. These can be flavored with herbs such as oregano, + basil, or a combination of other fresh herbs. + + There is also great variation in food cultures between the various regions of + Italy. Abruzzo cuisine from the mountainous and coastal regions has pasta, seafood, + lamb, and wild mushrooms. Neapolitan cuisine is famous for foods like pizzas, + spaghetti, and mozzarella. Famous Italian dishes such as lasagna, tortellini, + and Parmigiano-Reggiano cheese are from areas around Bologna and Modena. + + Greek salad is a favorite food for Greek cuisine lovers + + Greek food culture is one of the oldest in the world. Cuisine from Greece and + the Greek islands is heavily influenced by olive oil, vegetables, fish, and + various types of meat. In fact, a simple Greek salad may just be fresh cucumbers, + tomatoes, red onions, a dash of olive oil, a few tasty olives, and a thick slice + of feta cheese. + + Some popular Greek dishes include moussaka made from eggplant, tzatziki (a type + of yogurt dip), or gyro – a type of kebab with lamb, pork, or chicken meat. + Due to its long coastline, seafood such as squid, mussels, fish, and lobster + are popular food choices. + + After feasting on Greek delicacies, you may have room for some common Greek + desserts. A delicious filo pastry with layers of nuts and honey called baklava + is one of the most favorite Greek sweet foods. + + Seafood paella is a popular dish served in many Spanish restaurants + + Similar to many countries around the Mediterranean Sea, Spanish cuisine is heavily + influenced by seafood. A combination of mussels, cuttlefish, shrimps, and lobster + together with paprika, saffron and rich broth create the classic seafood paella. + + Spanish food culture isn’t limited just to seafood. This popular cuisine also + includes foods like cured meats such as Serrano or Iberico ham. Chorizo sausage, + mushrooms, and cooked meat are used in Spanish appetizers – tapas. + + Different regions of Spain also have culinary variations. For example, La Rioja + is famous for its red wine, cured pork, and lamb dishes. Seafood, thyme soup, + and bean omelets are popular in Catalan cuisine. Andalusia is famous for hot + soups, fish stews, and cold soups such as gazpacho. + + Olive oil is a staple ingredient in the Mediterranean cuisine + + It can be difficult to define what exactly Mediterranean cuisine is as there + is great variety of dishes in it. The key ingredients of Mediterranean cuisine + are basic foods such as olive oil, fresh vegetables, wheat (such as bread and + pasta), and grape (such as wine). + + Mediterranean food styles include culinary delicacies from countries such as + Morocco, Italy, Portugal, Spain, Greece, Turkey, and the Middle East. + + Mediterranean food culture is also the basis of the Mediterranean diet. This + kind of diet contains olive oil, fresh vegetables and fruits, seafood, and nuts. + + Hummus dip with pita bread is a common type of food served in many Lebanese + restaurants + + Lebanese food culture comprises cuisines from other Mediterranean countries. + Poultry, seafood, lamb, or goat meat are prepared with olive oil, garlic, and + other spices. These are usually consumed with pitta bread and fresh or grilled + vegetables. + + Chickpeas also form a staple part of Lebanese cuisine. These are cooked and + blended with olive oil, tahini, and lemon juice to create a delicious nutty + hummus dip. + + As well as classic Mediterranean desserts such as baklava or halva, fresh or + dried types of dates are also widely used in Lebanese sweet dishes. + + A vegetable couscous is served in Moroccan tagine + + Moroccan dishes are a great example of when different cuisines fuse to form + a new type of food genre. Moroccan cuisine uses a goat, lamb, poultry, beef, + and seafood as its basis. These meats are spiced and cooked along with lemons, + dried fruits, and olive oil. + + One of the most famous foods in the popular Moroccan cuisine is couscous. This + common wheat-based food is combined with various spices, herbs, and vegetables + to create a versatile and delicious side dish. Another favorite Moroccan classic + dish is a tagine. This is an earthenware dish used to cook meat along with vegetables + or dried fruits. + + As with many dishes in North Africa, the Middle East, and the Mediterranean, + Moroccan cuisine uses flatbread as a meal accompaniment. + + Lamb kebab is a popular type of dish in the Turkish cuisine + + Turkish food is another example of a fusion of various food cultures from Asia, + Europe, and the Middle East. Eggplant, stuffed dolmas, lamb kebabs, and delicious + vegetable stews are just some of the culinary delights you can experience with + Turkish food. Nuts such as hazelnuts, walnuts, and chestnuts are common food + ingredients in savory and sweet dishes. + + One important part of Turkish cuisine is yogurt. In fact, the name ‘yogurt’ + is a Turkish word. Yogurt and types of spiced yogurt are an accompaniment to + many vegetable and meat dishes in Turkey. Cheese made from sheep’s milk is another + important dairy product in Turkish cuisine. + + Popular beverages in Turkey include strong Turkish coffee, hot black tea, and + Ayran – a type of yogurt drink. + + Pad Thai is a famous and delicious dish to try when visiting Thailand + + Thai cuisine is all about strong spicy flavors that incorporate sweet, sour, + and hot elements. Some of the world’s most popular dishes are from Thailand. + Pad Thai, green curry, and tom yum goong are just some examples of the best + dishes from Thailand. + + Thai food is traditionally served with rice or noodles. Even spicy Thai soups + or broths usually contain basic rice noodles. + + One of the unique features of Thai cuisine is its wide use of spices, herbs, + and sauces. For example, fresh basil, lemongrass, kaffir lime, chilies, and + coconut milk are some of the ingredients in Thai green curry. Also, cloves, + ginger, cilantro, mint, and turmeric are common ingredients. + + Trying many of the different dishes in Thailand is usually a culinary experience + that few people forget. + + Samosas may take different fillings and forms, depending on the region in India + + When it comes to spicy, aromatic dishes, Indian cuisine usually tops the list. + The amazing range of spices, chilies, and herbs combine to make some of the + spiciest foods you can eat. + + In India, the range of different cuisines is also impressive. Each region in + India has its own ethnic foods and dishes. These can include vegetable pastry + morsels such as samosas, vegetarian curries, beans with fermented fish, and + vegetable pakoras. + + Street food is also part of the food culture in India. Tandoori chicken served + with basic naan bread, spicy Indian snacks, and sweet dishes such as Gulab jamun + are all popular. + + Indian cuisine has also been exported to many countries throughout the world. + In countries like the United Kingdom, the US, Australia, and Singapore, Indian + cuisine has been adapted to local culture. + + Crawfish dishes are very common in many restaurants in Louisiana + + Cajun food is an important part of American cuisine and is another example of + ‘fusion cuisine.’ French cuisine combined with local ingredients in Louisiana + has created many of the scrumptious dishes in Cajun cooking. + + Most Cajun dishes are prepared in pots. Seafood, crawfish, shrimps, vegetables, + and steamed rice are the most common ingredients. Celery, bell peppers, citrus + fruits, and okra are some of the fruits and vegetables common in Cajun food. + + Cajun cuisine is closely related to Creole cuisine. Gumbo is probably the signature + dish of both cuisines. + + Taco is a traditional Mexican dish made of tortilla folded around a variety + of fillings + + Another of the most popular types of cuisines in the world is Mexican food. + Tacos, enchiladas, tortillas, nachos, and quesadillas are now common dishes + in many countries around the world. Mexican food is also a popular street food + as it’s easy to wrap delicious spicy meat, salsas, and vegetables in tortas + or tortillas. + + Visiting an authentic Mexican restaurant provides an amazing choice of delicious + dishes. Ethnic Mexican food can include grilled goat, meat with eggs, exotic + fruits, and hot spicy dishes. Authentic Mexican avocado guacamole is absolutely + delicious. + + Traditional Mexican cuisine is much different from the ‘Tex-Mex’ type of Mexican + food that is popular in many countries. + + Jerk is a traditional cooking style in the Caribbean cuisine. In the photo: + jerk wings with rice and broccoli + + Traditional Caribbean dishes are a combination of African, European, Cajun, + and Middle Eastern cuisines. Fusing cooking styles from these countries along + with local ingredients has created a unique food culture. + + Rice is the staple ingredient in most Caribbean dishes. Local ingredients such + as coconuts, plantains, beans, tomatoes, and chickpeas are used to create tasty + meals. The addition of fiery chilies such as Scotch bonnet peppers gives many + Caribbean dishes a powerful kick. + + The most famous food in the Caribbean cuisine is oven-baked Jerk Chicken. This + is a spicy dish combining chicken, habanero peppers, ginger, garlic, herbs, + and spices. + + Although Caribbean cuisine defines many dishes from the islands, each island + has its own food culture. + + Bratwurst is a type of German sausage most commonly made of pork + + German cuisine is famous for its sausages called Wurst in German. There are + an estimated over 1,500 different types of German sausage. However, German food + isn’t all about bratwurst. There are many flavorful dishes in German cuisine. + + German specialties include German fries, sauerkraut, rye bread, Spätzle (a type + of noodle), and dumplings. Popular German desserts include donuts (without a + hole), Black Forest cake, and Rote Grütze (a delicious berry fruit pudding). + + Of course, Germany is also well-known for its beer such as pilsner and wheat + beer. + + Borscht is a soup common in Eastern Europe countries. Made with beetroots, it + has a typical red color + + Russia has a wide and varied food culture due to many culinary influences from + its different regions. Due to the harsh climate, soups and stews play an important + role in Russian cuisine. Thick spicy meat broths, noodle soups, and cabbage + soups are very popular. A popular type of Russian soup is borscht that contains + beets, cabbage, beef, and eaten with sour cream. + + Grains are another important part of Russian food. For example, buckwheat, barley + and millet are all used as accompaniments to main meals. Beef Stroganoff, meatballs, + and a type of Shish kebab are popular meat dishes. + + Even though it has become more expensive, caviar still enjoyed by many people + in Russia. + + Goulash is enjoyed not only in Hungary but around the world + + Similar to Russian food, Hungarian cuisine is a mixture of soups and stews. + Maybe the most famous Hungarian dish is goulash made with meat and spicy paprika. + This classic Hungarian meal can be served as a soup or a stew. + + Similar to many countries in Europe, Hungarian cuisine has been influenced by + surrounding countries. Therefore, crepes, sweet dumplings, stuffed cabbage rolls, + and sausages are all found on traditional Hungarian menus. + + Hot dog is a popular street food across USA + + American cuisine has absorbed the cultures of many who came to the United States + in the 1800s. A fusion of cooking styles, cuisines, and ethnic foods combined + to create a new type of cuisine. Many chefs took traditional dishes from their + home countries and put their own twist on them. + + For example, pizza is traditional Italian food. But ‘Chicago’ pizza has a thicker + and taller crust, whereas ‘New York Slice’ is thinner. A ‘New York Strip Steak’ + is known in other countries as sirloin or contre-filet steak. + + Hamburgers, hot dogs, ‘French fries,’ fried chicken, and deep-pan pizzas are + new takes on traditional foods from other countries. However, they are all part + of the list of foods belonging to American cuisine. + + Types of Food – Do You Know these Various Food Categories? + + Different Kinds of Vegetables and Their Nutritional Value + + Types of Meat With Their Benefits, Concerns and Nutrition Facts + + Types of Cuisine From Around the World With Their Popular Foods was last modified: + December 31st, 2019 by no_name12 + + Types of Steak: Different Cuts of Steak With Their Picture and Name + + Types of Edible Mushrooms (Including Wild Edible Mushrooms) - With Pictures + + Types of Tea: Varieties of Tea With Their Flavor, Caffeine Content and More + + The Tastiest and Most Exciting Types of Cheese You Didn t Know About' + text: "My favorite tv show is Chopped.\nThey play along with the show\nI just\ + \ watched chopped for 3 hours straight. The baskets were hard in some of them.\n\ + \ Baskets? I don't know anything about this show. Is it something about cooking?\n\ + Yes it is. Chefs have a basket with 4 mystery ingredients. They compete to make\ + \ the best meal from the ingredients. \nIt sounds like quite a challenge! Do\ + \ you watch every episode? Have you tried to make the dishes yourself?\nYes,\ + \ I agree. Some of the ingredients I've never heard of. I try to watch as many\ + \ as I can, but not all. I only imagine what I would make. I have never tried\ + \ by myself. \nI think it would be a big challenge to do what Chefs on the program\ + \ do. Is there a type of cuisine that they normally feature? Or it it cuisine\ + \ from around the world? " +- - __select-docs-titles__: + - Stop calling yourself a foodie The Washington Post + __selected-docs__: + - 'Stop calling yourself a ‘foodie’ + + By Roberto A. Ferdman + + (Amy King/The Washington Post; iStock) + + In late 1984, The New York Times published a piece that was, at least indirectly, + about a word we could all do without. The story covered the release of The + Official Foodie Handbook by journalists Ann Barr and Paul Levy, which chronicled, + among other things, the lives of food lovers around the world. They were food + adventure seekers, culinary addicts who were interested in all food experiences, + refined and not. + + A foodie, the authors wrote, is a person who is very, very, very interested + in food. + + The two weren t the first to utter the term — that appears to have been Gael + Greene, who used it in a 1980 column for New York Magazine, according to etymologist + Barry Popik. Nor, as it happened, were they the last. But for years, the word + was used sparingly. A populist food critic might have been described as a foodie. A + gustatory pleasure seeker with the time and money to invest in obscure cooking + methods, niche coffee roasting techniques, and not-to-be-missed meals might + have earned the distinction too. It wasn t a compliment, it was just a descriptor. + It was an unpretentious way to categorize a growing but still relatively small + group of people. + + And then it wasn t. + + A look at Google Ngram, which tracks the frequency of words in digitized books, + shows the word was nonexistent until it appeared in the early 1980s, but its + use grew quickly shortly after the publication of Barr and Levy s book. + + A peek at Google Trends, which tracks the relative frequency with which people + search for various things, tells a similar story. Interest in the word foodie, which + seems to have piqued popular interest in late 2006, is trending at its highest + ever. People are typing it in and pressing go. + + Of course, you don t need Google s data to know the word is everywhere. You + have heard it, I am sure, if not today then yesterday, and if not yesterday + then the day before. It is inescapable. + + Everyone is a foodie + + Over time, the word has undergone an all-too-familiar transformation, bubbling + up to a point of ubiquity that has stripped the word of any semblance of meaning. + On a good day — or bad, depending on how you look at it — most people would + qualify as a foodie to someone. The net the word casts is just too wide. + + When asked about the word in 2012, Philipino restaurateur Elbert Cuenca had + this to say: + + It has come to the point of being bastardized. The word ‘foodie,’ which is nothing + more than a modern-day casual substitute for ‘gourmet,’ has been relegated to + mean anyone who likes food and/or eats out a lot. But who doesn’t like food? + Who doesn’t eat out a lot? + + The answer, on the off chance there is any doubt, is not that many people. + + It s no wonder that the word is bemoaned by so many people who work within the + world the term glorifies. Chefs hate it, because it empowers their customers + to feign knowledge about things they don t actually understand. Mark Bittman + doesn t care for it, because it too often reveres rather than challenges the + current and flawed food system. Nor does British journalist and gourmand John + Lanchester, who chronicled his frustration with mass foodie -ism in a 2014 + New Yorker piece. + + This is how he explained it: + + Everyone’s a critic, they say, and that’s certainly true of the food world today. + Of course, everyone has always been a critic, in the sense that customers have + always made the most basic judgment of all: Do I want to come back to this joint? + But there’s a contemporary development with respect to volume, in the dual sense + of quantity and loudness. The volume of all this critical chatter is turned + way up, and it’s harder than ever to ignore. Food is my favorite thing to talk + about and to learn about, but an interest that is reasonable on a personal and + an individual scale has grown out of all proportion in the wider culture. + + Among the list of major publications that have published something that argues, + in so many words, that the term foodie is awful: The Huffington Post, The + Daily Beast, The New York Times, and Saveur. + + The Observer, meanwhile, took its contempt a step further, coining a new term + in 2009 to mock those who embrace its predecessor: Foodiots. + + We see it in the meticulous record-keeping of eating habits on personal blogs. + The ubiquitous Facebook updates and tweets about subscribers’ most recent meals. + (Surely you also have those five or so friends whose feeds are 90 percent food-consumption-related?) + The requisite iPhone pic before a certain kind of diner—let’s call him a foodiot—ravages + his plate. + + But it still appears everywhere + + There is no shortage of public foodie resentment. From people in the know, + people whose opinions so-called foodies should, theoretically, value highly, + no less. And yet, despite the heaping piles of expertly deglazed vitriol, the + word persists. + + There are obvious (ab)users, who use the word readily and unironically, the + sort who post really close pictures of everything they eat or watch hours of + food television each day without ever learning how to work an oven. + + But there are others, too, who have usurped the word in arguably more upsetting + ways. + + Just this past Monday, the National Restaurant Association published its latest + industry forecast. In it, you ll find this doozy: Here’s a profile of the American + Foodie 2.0. + + Foodie has become a marketing weapon, a buzzword which companies regurgitate + in whatever form suits the pitch. There are dating sites for foodies , blogs + about Paleo foodie -ism (an oxymoron, if I ve ever heard one), even business-help + pieces about how companies can better target foodies. + + I can t think of anywhere the word foodie appears more often in my life than + in my email inbox, where PR pitches seem to invoke it at every opportunity. + A recent search turned up dozens of results — hundreds more when I extended + the search to my spam folder. One of the more recent examples (which went unanswered) + was about a list of the Best Cities for Food Trucks in the U.S. Foodies today + are considered hip, it read, as though it were written by someone s grandparents. + + The irony too many miss + + The problem with the word foodie, which many have hopefully gleaned by this + point, boils down to a simple truth: You can’t possibly call yourself a foodie if + you’re actually a foodie. There is a great irony in describing yourself as + a food insider in a way no actual food insider ever would. The act itself precludes + you from being part of the world you want to associate yourself with. The word + doubles as a compliment and an insult, depending on who utters it. + + In this sense, using the word foodie is like wearing an outfit that was fashionable + years before, long enough ago that it s no longer in style but not long enough + ago for some to mistake it as still being cool. The analogy, of course, doesn + t end there, because those same people wearing what was all the rage five years + ago are also announcing that they should be thought of as members of the fashion-obsessed + squad. + + There s nothing wrong with food populism. It s this very trend, after all, that + has helped buoy the food movement, which is slowly reversing how disconnected + we have all become from the production of our food. But some things have clearly + been lost in the collective trek toward announcing whenever possible how much + we like to eat. + + Among them, is how Levy, one the term s pioneers, first encountered the term: + as an insult. This is how he explained it in a 2007 piece published in The Guardian: + + In late 1981 Ann Barr, then features editor of Harper s & Queen, noticed the + food world was shifting on its tectonic plates, and that perfectly sane people + had suddenly become obsessed with every aspect of food. + + She invited readers to write in and immediately received several attacks upon + a greedy, single-minded and highly visible food-obsessive who wrote in the magazine + at the time - me. Thus it was that, in the issue of August 1982, I was derided + in the anonymous article (edited, as it happens, by me) as the ghastly, his-stomach-is-bigger-than-his-eyes, + original, appetite-unsuppressed, lip-smacking king foodie. I had to sign a + legal undertaking not to sue the magazine or myself for libel. + + It s fitting, isn t it, how we have come full circle? + + Roberto A. Ferdman Roberto A. Ferdman was a reporter for Wonkblog covering food, + economics, and other things. He left The Washington Post in June 2016.' + __selected-sentences__: + - Stop calling yourself a ‘foodie’ + episode_done: true + id: KnowledgeGenerationTeacher + labels: + - 'Stop calling yourself a ‘foodie’ + + By Roberto A. Ferdman + + (Amy King/The Washington Post; iStock) + + In late 1984, The New York Times published a piece that was, at least indirectly, + about a word we could all do without. The story covered the release of The + Official Foodie Handbook by journalists Ann Barr and Paul Levy, which chronicled, + among other things, the lives of food lovers around the world. They were food + adventure seekers, culinary addicts who were interested in all food experiences, + refined and not. + + A foodie, the authors wrote, is a person who is very, very, very interested + in food. + + The two weren t the first to utter the term — that appears to have been Gael + Greene, who used it in a 1980 column for New York Magazine, according to etymologist + Barry Popik. Nor, as it happened, were they the last. But for years, the word + was used sparingly. A populist food critic might have been described as a foodie. A + gustatory pleasure seeker with the time and money to invest in obscure cooking + methods, niche coffee roasting techniques, and not-to-be-missed meals might + have earned the distinction too. It wasn t a compliment, it was just a descriptor. + It was an unpretentious way to categorize a growing but still relatively small + group of people. + + And then it wasn t. + + A look at Google Ngram, which tracks the frequency of words in digitized books, + shows the word was nonexistent until it appeared in the early 1980s, but its + use grew quickly shortly after the publication of Barr and Levy s book. + + A peek at Google Trends, which tracks the relative frequency with which people + search for various things, tells a similar story. Interest in the word foodie, which + seems to have piqued popular interest in late 2006, is trending at its highest + ever. People are typing it in and pressing go. + + Of course, you don t need Google s data to know the word is everywhere. You + have heard it, I am sure, if not today then yesterday, and if not yesterday + then the day before. It is inescapable. + + Everyone is a foodie + + Over time, the word has undergone an all-too-familiar transformation, bubbling + up to a point of ubiquity that has stripped the word of any semblance of meaning. + On a good day — or bad, depending on how you look at it — most people would + qualify as a foodie to someone. The net the word casts is just too wide. + + When asked about the word in 2012, Philipino restaurateur Elbert Cuenca had + this to say: + + It has come to the point of being bastardized. The word ‘foodie,’ which is nothing + more than a modern-day casual substitute for ‘gourmet,’ has been relegated to + mean anyone who likes food and/or eats out a lot. But who doesn’t like food? + Who doesn’t eat out a lot? + + The answer, on the off chance there is any doubt, is not that many people. + + It s no wonder that the word is bemoaned by so many people who work within the + world the term glorifies. Chefs hate it, because it empowers their customers + to feign knowledge about things they don t actually understand. Mark Bittman + doesn t care for it, because it too often reveres rather than challenges the + current and flawed food system. Nor does British journalist and gourmand John + Lanchester, who chronicled his frustration with mass foodie -ism in a 2014 + New Yorker piece. + + This is how he explained it: + + Everyone’s a critic, they say, and that’s certainly true of the food world today. + Of course, everyone has always been a critic, in the sense that customers have + always made the most basic judgment of all: Do I want to come back to this joint? + But there’s a contemporary development with respect to volume, in the dual sense + of quantity and loudness. The volume of all this critical chatter is turned + way up, and it’s harder than ever to ignore. Food is my favorite thing to talk + about and to learn about, but an interest that is reasonable on a personal and + an individual scale has grown out of all proportion in the wider culture. + + Among the list of major publications that have published something that argues, + in so many words, that the term foodie is awful: The Huffington Post, The + Daily Beast, The New York Times, and Saveur. + + The Observer, meanwhile, took its contempt a step further, coining a new term + in 2009 to mock those who embrace its predecessor: Foodiots. + + We see it in the meticulous record-keeping of eating habits on personal blogs. + The ubiquitous Facebook updates and tweets about subscribers’ most recent meals. + (Surely you also have those five or so friends whose feeds are 90 percent food-consumption-related?) + The requisite iPhone pic before a certain kind of diner—let’s call him a foodiot—ravages + his plate. + + But it still appears everywhere + + There is no shortage of public foodie resentment. From people in the know, + people whose opinions so-called foodies should, theoretically, value highly, + no less. And yet, despite the heaping piles of expertly deglazed vitriol, the + word persists. + + There are obvious (ab)users, who use the word readily and unironically, the + sort who post really close pictures of everything they eat or watch hours of + food television each day without ever learning how to work an oven. + + But there are others, too, who have usurped the word in arguably more upsetting + ways. + + Just this past Monday, the National Restaurant Association published its latest + industry forecast. In it, you ll find this doozy: Here’s a profile of the American + Foodie 2.0. + + Foodie has become a marketing weapon, a buzzword which companies regurgitate + in whatever form suits the pitch. There are dating sites for foodies , blogs + about Paleo foodie -ism (an oxymoron, if I ve ever heard one), even business-help + pieces about how companies can better target foodies. + + I can t think of anywhere the word foodie appears more often in my life than + in my email inbox, where PR pitches seem to invoke it at every opportunity. + A recent search turned up dozens of results — hundreds more when I extended + the search to my spam folder. One of the more recent examples (which went unanswered) + was about a list of the Best Cities for Food Trucks in the U.S. Foodies today + are considered hip, it read, as though it were written by someone s grandparents. + + The irony too many miss + + The problem with the word foodie, which many have hopefully gleaned by this + point, boils down to a simple truth: You can’t possibly call yourself a foodie if + you’re actually a foodie. There is a great irony in describing yourself as + a food insider in a way no actual food insider ever would. The act itself precludes + you from being part of the world you want to associate yourself with. The word + doubles as a compliment and an insult, depending on who utters it. + + In this sense, using the word foodie is like wearing an outfit that was fashionable + years before, long enough ago that it s no longer in style but not long enough + ago for some to mistake it as still being cool. The analogy, of course, doesn + t end there, because those same people wearing what was all the rage five years + ago are also announcing that they should be thought of as members of the fashion-obsessed + squad. + + There s nothing wrong with food populism. It s this very trend, after all, that + has helped buoy the food movement, which is slowly reversing how disconnected + we have all become from the production of our food. But some things have clearly + been lost in the collective trek toward announcing whenever possible how much + we like to eat. + + Among them, is how Levy, one the term s pioneers, first encountered the term: + as an insult. This is how he explained it in a 2007 piece published in The Guardian: + + In late 1981 Ann Barr, then features editor of Harper s & Queen, noticed the + food world was shifting on its tectonic plates, and that perfectly sane people + had suddenly become obsessed with every aspect of food. + + She invited readers to write in and immediately received several attacks upon + a greedy, single-minded and highly visible food-obsessive who wrote in the magazine + at the time - me. Thus it was that, in the issue of August 1982, I was derided + in the anonymous article (edited, as it happens, by me) as the ghastly, his-stomach-is-bigger-than-his-eyes, + original, appetite-unsuppressed, lip-smacking king foodie. I had to sign a + legal undertaking not to sue the magazine or myself for libel. + + It s fitting, isn t it, how we have come full circle? + + Roberto A. Ferdman Roberto A. Ferdman was a reporter for Wonkblog covering food, + economics, and other things. He left The Washington Post in June 2016.' + text: "My favorite tv show is Chopped.\nThey play along with the show\nI just\ + \ watched chopped for 3 hours straight. The baskets were hard in some of them.\n\ + \ Baskets? I don't know anything about this show. Is it something about cooking?\n\ + Yes it is. Chefs have a basket with 4 mystery ingredients. They compete to make\ + \ the best meal from the ingredients. \nIt sounds like quite a challenge! Do\ + \ you watch every episode? Have you tried to make the dishes yourself?\nYes,\ + \ I agree. Some of the ingredients I've never heard of. I try to watch as many\ + \ as I can, but not all. I only imagine what I would make. I have never tried\ + \ by myself. \nI think it would be a big challenge to do what Chefs on the program\ + \ do. Is there a type of cuisine that they normally feature? Or it it cuisine\ + \ from around the world? \nYes, i forgot to mention there is also only a 20\ + \ or thirty minute time limit, depending on the round. The cuisine is from around\ + \ the world. Fine dining to street style. \nThat sounds interesting! I bet the\ + \ show is pretty popular with foodies! Do you consider yourself a foodie?" +- - __select-docs-titles__: + - A Complete List of Tom Hanks Movies in Chronological Order + __selected-docs__: + - 'A Complete List of Tom Hanks Movies in Chronological Order + + Tom Hanks has pretty much ruled the roost in mainstream Hollywood for over two + decades now. Entertainism gives you a comprehensive account of this fine actor + s commendable body of work. + + Here s to the real Mr. Banks! + + As of 2012, Tom Hanks films have grossed over USD 4.2 billion solely within + the United States, along with over USD 8.5 billion worldwide, making him one + of the most bankable box office stars in Hollywood. + + With a career spanning over 35 years, Tom Hanks ranks among Hollywood s top + brass. Like most of his illustrious contemporaries, Hanks too has dabbled in + film production, writing, and direction, besides showcasing his solid acting + talents on celluloid. + + His work has earned him numerous nominations, awards, and honors, including + a Golden Globe and an Academy Award for Best Actor for his role in Philadelphia, + and a Golden Globe, an Academy Award, a Screen Actors Guild Award, and a People + s Choice Award for his role in Forrest Gump. + + Hanks collaborated efforts with acclaimed film director Steven Spielberg have + given us memorable movies like Saving Private Ryan, Catch Me If You Can, and + The Terminal, as well as the 2001 mini-series Band of Brothers, which launched + Hanks as a successful director, producer, and writer. + + Here s a decade-wise look at all the movies featuring Tom Hanks. + + Year Movie Character + + 1980 He Knows You re Alone Elliot + + 1984 Splash Allen Bauer + + Bachelor Party Rick Gassko + + 1985 The Man with One Red Shoe Richard Harlan Drew + + Volunteers Lawrence Whatley Bourne III + + 1986 The Money Pit Walter Fielding, Jr. + + Nothing in Common David Basner + + Every Time We Say Goodbye David Bradley + + 1987 Dragnet Det. Pep Streebek + + 1988 Big Josh Baskin + + Punchline Steven Gold + + 1989 The Burbs Ray Peterson + + Turner & Hooch Det. Scott Turner + + 1990 Joe Versus the Volcano Joe Banks + + The Bonfire of the Vanities Sherman McCoy + + 1992 Radio Flyer Older Mike + + A League of Their Own Jimmy Dugan + + 1993 Sleepless in Seattle Sam Baldwin + + Philadelphia Andrew Beckett + + 1994 Forrest Gump Forrest Gump + + 1995 Apollo 13 Jim Lovell + + 1996 That Thing You Do! Mr. White + + 1998 Saving Private Ryan Captain John H. Miller + + You ve Got Mail Joe Fox + + 1999 Toy Story 2 Woody + + The Green Mile Paul Edgecomb + + 2000 Cast Away Chuck Noland + + 2002 Road to Perdition Michael Sullivan, Sr. + + Catch Me If You Can Carl Hanratty + + 2004 The Ladykillers Professor G.H. Dorr + + The Terminal Viktor Navorski + + The Polar Express Multiple characters + + 2006 The Da Vinci Code Robert Langdon + + Cars Woody Car + + 2007 Charlie Wilson s War Charlie Wilson + + The Simpsons Movie Himself + + 2009 The Great Buck Howard Mr. Gable + + Angels & Demons Robert Langdon + + 2011 Larry Crowne Larry Crowne + + Extremely Loud and Incredibly Close Thomas Schell Jr. + + 2012 Cloud Atlas Several characters + + 2013 Captain Phillips Captain Richard Phillips + + Saving Mr. Banks Walt Disney + + In keeping with his powerhouse performances, Tom Hanks upcoming project as + an actor happens to be A Hologram For the King, based on the Dave Eggers novel. + His numerous fans also await his reappearance as Robert Langdon in Dan Brown + s next thriller, The Lost Symbol.' + __selected-sentences__: + - 1999 Toy Story 2 Woody + episode_done: true + id: KnowledgeGenerationTeacher + labels: + - 'A Complete List of Tom Hanks Movies in Chronological Order + + Tom Hanks has pretty much ruled the roost in mainstream Hollywood for over two + decades now. Entertainism gives you a comprehensive account of this fine actor + s commendable body of work. + + Here s to the real Mr. Banks! + + As of 2012, Tom Hanks films have grossed over USD 4.2 billion solely within + the United States, along with over USD 8.5 billion worldwide, making him one + of the most bankable box office stars in Hollywood. + + With a career spanning over 35 years, Tom Hanks ranks among Hollywood s top + brass. Like most of his illustrious contemporaries, Hanks too has dabbled in + film production, writing, and direction, besides showcasing his solid acting + talents on celluloid. + + His work has earned him numerous nominations, awards, and honors, including + a Golden Globe and an Academy Award for Best Actor for his role in Philadelphia, + and a Golden Globe, an Academy Award, a Screen Actors Guild Award, and a People + s Choice Award for his role in Forrest Gump. + + Hanks collaborated efforts with acclaimed film director Steven Spielberg have + given us memorable movies like Saving Private Ryan, Catch Me If You Can, and + The Terminal, as well as the 2001 mini-series Band of Brothers, which launched + Hanks as a successful director, producer, and writer. + + Here s a decade-wise look at all the movies featuring Tom Hanks. + + Year Movie Character + + 1980 He Knows You re Alone Elliot + + 1984 Splash Allen Bauer + + Bachelor Party Rick Gassko + + 1985 The Man with One Red Shoe Richard Harlan Drew + + Volunteers Lawrence Whatley Bourne III + + 1986 The Money Pit Walter Fielding, Jr. + + Nothing in Common David Basner + + Every Time We Say Goodbye David Bradley + + 1987 Dragnet Det. Pep Streebek + + 1988 Big Josh Baskin + + Punchline Steven Gold + + 1989 The Burbs Ray Peterson + + Turner & Hooch Det. Scott Turner + + 1990 Joe Versus the Volcano Joe Banks + + The Bonfire of the Vanities Sherman McCoy + + 1992 Radio Flyer Older Mike + + A League of Their Own Jimmy Dugan + + 1993 Sleepless in Seattle Sam Baldwin + + Philadelphia Andrew Beckett + + 1994 Forrest Gump Forrest Gump + + 1995 Apollo 13 Jim Lovell + + 1996 That Thing You Do! Mr. White + + 1998 Saving Private Ryan Captain John H. Miller + + You ve Got Mail Joe Fox + + 1999 Toy Story 2 Woody + + The Green Mile Paul Edgecomb + + 2000 Cast Away Chuck Noland + + 2002 Road to Perdition Michael Sullivan, Sr. + + Catch Me If You Can Carl Hanratty + + 2004 The Ladykillers Professor G.H. Dorr + + The Terminal Viktor Navorski + + The Polar Express Multiple characters + + 2006 The Da Vinci Code Robert Langdon + + Cars Woody Car + + 2007 Charlie Wilson s War Charlie Wilson + + The Simpsons Movie Himself + + 2009 The Great Buck Howard Mr. Gable + + Angels & Demons Robert Langdon + + 2011 Larry Crowne Larry Crowne + + Extremely Loud and Incredibly Close Thomas Schell Jr. + + 2012 Cloud Atlas Several characters + + 2013 Captain Phillips Captain Richard Phillips + + Saving Mr. Banks Walt Disney + + In keeping with his powerhouse performances, Tom Hanks upcoming project as + an actor happens to be A Hologram For the King, based on the Dave Eggers novel. + His numerous fans also await his reappearance as Robert Langdon in Dan Brown + s next thriller, The Lost Symbol.' + text: 'My favorite actor is Tom Hanks. + + It''s absolutely incredible how many hit movies Tom Hanks has put out + + What is your favorite Tom Hanks movie of them all? + + My favorite has to be when he played Woody in Toy Story 2! Which one is your + go-to? ' +num_episodes: 8614 +num_examples: 41476 diff --git a/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocsTeacher_valid.yml b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocsTeacher_valid.yml new file mode 100644 index 00000000000..4bb77adab61 --- /dev/null +++ b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldDocsTeacher_valid.yml @@ -0,0 +1,9845 @@ +acts: +- - __select-docs-titles__: + - Super Bowl LV Wikipedia + __selected-docs__: + - 'Raymond James Stadium in 2007 + + Raymond James Stadium, Tampa, Florida + + ← LIV + + LVI → + + Super Bowl LV, the 55th Super Bowl and the 51st modern-era National Football + League (NFL) championship game, will decide the league champion for the 2020 + season. The game is scheduled to be played on February 7, 2021 in Tampa, Florida + (with the exact date pending potential changes to the NFL calendar). This will + be the fifth Super Bowl hosted by the Tampa area, with the last one being Super + Bowl XLIII in 2009, and the third one held at Raymond James Stadium. The game + will be televised nationally by NBC. It will be the third time that the Super + Bowl is in the same state in back to back years with Super Bowl LIV taking place + at Hard Rock Stadium in Miami Gardens, Florida.[1] + + 1 Host-selection process + + Host-selection process[edit] + + On May 19, 2015, the league announced the five finalists that will compete to + host Super Bowl LIII in 2019 and Super Bowl LIV in 2020. NFL owners voted on + these cities in May 2016, with the first round of voting determining who will + host Super Bowl LIII, the second round deciding the site for Super Bowl LIV; + and in a development not known in advance, a third round of voting was added + to select a Super Bowl LV hosting site during the meetings.[2] At the NFL owner + meetings on May 24, 2016, Atlanta and Miami were awarded Super Bowls LIII and + LIV respectively, removing them from the running. Los Angeles was not eligible + for Super Bowl LIII, as its stadium would not yet be finished; it was eligible + for LIV and LV, opting to bid only on the latter. + + The two candidates were as follows: + + Raymond James Stadium, Tampa, Florida: Tampa has hosted four Super Bowls, with + the last being Super Bowl XLIII in 2009. + + Los Angeles Stadium at Hollywood Park, Inglewood, California: Los Angeles has + hosted the Super Bowl seven times, most recently in 1993 with Super Bowl XXVII; + that game, along with the four prior Super Bowls in the area, were held at the + Rose Bowl while first two Super Bowls in Los Angeles area were held at Los Angeles + Memorial Coliseum. + + Los Angeles was originally chosen as the host site in a vote on May 24, 2016.[3][4][5] + However, due to construction delays, authorities announced that the Los Angeles + Stadium at Hollywood Park would not be completed until the start of the 2020 + NFL season.[6] As a result, on May 23, 2017, NFL owners voted to move Super + Bowl LV to Tampa. The City of Inglewood will instead be hosting Super Bowl LVI + in 2022.[7] + + NBC will broadcast Super Bowl LV , as part of an annual cycle between the three + main broadcast television partners of the NFL.[8] As with NBC s previous Super + Bowl (Super Bowl LII) Universo has carried Spanish-language simulcasts of select + games, after years of aborted attempts to simulcast the games on Telemundo. + + ^ 2019 Super Bowl LIII Location and Date . Retrieved February 4, 2018. + + ^ Battista, Judy (May 23, 2016). Future Super Bowl sites, Las Vegas among topics + at NFL meeting. NFL.com. Retrieved May 23, 2016. + + ^ Rosenthal, Gregg. Atlanta, South Florida, L.A. chosen to host Super Bowls + . NFL.com. Retrieved May 24, 2016. + + ^ NFL awards 2021 Super Bowl to Los Angeles . Los Angeles Times. May 24, 2016. + Retrieved May 24, 2016. + + ^ NFL awards future Super Bowls to Atlanta, South Florida and Los Angeles . + CBS Sports. May 24, 2016. Retrieved May 24, 2016. + + ^ Farmer, Sam; Fenno, Nathan (May 18, 2017). Inglewood football stadium s opening + will be delayed a year because of record rainfall . Los Angeles Times. ISSN + 0458-3035. Retrieved May 18, 2017. + + ^ Super Bowl LV relocated to Tampa; L.A. will host SB LVI . NFL.com. Retrieved + May 23, 2017. + + ^ Hipes, Patrick (December 14, 2011). Update: NBC, CBS And Fox Score Nine-Year + NFL Extensions Taking Them To 2022 . Deadline.com. Retrieved May 24, 2017. + + The NFL on NBC pregame show (Football Night in America) + + NFL on NBC Radio + + Thursday Night Football (2016–2017) + + College Football on NBC (Notre Dame) + + College Football on USA + + Other pro football programs + + Arena Football League on NBC + + World League of American Football on USA + + XFL on NBC + + NFL on television (history) + + Primary television stations + + Super Bowl TV ratings (lead-out programs) + + Prime-time results + + Monday night NFL games prior to 1970 + + Sunday Night Football results (2006-present) + + Commentator pairings + + Pregame show panelists + + Pre-AFL–NFL merger + + 1982 CFL season + + Announcerless game + + The Clock Play + + Cleveland Browns relocation controversy + + The Holy Roller + + Snowplow Game + + Leon Lett Blunder II + + The Epic in Miami + + Ghost to the Post + + Immaculate Reception + + The Freezer Bowl + + The Drive + + The Fumble + + The Comeback + + Beast Quake + + The Interception + + Philly Special + + Pre-AFL–NFL merger lore + + The Greatest Game Ever Played + + Heidi Game + + Sunday Night Football lore + + 4th and 2 + + Butt fumble + + Somethin Bad + + AFL Championship + + AFC package carrier (1970–1997) + + Sunday Night Football era (2006–present) + + Website: NBC Sports - NFL News + + This article related to sports in Florida is a stub. You can help Wikipedia + by expanding it. + + Retrieved from https://en.wikipedia.org/w/index.php?title=Super_Bowl_LV&oldid=881831256 + + Scheduled sports events + + 2021 in sports in Florida + + 21st century in Tampa, Florida + + Sports competitions in Tampa, Florida + + American football stubs + + Florida sport stubs' + __selected-sentences__: + - Super Bowl LV, the 55th Super Bowl and the 51st modern-era National Football + League (NFL) championship game, will decide the league champion for the 2020 + season. The game is scheduled to be played on February 7, 2021 in Tampa, Florida + (with the exact date pending potential changes to the NFL calendar). This will + be the fifth Super Bowl hosted by the Tampa area, with the last one being Super + Bowl XLIII in 2009, and the third one held at Raymond James Stadium. The game + will be televised nationally by NBC. It will be the third time that the Super + Bowl is in the same state in back to back years with Super Bowl LIV taking place + at Hard Rock Stadium in Miami Gardens, Florida.[1] + episode_done: true + eval_labels: + - 'Raymond James Stadium in 2007 + + Raymond James Stadium, Tampa, Florida + + ← LIV + + LVI → + + Super Bowl LV, the 55th Super Bowl and the 51st modern-era National Football + League (NFL) championship game, will decide the league champion for the 2020 + season. The game is scheduled to be played on February 7, 2021 in Tampa, Florida + (with the exact date pending potential changes to the NFL calendar). This will + be the fifth Super Bowl hosted by the Tampa area, with the last one being Super + Bowl XLIII in 2009, and the third one held at Raymond James Stadium. The game + will be televised nationally by NBC. It will be the third time that the Super + Bowl is in the same state in back to back years with Super Bowl LIV taking place + at Hard Rock Stadium in Miami Gardens, Florida.[1] + + 1 Host-selection process + + Host-selection process[edit] + + On May 19, 2015, the league announced the five finalists that will compete to + host Super Bowl LIII in 2019 and Super Bowl LIV in 2020. NFL owners voted on + these cities in May 2016, with the first round of voting determining who will + host Super Bowl LIII, the second round deciding the site for Super Bowl LIV; + and in a development not known in advance, a third round of voting was added + to select a Super Bowl LV hosting site during the meetings.[2] At the NFL owner + meetings on May 24, 2016, Atlanta and Miami were awarded Super Bowls LIII and + LIV respectively, removing them from the running. Los Angeles was not eligible + for Super Bowl LIII, as its stadium would not yet be finished; it was eligible + for LIV and LV, opting to bid only on the latter. + + The two candidates were as follows: + + Raymond James Stadium, Tampa, Florida: Tampa has hosted four Super Bowls, with + the last being Super Bowl XLIII in 2009. + + Los Angeles Stadium at Hollywood Park, Inglewood, California: Los Angeles has + hosted the Super Bowl seven times, most recently in 1993 with Super Bowl XXVII; + that game, along with the four prior Super Bowls in the area, were held at the + Rose Bowl while first two Super Bowls in Los Angeles area were held at Los Angeles + Memorial Coliseum. + + Los Angeles was originally chosen as the host site in a vote on May 24, 2016.[3][4][5] + However, due to construction delays, authorities announced that the Los Angeles + Stadium at Hollywood Park would not be completed until the start of the 2020 + NFL season.[6] As a result, on May 23, 2017, NFL owners voted to move Super + Bowl LV to Tampa. The City of Inglewood will instead be hosting Super Bowl LVI + in 2022.[7] + + NBC will broadcast Super Bowl LV , as part of an annual cycle between the three + main broadcast television partners of the NFL.[8] As with NBC s previous Super + Bowl (Super Bowl LII) Universo has carried Spanish-language simulcasts of select + games, after years of aborted attempts to simulcast the games on Telemundo. + + ^ 2019 Super Bowl LIII Location and Date . Retrieved February 4, 2018. + + ^ Battista, Judy (May 23, 2016). Future Super Bowl sites, Las Vegas among topics + at NFL meeting. NFL.com. Retrieved May 23, 2016. + + ^ Rosenthal, Gregg. Atlanta, South Florida, L.A. chosen to host Super Bowls + . NFL.com. Retrieved May 24, 2016. + + ^ NFL awards 2021 Super Bowl to Los Angeles . Los Angeles Times. May 24, 2016. + Retrieved May 24, 2016. + + ^ NFL awards future Super Bowls to Atlanta, South Florida and Los Angeles . + CBS Sports. May 24, 2016. Retrieved May 24, 2016. + + ^ Farmer, Sam; Fenno, Nathan (May 18, 2017). Inglewood football stadium s opening + will be delayed a year because of record rainfall . Los Angeles Times. ISSN + 0458-3035. Retrieved May 18, 2017. + + ^ Super Bowl LV relocated to Tampa; L.A. will host SB LVI . NFL.com. Retrieved + May 23, 2017. + + ^ Hipes, Patrick (December 14, 2011). Update: NBC, CBS And Fox Score Nine-Year + NFL Extensions Taking Them To 2022 . Deadline.com. Retrieved May 24, 2017. + + The NFL on NBC pregame show (Football Night in America) + + NFL on NBC Radio + + Thursday Night Football (2016–2017) + + College Football on NBC (Notre Dame) + + College Football on USA + + Other pro football programs + + Arena Football League on NBC + + World League of American Football on USA + + XFL on NBC + + NFL on television (history) + + Primary television stations + + Super Bowl TV ratings (lead-out programs) + + Prime-time results + + Monday night NFL games prior to 1970 + + Sunday Night Football results (2006-present) + + Commentator pairings + + Pregame show panelists + + Pre-AFL–NFL merger + + 1982 CFL season + + Announcerless game + + The Clock Play + + Cleveland Browns relocation controversy + + The Holy Roller + + Snowplow Game + + Leon Lett Blunder II + + The Epic in Miami + + Ghost to the Post + + Immaculate Reception + + The Freezer Bowl + + The Drive + + The Fumble + + The Comeback + + Beast Quake + + The Interception + + Philly Special + + Pre-AFL–NFL merger lore + + The Greatest Game Ever Played + + Heidi Game + + Sunday Night Football lore + + 4th and 2 + + Butt fumble + + Somethin Bad + + AFL Championship + + AFC package carrier (1970–1997) + + Sunday Night Football era (2006–present) + + Website: NBC Sports - NFL News + + This article related to sports in Florida is a stub. You can help Wikipedia + by expanding it. + + Retrieved from https://en.wikipedia.org/w/index.php?title=Super_Bowl_LV&oldid=881831256 + + Scheduled sports events + + 2021 in sports in Florida + + 21st century in Tampa, Florida + + Sports competitions in Tampa, Florida + + American football stubs + + Florida sport stubs' + id: KnowledgeGenerationTeacher + text: "I work as a freelance accountant.\nI enjoy reading books. \nSame here!\ + \ What kind of books do you read?\nAll fiction! With COVID this past summer,\ + \ I read 16 books in 3 months. You?\nI am a big Harry Potter nerd! What do\ + \ you do for work?\nAudit banks. You?\nI do taxes actually!\nGood for you!\ + \ Are you watching the Superbowl this year?\nI will! It is on the 7th right\ + \ ?" +- - __select-docs-titles__: + - Tom Brady Wikipedia + __selected-docs__: + - 'For other people named Tom Brady, see Tom Brady (disambiguation). + + Brady in 2017 + + New England Patriots (2000–present) + + 6× Super Bowl champion (XXXVI, XXXVIII, XXXIX, XLIX, LI, LIII) + + 4× Super Bowl MVP (XXXVI, XXXVIII, XLIX, LI) + + 3× NFL Most Valuable Player (2007, 2010, 2017) + + 14× Pro Bowl (2001, 2004, 2005, 2007, 2009–2018) + + 3× First-team All-Pro (2007, 2010, 2017) + + 2× Second-team All-Pro (2005, 2016) + + 3× NFL passing yards leader (2005, 2007, 2017) + + 2× NFL passer rating leader (2007, 2010) + + Bert Bell Award (2007) + + Associated Press Male Athlete of the Year (2007) + + Sports Illustrated Sportsman of the Year (2005) + + NFL 2000s All-Decade Team + + National champion (1997) + + Best touchdown to interception ratio in a single season: 28:2[1] + + Most games won by a quarterback: 237[2] + + Most Super Bowl appearances: 9 + + Most Super Bowl wins: 6 + + Most Super Bowl MVP awards: 4 + + Most passing yards in a Super Bowl: 505 + + Longest touchdown pass (tied)[3][4] + + Completion percentage: + + Thomas Edward Patrick Brady Jr. (born August 3, 1977) is an American football + quarterback for the New England Patriots of the National Football League (NFL). + He has won six Super Bowls, the most of any football player ever, and due to + his numerous accomplishments, records, and accolades, many analysts and sportswriters + consider Brady to be the greatest quarterback in NFL history.[5][6][7][8][9][10] + + After playing college football for the University of Michigan, Brady was drafted + by the Patriots in the sixth round of the 2000 NFL Draft. Due to his late selection, + Brady is considered the biggest steal in the history of the NFL Draft.[11][12][13] + In Brady s seventeen seasons as a starter,[a] he has played in nine Super Bowls + with the Patriots, and is one of only two quarterbacks to win the Super Bowl + in their first season as a starter (the other being Kurt Warner). Brady holds + most of the postseason quarterback records, leading all players in postseason + touchdowns, passing yards, and completions, while owning the corresponding Super + Bowl records as well. + + Brady has won four Super Bowl MVP awards (Super Bowl XXXVI, XXXVIII, XLIX, and + LI), the most ever by a player, as well as three league MVP awards (2007, 2010, + 2017); he is the oldest to have received either award.[16] Brady has also been + selected to 14 Pro Bowls, and has led his team to more division titles (16) + than any other quarterback in NFL history. He is fourth all-time in career passing + yards for regular season play, third in career touchdown passes, and fourth + in career passer rating. For regular season and postseason combined, Brady is + first all-time in career passing yards and touchdown passes. + + The only quarterback to reach 200 regular-season wins,[17] Brady is the winningest + quarterback in NFL history. With a postseason record of 30–10, he is first all-time + in playoff wins and appearances for an NFL player. Brady has led the Patriots + to an NFL-record eight consecutive AFC championship games since 2011 (thirteen + overall), and has never had a losing season as a starting quarterback. He is + tied for the record for the longest touchdown pass at 99 yards to Wes Welker.[18] + + For his alleged involvement in the highly publicized Deflategate football-tampering + scandal, Brady was suspended for the first four games of the 2016 season.[19] + Brady and the Patriots won two of the next three Super Bowls, making him the + record holder for most Super Bowl wins by a player, and the oldest quarterback + to win a Super Bowl, at 41.[20] + + 3.2.2.1 2001 postseason + + 3.2.10 2009 season + + 3.2.10.1 2009 postseason + + 3.3.6.1 2015 offseason + + 3.3.6.2 2015 regular season + + 4 NFL career statistics + + 4.3 Super Bowl + + 5.1 Regular season (career) + + 5.2 Postseason (career) + + 5.3 Super Bowl (career) + + 6 Other endeavors + + Brady was born in San Mateo, California, on August 3, 1977, the only son and + fourth child of Galynn Patricia (née Johnson) and Thomas Brady, Sr.[21] He has + three older sisters, Nancy, Julie, and Maureen,[22] and was raised as a Catholic. + His father is of Irish descent, while his mother has German, Norwegian, Polish, + and Swedish ancestry.[23] Two of Brady s great-great-grandparents on his father + s side, John and Bridget Brady, were Irish refugees from the Great Famine who + moved to San Francisco from Boston before the American Civil War. They were + accompanied by Bridget s sister Ann and her husband Lawrence Meegan, the parents + of the 19th-century American Major League Baseball player Steady Pete Meegan. + Brady s great-uncle Michael Buckley Jr. was the first American prisoner of war + in World War II.[23][24][25][26][27][28] + + In the 1980s, Brady regularly attended San Francisco 49ers games at Candlestick + Park, where he was a fan of quarterback Joe Montana; Brady has called Montana + his idol and one of his inspirations.[29] At age four, Brady attended the 1981 + NFC Championship, against the Dallas Cowboys, in which Montana threw The Catch + to Dwight Clark.[30] As a child, Brady attended football camp at the College + of San Mateo, where he was taught to throw the football by camp counselor and + future NFL/AFL quarterback Tony Graziani.[31] Brady grew up as a Los Angeles + Lakers and Boston Celtics fan.[32] + + He attended Junípero Serra High School in San Mateo, where he graduated in 1995; + the ceremony was held at St. Mary s Cathedral.[33] He played football, basketball, + and baseball in high school. He played against Bellarmine College Preparatory + rival Pat Burrell in both football and baseball. Brady began his football career + as the backup quarterback on the Padres junior varsity team. At first, Brady + was not good enough to start on the 0–8 JV team, which had not scored a touchdown + all year.[34] Brady ascended to the starting position when the starting quarterback + was injured. He became the varsity starter in his junior year and held the position + until he graduated.[35] By Brady s senior year, he was striving to be noticed + by college coaches. He created highlight tapes and sent them to schools he considered + attending.[36] This led to strong interest from many football programs around + the nation. + + The process of recruiting was much different during Brady s time, and athletes rankings + were not as prominent. In terms of recruiting in the 2000s, Brady would have + been considered a four-star recruit. In essence, he was a highly rated prospect.[37] + Brady was also on Blue Chip Illustrated as well as a Prep Football Report All-American + selection.[38] After his recruiting process, he narrowed down his list to five + schools.[39] Probably the ones that we did hear from and ultimately pared the + list to were Cal–Berkeley, UCLA, USC, Michigan, and Illinois”, his father said.[39] + As a Cal fan, his father hoped that Brady would attend the nearby Cal, where + Brady was a silent commit, and that he would be able to watch his son play.[40][41] + + Brady was also known as a great baseball player in high school.[42] He was a + left-handed-batting catcher with power. His skills impressed MLB scouts, and + he was drafted in the 18th round of the 1995 MLB Draft by the Montreal Expos.[34][43] + The Expos projected Brady as a potential All-Star, and offered him money typical + of that offered to a late second-round or early third-round pick.[44] Nevertheless, + Brady was determined to play football at the next level. He was always more + passionate about football; when he found that there was significant interest + in him, he decided to take the road of football.[39] Brady was recruited by + Michigan assistant Bill Harris, and he signed to play for the University of + Michigan in 1995.[45][46] He finished his high-school football career by completing + 236 of 447 passes for 3,702 yards and 31 touchdowns. He also won All-State and + All-Far West honors and the team s Most Valuable Player Award.[38] + + During the summers of 1998 and 1999, Brady was an intern at Merrill Lynch.[47] + He was inducted into the Junípero Serra High School Hall of Fame in 2003, joining + fellow Serra High graduates Barry Bonds, Lynn Swann, Gregg Jefferies, Jim Fregosi, + and his older sister Maureen, among many others.[38] When Brady revisited two + weeks after Super Bowl XLVI, in 2012, school administrators announced that they + had named the football stadium Brady Family Stadium.[48] + + Brady at Michigan Stadium in 2016 + + Brady played college football at the University of Michigan from 1995 to 1999.[49][50] + He was a backup quarterback for his first two years, while teammate and future + NFL quarterback Brian Griese led the 1997 Wolverines to an undefeated season, + which was capped by a victory in the Rose Bowl and a share of the national championship.[51] + When he enrolled at Michigan, Brady was seventh on the depth chart, and he had + an intense struggle to get some playing time. At one point, Brady hired a sports + psychologist to help him cope with frustration and anxiety, and even considered + transferring to California.[52][53] He worked closely with assistant athletic + director Greg Harden, who met with Brady every week to build his confidence + and to maximize his performance on the field.[54] Brady told 60 Minutes in 2014: He + will always be somebody I rely on for sound advice and mentorship. He has helped + me with my own personal struggles in both athletics and in life. Greg really + pushed me in a direction that I wasn t sure I could go. [55] + + Under Michigan head coach Lloyd Carr, Brady battled for the starting job with + Drew Henson[50] and ultimately started every game in the 1998 and 1999 seasons. + During his first full year as starter, he set new Michigan records for most + pass attempts and completions in a season, for a total of 214.[56] Brady was + All-Big Ten honorable mention both seasons, and was the team captain in his + senior year. The Wolverines won 20 of 25 games when he started, and he set a + school record for completions in a 31–16 loss against Ohio State in 1998, a + season in which Michigan shared the Big Ten Conference title.[57] Brady capped + that season with a 45–31 win over Arkansas in the Citrus Bowl.[58] + + In the 1999 season, Brady had to once again hold off Henson for the starting + job. The two players platooned during the season s first seven games, with Brady + playing the first quarter, Henson the second and Carr then deciding upon a quarterback + for the second half. The 1999 Michigan Wolverines started with a 5–0 record, + including a 26–22 win over Notre Dame, and a road win against eventual powerhouse + Wisconsin. Against Michigan State, Brady was not chosen to play the second half; + however, he was reinserted into the game with Michigan down by 17 points, and + he nearly led Michigan all the way back before losing 34–31.[59] After a 300-yard + passing game the following week, Carr went exclusively with Brady for the remainder + of the season. Brady went on to lead Michigan to multiple 4th-quarter comebacks, + including a remarkable 31–27 win against Penn State, and leading them out of + a close game against Indiana, 34–31, heading into the regular season s final + game, winners of three straight, earning him the moniker of Comeback Kid .[60] + + Michigan concluded the regular season against Ohio State; this was a dramatic + game with a trip to the Orange Bowl on the line. With five minutes left, tied + 17–17, Brady led Michigan to the winning score.[61] He led Michigan to an overtime + win in the Orange Bowl over Alabama, throwing for 369 yards, four touchdowns, + leading the team back from a pair of 14-point deficits in regulation (14–0 in + the first half, and 28–14 in the second). He threw the game-winning score on + a bootleg to tight end Shawn Thompson. Michigan won the game when Alabama missed + an extra point following its own touchdown.[62][63] + + In the two seasons that Brady started at Michigan, he posted a 20–5 record, + including wins at the Citrus Bowl (1999) and the Orange Bowl (2000). Brady finished + his career ranking third in Michigan history with 710 attempts and 442 completions, + fourth with 5,351 yards and 62.3 completion percentage, and fifth with 35 touchdown + passes.[38][64] + + 1996 Michigan 3 5 60.0% 26 5.2 0 1 63.7 – – – – + + 1997 Michigan 12 15 80.0% 103 6.9 0 0 137.7 2 −14 −7.0 0 + + 1998 Michigan 200 323 61.9% 2,427 7.5 14 10 133.1 54 −105 −1.9 2 + + 1999 Michigan 180 295 61.0% 2,217 7.5 16 6 138.0 34 −31 −0.9 1 + + Career 395 638 61.9% 4,773 7.5 30 17 134.9 90 −150 −1.7 3 + + (2.51 m) 33[66] + + All values from NFL Combine[67] + + A lightly regarded prospect coming out of college,[68][69] Brady was selected + by the New England Patriots with the 199th overall pick in the sixth round of + 2000 NFL Draft and has since spent his entire 19-season career with the Patriots. + Brady s tenure with the Patriots is an NFL record for the longest time playing + quarterback for one franchise. Since Brady became their starting quarterback + in 2001, the Patriots have never had a losing season and have won 16 division + titles. The Patriots played in thirteen AFC Championship Games from 2001 to + 2018—including eight in a row from 2011 to 2018—and won nine of them. Brady + and Patriots head coach Bill Belichick have combined to form the most successful + quarterback-head coach tandem in NFL history, winning more regular season games + and postseason games than any other such duo[70] as well as appearing in nine + Super Bowls. All of these events set new NFL records.[71] + + In his second season, Brady took over as the starting quarterback after Drew + Bledsoe was injured.[72] He led the Patriots to first place in the AFC East[73] + and a victory over the favored St. Louis Rams[74][75] in Super Bowl XXXVI, winning + his first Super Bowl MVP award. Despite the Patriots missing the playoffs the + following season, Brady would then lead them to back-to-back World Championships + in 2003 and 2004, winning Super Bowl MVP honors again in 2003. Along the way, + the Patriots won an NFL-record 21 consecutive games (including the playoffs) + between the 2003 and 2004 seasons.[76] The 2005 season was Brady s first to + throw for 4,000 yards and lead the NFL in passing.[77] That postseason, Brady + would win his 10th consecutive playoff game, another NFL postseason record.[78] + + Although Brady and the Patriots continued to win often, they did not return + to the Super Bowl until the 2007 season. That year, Brady not only set an NFL + record with 50 touchdown passes[79] but he would also lead the Patriots to a + 16–0 finish,[80] the first perfect regular-season record since the Miami Dolphins + finished 14–0 in 1972.[81][82] Brady would win his first career NFL MVP Award, + winning 49 out of 50 votes.[83] The Associated Press also named him Male Athlete + of the Year, the first such award given to an NFL player since Joe Montana won + it in 1989 and 1990.[84] However, the Patriots suffered their first Super Bowl + loss with Brady as quarterback, dropping a 17–14 decision to the New York Giants + in Super Bowl XLII.[85] + + Brady missed virtually the entire following season due to a knee injury in the + season opener.[86] But he would come back strong in the 2009 season to be named + the league s Comeback Player of the Year.[87] In 2010, Brady set the NFL record + for consecutive passes without an interception (358)[88] and broke his own record + for the highest season touchdown-to-interception ratio (among players who have + started a full season) at 9:1, currently the third best TD:INT ratio for a single + season by a quarterback.[89] Brady would win his second league MVP award with + all 50 votes in his favor.[90] He was the first unanimous NFL MVP since Giants + linebacker Lawrence Taylor won the award in 1986.[91] He and Joe Montana are + the only players in NFL history to win multiple NFL MVP and Super Bowl MVP awards.[92][93] + Brady was also named the top player by his peers in the first NFL Top 100 list, + released in 2011.[94] + + In the 2011 season, Brady led the Patriots to their first AFC Championship since + 2007 and appeared in the Super Bowl for a fifth time; but the Patriots would + lose again to the Giants.[95] Following AFC Championship Game losses in the + following seasons (2012 and 2013), Brady and the Patriots made their sixth trip + to the Super Bowl after the 2014 season (Brady s 15th as a professional). There, + he led the Patriots to a fourth-quarter comeback[96] over the defending champion + Seattle Seahawks. He would lift his fourth Super Bowl trophy (the Patriots first + in ten seasons) and was named Super Bowl MVP for the third time.[97] + + Despite missing the first four games of the 2016 season, Brady would lead the + Patriots (3–1 before he rejoined them)[98] to win 11 out of the 12 remaining + regular season games and two postseason games to make his seventh Super Bowl + appearance. Brady and the Patriots would overcome a 25-point deficit against + the Atlanta Falcons (down 28–3 in the third quarter) to force the first overtime + in Super Bowl history, winning 34–28 to give Brady his fifth Super Bowl title.[99] + He earned his fourth Super Bowl MVP award after setting title-game records for + appearances, pass attempts, completions, passing yards and fourth-quarter comebacks.[100] + In his eighth appearance, capping the 2017 season, Brady threw for 505 yards + at 40 years old, setting a record for most passing yards in a Super Bowl, but + the Patriots lost to the Philadelphia Eagles. In 2019, the Patriots won Super + Bowl LIII, earning Brady his sixth super bowl title, becoming the first player + in history to have won six Super Bowls.[101] + + Over his career, Brady has won three league MVP awards, six Super Bowls, and + four Super Bowl MVP Awards. A 14-time Pro Bowler, Brady has also twice led the + NFL in passing yardage.[102][103] As of November 2017, he owns the third-highest + career passer rating (97.9) among quarterbacks with at least 1,500 career passing + attempts.[104] He has thrown for more passing yards and touchdowns than any + other quarterback in NFL postseason history; he also has won more playoff games + than any other quarterback. As a result of his highly successful career, Brady + is rated among the greatest quarterbacks of all time.[105] + + Brady s name has become associated with two NFL rules, which sports reporters + have called the Brady rules . One is the tuck rule that was in effect from + 1999 through 2013.[106] The other is a rule about low hits enacted in 2009: A + defender cannot initiate a roll or lunge and forcibly hit the passer in the + knee area or below, even if he is being contacted by another player. [107] + + Brady was selected with pick number 199, a compensatory pick, in the sixth round + of the 2000 NFL Draft.[108] He and his family had believed that Brady would + be drafted in the second or third round; they watched the draft on television, + stunned as six other quarterbacks were drafted before he was. Brady was so embarrassed + that he briefly left the family home during the sixth round, and cried when + recalling the experience for an interview 11 years later. When the Patriots + notified him that he would be drafted, Brady was grateful that, he later said, + he would not have to be an insurance salesman .[109] According to Michael Holley + s book Patriot Reign, the Patriots were considering Brady and Tim Rattay, both + of whom had received positive reviews from then-quarterbacks coach Dick Rehbein.[110] + Ultimately, the Patriots front office chose Brady. Considering his subsequent + success, many analysts have called Brady the best NFL draft pick of all time.[111][112][113][114] + Patriots owner Robert Kraft recalled: “I still have the image of Tom Brady coming + down the old Foxboro stadium steps with that pizza box under his arm, a skinny + beanpole, and when he introduced himself to me and said ‘Hi Mr. Kraft,’ he was + about to say who he was, but I said ‘I know who you are, you’re Tom Brady. You’re + our sixth round draft choice,’” recalled Kraft. “And he looked me in the eye + and said ‘I’m the best decision this organization has ever made.’ It looks like + he could be right.”[115] + + Brady started the season as the fourth-string quarterback, behind starter Drew + Bledsoe and backups John Friesz and Michael Bishop; by season s end, he was + number two on the depth chart behind Bledsoe.[116] During his rookie season, + he was 1-for-3 passing, for six yards.[117] Tight end Rod Rutledge caught Brady + s first and only completed pass of the season in a 34–9 loss to the Detroit + Lions on November 23.[118][119] + + With Bledsoe as the starting quarterback, the Patriots opened the season with + a 23–17 loss at Cincinnati.[117] In their second game and home opener on September + 23, the Patriots squared off against their AFC East rivals, the New York Jets. + Bledsoe was again the starter; in the fourth quarter, he suffered internal bleeding + after a hit from Jets linebacker Mo Lewis. Bledsoe returned for the next series, + but was replaced with Brady for the Patriots final series of the game. New + York would hold on to win, 10–3, and the Patriots fell to 0–2 on the season.[120] + Brady was named the starter for the season s third game, against the Indianapolis + Colts. In his first two games as starter, Brady posted unspectacular passer + ratings of 79.6 and 58.7, respectively, in a 44–13 victory over the Colts (in + their last season in the AFC East) and a 30–10 loss to the Miami Dolphins.[121][122][123] + + In the Patriots fifth game, Brady began to find his stride. Trailing the visiting + San Diego Chargers 26–16 in the fourth quarter, he led the Patriots on two scoring + drives to force overtime, and another in overtime to set up a winning field + goal. Brady finished the game with 33 pass completions on 54 attempts, for 364 + yards, and two touchdowns, and was named AFC Offensive Player of the Week for + the first time in his career.[124][125] The following week, Brady again played + well during the rematch at Indianapolis, with a passer rating of 148.3 in a + 38–17 win.[126] The Patriots went on to win eleven of the fourteen games Brady + started, and six straight to finish the regular season, winning the AFC East + and entering the 2001–02 NFL playoffs with a first-round bye.[127] In that stretch + was a Week 11 34–17 victory over the New Orleans Saints where he was 19 of 26 + for 258 passing yards and four touchdowns to earn his second AFC Offensive Player + of the Week nod in 2001.[128] In Week 15, against the Miami Dolphins, he recorded + a 23-yard reception from Kevin Faulk on a trick play.[129] Brady finished the + 2001 season with 2,843 passing yards and 18 touchdowns and earned an invitation + to the 2002 Pro Bowl.[117][130] + + In Brady s first playoff game, he threw for 312 yards against the Oakland Raiders + and led the Patriots back from a ten-point fourth-quarter deficit to send the + game to overtime, where they won on an Adam Vinatieri field goal. A controversial + play occurred in that game. Trailing by three points in the fourth quarter, + Brady lost control of the ball after being hit by Raiders cornerback Charles + Woodson. Oakland initially recovered the ball, but, citing the tuck rule, which + states that any forward throwing motion by a quarterback begins a pass even + if the quarterback loses possession of the ball as he is attempting to tuck + it back toward his body, referee Walt Coleman overturned the call on instant + replay, ruling it an incomplete pass rather than a fumble.[131] Brady finished + the game 32-of-52 for 312 passing yards and one interception.[132] + + In the AFC Championship Game against the Pittsburgh Steelers, Brady injured + his knee, and was relieved by Bledsoe.[133] The Patriots won the game by a score + of 24–17 and were immediately installed by Las Vegas oddsmakers as 14-point + underdogs against the NFC champion St. Louis Rams in Super Bowl XXXVI.[134][135] + + Brady returned from his knee injury in the AFC Championship Game to start in + the Super Bowl a week later at the Louisiana Superdome in New Orleans. Despite + being heavy underdogs, the Patriots played well, holding the Rams high powered + offense in check through the first three quarters. The Rams rallied from a 17–3 + deficit to tie the game with 1:30 left in regulation. The Patriots then got + the ball back at their own 17-yard line with no timeouts remaining. Sportscaster + and former Super Bowl-winning coach John Madden said he thought the Patriots + should run out the clock and try to win the game in overtime.[136] Instead, + Brady drove the Patriots offense down the field to the Rams 31-yard line before + spiking the ball with seven seconds left. Then kicker Adam Vinatieri converted + a 48-yard field goal as time expired to give the Patriots a 20–17 win and their + first ever league championship. Brady was named MVP of Super Bowl XXXVI while + throwing for 145 yards, one touchdown, and no interceptions. At the age of 24 + years and six months, Brady surpassed Joe Namath in Super Bowl III and Joe Montana + in Super Bowl XVI, who were both 25 years, seven months, and 13 days old at + the time of their victories, to earn the title of youngest quarterback to win + a Super Bowl.[137][138] A possible quarterback controversy was averted when + Bledsoe was traded to the Buffalo Bills during the offseason; this event cemented + Brady s status as the starting quarterback.[139] + + In the 2002 season opener, Brady had 294 passing yards and three touchdowns + in the 30–14 victory over the Pittsburgh Steelers to earn his third AFC Offensive + of the Week title.[140][141] In Week 9, in a 38–7 victory over the Buffalo Bills, + he had 265 passing yards and three touchdowns to earn another AFC Offensive + Player of the Week nod.[142][143] Brady and the Patriots finished the year at + 9–7, tied with the New York Jets and Miami Dolphins for the best record in the + division; however, the Jets won the division on the third tiebreaker, and the + Patriots missed the playoffs.[144] + + Though Brady posted a career-low single-season passer rating of 85.7 and a career-high + of 14 interceptions, he threw for a league-leading 28 touchdown passes and 921 + more yards than in the 2001 season.[121] However, Brady played much of the second + half of the season with a shoulder injury, and New England head coach Bill Belichick + later indicated that Brady would not have been able to play in their first playoff + game if the Patriots had made the playoffs. + + After opening the 2003 NFL season with a 2–2 start, Brady led the Patriots to + twelve consecutive victories to finish the regular season in winning the AFC + East.[145] In Week 9, against the Denver Broncos, he had 350 passing yards, + three touchdowns, and one interception in the 30–26 victory to earn his fifth + AFC Offensive Player of the Week honor.[146][147] In Week 14, a 12–0 victory + against the Miami Dolphins, he recorded a 36-yard punt in the game.[148] Statistically, + Brady s strongest game of the season was in Week 17 against the division rival + Buffalo Bills, when he achieved a season-high quarterback rating of 122.9, and + was named AFC Offensive Player of the Week.[121][149] Brady finished with 3,620 + passing yards and 23 touchdowns,[117] and was third in NFL MVP voting to co-winners + Peyton Manning and Steve McNair.[150] + + In the first two rounds of the playoffs, the Patriots defeated the Tennessee + Titans in the Divisional Round by a score of 17–14. In the win, Brady was 21 + of 41 for 201 passing yards and one passing touchdown.[151] In the following + round, they defeated Indianapolis Colts in the AFC Championship by a score of + 24–14. Brady completed 22 of 37 passes for 237 yards, one passing touchdown, + and an interception.[152] On February 1, 2004, Brady led the Patriots to a 32–29 + victory over the NFC champion Carolina Panthers in Super Bowl XXXVIII and was + named Super Bowl MVP for the second time. During the game, Brady threw for 354 + yards with three touchdowns and set the record for most completions by a quarterback + in a Super Bowl with 32. With 1:08 left in the fourth quarter and the score + tied 29–29, Brady engineered a drive with five pass completions to put the Patriots + in position for the game-winning 41-yard field goal by Vinatieri.[153][154] + + Brady during Super Bowl XXXIX + + During the 2004 season, Brady helped the Patriots set an NFL record with 21 + straight wins dating from the previous year, an accomplishment honored in the + Pro Football Hall of Fame (though for official records, the NFL considers it + an 18-game regular season winning streak; it does not count playoff games).[155] + New England finished with a 14–2 record, equaling their 2003 record and the + best regular-season record ever for a defending champion.[156] The Patriots + also won the AFC East divisional title for the third time in four years.[157] + Brady threw for 3,692 yards and 28 touchdowns, with a 92.6 passer rating, and + was voted to his second Pro Bowl.[117] + + In the playoffs, Brady led the Patriots to victories over the Indianapolis Colts + in the Divisional Round by a score of 20–3 and the Pittsburgh Steelers in the + AFC Championship by a score of 41–27.[158] Brady played his best game of the + year in Pittsburgh despite requiring intravenous treatment the previous night + when he ran a temperature of 103°.[159] Against the NFL s best defense,[158] + he recorded a quarterback passer rating of 130.5, his highest of the season.[121] + On February 6, 2005, the Patriots narrowly defeated the Philadelphia Eagles, + 24–21, to win Super Bowl XXXIX at Alltel Stadium in Jacksonville, Florida. Brady + threw for 236 yards and two touchdowns[160] while capturing the Patriots third + championship in four years. They became the first franchise since the Dallas + Cowboys in 1992–1995 to win three Super Bowls in four years.[161] + + During the 2005 season, injuries suffered by running backs Corey Dillon, Patrick + Pass, and Kevin Faulk forced the Patriots to rely more on Brady s passing.[162][163] + Brady also had to adjust to new center Russ Hochstein and running back Heath + Evans. On October 9, in a 31–28 victory over the Atlanta Falcons, he had 350 + passing yards, three touchdowns, and one interception to earn AFC Offensive + Player of the Week honors.[164][165] Brady finished first in the league with + 4,110 passing yards and third in the league with 26 touchdowns.[117] At 92.3, + his 2005 passer rating was the second-highest of his career at the time, although + he equaled his career high for interceptions with 14.[121] He rushed for 89 + yards and fumbled a career-low four times.[121] He and the Patriots finished + with a 10–6 record, winning their third straight AFC East title.[166] He was + named to his third Pro Bowl at the end of the season.[167] + + In the playoffs, Brady recorded 201 passing yards and three passing touchdowns + to help lead the Patriots to a 28–3 victory over the Jacksonville Jaguars in + the Wild Card Round. On January 14, 2006, the Patriots lost 27–13 to the Denver + Broncos at INVESCO Field in the Divisional Round.[168][169] Brady threw for + 341 yards in the game with one touchdown and two interceptions, in the first + playoff loss of his career after ten playoff victories.[170] After the season + s end, it was revealed that Brady had been playing with a sports hernia since + December. Linebacker Willie McGinest commented on it and said he knew, but Brady + continued playing.[171] + + Brady on the sideline at Giants Stadium with teammates Randy Moss and Jabar + Gaffney, after throwing for his record-breaking 50th passing touchdown of the + 2007 season + + Brady started the 2006 season with 163 passing yards, two passing touchdowns, + and an interception against the Buffalo Bills in a 19–17 victory.[172] In Week + 8, against the Minnesota Vikings, he had one of his stronger performances of + the season with 372 passing yards, four passing yards, and one interception + in the 31–7 victory.[173] He posted another game with four passing touchdowns + in the Week 11 35–0 victory over the Green Bay Packers.[174] Brady led the Patriots + to a 12–4 record and the fourth seed in the AFC playoffs.[175] In the regular + season, Brady threw for 3,529 yards and 24 touchdowns.[117] He was not among + the players initially selected to the Pro Bowl,[176] although he was offered + an injury-replacement selection when San Diego Chargers quarterback Philip Rivers + was forced to withdraw. Brady ended up declining the invitation.[177] + + In the postseason, the Patriots first hosted their division rivals, the New + York Jets, in the Wild Card Round. The Patriots defeated the Jets 37–16, as + Brady went 22–34 for 212 yards and two touchdowns.[178] The Patriots traveled + to San Diego to take on the Chargers in the Divisional Round. This was Brady + s first playoff game in his home state of California. Brady and the Patriots + struggled against the Chargers, whom many had picked as favorites to win Super + Bowl XLI.[179] With eight minutes left in the fourth quarter and the Patriots + down by eight points, Brady and the Patriots started a key drive that would + ultimately decide the game. After a 49-yard pass play to wide receiver Reche + Caldwell, a Stephen Gostkowski field goal gave the Patriots a 24–21 win.[180] + + In the AFC Championship, the Patriots faced the Indianapolis Colts. The Patriots + and Colts had faced each other twice in the previous three postseasons at Foxborough; + this game, however, was played at Indianapolis. The Patriots led at halftime, + 21–6; however, the Colts and Peyton Manning staged a comeback, culminating in + a last minute interception thrown by Brady, and the Patriots lost the game to + the Colts, 34–38.[181] + + Playing with a dramatically overhauled receiver corps—in the 2007 offseason, + the Patriots acquired wide receivers Donté Stallworth, Wes Welker, Kelley Washington, + and Randy Moss; tight end Kyle Brady; and running back Sammy Morris—Brady enjoyed + what some sportswriters described as one of the best seasons by a quarterback.[182][183] + The average score of a 2007 Patriots regular-season game would be 37–17 by the + end of the year.[184] Brady led the Patriots to the first 16–0 regular-season + record in league history, outscoring opponents by more than a 2-to-1 margin, + but also attained numerous career, franchise, and NFL records and milestones + in the process. He was named as the AFC Offensive Player of the Week five separate + times that year.[185][186][187][188][189] While away at Dallas, he had a career-high + five passing touchdowns in a 48–27 win. The win tied him with Cowboys Hall of + Fame quarterback Roger Staubach for the most wins ever by a starting quarterback + in his first 100 regular-season games, with 76.[190] The next week, in part + of a 49–28 win at Miami, he had yet another record day, with a career-high six + passing touchdowns, setting a franchise record. He also had the first game with + a perfect passer rating of his career.[191] Two weeks later, as part of a come-from-behind + 24–20 victory at Indianapolis, he threw for another three touchdowns, the ninth + consecutive game in which he had done so, breaking Peyton Manning s NFL record + of eight.[192] During the last game of the year, Brady threw two touchdown passes; + his second touchdown was his 50th, breaking Peyton Manning s record of 49 in + the 2004 season.[193] + + Brady in December 2007 + + Brady finished the season with 4,806 passing yards, 50 touchdown passes, and + only eight interceptions. It was unanimously voted the greatest passing season + of all time by ESPN in 2013. His 50:8 touchdown to interception ratio was, at + the time, an NFL record. He became the first quarterback to pass for 50 touchdowns + in a season and his 117.2 passer rating is[when?] the fourth highest in a single + season. His 8.7% touchdown passing percentage is[when?] the third highest ever + in a season. He led the Patriots to becoming the first team to ever go undefeated + in the regular season since the 16 game schedule was enforced and directed an + offense that scored a then NFL record 589 points and 75 total touchdowns. Those + records stood until they were eclipsed by the 2013 Denver Broncos. The team + s 50 total touchdown passes is the fourth most ever in a season. For his efforts, + Brady was named the Most Valuable Player of this season, as well as Offensive + Player of the Year. He was also honored by the Associated Press as their Male + Athlete of the Year, the first time an NFL player has been so honored since + Joe Montana won the award in 1990.[194] He was named as a First Team All-Pro + and to his fourth career Pro Bowl as a result of his historic season.[195][196] + + In the Patriots first playoff game, a Divisional Round game against Jacksonville, + Brady began the game with an NFL postseason record 16 consecutive completed + passes, and finished the game with 26 completions in 28 attempts, a completion + rate of 92.9%. That mark is the highest single-game completion percentage (for + passers with at least 20 attempts) in NFL history, regular season or postseason.[197] + With the win, the Patriots matched the undefeated 1972 Miami Dolphins as the + only team to win 17 consecutive games in one season. + + Statistically, Brady did not fare as well in the AFC Championship Game against + the San Diego Chargers, throwing three interceptions (including his first interception + in the red zone since the playoff loss to Denver in the 2005 postseason). Nevertheless, + the Patriots won their 18th game of the season, 21–12, to advance to the Super + Bowl for the fourth time in seven seasons. Brady, with the 100th win of his + career, also set an NFL record for the fewest games needed by a starting quarterback + to do so: his 100–26 record is sixteen games better than Joe Montana s.[198] + In Super Bowl XLII at the University of Phoenix Stadium in Glendale, Arizona., + Brady was pressured heavily and sacked five times. The Patriots did manage to + take the lead with a Brady touchdown to Moss with less than three minutes remaining + in the fourth quarter, but the Giants were able to score a last-minute touchdown + to upset the Patriots 17–14, taking away what would have been the first perfect + season since the NFL expanded its regular season to 16 games.[199] + + Brady in action against the Washington Redskins on August 28, 2009. + + Brady did not play in any games during the 2008 preseason or in the 2008 Pro + Bowl due to two different foot injuries.[200][201] In the Patriots 2008 season + opener against the Kansas City Chiefs at Gillette Stadium, Brady s left knee + was seriously injured midway through the first quarter on a hit by Chiefs safety + Bernard Pollard; he left the game and did not return. The team later confirmed + that Brady would require surgery, and it would prematurely end his 2008 season.[202] + Brady tore both his anterior cruciate ligament and medial collateral ligament.[203] + The injury ended Brady s streak of 111 consecutive starts (ninth in the list + of most consecutive starts by an NFL quarterback, behind Brett Favre, Peyton + Manning, Eli Manning, Philip Rivers, Matt Ryan, Matthew Stafford, Ron Jaworski, + and Joe Flacco).[204] Dr. Neal ElAttrache performed the anterior cruciate ligament + reconstruction at the Los Angeles Kerlan-Jobe Orthopaedic Clinic October 6, + using Brady s patellar tendon graft to replace the torn ligament, and also repaired + his medial collateral ligament, through a separate incision in his left knee.[205] + An infection in the wound resulted in further debridement surgery several times + since the original procedure. Brady received IV antibiotics for this infection + which, at the time, threatened to delay his rehab.[206][207] Despite Brady s + absence, the Patriots managed to finish the 2008 season with an 11–5 record; + however, due to tiebreakers, the Patriots not only failed to win the AFC East + division title, but missed the playoffs altogether for the first time since + the 2002 season.[208] + + Brady in Landover, Maryland, on August 28, 2009, during warmups in a preseason + game against the Washington Redskins. + + In his first game in nearly a year, Brady threw for 378 yards and two touchdowns + in the 2009 season opener against the Buffalo Bills. In the final three minutes + of the game, the Patriots were down 24–13 before Brady and tight end Benjamin + Watson connected on two straight touchdowns to lead the Patriots to a 25–24 + win.[209] Brady was named the AFC Offensive Player of the Week for the 13th + time in his career for his performance.[210] + + On October 18, 2009, in an early season snowstorm, Brady set an NFL record against + the Tennessee Titans for most touchdowns in a single quarter, throwing five + in the second quarter. Brady finished the game with six touchdowns, tying his + career-high from the 2007 season, and 380 yards, completing 29-of-34 attempts, + finishing with a nearly perfect passer rating of 152.8.[211][212] He earned + his second AFC Offensive Player of the Week nod for his efforts against the + Titans.[213] The Patriots 59–0 victory over the Titans tied the record for + the largest margin of victory since the 1970 AFL-NFL merger,[214] and set a + record for largest halftime lead in NFL history, which was 45–0.[215] + + Brady finished the 2009 regular season with 4,398 yards passing and 28 touchdowns + for a 96.2 rating,[117] despite a broken right ring finger and three fractured + ribs, all which were suffered over the course of the season.[216] He was selected + as a reserve to the 2010 Pro Bowl and named the 2009 NFL Comeback Player of + the Year.[217][218] + + Brady ended the 2009 season throwing for 154 passing yards, two touchdowns, + and three interceptions in a Wild Card Round loss to the Baltimore Ravens, 33–14, + his first career home playoff loss, and the first playoff loss at home by a + Patriots quarterback since 1978 (Steve Grogan).[219] + + On September 10, 2010, Brady signed a four-year, $72 million contract extension, + making him the highest-paid player in the NFL. The extension included $48.5 + million in guaranteed money.[220] + + Brady became the quickest quarterback to achieve 100 regular season wins by + helping his team defeat the Miami Dolphins 41–14 on October 4, 2010.[221] + + In a 31–28 win over the Indianapolis Colts on November 21, 2010, Brady tied + Brett Favre s record of winning 25 consecutive regular-season home starts.[222] + Brady s last regular-season defeat at home was a 17–14 loss to the New York + Jets on November 12, 2006.[223] On November 25, in a 45–24 victory over the + Detroit Lions, he had 341 passing yards and four touchdowns to earn AFC Offensive + Player of the Week.[224][225] In the game, he earned a perfect passer rating + for the second time in his career.[226][227] The next week, in a 45–3 victory + over the New York Jets, he had 326 passing yards and four touchdowns to earn + AFC Offensive Player of the Week honors for the second consecutive week. The + victory over the Jets set an NFL record by winning 26 consecutive regular-season + home starts.[228][229][230] + + Brady threw for 3,900 yards with 36 touchdowns and only four interceptions on + the season.[117] He had a 111.0 passer rating; this gave him—at the time—two + of the top five season ratings in NFL history and made him the first player + to finish with a rating above 110 in two different seasons.[231] + + Brady was selected as a starter to the 2011 Pro Bowl.[232] However, he pulled + out of the game (and was replaced by former backup Matt Cassel of the Kansas + City Chiefs) after undergoing surgery for a stress fracture in his right foot + dating back to 2008.[233] Brady was also the only unanimous selection for the + AP All-Pro Team and was named the 2010 Associated Press NFL Offensive Player + of the Year. By unanimous decision, he won the MVP award for the second time + in his career.[234] On the NFL Top 100 Players of 2011 players list, Brady + was ranked as the best player in the NFL by his fellow players.[235] + + After earning the #1 seed and a bye week, the Patriots lost to the New York + Jets in the Divisional Round by a score of 28–21. Brady finished the game 29-of-45 + for 299 yards and two touchdowns, with one interception. His one interception + ended his NFL record of consecutive passes without an interception at 340.[236][237] + + In Week 1 of the 2011 NFL season, Brady threw for a career-high 517 yards, four + touchdowns, and one interception in a 38–24 victory over the Miami Dolphins + and earned AFC Offensive Player of the Week honors.[238] This was the second + time that he had thrown for 400 or more yards in a single game. In the game, + he threw a record-tying 99-yard touchdown pass to Wes Welker in the second quarter.[239][240][18] + In the next game, a 35–21 victory over the San Diego Chargers, he had 423 passing + yards and three touchdowns to earn another AFC Offensive Player of the Week + nod.[241][242] + + In Week 16, in the second divisional game against the Miami Dolphins, Brady + had 304 passing yards and one passing touchdown to go along with nine rushes + for 17 yards and two rushing touchdowns in the 27–24 victory to earn AFC Offensive + Player of the Week for the third time in 2011.[243][244] In the regular season + finale against the Buffalo Bills, Brady became the fourth quarterback to throw + for 5,000 yards in a single season, finishing with 5,235; although Brady surpassed + Dan Marino s longstanding record of 5,084 passing yards, he finished the season + second in passing yards behind Drew Brees s 5,476.[117] In the end, the Patriots + finished the season 13–3 and clinched the AFC s #1 seed.[245] For his efforts + in the 2011 season, Brady was named to the Pro Bowl and was named as the fourth + best player in the NFL on the NFL Top 100 Players of 2012 by his peers.[246][247] + + There s no quarterback I d rather have than Tom Brady. He s the best. He does + so much for us in so many ways on so many different levels. I m very fortunate + that he s our quarterback and what he s able to do for this team. It s good + to win with him and all the rest of our players. If that s more than somebody + else did, I don t really care about that.[248] + + –Bill Belichick + + In the Patriots 45–10 rout of the Denver Broncos in the Divisional Round, Brady + set a personal postseason best with 363 passing yards, and tied an NFL playoff + record shared by Daryle Lamonica and Steve Young, throwing for six touchdown + passes.[249] The win, his first postseason win since January 2008, gave Brady + and Patriots head coach Bill Belichick sole possession of the NFL record for + postseason wins by a quarterback-head coach combo with 15.[250] In the AFC Championship + game against the Baltimore Ravens, Brady failed to throw a touchdown pass for + the first time in 36 games, though he did pass for 239 yards and scored a one-yard + rushing touchdown late in the game. A missed field goal from Ravens kicker Billy + Cundiff gave Brady and the Patriots a 23–20 victory, sending Brady to his fifth + Super Bowl as a member of the Patriots.[251] In Super Bowl XLVI at Lucas Oil + Stadium in Indianapolis, Brady and the Patriots met the New York Giants in a + rematch of their Super Bowl XLII meeting four years earlier. Brady played well, + leading a Super Bowl record-tying 96-yard touchdown drive to close the first + half and at one point completing 16 passes in a row to give him a 20-of-23 mark + partway into the third quarter, another Super Bowl record. Brady threw two touchdowns + against one interception on the Patriots first offensive series, and was penalized + for intentional grounding in the end zone, giving up a crucial safety to the + Giants. A final score of 21–17 for the Giants prevented Brady from winning his + fourth Super Bowl.[252] + + Brady started all 16 regular season games of the 2012 NFL season and led the + Patriots to a 12–4 record. Among the many highlights of the team was a 42–14 + win over the Houston Texans in Week 14. Brady had 296 passing yards and four + touchdowns to earn AFC Offensive Player of the Week.[253][254] The Patriots + scored 557 total points, the third highest in league history and Brady became + the first quarterback to lead his team to ten division titles.[255] With that + point total, the Patriots became the first team to score at least 500 points + in a season four different times, with Brady leading all four squads, which + was a record as well. He finished the season with 4,827 passing yards, 34 touchdowns, + only eight interceptions, and a passer rating of 98.7. It was Brady s third + straight season throwing for over 30 touchdowns.[256] He was named to the Pro + Bowl for the eighth time in his career.[257] On the NFL Top 100 Players of 2013, + Brady was ranked fourth by his fellow players for the second consecutive year.[258] + + Brady started both Patriots playoff games, winning 41–28 against the Houston + Texans in the Divisional Round.[259] Brady passed for 344 yards and three touchdowns + as he led the team to their seventh AFC Championship Game in his 12 years as + a starter. With the victory, Brady surpassed Joe Montana for most career playoff + wins, with 17.[260] The Patriots were then upset by the eventual Super Bowl + XLVII champion Baltimore Ravens, 28–13 in the AFC Championship. He threw for + 320 yards and one touchdown with two interceptions.[261] He suffered his first + career loss at home when leading by halftime, in which during that span he was + 67–0.[262] + + On February 25, 2013, Brady and the Patriots agreed on a three-year contract + extension, which kept him with the team through 2017.[263] Peter King called + it an amazing deal, as Brady took just $27 million in new money over the 2015, + 2016, and 2017 seasons, and also noted that it reflected Patriots owner Robert + Kraft s desire to make sure that Brady retired as a Patriot.[264] + + Brady and the Patriots began the season with much upheaval on the offensive + side of the ball. Tight end Rob Gronkowski was injured and Aaron Hernandez was + arrested. Wes Welker departed to the Denver Broncos, Danny Woodhead left in + free agency for the San Diego Chargers, and Brandon Lloyd was released from + the team. In order to replace the five players, the Patriots signed Danny Amendola + in free agency from the Rams, drafted rookie wide receivers Aaron Dobson and + Josh Boyce, and signed undrafted rookie free agent wide receiver Kenbrell Thompkins. + In the first two games of the season, Brady completed 52% of his passes and + had three touchdowns and one interception.[265][266] + + Brady during the 2013 season + + Brady was in pursuit of Drew Brees s record of at least one touchdown in 54 + consecutive regular season games and saw the streak end at 52 games in a Week + 5 loss against the Cincinnati Bengals.[267] In a Week 6 game against the Saints, + the Patriots struggled in the first half and bounced back in the second with + Brady passing for 269 yards with a touchdown to Kenbrell Thompkins as time expired + to pull out the win over the Saints.[268] + + In Week 12, Brady faced-off against Peyton Manning for the fourteenth time in + his career. After going to the half trailing by 24 points, Brady and the Patriots + scored 31 unanswered points. The Patriots won after a muffed punt in overtime + when Stephen Gostkowski scored a field goal.[269] With the win, Brady earned + AFC Offensive Player of the Week honors.[270] With a Week 16 win over the Baltimore + Ravens, Brady collected his 147th win as a starting quarterback to tie Dan Marino + for fourth place all time, and the following week he defeated the Buffalo Bills + to tie John Elway for third place. In the victory over the Bills, Brady recorded + a 32-yard punt.[271] Brady was named to the Pro Bowl for the ninth time in career + and was ranked third on the NFL Top 100 Players of 2014 players list in the + offseason.[272][273] + + Brady s Patriots finished the season 12–4, to earn the second seed in the AFC + and a first-round bye.[274] In the Divisional Round matchup against the Indianapolis + Colts, Brady made his 25th playoff appearance, breaking Brett Favre s career + record for playoff appearances by a quarterback (Jerry Rice appeared in 29 playoff + games). He passed for 198 yards as the Patriots won 43–22 behind a four-touchdown + performance from LeGarrette Blount.[275] The following week, the Patriots lost + 26–16 to the Denver Broncos in the AFC Championship, eliminating Brady and the + Patriots from the playoffs. In the loss, Brady was 24-for-38 for 277 yards and + touchdown, along with two carries for seven yards and a rushing touchdown.[276] + + Brady in September 2014 against the Minnesota Vikings + + Brady started the 2014 season with a 33–20 loss to the Miami Dolphins.[277] + It was Brady s first opening day loss since the 2003 season. Brady recorded + 241 yards and a touchdown in the loss. New England rebounded against the Minnesota + Vikings, but Brady struggled, throwing for 149 yards and a touchdown in a 30–7 + win.[278] Against the Oakland Raiders, Brady was pressured all day, but threw + for 234 yards and a touchdown in 16–9 win.[279] After a humiliating 41–14 loss + to the Kansas City Chiefs, Brady led New England to back-to-back wins against + the Cincinnati Bengals and the Buffalo Bills.[280][281] Brady then defeated + the New York Jets with a 261-yard performance that included three touchdowns.[282] + The following week, a 51–23 embarrassment of the Chicago Bears saw Brady throw + for 354 yards and a season-high five touchdowns.[283] After passing for 333 + yards, and 257 yards in his next two games against the Denver Broncos and Indianapolis + Colts respectively, Brady defeated the Detroit Lions 34–9 with 349 passing yards + and two touchdowns against only one interception.[284] The Patriots winning + streak was put to the test against the Green Bay Packers in Week 13. Down 13–0 + early, Brady threw for 245 yards and two touchdowns. Still down 26–21, Brady + was unable to give the Patriots their eighth consecutive victory.[285] After + trailing 14–3 at the San Diego Chargers, Brady rallied his team with 317 passing + yards, two touchdowns, and one interception, to a 23–14 comeback win.[286] Brady + clinched his NFL record 12th AFC East division title with 287 passing yards, + two touchdowns, and an interception. Brady struggled in his final two games, + throwing for only 182 yards, a touchdown, and an interception in 17–16 victory + against the Jets, and 80 yards in one half of the final regular season game + against the Buffalo Bills, a 17–9 loss, though Julian Edelman, Rob Gronkowski, + and three starting offensive linemen did not play either the entirety or the + majority of the final game, and Brady only played in the first half.[287] Brady + was named to his tenth career Pro Bowl and was ranked third by his fellow players + on the NFL Top 100 Players of 2015.[288][289] + + In a 35–31 Divisional Round win over the Ravens, Brady threw for three touchdowns + and ran in a fourth, breaking Curtis Martin s club record for rushing touchdowns + in the playoffs; Brady also broke Joe Montana s record for playoff touchdowns + with 46. After the Ravens scored on their first two possessions, the Patriots + were quickly down 14–0. Brady led New England on an eight-play, 78-yard drive, + and ran for a score to cut the Ravens lead to 14–7. In the second quarter, Brady + s 15 yard touchdown pass to Danny Amendola tied the score at 14–14. After getting + the ball back, Brady threw an interception at the end of the first half. Joe + Flacco capitalized on it by throwing an 11-yard touchdown strike to tight end + Owen Daniels to give Baltimore a 21–14 halftime lead. Down 28–14, Brady engineered + an 80-yard drive, culminating in a touchdown to Rob Gronkowski to cut the lead + to 28–21. The Patriots tied the game once again at 28 off of a trick play where + Brady passed laterally to Julian Edelman who then threw a 51-yard touchdown + to Danny Amendola. Ravens kicker Justin Tucker drilled a 25-yard field goal + to give Baltimore a 31–28 4th quarter lead. Brady got the ball back, and threw + a 23-yard touchdown to wide receiver Brandon LaFell to give the Patriots their + first lead, up 35–31. After a Duron Harmon interception and a Joe Flacco Hail + Mary attempt failed, Brady clinched his record ninth AFC Championship Game, + fourth straight, and the third championship game against the Indianapolis Colts.[290] + After a 45–7 blowout, Brady advanced to play in his sixth Super Bowl, breaking + a tie with John Elway for most career Super Bowl appearances by a quarterback. + Against the Colts, Brady threw for 226 yards and three passing touchdowns with + one interception[291] + + In Super Bowl XLIX at University of Phoenix Stadium in Glendale, Arizona, Brady + completed 37-of-50 passes for 328 yards, four touchdowns, and two interceptions. + He guided a then-record ten-point fourth quarter comeback as the Patriots defeated + the Seattle Seahawks 28–24 to give Brady his fourth Super Bowl ring, tying him + with Joe Montana and Terry Bradshaw for most Super Bowl victories by a starting + quarterback.[292] He was named Super Bowl MVP for the third time, tying Montana + s record. Brady s 37 completed passes in the game set a Super Bowl record at + the time, which Brady himself would break in Super Bowl LI two years later.[293] + + Further information: Deflategate + + On May 6, 2015, the NFL published a 243-page report regarding the deflation + of footballs used in the previous season s AFC Championship Game.[294] The report + concluded that, more likely than not, Brady was at least generally aware of + the intentional deflation. On May 11, Brady was suspended for four games by + the NFL for his involvement based on substantial and credible evidence that + Brady knew Patriots employees were deflating footballs and that he failed to + cooperate with the investigators.[295] On May 11, Troy Vincent—NFL Executive + Vice President of Football Operations—penned a letter to Brady that stated in + part: Your actions as set forth in the report clearly constitute conduct detrimental + to the integrity of and public confidence in the game of professional football. + [296] Vincent s letter further stated: With respect to your particular involvement, + the report established that there is substantial and credible evidence to conclude + you were at least generally aware of the actions of the Patriots employees + involved in the deflation of the footballs and that it was unlikely that their + actions were done without your knowledge. Moreover, the report documents your + failure to cooperate fully and candidly with the investigation, including by + refusing to produce any relevant electronic evidence (emails, texts, etc.), + despite being offered extraordinary safeguards by the investigators to protect + unrelated personal information, and by providing testimony that the report concludes + was not plausible and contradicted by other evidence. [296] Brady, through the + NFL Players Association, officially appealed the suspension on May 14.[297] + + On July 28, NFL Commissioner Roger Goodell announced the upholding of Brady + s four-game suspension.[298] Brady gave permission to the NFLPA to appeal the + suspension in federal court.[299] Goodell cited Brady s destruction of his cell + phone as a critical factor in his decision to uphold Brady s suspension.[300][301] + The NFL also filed papers in federal court seeking to confirm Roger Goodell + s decision.[302] On July 29 Brady released a statement on his Facebook page + that criticized Goodell s decision to uphold the suspension, saying in part I + am very disappointed by the NFL s decision to uphold the 4 game suspension against + me. I did nothing wrong, and no one in the Patriots organization did either... + I will not allow my unfair discipline to become a precedent for other NFL players + without a fight. [303][304] + + Commentary on the initial punishment was mixed. Bleacher Report writer Mike + Freeman made a statement agreeing with Goodell s decision, saying the penalties + were brutal, but it deserved to be. [305] Various commentators also implied + that the prior reputation of the Patriots organization as a team that bends + rules appeared to factor into the harshness of the punishment.[305][306] Others + described the punishment as firm but fair .[307] + + On September 3, 2015, Judge Richard M. Berman of the United States District + Court for the Southern District of New York vacated Brady s suspension; this + ruling allowed Brady to play in the first four games of the 2015 NFL season. + In his decision, Judge Berman cited the NFL s failure to provide proper notice + to Brady of the charges against him and the potential for a suspension.[308] + Post-appeal commentary also criticized Goodell for manipulating Brady s testimony at + the appeal hearing in his decision.[309] + + In the NFL Kickoff Game, Brady led the Patriots to a 28–21 win over the Pittsburgh + Steelers. He threw for 288 yards and four touchdowns, three of them to Rob Gronkowski.[310] + The Patriots victory was the 161st victory of Brady s career, all with the + Patriots, which surpassed the record held by former Green Bay Packers quarterback + Brett Favre for most regular season wins by a starting quarterback with a single + team. In Week 2, Brady threw for 466 yards and three touchdowns against the + Buffalo Bills. Through the first five games of the season, Brady threw a total + of 14 touchdowns with one interception and had a quarterback rating of 118.4.[311] + In Week 8, a 36–7 victory over the Miami Dolphins, he had 356 passing yards + and four touchdowns to earn his 25th AFC Offensive Player of the Week title.[312][313] + + Despite Brady s success, the Patriots were hit by many injuries to key players + on offense, including wide receiver Julian Edelman, and the Patriots eventually + lost their first game against the Denver Broncos, who were without Peyton Manning, + in Denver on the Sunday after Thanksgiving following a 10–0 start.[314] The + Patriots then lost three of their remaining five games to finish 12–4 for a + fourth straight season, tied with the Cincinnati Bengals and Denver Broncos + for the AFC s best record. The Denver Broncos clinched the No. 1 seed due to + their victories over both the Patriots and the Bengals, while the Patriots finished + with the AFC s No. 2 seed due to having a better record against common opponents + than the Cincinnati Bengals.[315][316] Brady finished the regular season with + a league-leading 36 touchdown passes and seven interceptions.[317] He was named + to his 11th Pro Bowl (seventh straight), and was ranked as the second best player + on the NFL Top 100 Players of 2016 behind only league MVP Cam Newton.[318][319] + + With the return of Julian Edelman from a foot injury, the Patriots defeated + the Kansas City Chiefs in the Divisional Round by a score of 27–20 after advancing + with a first round bye.[320] Brady completed 28 of 42 passes for 302 yards and + two passing touchdowns and one rushing touchdown as he led the team to their + fifth consecutive AFC championship game.[321] The Patriots advanced to the AFC + Championship to face Peyton Manning and the Denver Broncos at Sports Authority + Field at Mile High. It would turn out to be the 17th and final meeting between + the two storied quarterbacks, as Manning would announce his retirement after + the season ended. The Broncos top-ranked defense harassed Brady, who completed + 27-of-56 passes with two interceptions and a touchdown, all day, and the Patriots + eventually lost the game 20–18 after a potential game-tying two-point conversion + attempt failed with 17 seconds left in regulation.[322] + + On February 29, 2016, Brady signed a two-year contract extension covering the + 2018 and 2019 seasons.[323] + + Three days later, the NFL appealed Judge Richard M. Berman s 2015 decision to + vacate Brady s four-game suspension as punishment for his alleged role in the + Deflategate scandal. At the March 3, 2016, hearing in New York City, the three-judge + panel of the United States Court of Appeals for the Second Circuit questioned + Players Association lawyer Jeffrey L. Kessler more intensely than NFL lawyer + Paul Clement, with Circuit Judge Denny Chin even stating that the evidence + of ball tampering is compelling, if not overwhelming. [324] + + On April 25, 2016, Judge Richard M. Berman s decision to block Brady s four-game + suspension was overturned by the U.S. Appeals Court.[325][326] Circuit Judge + Barrington Daniels Parker Jr., joined by Circuit Judge Chin, wrote that they + could not second-guess the arbitration but were merely determining it met + the minimum legal standards established by the Labor Management Relations Act + of 1947 .[327] Circuit Chief Judge Robert Katzmann dissented, writing that the + NFL s fines for using stickum was highly analogous and that here the Commissioner + was doling out his own brand of industrial justice. [328] + + On May 23, 2016, Brady appealed for his case to be reheard by the full U.S. + 2nd Circuit Court.[329] The 2nd Circuit Court denied Brady s request for an + en banc hearing on July 13.[330] Two days later, on Friday, July 15, 2016, Brady + announced on his Facebook page that he would give up his Deflategate fight and + accept his suspension for the first four regular season games of the 2016 season. + Prior to Brady s suspension, he had not missed a single regular season or postseason + game since the start of the 2009 season. + + After serving his four-game suspension, Brady made his 2016 season debut on + October 9 on the road against the Cleveland Browns; he completed 28-of-40 passes + for 406 yards and three touchdowns in a 33–13 victory to earn AFC Offensive + Player of the Week.[331][332] In his home debut the following week, Brady completed + 29-of-35 passes for 376 yards and three touchdowns in a 35–17 victory over the + Cincinnati Bengals.[333] In Week 7, Brady completed 19 of 26 passes for 222 + yards and two touchdowns as New England defeated the Pittsburgh Steelers 27–16.[334] + The next week, the Patriots defeated the Buffalo Bills 41–25, with Brady completing + 22-of-33 passes for 315 yards and four touchdowns.[335] Brady s outstanding + numbers during his first four games following the suspension earned him the + AFC Offensive Player of the Month award for October.[336] + + Following a bye week, Brady and the Patriots faced the Seattle Seahawks in a + Week 10 rematch of Super Bowl XLIX. Brady completed 23-of-32 passes for 316 + yards, one interception, and no touchdowns in a 31–24 loss that saw the two + teams trade leads seven times.[337] In Week 11, Brady completed 24-of-40 passes + for 280 yards, four touchdowns, and no interceptions in a 30–17 road win against + his childhood team, the San Francisco 49ers. Brady s performance against San + Francisco earned him AFC Offensive Player of the Week honors for Week 11.[338] + Those four touchdown passes also gave him 444 career regular season touchdown + passes with one team, breaking Brett Favre s record. The following week, Brady + completed 30-of-50 passes for 286 yards and two touchdowns in a 22–17 road victory + against the New York Jets.[339] The win was also the Patriots 500th victory + (including playoffs) in franchise history. During this victory, Brady also became + the fifth quarterback to record 60,000 career regular season passing yards, + joining Peyton Manning, Brett Favre, Drew Brees, and Dan Marino. The following + week, Brady completed 33-of-46 passes for 269 yards and one touchdown as the + Patriots defeated the Los Angeles Rams by a score of 26–10.[340] The Patriots win + against the Rams gave Brady his 201st career victory, including playoff games, + breaking Peyton Manning s record of 200.[341] In Week 14, Brady completed 25 + of 38 passes for 406 yards, three touchdowns, and one interception during a + 30–23 victory against the Baltimore Ravens on Monday Night Football.[342] + + The next week, Brady completed 16-of-32 passes for 188 yards in a 16–3 victory + in Denver.[343] With this victory, the Patriots clinched an eighth consecutive + AFC East title and a seventh consecutive first-round bye in the playoffs, both + NFL records.[344] On December 20, 2016, Brady was named to the Pro Bowl for + the eighth straight season and 12th time overall.[345][346] In Week 16, Brady + threw for 17 of 27 passes for 214 yards, three touchdowns, and no interceptions + as he led the Patriots to a 41–3 win over the Jets.[347] In Week 17, Brady completed + 25-of-33 passes for 276 yards, three touchdowns, and no interceptions in a 35–14 + victory over the Miami Dolphins in the regular season finale that gave the Patriots + home field advantage throughout the AFC playoffs.[348] Brady s 276 yards against + Miami moved him ahead of former Miami quarterback Dan Marino into fourth place + on the NFL s all-time passing yards list. Brady s three touchdowns against Miami + also gave him 28 passing touchdowns against two interceptions for the regular + season. This broke the previous record of Nick Foles s 27:2 TD:INT ratio which + was set in 2013 with the Philadelphia Eagles.[349] Brady was named to the AP + All-Pro Second Team, behind Matt Ryan of the Atlanta Falcons, who was named + to the AP All-Pro First Team.[350] Brady was also ranked first on the NFL Top + 100 Players of 2017 as the best player in the league, becoming the first player + to be named as #1 twice since the listing started.[351] + + Brady hoisting the Vince Lombardi Trophy for the fifth time in his career after + winning Super Bowl LI + + Brady and the Patriots began their postseason run in the Divisional Round, hosting + the Houston Texans, who had the league s No. 1 total defense. Brady completed + 18-of-38 passes for 287 yards, two touchdowns, and two interceptions as the + Patriots won 34–16, clinching a record sixth consecutive trip to the AFC Championship + Game.[352] The Patriots then defeated the Pittsburgh Steelers, 36–17. Against + the Steelers, Brady completed 32 of 42 passes for 384 yards, three touchdowns, + and no interceptions. The win gave Brady and Patriots head coach Bill Belichick + their record seventh conference title as a quarterback–head coach tandem, and + the Patriots an NFL record ninth Super Bowl appearance.[353] + + Brady and the Patriots faced the NFC champion Atlanta Falcons—who boasted the + league s highest scoring offense—in Super Bowl LI at NRG Stadium in Houston, + Texas on Sunday, February 5, 2017. Brady threw for 43 completions on 62 attempts + for 466 passing yards—all Super Bowl records at the time. Brady also threw for + two touchdowns and an interception. After trailing 28–3 midway through the third + quarter, Brady and the Patriots scored 25 unanswered points to tie the game + at the end of regulation. This resulted in the first overtime in Super Bowl + history. After winning the overtime coin toss, Brady led the Patriots down the + field to score a touchdown and win the game by a score of 34–28,[354] completing + the largest comeback win in both team history and Super Bowl history. With the + victory, Brady won his fifth Super Bowl, which set a record for most Super Bowl + victories of any quarterback in history and tied defensive player Charles Haley + for the most Super Bowl victories for any player. In addition, Brady set another + record by winning his fourth Super Bowl MVP award for his clutch performance.[355] + + After the game, it was discovered that Brady s jersey had gone missing from + the Patriots locker room at NRG Stadium.[356] The FBI, in collaboration with + Mexican authorities, recovered the jersey from the home of Martin Mauricio Ortega, + a Mexican tabloid writer, along with Brady s jersey from Super Bowl XLIX.[357] + + On May 12, 2017, Brady was announced as the cover athlete for Madden NFL 18.[358] + + In a CBS interview on May 17, 2017, Charlie Rose asked Brady s wife, Gisele + Bündchen, if she wanted Brady to retire, despite the fact that he was playing + at a high level. Bündchen mentioned that Brady suffered from a concussion in + the 2016 season, saying, I mean he has concussions pretty much every—I mean + we don t talk about—but he does have concussions. I don t really think it s + a healthy thing for anybody to go through.”[359][360] + + Following the Bündchen interview, the NFL released a statement: We have reviewed + all reports relating to Tom Brady from the unaffiliated neurotrauma consultants + and certified athletic trainer spotters who worked at Patriots’ home and away + 2016 season games as well as club injury reports that were sent to the league + office. There are no records that indicate that Mr. Brady suffered a head injury + or concussion, or exhibited or complained of concussion symptoms. Today we have + been in contact with the NFLPA and will work together to gather more information + from the club s medical staff and Mr. Brady .[361][362] Brady s agent, Don Yee, + said that Brady was not diagnosed with a concussion during the 2016 season.[363] + + The Patriots opened up their 2017 season in the NFL Kickoff Game on September + 7 at home against the Kansas City Chiefs. Brady had 267 passing yards in the + game, which the Patriots lost 42–27.[364] In Week 2, Brady threw three touchdown + passes in the first quarter of a game for the first time in his career in a + 36–20 win over the New Orleans Saints.[365] He finished the game with 447 passing + yards and three touchdowns, earning him his 28th AFC Offensive Player of the + Week award.[366] This broke the record previously held by Peyton Manning for + the most AFC Offensive Player of the Week awards in a career.[367] In Week 3, + Brady threw for 378 passing yards and five touchdowns as he led the Patriots + to a 36–33 comeback win against the Houston Texans, a performance that earned + him AFC Offensive Player of the Week honors for the second straight week, and + the 29th for his career.[368] In Week 4, Brady played well again, throwing for + 307 yards, two touchdowns, and no interceptions, but the Carolina Panthers upset + the Patriots 33–30 on a last second field goal from Graham Gano as time expired. + In the Patriots next game, a narrow 19–14 win against the Tampa Bay Buccaneers + on Thursday Night Football, Brady completed 30 out of 40 passes for 303 yards, + one touchdown, and one interception. With this victory, Brady became the third + quarterback in NFL history to record 186 career regular season victories, tying + Peyton Manning and Brett Favre for the most such wins of any quarterback in + NFL history.[369] On October 10, it was unveiled that Brady was diagnosed with + an AC joint sprain in his left (non-throwing) shoulder.[370][371] During Week + 6 against the New York Jets, Brady threw for 257 passing yards, two touchdowns, + and an interception as the Patriots won 24–17. Brady obtained his 187th career + win, setting the record for most regular season wins in NFL history.[372] The + next week, the Patriots hosted the Atlanta Falcons in a rematch of Super Bowl + LI on Sunday Night Football. Brady was efficient, completing 21 of 29 passes + for 249 yards and two touchdowns as the Patriots defeated the Falcons, 23–7.[373] + The following week, Brady completed 32-of-47 passes for 333 yards and one touchdown + in a 21–13 win against the Los Angeles Chargers. With the win against the Chargers, + the Patriots headed into their bye week with an AFC best 6–2 record.[374] + + Coming off their bye week, Brady and the Patriots traveled to Denver for a Sunday + Night Football match against the Denver Broncos. The Patriots dominated the + game, winning 41–16, with Brady completing 25 of 34 passes for 266 yards and + three touchdowns. For his performance against Denver, Brady was named the AFC + Offensive Player of the Week for the third time in the season.[375] After spending + the next week training at the United States Air Force Academy in Colorado Springs, + Colorado, Brady and the Patriots traveled to Mexico City for a special regular + season match with the Oakland Raiders. Like the previous week, the Patriots + won big, this time by a final score of 33–8. Brady completed 30 of 37 passes + for 339 yards and three touchdowns in the win. During Week 12 against the Miami + Dolphins, Brady finished with 227 passing yards, 4 touchdowns, and an interception + as the Patriots won 35–17. Brady became the first quarterback at age 40 to throw + for 4 touchdowns in a game. Brady was named AFC Offensive Player of the Month + for November.[376] During Week 13 against the Buffalo Bills, Brady finished + with 258 passing yards and an interception as the Patriots won 23–3. During + the game, Brady yelled at offensive coordinator Josh McDaniels after failing + to execute a play properly in the first quarter. Brady claimed that this wasn + t his first incident with McDaniels, with whom he had worked together for 13 + years, with a fruitful relationship.[377][378] The following week, the Patriots + traveled to Miami to face the Dolphins on Monday Night Football. The Dolphins + held off a late comeback attempt to defeat the Patriots 27–20, with Brady completing + 24 of 43 passes for 233 yards, a touchdown, and two interceptions.[379] In Week + 15, Brady completed 22 of 35 passes for 298 yards, a touchdown, and an interception + as he led the Patriots to a 27–24 comeback victory against the Pittsburgh Steelers.[380] + With this victory, the Patriots secured their ninth straight AFC East division + title. On December 19, Brady was selected to the Pro Bowl for the 13th time + in his career.[381][382] On Christmas Eve against the Buffalo Bills, Brady completed + 21 of 28 passes for 224 yards, two touchdowns, and an interception as the Patriots + won their twelfth game of the season, 37–16.[383] With this win, combined with + a loss by the Jacksonville Jaguars later in the day, the Patriots clinched a + first-round bye for the eighth straight year.[384] In the regular season finale + against the New York Jets on New Year s Eve, Brady completed 18 of 37 passes + for 190 yards, two touchdowns, and no interceptions in a 26–6 victory. With + the win, the Patriots clinched home-field advantage throughout the AFC playoffs.[385] + Brady finished the 2017 regular season as the NFL s passing yards leader with + 4,577 passing yards, making him the oldest player ever to lead the league in + passing yards.[386] He was named a first-team All-Pro by the Associated Press + for the third time in his career.[387] Earning 40 of 50 votes, Brady was named + the NFL Most Valuable Player for the third time in his career.[388] + + Brady playing in Super Bowl LII + + Brady and the Patriots began their postseason run by hosting the Tennessee Titans + in the Divisional Round of the playoffs. Brady completed 35 passes out of 53 + attempts for 337 yards, 3 touchdowns, and no interceptions in a 35–14 Patriots + victory.[389] With the win, the Patriots advanced to the AFC Championship Game + for the seventh straight year. Days after the divisional round, it was revealed + that Brady had a minor cut on his right hand, which required stitches.[390] + Despite this injury, Brady managed to start the AFC Championship Game, where + the Patriots faced off against the Jacksonville Jaguars. Brady led a fourth + quarter comeback to lead the Patriots to a 24–20 victory. He finished the game + with 26 completions out of 38 attempts for 290 passing yards, two passing touchdowns, + and no interceptions.[391] The win gave Brady and Patriots head coach Bill Belichick + their eighth conference title as a quarterback–head coach tandem, and the Patriots + a berth in Super Bowl LII, their tenth Super Bowl appearance as a team, both + of which extended NFL records. In Super Bowl LII at U.S. Bank Stadium in Minneapolis, + Minnesota, the Patriots faced off against the Philadelphia Eagles and their + second-string quarterback Nick Foles. Brady completed 28 passes on 48 attempts + for 3 touchdowns, no interceptions, and a Super Bowl record 505 yards – which + also set a new record for the most passing yards by a quarterback in any postseason + game in NFL history. With roughly two minutes remaining in the game and the + Eagles leading 38–33, Brady was strip-sacked by Brandon Graham. The Eagles recovered + the fumble and cemented their 41–33 win with a field goal, securing their first + franchise Super Bowl victory.[392] This was the third time overall that Brady + had lost in a Super Bowl, becoming the fourth starting quarterback in Super + Bowl history to lose at least three Super Bowls (Jim Kelly, Fran Tarkenton, + and John Elway).[393] In addition, this was the first time he had lost a Super + Bowl to a team and a quarterback other than the New York Giants and Eli Manning, + respectively.[394] + + Brady started his 19th professional season with 277 passing yards, three touchdowns, + and one interception in a 27–20 victory over the Houston Texans in the season + opener.[395][396] After losses to the Jacksonville Jaguars and Detroit Lions + over the next two games, Brady had 274 passing yards, three touchdowns, and + two interceptions in a 38–7 victory over the Miami Dolphins in Week 4.[397] + In the following game, a 38–24 victory over the Indianapolis Colts, he had 341 + passing yards, three touchdowns, and two interceptions to go with a rushing + touchdown. One of his touchdown passes went to Josh Gordon, who became the NFL-record + 71st different player to catch a touchdown from Brady.[398][399] In Week 6, + a 43–40 victory over the Kansas City Chiefs on Sunday Night Football, Brady + had 340 passing yards and a passing touchdown to go with a four-yard rushing + touchdown.[400] In Week 7, a 38–31 victory over the Chicago Bears, he had 277 + passing yards, three passing touchdowns, and one interception.[401] In Week + 12, against the New York Jets, Brady passed for 283 yards, with two touchdowns + and no interceptions and a 115.4 passer rating in a 27–13 victory.[402] In Week + 13, Brady reached 1,000 career rushing yards in a 24–10 victory over the Minnesota + Vikings, becoming the oldest player to reach that mark since 1970.[403] In Week + 15, Brady reached 70,000 passing yards, becoming only the fourth quarterback + in NFL history to accomplish the feat. He finished with 279 passing yards as + the Patriots lost 10–17 to the Pittsburgh Steelers.[404] During Week 16 against + the Buffalo Bills, Brady was limited to 126 passing yards, but the Patriots + combined for 273 rushing yards and won 24–12, clinching the AFC East pennant + for the 10th consecutive season and 16th time in 18 years.[405] In Week 17, + Brady completed 24 of 33 passes for 250 yards, and 4 touchdowns in a 38–3 win + against the Jets that allowed the Patriots to clinch the AFC s #2 seed and a + first-round bye in the AFC playoffs.[406][407] Brady finished the season completing + 375 of 570 passes (a 65.8% completion rate), 4,355 yards, 29 touchdowns and + 11 interceptions.[408] + + Following their first-round bye, the Patriots started their playoff run against + the Los Angeles Chargers in the Divisional Round. The Patriots jumped out to + a 35–7 halftime lead en route to a 41–28 win that saw Brady complete 34 of 44 + passes for 343 yards, a touchdown, and no interceptions.[409] With the win, + the Patriots advanced to the AFC Championship Game for the eighth consecutive + year, this time to face the Chiefs at Arrowhead Stadium.[410] + + In the AFC Championship Game, the Patriots opened the game with a 80-yard, 15-play + opening drive capped with a 1-yard Sony Michel rushing touchdown. The Patriots + went into halftime with a 14–0 lead. However, the Chiefs battled back in the + second half and Harrison Butker hit a 39-yard field goal for the Chiefs with + just 8 seconds remaining in regulation to send the game into overtime with a + score of 31–31. The Patriots won the coin toss to start overtime and elected + to receive the ball. Brady led the Patriots on a 75-yard drive that resulted + in a game-winning 2-yard rushing touchdown by Rex Burkhead. With the victory, + Brady earned a Super Bowl appearance for the third straight season and the ninth + time overall in his career. Brady finished the game completing 30 of 46 attempts, + with 348 yards passing, one passing touchdown, and two interceptions.[411] In + Super Bowl LIII at Mercedes-Benz Stadium in Atlanta, Georgia, Brady completed + 21 of 35 passes for 262 passing yards and an interception as the Patriots won + 13–3 over the Los Angeles Rams in the lowest-scoring Super Bowl in history. + With the victory, the Patriots became the second NFL team to win six Super Bowls, + tying the Pittsburgh Steelers for the most in NFL history. In addition, Brady + became the first player ever to win six Super Bowls as well as the oldest quarterback + at 41 years of age to win a Super Bowl.[412][413] + + Won the Super Bowl + + AP NFL MVP + + 1 0 1 3 33.3 6 2.0 6 0 0 42.4 0 0 0 0 0 0 0 0 0–0 + + 15 14 264 413 63.9 2,843 6.9 91 18 12 86.5 36 43 1.2 0 41 216 12 3 11–3 + + 16 16 373 601 62.1 3,764 6.3 49 28 14 85.7 42 110 2.6 1 31 190 11 5 9–7 + + 16 16 288 474 60.8 3,692 7.8 50 28 14 92.6 43 28 0.7 0 26 162 7 5 14–2 + + 16 16 319 516 61.8 3,529 6.8 62 24 12 87.9 49 102 2.1 0 26 175 12 4 12–4 + + 16 16 398 578 68.9 4,806 8.3 69 50 8 117.2 37 98 2.6 2 21 128 6 4 16–0 + + 1 1 7 11 63.6 76 6.9 26 0 0 83.9 0 0 0 0 0 0 0 0 1–0 + + 16 16 371 565 65.7 4,398 7.8 81 28 13 96.2 29 44 1.5 1 16 86 4 2 10–6 + + 16 16 401 611 65.6 5,235 8.6 99 39 12 105.6 43 109 2.5 3 32 173 6 2 13–3 + + 16 16 401 637 63.0 4,827 7.6 83 34 8 98.7 23 32 1.4 4 27 182 2 0 12–4 + + 12 12 291 432 67.4 3,554 8.2 79 28 2 112.2 28 64 2.3 0 15 87 5 0 11–1 + + Total‡ + + ‡ Career totals accurate as of the end of the 2018 regular season.[414] + + Passing[415] + + 3 3 60 97 61.9 572 5.9 29 1 1 77.3 8 22 2.8 1 5 36 1 0 3–0 + + 3 3 75 126 59.5 792 6.3 52 5 2 84.5 12 18 1.5 0 0 0 0 0 3–0 + + 3 3 55 81 67.9 587 7.2 60 5 0 109.4 7 3 0.4 1 0 0 1 1 3–0 + + 2 2 35 63 55.6 542 8.6 73 4 2 92.2 3 8 2.7 0 4 12 2 0 1–1 + + 3 3 70 119 58.8 724 6.1 49 5 4 76.5 8 18 2.2 0 4 22 2 0 2–1 + + 3 3 77 109 70.6 737 6.8 53 6 3 96.0 4 −1 −0.2 0 8 52 1 1 2–1 + + 1 1 23 42 54.8 154 3.7 24 2 3 49.1 0 0 0 0 3 22 1 1 0–1 + + 3 3 75 111 67.6 878 7.9 61 8 4 100.4 9 10 1.1 1 3 15 0 0 2–1 + + 2 2 54 94 57.4 664 7.1 49 4 2 84.7 3 4 1.3 0 1 9 0 0 1–1 + + 3 3 93 135 68.9 921 6.8 46 10 4 100.3 9 13 1.4 1 3 16 0 0 3–0 + + 3 3 93 142 65.5 1,137 8.0 48 7 3 97.7 9 13 1.4 0 9 42 0 0 3–0 + + 3 3 89 139 64.0 1,132 8.1 50 8 0 108.6 7 8 1.1 0 4 19 1 1 2–1 + + 3 3 85 125 68.0 953 7.6 35 2 3 85.8 5 −4 −0.8 0 1 9 1 0 3–0 + + 16 27 59.3 145 5.4 1 0 86.2 1 3 3.0 0 W 20–17 1–0 + + 32 48 66.7 354 7.4 3 1 100.5 2 12 6.0 0 W 32–29 1–0 + + 23 33 69.7 236 7.2 2 0 110.2 1 −1 −1.0 0 W 24–21 1–0 + + 29 48 60.4 266 5.5 1 0 82.5 0 0 0 0 L 17–14 0–1 + + 43 62 69.4 466 7.5 2 1 95.2 1 15 15.0 0 W 34–28 (OT) 1–0 + + 28 48 58.3 505 10.5 3 0 115.4 1 6 6.0 0 L 41–33 0–1 + + 21 35 60.0 262 7.5 0 1 71.3 2 −2 −1.0 0 W 13–3 1–0 + + Regular season (career) + + Most games won by a quarterback: 207[417] + + Best touchdown to interception ratio in a season: 28:2[418] + + Most wins on the road by a quarterback: 92[419] + + Most wins at home by a quarterback: 115 [420] + + Only quarterback to have three consecutive games with 300+ passing yards, 3+ + Touchdown-passes and 0 interceptions[421] + + Oldest QB to lead the league in passing yards: 40 [422] + + Most yards in a single season for a quarterback aged 40 and older (age 40): + 4,577[422] + + Most touchdown passes with one team: 517[423] + + Oldest player to win NFL MVP: 40 [424] + + Most career passing yards with one team: 70,514[424] + + Most games played: 40[425][426] + + Most games started: 40[427] + + Most games won by a starting quarterback: 30[427] + + Most consecutive wins by a starting quarterback: 10 (2001, 2003–2005) + + Most consecutive wins to start a career by a starting quarterback: 10 (2001, + 2003–2005) + + Most career home wins by a starting quarterback: 20 (2001–2019) + + Most consecutive home wins by a starting quarterback: 9 (2013–2019) + + Most touchdown passes: 73[428] + + Most passing yards: 11,179[429] + + Most passing yards in a single playoff game: 505 (Super Bowl LII)[18] + + Most passes completed: 1,005[430] + + Most passes attempted: 1,589[430] + + Most passes intercepted: 34[431] + + Most division titles won by a starting quarterback: 16[427] + + Most NFL conference championship appearances by a starting quarterback: 13[432] + + Most NFL conference championship wins by a starting quarterback: 9[433] + + Oldest Quarterback to win an AFC title game: 41 years, 5 months, 17 days + + Most career 300+ passing yard games: 16[430] + + Most game-winning drives: 13[100] + + Most multi-TD passes: 23[433] + + Super Bowl (career) + + Most passing yards: 2,838[18] + + Most passes completed: 256[18] + + Most passes attempted: 392[18] + + Most wins as starting QB: 6[100] + + Most passes completed in first half of a single Super Bowl: 20 (XLIX)[435] + + Most passes completed in a single Super Bowl: 43 (LI)[100] + + Most passes attempted in a single Super Bowl: 62 (LI)[100] + + Most passing yards in a single Super Bowl: 505 (LII)[18] + + Most Super Bowl appearances: 9[436] + + Most passing attempts without an interception in a single Super Bowl: 48 (XLII + & LII)[437] + + Oldest QB to start a Super Bowl: 41 yrs 6 months 0 days + + Oldest QB to win a Super Bowl: 41 yrs 6 months 0 days + + Oldest player to win Super Bowl MVP: 39 yrs 6 months 2 days + + Most consecutive completions in a single Super Bowl: 16 (XLVI)[437] + + Most game-winning drives: 6[438] + + Most wins as a player: 6. + + Brady has been featured as a guest star on some popular television programs, + hosting Saturday Night Live in 2005[439] and voicing himself in the 2005 The + Simpsons episode Homer and Ned s Hail Mary Pass and the 2006 Family Guy episode + ( Patriot Games ; both football-themed episodes were broadcast within a week + of that year s Super Bowl.[440][441] In 2009, he appeared as himself in a sixth + season episode of Entourage.[442] In 2015, he had cameo appearances as fictionalized + versions of himself in the Entourage movie[443] and Ted 2.[444] + + In 2007, Brady was a model for the Stetson cologne.[445] Brady has endorsed + brands including Uggs, Under Armour, Movado, Aston Martin and Glaceau Smartwater. + According to Forbes, he earned about $7 million from endorsements alone in 2014.[446][447][448] + In 2016, he began appearing in a Beautyrest Black commercial campaign for Simmons + Bedding Company.[449] In 2016, he launched his own line of vegan snacks.[450] + + On January 20, 2016, Brady announced the launch of his peak performance website + TB12Sports.com. The site features information on Brady s training regimen and + includes a store to purchase TB12 equipment and merchandise.[451] Later in the + year, on August 23, 2016, the TB12 brand then expanded to offer a snack line. + The snacks contain raw, vegan, and organic ingredients that are also free of + gluten and dairy.[452] The following month, Brady, alongside Boston Private + and Robert Paul Properties, announced the formation of the TB12 Foundation. + The purpose of the nonprofit foundation is to provide free post-injury rehabilitation + care and training to underprivileged, young athletes.[453] In March 2017, Brady + moved beyond his snack line and partnered with meal-kit startup Purple Carrot + to offer his own line of TB12 Performance Meals. The meals utilize whole foods + and focus on providing nutrients for workout recovery.[454][455] On September + 19, 2017, Simon & Schuster published Brady s first book, The TB12 Method: How + to Achieve a Lifetime of Sustained Peak Performance. Within 48 hours, it had + become a number one best-seller on Amazon.com.[456] The book also reached #1 + on the The New York Times weekly Best Sellers list, to be featured in the edition + of October 8, 2017.[457] + + Filmmaker Gotham Chopra filmed Brady during the 2017 offseason and regular season + for a Facebook Watch documentary series entitled Tom vs Time. According to The + New York Times, the documentary follows Brady as he conducts his ongoing subversion + campaign against the actuarial tables of quarterback longevity. [458] + + Brady riding a bicycle for charity at the Best Buddies Ride in Hyannis, Massachusetts, + in May 2009 + + Brady dated actress Bridget Moynahan from 2004 until late 2006.[459] On February + 18, 2007, Moynahan confirmed to People magazine that she was more than three + months pregnant with Brady s child.[459][460] Brady and Moynahan ended their + relationship sometime in early December 2006, around the time Moynahan became + pregnant.[461] John Edward Thomas Moynahan[462] was born in August 2007, at + Saint John s Health Center in Santa Monica, California.[463] + + Brady began dating Brazilian supermodel Gisele Bündchen in December 2006.[464] + In 2009, Brady said they had been set up on a blind date by a mutual friend.[465] + Brady and Bündchen married on February 26, 2009, in an intimate Catholic ceremony + in Santa Monica, California.[466] Together, they have two children: a son named + Benjamin Rein born in December 2009,[467] and a daughter named Vivian Lake born + in December 2012.[468] + + Brady and baseball player Kevin Youkilis became brothers-in-law in 2012, when + Youkilis married Brady s sister Julie.[469] + + Brady and his family live in Brookline, Massachusetts, and New York City.[470] + Brady s health regimen includes Transcendental Meditation, yoga, an 80/20 diet + (meaning 80% alkaline and 20% acidic), early bed time, resistance training and + neuroplasticity training.[471] + + Brady attended the 2004 State of the Union Address as a special guest of then-President + George W. Bush.[472] In 2004, he told ESPN The Magazine that being a U.S. Senator + would be his craziest ambition .[473][474] + + Brady is a friend of President Donald Trump;[475][476] in 2017, Brady indicated + he had known Trump for 16 years .[477] At a political event in New Hampshire + on the day before the 2016 presidential election, Trump said he had received + a call from Brady, and that Brady told him Donald, I support you, you re my + friend, and I voted for you. However, after Gisele Bündchen was asked directly + on Instagram whether she and Brady backed Trump, Bündchen answered NO! .[478] + After a Trump campaign Make America Great Again cap was photographed in Brady + s locker, Brady said that Bündchen told him not to discuss politics anymore, + which he thought was a good decision .[479] Brady did not join most of his + teammates from the New England Patriots in visiting Trump and the White House + in April 2017, citing personal family matters .[480] + + While there has been speculation that Brady would run for political office,[481] + in a 2015 interview he stated he had no interest in doing so.[482][483][484] + + In 2018, he endorsed Republican Helen Brady (no relation), who was running for + State Auditor of Massachusetts. Brady lost the election to Democrat Suzanne + Bump.[485][486][487] + + Brady and his family adhere to a controversial, strict diet, the TB12 Method + , that has attracted much media attention.[488][489] He advocates drinking 1/32 + of one s body weight in water daily.[490] He avoids consumption of most fruits, + mushrooms, tomatoes, peppers, eggplants, coffee, Gatorade, white sugar or flour, + gluten, dairy, soda, cereal, white rice, potatoes, and bread.[491][492] + + Other professional athletes including Kirk Cousins[493] and Mark Scheifele have + started to adopt his regimen.[494][495] + + Lists of Michigan Wolverines football passing leaders + + List of most wins by a National Football League starting quarterback + + List of Saturday Night Live guests + + ^ He did not start as a rookie, and missed nearly all of 2008 with a torn ACL.[14][15] + + ^ Reiss, Mike (January 1, 2017). Tom Brady sets NFL record for best TD to INT + ratio in a season . ESPN.com. Archived from the original on December 11, 2018. + Retrieved January 6, 2019. + + ^ In multiple seasons, from 1950 to 2018, requiring Pass Completion % >= 1, + sorted by most games matching criteria. (Note: Click on Games Won column to + sort.) . www.pro-football-reference.com. Pro Football Reference. Retrieved December + 3, 2018. + + ^ Brady, Welker get kick out of 99-yard touchdown . USATODAY.COM. Retrieved + 2019-02-12. + + ^ NFL (2017-08-03), Tom Brady s 40 Longest Touchdown Passes | NFL Highlights, + retrieved 2019-02-12 + + ^ Van Valkenburg, Kevin. Let all debate end: Tom Brady is the GOAT . ESPN.com. + Retrieved January 29, 2019. + + ^ Tom Brady greatest QB of all time? It s now safe to make that argument – + The Denver Post . Archived from the original on August 8, 2016. Retrieved June + 20, 2016. + + ^ Freeman, Mike. Brady Takes Throne as QB GOAT . Bleacher Report. Archived + from the original on July 7, 2016. Retrieved June 20, 2016. + + ^ Paine, Neil (February 6, 2015). Tom Brady s (Statistical) Place In The Pantheon + Of NFL QBs . FiveThirtyEight. Archived from the original on June 8, 2016. Retrieved + June 20, 2016. + + ^ Tom Brady, Joe Montana head top 10 quarterbacks in NFL history – National + Football League . Archived from the original on October 21, 2016. Retrieved + October 20, 2016. + + ^ Plaschke, Bill. Super Bowl 2019: Dazed and confused, Goff shows his age in + Atlanta . Los Angeles Times. Los Angeles Times. Retrieved February 4, 2019. + + ^ 25 of the greatest NFL Draft picks ever . CBS. CBS Interactive. Archived + from the original on February 22, 2017. Retrieved February 21, 2017. + + ^ Gaines, Cork. How the Patriots pulled off the biggest steal in NFL history + . Business Insider. Business Insider. Archived from the original on February + 22, 2017. Retrieved February 21, 2017. + + ^ Reineking, Jim. Top all-time NFL draft steals . NFL. NFL Enterprise LLC. + Archived from the original on February 22, 2017. Retrieved February 21, 2017. + + ^ Sources: Brady out with ACL tear . Yahoo Sports. Archived from the original + on October 15, 2015. Retrieved July 29, 2015. + + ^ Tom Brady . Pro-Football-Reference.com. Archived from the original on February + 6, 2018. Retrieved July 29, 2015. + + ^ Tom Brady named NFL s MVP for third time of career . NFL.com. Archived from + the original on July 26, 2018. Retrieved July 26, 2018. + + ^ Brady becomes first QB to 200 regular-season wins in NFL . Retrieved October + 15, 2018. + + ^ a b c d e f g 99-yard TDs . Pro Football Hall of Fame. Archived from the + original on March 28, 2018. Retrieved March 28, 2018. Cite error: Invalid + tag; name :1 defined multiple times with different content (see the help page). + + ^ Reiss, Mike (July 28, 2015). NFL s statement on upholding Tom Brady s suspension + at four games . ESPN.com. Archived from the original on December 27, 2016. Retrieved + December 26, 2016. + + ^ https://www.upi.com/amp/Super-Bowl-LIII-Patriots-beat-Rams-Brady-wins-record-6th-Lombardi-Trophy/5201549235499/ + + ^ Tom Brady bio at . TV Guide. Archived from the original on May 16, 2009. + Retrieved August 4, 2012. + + ^ Little brother big shot-thepostgame . Archived from the original on March + 2, 2010. Retrieved February 2, 2010. + + ^ a b Tom Brady s roots run deep into 19th-century Boston . The Boston Globe. + March 4, 2017. Archived from the original on March 6, 2017. Retrieved March + 6, 2017. + + ^ Gisele, Tom Brady Christen Baby Benjamin . Us Weekly. June 23, 2010. Archived + from the original on September 26, 2012. Retrieved September 12, 2010. + + ^ Collie, Ashley Jude (July 1, 2004). The Brady Brunch . American Way. Archived + from the original on January 20, 2010. Retrieved September 27, 2010. + + ^ Schorn, Daniel (December 23, 2007). Tom Brady: The Winner . CBS News. Archived + from the original on January 2, 2011. Retrieved January 11, 2011. + + ^ Tom Brady Family Tree . Makemyfamilytree.com. Archived from the original + on July 21, 2012. Retrieved August 4, 2012. + + ^ Tom Brady connection to Irish Famine ancestors from Boston discovered . IrishCentral. + March 6, 2017. Archived from the original on March 6, 2017. Retrieved March + 6, 2017. + + ^ Judge, Clark (February 7, 2005). Only 27, Brady seals his Hall of Fame credentials + . CBSSports.com. Archived from the original on February 10, 2005. Retrieved + December 26, 2007. + + ^ New England Patriots vs. Oakland Raiders – Recap – October 2, 2011 . ESPN. + October 2, 2011. Retrieved October 29, 2011. + + ^ Jim Ducibella (June 28, 2005), W&M s football facilities growing , Virginia + Pilot and Ledger-Star, p. 3, archived from the original on June 10, 2014, retrieved + January 12, 2014 + + ^ Profile Archived March 5, 2016, at the Wayback Machine, boston.com; accessed + November 12, 2014. + + ^ 2004 Athletic Hall of Fame Inductees . Junípero Serra High School. Archived + from the original on September 27, 2007. Retrieved December 26, 2007. + + ^ a b Story of boy named Tom Brady . NY Daily News. Archived from the original + on December 8, 2015. Retrieved December 8, 2015. + + ^ JockBio: Tom Brady Biography . www.jockbio.com. Archived from the original + on December 11, 2015. Retrieved December 4, 2015. + + ^ Lessons from Tom Brady s Recruiting in College . NCSA Athletic Recruiting + Blog. Archived from the original on December 8, 2015. Retrieved December 8, + 2015. + + ^ 1995 tops 1998 as Michigan s best recruiting class . www.maizeandbluenews.com. + Archived from the original on December 8, 2015. Retrieved December 4, 2015. + + ^ a b c d Tom Brady . New England Patriots. Archived from the original on March + 14, 2015. Retrieved December 8, 2015. + + ^ a b c The College Recruitment of Tom Brady . Bleacher Report. Archived from + the original on November 14, 2015. Retrieved December 4, 2015. + + ^ Things fell apart when Cal lost Brady . East Bay Times. February 2, 2008. + Archived from the original on October 25, 2017. Retrieved October 24, 2017. + + ^ Tom Brady apparently silently committed to Cal before he visited Michigan + . USA Today High School Sports. March 1, 2017. Archived from the original on + October 25, 2017. Retrieved October 24, 2017. + + ^ Tom Brady: The Story of a Baseball Failure . Major League Baseball. Archived + from the original on December 8, 2015. Retrieved December 4, 2015. + + ^ Tom Brady – Official New England Patriots biography . New England Patriots. + Archived from the original on March 5, 2005. Retrieved January 11, 2010. + + ^ Montreal Expos tried desperately to get Tom Brady to pick baseball over football + . Patriots Wire. July 11, 2017. Archived from the original on July 15, 2017. + Retrieved July 11, 2017. + + ^ The College Recruitment of Tom Brady . Bleacher Report. Archived from the + original on November 14, 2015. Retrieved December 8, 2015. + + ^ Tom Brady Biography . Biography. Bio. Archived from the original on December + 8, 2015. Retrieved December 7, 2015. + + ^ Knoblauch, Max (September 18, 2014). Tom Brady s Old Internships Look Really + Cute on His Résumé . Mashable. Archived from the original on September 22, 2014. + Retrieved September 25, 2014. + + ^ Kinney, Aaron (February 24, 2012). Serra to name football stadium after Brady + . San Jose Mercury News. Archived from the original on February 3, 2015. Retrieved + February 3, 2015. + + ^ Bradford, Rob (January 19, 2009). The Tom Brady Interview (in Toronto) . + WEEI Sportsradio Network. Archived from the original on March 1, 2009. Retrieved + May 18, 2010. + + ^ a b Rosenberg, Michael (January 9, 2012). Tom Brady As You Forgot Him . Sports + Illustrated. Archived from the original on February 23, 2016. Retrieved August + 22, 2015. + + ^ 1997 Michigan Wolverines Schedule and Results . College Football at Sports-Reference.com. + Archived from the original on February 24, 2018. Retrieved March 17, 2018. + + ^ Jenkins, Lee (January 31, 2008). Self-made man . Sports Illustrated. Archived + from the original on January 11, 2010. Retrieved January 11, 2010. + + ^ Pedulla, Tom (October 31, 2006). Decorated Patriots QB feels he still has + something to prove . USA Today. Archived from the original on January 26, 2008. + Retrieved December 27, 2007. + + ^ Tom Brady s Guru Archived September 9, 2018, at the Wayback Machine, by + Eric Adelson, January 11, 2011. + + ^ 60 Minutes Sports (Interview). YouTube. Archived from the original on January + 16, 2016. Retrieved January 6, 2019. + + ^ MGoBlue Statistics Archive . University of Michigan. Archived from the original + on September 7, 2004. Retrieved December 27, 2007. + + ^ Notes and Quotes from The Game . Ohio State Buckeyes Athletics. Archived + from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Capital One Bowl: Capital One Bowl football game resource for college football + fans . September 5, 2008. Archived from the original on February 8, 2007. Retrieved + September 5, 2008. + + ^ U-M Win Streak Comes to End at Michigan State, 34–31 – University of Michigan + . University of Michigan Athletics. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Schutte, Dustin. Throwback Thursday: Tom Brady s NFL Success Began at Michigan + . Usports. Archived from the original on September 10, 2018. Retrieved January + 6, 2019. + + ^ OSU-Michigan 1999: Buckeyes left out of bowl season after 24–17 loss to Wolverines + . Cleveland.com. Archived from the original on December 28, 2017. Retrieved + December 28, 2017. + + ^ Michigan Claims 35–34 Overtime Victory over Alabama – University of Michigan + . University of Michigan Athletics. Archived from the original on December 26, + 2017. Retrieved December 25, 2017. + + ^ 1999 Michigan Wolverines Schedule and Results . College Football at Sports-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ Tom Brady College & Pro Football Statistics - Totalfootballstats.com . www.totalfootballstats.com. + Archived from the original on November 6, 2015. Retrieved December 8, 2015. + + ^ Tom Brady . sports-reference.com. Sports Reference LLC. Archived from the + original on September 11, 2016. Retrieved September 2, 2016. + + ^ Historical NFL Wonderlic Scores . wonderlictestsample.com. Archived from + the original on September 2, 2016. Retrieved September 2, 2016. + + ^ Tom Brady . nfldraftscout.com. Archived from the original on August 29, 2016. + Retrieved August 29, 2016. + + ^ Yang, Nicole (March 3, 2017). Tom Brady digs up old T-shirt and harsh scouting + reports from NFL combine . Boston Globe. Archived from the original on September + 2, 2018. Retrieved January 6, 2019. + + ^ Iyer, Vinnie (March 19, 2015). Draft throwback: Read how Tom Brady nailed + his own scouting report . Sporting News. Archived from the original on April + 21, 2018. Retrieved January 6, 2019. + + ^ Tom Brady vs. the Browns: A contrast in winning ways . Archived from the + original on November 16, 2018. Retrieved January 6, 2019. + + ^ Wilner, Barry (January 13, 2013). Patriots beat Texans 41–28, Ravens up next + . Yahoo! Sports. Archived from the original on January 16, 2013. Retrieved January + 13, 2013. + + ^ Greenberg, Alan (September 27, 2001). In Brady They Trust: Belichick Has + Faith In Backup-turned-starter . Hartford Courant. Archived from the original + on December 1, 2017. Retrieved January 6, 2019. + + ^ Cafardo, Nick (January 7, 2002). Patriots clinch AFC East with blowout in + Carolina . Boston Globe. Archived from the original on December 1, 2017. Retrieved + January 6, 2019. + + ^ Lynch, Andrew (January 26, 2017). The 10 biggest gambling upsets in Super + Bowl history, ranked . Fox Sports. Archived from the original on December 1, + 2017. Retrieved January 6, 2019. + + ^ Cimini, Rich. Super Bowl XXXVI: Vinatieri and Pats beat Rams in Star-Spangled + Stunner . New York Daily News. Archived from the original on December 1, 2017. + Retrieved January 6, 2019. + + ^ Longest winning streaks in sports . USA Today. Archived from the original + on December 1, 2017. Retrieved January 6, 2019. + + ^ NFL: Brady and Patriots stride past outmatched Jets . The New York Times. + December 27, 2005. Archived from the original on December 1, 2017. Retrieved + January 6, 2019. + + ^ Associated Press (January 7, 2006). McGinest, Patriots sack Jaguars 28–3 + . NFL.com. Archived from the original on December 1, 2017. Retrieved January + 6, 2019. + + ^ Associated Press (December 29, 2007). Patriots break scoring record, Brady + and Moss set season marks . NFL. Archived from the original on December 9, 2017. + Retrieved November 27, 2017. + + ^ Shaughnessy, Dan (December 30, 2007). Just perfect: Patriots make history, + beat Giants for 16–0 season . Boston Globe. Archived from the original on December + 1, 2017. Retrieved January 6, 2019. + + ^ Bayne, Bijan (December 24, 2007). 2007 Patriots vs. 1972 Dolphins: Who Would + Win Batttle of the Undefeateds? . Bleacher Report. Archived from the original + on September 9, 2018. Retrieved January 6, 2019. + + ^ Statistics Bowl – How The 2007 Patriots And The 1972 Dolphins Compare Scientifically + . Science 2.0. December 30, 2008. Archived from the original on September 9, + 2018. Retrieved January 6, 2019. + + ^ Associated Press (January 5, 2008). Brady takes 49 of 50 votes in MVP voting + . ESPN. Archived from the original on September 9, 2018. Retrieved January 6, + 2019. + + ^ AP athletes of the year: Brady makes being a superstar look almost routine + . Deseret News. December 22, 2007. Archived from the original on September 9, + 2018. Retrieved January 6, 2019. + + ^ Battista, Judy (February 4, 2008). Giants Stun Patriots in Super Bowl XLII + . The New York Times. + + ^ Springer, Shira (September 11, 2008). Brady has both ACL and MCL tears . + Boston Globe. Archived from the original on December 19, 2017. Retrieved January + 6, 2019. + + ^ Associated Press. Tom Brady Wins AP Comeback Player Award . CBS News. Archived + from the original on September 25, 2018. Retrieved January 6, 2019. + + ^ Forsberg, Chris (September 12, 2011). Brady s INT streak ends at 358 attempts + . ESPN. Archived from the original on December 1, 2017. Retrieved January 6, + 2019. + + ^ Zimmer, John; Marini, Matt, eds. (2013). Official 2013 National Football League + Record & Fact Book (PDF). New York: National Football League. ISBN 978-1-603-20980-9. + Retrieved February 3, 2015. + + ^ NFL.com Wire Reports (February 6, 2011). Patriots Brady wins second MVP + award by unanimous decision . Archived from the original on December 1, 2017. + Retrieved January 6, 2019. + + ^ FanSided Staff (November 24, 2015). Best moments in NFL history: Lawrence + Taylor wins 1986 NFL MVP . FanSided. Archived from the original on December + 1, 2017. Retrieved January 6, 2019. + + ^ AP NFL Most Valuable Player Winners . Pro Football Reference. Archived from + the original on June 10, 2016. Retrieved January 6, 2019. + + ^ Super Bowl Most Valuable Player Winners . Pro Football Reference. Archived + from the original on August 3, 2017. Retrieved January 6, 2019. + + ^ 2011 NFL Top 100 . Pro Football Reference. Archived from the original on + January 2, 2019. Retrieved January 6, 2019. + + ^ Hutchins, Andy (February 6, 2012). Super Bowl 46: Bill Belichick s Coaching + Errors Leave Patriots On Losing End . SB Nation. Archived from the original + on September 9, 2018. Retrieved January 6, 2019. + + ^ Brady s big night ends with plenty of new entries in SB record book . Fox + Sports. February 2, 2015. Archived from the original on September 9, 2018. Retrieved + January 6, 2019. + + ^ SI Wire (February 1, 2015). Patriots QB Tom Brady named Super Bowl XLIX MVP + . Sports Illustrated. Archived from the original on September 9, 2018. Retrieved + January 6, 2019. + + ^ 2016-Reg-Week-4 . Patriots.com. October 2, 2016. Archived from the original + on May 4, 2017. Retrieved January 6, 2019. + + ^ King, Peter (February 6, 2017). Super Bowl 51: Patriots Take the Fifth in + Epic Comeback . Sports Illustrated. Archived from the original on December 30, + 2018. Retrieved January 6, 2019. + + ^ a b c d e DaSilva, Cameron (February 5, 2017). Every record Tom Brady broke + in his fifth Super Bowl win . Fox Sports. Archived from the original on October + 5, 2018. Retrieved January 6, 2019. + + ^ Martin, Jill. New England Patriots win Super Bowl LIII for 6th title . CNN. + + ^ 2005 NFL Leaders and Leaderboards . Pro Football Reference. Archived from + the original on August 14, 2018. Retrieved January 6, 2019. + + ^ NFL Career Passing Rating Leaders Archived November 18, 2018, at the Wayback + Machine Pro-Football-Reference.com + + ^ Hochman, Benjamin (February 2, 2015). Tom Brady greatest QB of all time? + It s now safe to make that argument . Denver Post. Archived from the original + on March 4, 2016. Retrieved January 6, 2019. Tom Brady Cements His Legacy as + Greatest Quarterback of All Time . Bleacher Report. February 2, 2015. Archived + from the original on August 4, 2018. Retrieved January 6, 2019. + + ^ NFL Rules Named After Players Archived October 28, 2018, at the Wayback Machine + . Sports Illustrated, August 19, 2014. Accessed September 13, 2018. + + ^ Sean Cunningham. How NFL Rules Changes Created a Golden Era of Quarterback + Stats Archived December 21, 2018, at the Wayback Machine . RealClearLife, November + 30, 2017. Accessed September 13, 2018. + + ^ Full 2000 NFL Draft . National Football League. Archived from the original + on September 6, 2011. Retrieved August 14, 2012. + + ^ Graham, Tim (April 10, 2011). Tom Brady cries when recalling 2000 draft . + ESPN. Archived from the original on January 1, 2019. Retrieved January 6, 2019. + + ^ Holley, Michael (2004). Patriots Reign. HarperCollins. ISBN 0-06-075794-9. + + ^ Top 10 NFL draft steals . Msn.foxsports.com. Archived from the original on + August 7, 2011. Retrieved October 29, 2011. + + ^ NFL s top 10 draft steals in league history . National Football League. April + 18, 2010. Archived from the original on April 19, 2008. Retrieved October 29, + 2011. + + ^ Football, National. news: Brady, Favre, Manning voted to list of top 10 draft + picks of all time . National Football League. Archived from the original on + September 13, 2011. Retrieved October 29, 2011. + + ^ Best NFL Draft Picks . Mynfldraft.com. Archived from the original on October + 28, 2011. Retrieved October 29, 2011. + + ^ https://boston.cbslocal.com/2012/01/20/brady-told-patriots-kraft-im-best-decision-this-organization-has-ever-made/ + + ^ Coach Hears Venom\Belichick Part of Problem? . Worcester Telegram and Gazette. + November 14, 2000. Retrieved August 15, 2012. + + ^ a b c d e f g h i j Tom Brady – #12 QB . National Football League. Archived + from the original on November 22, 2018. Retrieved January 6, 2019. + + ^ New England Patriots at Detroit Lions – November 23rd, 2000 . Pro Football + Reference. Retrieved July 2, 2017. + + ^ #TBT: When Tom Brady Made His Debut and No One Really Gave it Much Thought + . Archived from the original on August 16, 2017. Retrieved January 6, 2019. + + ^ Lowe, Mike (September 24, 2012). Pats fizzle when it counts . Portland Press + Herald. Retrieved August 14, 2012. + + ^ a b c d e f Tom Brady . National Football League. Archived from the original + on December 26, 2007. Retrieved December 26, 2007. + + ^ Indianapolis Colts at New England Patriots – September 30th, 2001 . Pro-Football-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ New England Patriots at Miami Dolphins – October 7th, 2001 . Pro-Football-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ 2001 NFL Week 5 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on August 1, 2017. Retrieved March 18, 2018. + + ^ Cafardo, Nick (October 15, 2001). Something special: Brady-led rally erases + mates earlier errors . The Boston Globe. Archived from the original on November + 5, 2012. Retrieved August 14, 2012. + + ^ Cafardo, Nick (October 1, 2012). Hold your horses: Patriots rout Colts as + defense shows season is not lost . Boston Globe. Archived from the original + on November 5, 2012. Retrieved August 14, 2012. + + ^ 2001 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on February 12, 2018. Retrieved March 17, 2018. + + ^ 2001 NFL Week 11 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on July 30, 2017. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots - December 22nd, 2001 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ NFL Pro Bowl 2002 – National Football League game summary (PDF). National + Football League. Archived (PDF) from the original on October 26, 2012. Retrieved + August 14, 2012. + + ^ Howe, Jeff. Patriots reflect on Snow Bowl during 10-year anniversary of + tuck rule game . NESN. Archived from the original on January 20, 2012. Retrieved + August 15, 2012. + + ^ Divisional Round - Oakland Raiders at New England Patriots - January 19th, + 2002 . Pro-Football-Reference.com. Retrieved 2019-02-17. + + ^ Bledsoe s return sparks Patriots past Steelers 24–17 . CNN. Associated Press. + Archived from the original on December 25, 2005. + + ^ AFC Championship – New England Patriots at Pittsburgh Steelers – January + 27th, 2002 . Pro-Football-Reference.com. Archived from the original on December + 28, 2017. Retrieved March 17, 2018. + + ^ Caesar, Dan (January 30, 2002). 14-Point spread isn t about respect . St. + Louis Post-Dispatch. Retrieved August 15, 2012. + + ^ Cotey, John (January 26, 2003). Madden sticks by his wrong call last year + . St. Petersburg Times. Archived from the original on November 6, 2012. Retrieved + August 15, 2012. + + ^ Camps, Mark (February 5, 2002). Brady beats two Joes as youngest Super QB + . San Francisco Chronicle. Archived from the original on August 12, 2017. Retrieved + August 11, 2017. + + ^ Silverstein, Tom; Christl, Cliff (February 4, 2002). Brady coolly fits the + bill . Milwaukee Journal Sentinel. Archived from the original on January 24, + 2013. + + ^ PRO FOOTBALL; Bledsoe Is Traded To the Bills . The New York Times. April + 22, 2002. ISSN 0362-4331. Archived from the original on December 26, 2017. Retrieved + December 25, 2017. + + ^ Pittsburgh Steelers at New England Patriots – September 9th, 2002 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ 2002 NFL Week 1 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on July 30, 2017. Retrieved March 18, 2018. + + ^ New England Patriots at Buffalo Bills – November 3rd, 2002 . Pro-Football-Reference.com. + Archived from the original on December 4, 2017. Retrieved March 18, 2018. + + ^ 2002 NFL Week 9 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on March 19, 2018. Retrieved March 18, 2018. + + ^ 2002 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on March 28, 2009. Retrieved August 14, 2012. + + ^ 2003 New England Patriots . Pro Football Reference. Archived from the original + on August 2, 2012. Retrieved August 14, 2012. + + ^ New England Patriots at Denver Broncos – November 3rd, 2003 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots - December 7th, 2003 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ 2003 NFL Week 17 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Wilner, Barry (January 2, 2004). Manning. McNair split MVP honors . USA Today. + Archived from the original on April 26, 2010. Retrieved August 14, 2012. + + ^ Divisional Round – Tennessee Titans at New England Patriots – January 10th, + 2004 . Pro-Football-Reference.com. Archived from the original on March 16, 2018. + Retrieved March 17, 2018. + + ^ AFC Championship – Indianapolis Colts at New England Patriots – January 18th, + 2004 . Pro-Football-Reference.com. Archived from the original on March 17, 2018. + Retrieved March 17, 2018. + + ^ Super Bowl XXXVIII – New England Patriots vs. Carolina Panthers – February + 1st, 2004 . Pro-Football-Reference.com. Archived from the original on December + 28, 2017. Retrieved March 17, 2018. + + ^ Super Bowl XXXVIII MVP: Tom Brady . National Football League. Archived from + the original on November 7, 2012. Retrieved August 14, 2012. + + ^ Longest Winning Streaks . Pro Football Hall of Fame. Archived from the original + on January 16, 2010. Retrieved January 3, 2010. + + ^ Bill Belichick – Head Coach . New England Patriots. Archived from the original + on September 25, 2011. Retrieved August 14, 2012. + + ^ 2004 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on March 30, 2018. Retrieved March 17, 2018. + + ^ a b 2004 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on August 5, 2012. Retrieved August 14, 2012. + + ^ Quarterback fought 103-degree fever, chills . Associated Press. Archived + from the original on October 4, 2015. Retrieved January 6, 2019. + + ^ Super Bowl XXXIX . National Football League. Archived from the original on + June 21, 2018. Retrieved August 14, 2012. + + ^ Davis, Scott. 12 teams have won multiple Super Bowls and the Rams are trying + to join the group . Business Insider. Retrieved February 4, 2019. + + ^ Dillon Returns From Injury To Push Patriots Past Jets . Lakeland Ledger. + December 5, 2005. Retrieved August 15, 2012. + + ^ Cafardo, Nick (November 2, 2005). Dillon s resolve solved a few offensive + problems . The Boston Globe. Archived from the original on December 3, 2013. + Retrieved August 15, 2012. + + ^ New England Patriots at Atlanta Falcons – October 9th, 2005 . Pro-Football-Reference.com. + Archived from the original on March 14, 2018. Retrieved March 18, 2018. + + ^ 2005 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Associated Press. Archived from the original on August 4, 2012. Retrieved August + 14, 2012. + + ^ 2005 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on September 25, 2018. Retrieved March 18, 2018. + + ^ Wild Card – Jacksonville Jaguars at New England Patriots – January 7th, 2006 + . Pro-Football-Reference.com. Archived from the original on December 28, 2017. + Retrieved December 28, 2017. + + ^ Divisional Round – New England Patriots at Denver Broncos – January 14th, + 2006 . Pro-Football-Reference.com. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Drehs, Wayne. Brady, Patriots finally feel playoff defeat . ESPN. Archived + from the original on November 10, 2012. Retrieved August 14, 2012. + + ^ Reiss, Mike (January 31, 2006). Brady s groin may be hurt . The Boston Globe. + Archived from the original on January 5, 2009. Retrieved December 26, 2007. + + ^ Buffalo Bills at New England Patriots - September 10th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ New England Patriots at Minnesota Vikings - October 30th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ New England Patriots at Green Bay Packers - November 19th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ 2006 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on February 8, 2010. Retrieved August 14, 2012. + + ^ Maske, Mark (December 19, 2006). Romo Gets Pro Bowl Nod in NFC, Brady Doesn + t in AFC . The Washington Post. Archived from the original on October 6, 2008. + Retrieved December 26, 2007. + + ^ McClain, John (July 2, 2007). Young to replace Rivers at Pro Bowl . Houston + Chronicle. Archived from the original on January 5, 2008. Retrieved December + 26, 2007. + + ^ Brady, Patriots shake feisty Jets, roll on to San Diego . ESPN. Archived + from the original on November 13, 2014. Retrieved August 14, 2012. + + ^ Hayes, Neil. Super Chargers top Super Bowl list . NBC Sports. Archived from + the original on November 2, 2012. Retrieved August 14, 2012. + + ^ Clayton, John. Patriots teach Chargers a lesson in playoff football . ESPN. + Archived from the original on August 9, 2012. Retrieved August 14, 2012. + + ^ Pasquarelli, Len. .Manning shakes label of not being able to win big one + . ESPN. Archived from the original on November 13, 2012. Retrieved August 14, + 2012. + + ^ Byrne, Kerry J. (June 3, 2009). Best individual seasons of 2000s . Sports + Illustrated. Archived from the original on November 3, 2012. Retrieved January + 11, 2010. + + ^ Top 10 greatest quarterback seasons Archived November 17, 2015, at the Wayback + Machine, NFL Nation Blog, espn.go.com; accessed November 12, 2014. + + ^ 2007 New England Patriots . Pro Football Reference. Archived from the original + on February 9, 2010. Retrieved January 11, 2010. + + ^ 2007 NFL Week 17 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on August 2, 2017. Retrieved March 18, 2018. + + ^ Banks, Don (October 12, 2007). Litmus test . Sports Illustrated. Archived + from the original on November 30, 2007. Retrieved December 8, 2007. + + ^ Brady s six TDs give him 27 TDs after seven games . ESPN. Archived from the + original on November 22, 2015. Retrieved January 6, 2019. + + ^ Young, Shalise Manza (November 4, 2007). Patriots 24, Colts 20: Tom s got + you, Babe . The Providence Journal. Archived from the original on November 7, + 2007. Retrieved December 26, 2007. + + ^ Patriots break scoring record, Brady and Moss set season marks . NFL.com. + Associated Press. December 29, 2007. Archived from the original on December + 9, 2017. Retrieved August 11, 2017. + + ^ Brady an easy winner in AP Male Athlete of Year balloting . USA Today. Associated + Press. December 21, 2007. Archived from the original on January 23, 2011. Retrieved + January 28, 2012. + + ^ 2007 NFL All-Pros . Pro-Football-Reference.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ 2007 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on March 16, 2018. Retrieved March 18, 2018. + + ^ Mihoces, Gary (January 13, 2008). Perfect Pats, Brady make short work of + Jaguars . USA Today. Archived from the original on November 14, 2010. Retrieved + November 30, 2008. + + ^ Pats put away Chargers for fourth Super Bowl berth in seven years . ESPN. + Associated Press. January 20, 2008. Archived from the original on September + 24, 2008. Retrieved November 30, 2008. + + ^ Super Bowl XLII – New York Giants vs. New England Patriots – February 3rd, + 2008 . Pro-Football-Reference.com. Archived from the original on February 2, + 2011. Retrieved January 24, 2018. + + ^ Foot injury may sideline Tom Brady for another game . USA Today. Associated + Press. August 2008. Retrieved September 28, 2015. + + ^ Brady to have season-ending knee surgery, will be placed on IR . NFL.com. + Archived from the original on December 17, 2018. Retrieved January 6, 2019. + + ^ Reiss, Mike (September 8, 2008). Pats confirm Brady out for the year . The + Boston Globe. Archived from the original on July 25, 2012. Retrieved September + 8, 2008. + + ^ Springer, Shira (September 10, 2008). Sources: Brady tore ACL and MCL . The + Boston Globe. Archived from the original on January 5, 2009. Retrieved September + 10, 2008. + + ^ Chronic right shoulder injury slows Brady . NBC Sports. Associated Press. + September 6, 2007. Archived from the original on September 9, 2007. Retrieved + December 27, 2007. + + ^ Farmer, Sam (June 2, 2009). Tom Brady s doctor says knee recovery exceeds + expectations . Los Angeles Times. Archived from the original on January 12, + 2012. Retrieved November 7, 2011. + + ^ Brady Has More Procedures Done on Knee, Report Says . The New York Times. + Associated Press. October 23, 2008. Archived from the original on January 19, + 2015. Retrieved November 30, 2008. + + ^ Springer, Shira (October 24, 2008). Brady s recovery hits snag . The Boston + Globe. Archived from the original on October 27, 2008. Retrieved November 30, + 2008. + + ^ 2008 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on January 27, 2018. Retrieved January 24, 2018. + + ^ Buffalo Bills at New England Patriots – September 14th, 2009 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Keefe, Neil. Brady Named AFC Offensive Player of the Week . NESN. Retrieved + August 14, 2012. + + ^ Brady throws six TD passes as Patriots ice winless Titans . Associated Press. + Archived from the original on November 14, 2012. Retrieved August 14, 2012. + + ^ Tennessee Titans at New England Patriots – October 18th, 2009 . Pro-Football-Reference.com. + Archived from the original on December 30, 2017. Retrieved March 18, 2018. + + ^ Brady sets a record for TDs in a quarter . The Washington Times. October + 19, 2009. Archived from the original on January 12, 2014. Retrieved January + 11, 2010. + + ^ Brady, Patriots get historic win thanks to rout of visiting Titans . NFL.com. + Retrieved 2019-02-11. + + ^ Breer, Albert R. (January 4, 2010). Brady dealing with broken finger on throwing + hand . The Boston Globe. Archived from the original on October 29, 2010. Retrieved + January 4, 2010. + + ^ 2009 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on August 21, 2018. Retrieved March 17, 2018. + + ^ Brady named Comeback Player of the Year . NBC Sports. Associated Press. January + 6, 2010. Archived from the original on August 18, 2012. Retrieved January 6, + 2010. + + ^ Ravens fast start puts Pats on heels, out of playoffs . ESPN. Associated + Press. January 10, 2010. Archived from the original on January 13, 2010. Retrieved + January 20, 2010. + + ^ Battista, Judy (September 10, 2010). Patriots Brady Signs League s Richest + Deal, at the Moment . The New York Times. Archived from the original on January + 19, 2012. Retrieved September 11, 2010. + + ^ Matuszewski, Erik (October 4, 2010). Tom Brady Gets 100th Career Win in NFL + as Patriots Rout Dolphins 41–14 . Bloomberg. Archived from the original on October + 8, 2010. Retrieved October 11, 2010. + + ^ Woodhead keeps contributing as Pats withstand Colts comeback attempt . National + Football League. Associated Press. November 21, 2010. Archived from the original + on November 23, 2010. Retrieved November 22, 2010. + + ^ Krasner, Steven (November 21, 2010). Brady ties mark with 25th straight home + W . ESPNBoston.com. Archived from the original on November 23, 2010. Retrieved + November 22, 2010. + + ^ New England Patriots at Detroit Lions – November 25th, 2010 . Pro-Football-Reference.com. + Archived from the original on January 1, 2018. Retrieved March 18, 2018. + + ^ 2010 NFL Week 12 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on September 9, 2018. Retrieved March 18, 2018. + + ^ Frenz, Erik. Patriots Vs. Lions: Tom Brady Enjoys Perfect Passer Rating on + Thanksgiving . Bleacher Report. Retrieved 2019-02-06. + + ^ Brady s Perfect Game Leads Patriots Over Lions . The New York Times. 2010-11-25. + Retrieved 2019-02-06. + + ^ Patriots destroy Jets . London Free Press. Archived from the original on + December 1, 2012. Retrieved August 14, 2012. + + ^ New York Jets at New England Patriots – December 6th, 2010 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ NFL Single-Season Passer Rating Leaders . Archived from the original on December + 25, 2018. Retrieved January 6, 2019. + + ^ Springer, Shira & Walker, Monique (January 20, 2011). Brady to have foot + surgery today . The Boston Globe. Archived from the original on November 2, + 2012. Retrieved January 20, 2011. + + ^ Tom Brady unanimous as NFL MVP . Associated Press. Archived from the original + on August 3, 2012. Retrieved August 14, 2012. + + ^ Top 100: Tom Brady . New England Patriots. Archived from the original on + March 19, 2018. Retrieved March 18, 2018. + + ^ Divisional Round – New York Jets at New England Patriots – January 16th, + 2011 . Pro-Football-Reference.com. Archived from the original on December 17, + 2017. Retrieved March 17, 2018. + + ^ Jets back up talk as Sanchez throws three TDs, defense knocks down Brady + . Archived from the original on December 28, 2014. Retrieved December 29, 2014. + + ^ 2011 NFL Week 1 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on August 30, 2018. Retrieved March 18, 2018. + + ^ Tom Brady picks apart Dolphins as 517-yard, 4-TD opener fuels Pats . ESPN. + September 12, 2011. Archived from the original on September 28, 2011. Retrieved + September 13, 2011. + + ^ Tom Brady, Chad Henne Combine For Slew of NFL Records On Monday Night Football + . September 13, 2011. Archived from the original on November 7, 2012. Retrieved + September 17, 2011. + + ^ San Diego Chargers at New England Patriots – September 18th, 2011 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots – December 24th, 2011 . Pro-Football-Reference.com. + Archived from the original on January 4, 2018. Retrieved March 18, 2018. + + ^ 2011 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved January 24, 2018. + + ^ The Top 100: Players of 2012 : Tom Brady . NFL.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ Belichick: No quarterback I d rather have . weei.com. Archived from the + original on 2017-01-29. Retrieved 2019-01-06. + + ^ Quinton Carter, David Bruton exit hurt . ESPN. Archived from the original + on January 16, 2012. Retrieved August 14, 2012. + + ^ Cannizzaro, Mark. Patriots redefine postseason success for coach-quarterback + duo . New York Post. Retrieved August 16, 2012. + + ^ Patriots Beat Ravens 23–20 in AFC Championship Game . Fox News. Associated + Press. January 22, 2012. Archived from the original on July 17, 2012. Retrieved + August 14, 2012. + + ^ For second time in five seasons, Giants top Brady, Patriots in Super Bowl + . Associated Press. Archived from the original on August 17, 2012. Retrieved + August 14, 2012. + + ^ Houston Texans at New England Patriots – December 10th, 2012 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved March 18, 2018. + + ^ Tom Brady. Tom Brady, QB for the New England Patriots at . Nfl.com. Archived + from the original on November 22, 2018. Retrieved July 6, 2013. + + ^ Top 100 Players of 2013 : Tom Brady . NFL.com. Retrieved 2019-02-11. + + ^ Divisional Round – Houston Texans at New England Patriots – January 13th, + 2013 . Pro-Football-Reference.com. Archived from the original on February 1, + 2018. Retrieved March 17, 2018. + + ^ Wilner, Barry. NFL Playoffs: Patriots 41, Texans 28: Brady passes idol as + Pats pound Texans . Arizona Daily Star. Retrieved 2019-02-11. + + ^ AFC Championship – Baltimore Ravens at New England Patriots – January 20th, + 2013 . Pro-Football-Reference.com. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Timeline: Patriots-Ravens rivalry through the years - The Boston Globe . + BostonGlobe.com. Retrieved 2019-02-17. + + ^ Wesseling, Chris (February 25, 2013). Tom Brady, New England Patriots agree + to extension . National Football League. Archived from the original on February + 27, 2013. Retrieved February 25, 2013. + + ^ King, Peter (February 26, 2013). More on Tom Brady s amazing deal; mail – + NFL – Peter King – SI.com . Sportsillustrated.cnn.com. Archived from the original + on May 20, 2013. Retrieved July 6, 2013. + + ^ New England Patriots at Buffalo Bills – September 8th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved January 24, 2018. + + ^ New York Jets at New England Patriots – September 12th, 2013 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved January 24, 2018. + + ^ New England Patriots at Cincinnati Bengals – October 6th, 2013 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved January 24, 2018. + + ^ New Orleans Saints at New England Patriots – October 13th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Denver Broncos at New England Patriots – November 24th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 22, 2017. Retrieved December 16, 2017. + + ^ Buffalo Bills at New England Patriots - December 29th, 2013 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ 2013 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on March 7, 2018. Retrieved March 18, 2018. + + ^ Top 100 Players of 2014 : Tom Brady . New England Patriots. Archived from + the original on September 11, 2016. Retrieved March 18, 2018. + + ^ 2013 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on January 23, 2018. Retrieved January 24, 2018. + + ^ Divisional Round – Indianapolis Colts at New England Patriots – January 11th, + 2014 . Pro-Football-Reference.com. Archived from the original on November 14, + 2017. Retrieved March 17, 2018. + + ^ AFC Championship – New England Patriots at Denver Broncos – January 19th, + 2014 . Pro-Football-Reference.com. Archived from the original on November 15, + 2017. Retrieved November 14, 2017. + + ^ New England Patriots at Miami Dolphins – September 7th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Minnesota Vikings – September 14th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Oakland Raiders at New England Patriots – September 21st, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Kansas City Chiefs – September 29th, 2014 . Pro-Football-Reference.com. + Archived from the original on November 9, 2017. Retrieved March 17, 2018. + + ^ New England Patriots at Buffalo Bills – October 12th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved March 17, 2018. + + ^ New York Jets at New England Patriots – October 16th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Chicago Bears at New England Patriots – October 26th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Detroit Lions at New England Patriots – November 23rd, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Green Bay Packers – November 30th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at San Diego Chargers – December 7th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Orton, Bills beat Patriots 17–9 . New England Patriots. Archived from the + original on February 5, 2017. Retrieved January 6, 2019. + + ^ Top 100 Players of 2015 : No. 3 Tom Brady . NFL.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ Divisional Round – Baltimore Ravens at New England Patriots – January 10th, + 2015 . Pro-Football-Reference.com. Archived from the original on December 26, + 2017. Retrieved December 28, 2017. + + ^ AFC Championship – Indianapolis Colts at New England Patriots – January 18th, + 2015 . Pro-Football-Reference.com. Archived from the original on December 1, + 2017. Retrieved December 28, 2017. + + ^ Super Bowl XLIX – Seattle Seahawks vs. New England Patriots – February 1st, + 2015 . Pro-Football-Reference.com. Archived from the original on January 30, + 2018. Retrieved March 17, 2018. + + ^ Patriots beat the Seahawks in dramatic finale . BBC Sport. February 1, 2015. + Archived from the original on February 4, 2015. Retrieved February 2, 2015. + + ^ INVESTIGATIVE REPORT CONCERNING FOOTBALLS USED DURING THE AFC CHAMPIONSHIP + GAME ON JANUARY 18, 2015 (PDF). nfl.com. National Football League. Retrieved + May 6, 2015. + + ^ Rosenthal, Gregg (May 11, 2015). Patriots Tom Brady suspended 4 games . + National Football League. Archived from the original on May 13, 2015. Retrieved + May 11, 2015. + + ^ a b NFL releases statement on Patriots violations . National Football League. + May 11, 2015. Archived from the original on May 13, 2015. Retrieved May 12, + 2015. + + ^ Patra, Kevin (May 14, 2015). Tom Brady NFLPA appeal four game suspension + . National Football League. Archived from the original on May 18, 2015. Retrieved + May 14, 2015. + + ^ NFL upholds four-game suspension of Tom Brady . cbsnews.com. July 28, 2015. + Archived from the original on July 29, 2015. Retrieved July 29, 2015. + + ^ Report: Tom Brady Authorizes NFLPA To Appeal His Case In Federal Court . + NESN.com. Archived from the original on July 29, 2015. Retrieved July 29, 2015. + + ^ Rosenthal, Gregg (July 28, 2015). Roger Goodell upholds Tom Brady suspension + . National Football League. Archived from the original on July 29, 2015. Retrieved + July 28, 2015. + + ^ Gantt, Darin (July 28, 2015). Goodell cites destroying phone in upholding + Tom Brady s suspension . NBC Sports. Archived from the original on July 29, + 2015. Retrieved July 28, 2015. + + ^ Armstrong, Kevin; et al. (July 28, 2015). NFL hopes to have expected Tom + Brady lawsuit in New York and not Minnesota . New York Daily News. Archived + from the original on July 31, 2015. Retrieved July 28, 2015. + + ^ Tom Brady rips the NFL s Deflategate decision on his Facebook page . USA + Today. Archived from the original on September 9, 2018. Retrieved January 6, + 2019. + + ^ Robert Kraft attacks the NFL, apologizes to Patriots fans . Yahoo Sports. + July 29, 2015. Archived from the original on August 12, 2017. Retrieved January + 6, 2019. + + ^ a b Freeman, Mike (May 11, 2015). NFL Deflategate Message: No Player Is Above + the Rules, Not Even Tom Brady . Bleacher Report. Archived from the original + on May 15, 2015. Retrieved January 6, 2019. + + ^ Adelson, Eric (May 11, 2015). Tom Brady allowed the new NFL Way to smack + Patriot Way in stunning fashion . Yahoo! Sports. Archived from the original + on September 29, 2018. Retrieved January 6, 2019. Somewhere along the line, + the debate over what happened in the hours and minutes leading up to the AFC + championship game in January went beyond air pressure and weather conditions, + and became a referendum on the character of Tom Brady and his franchise. + + ^ O Connor, Ian. Tom Brady should skip appeal, tell truth now . ESPN.com. Archived + from the original on May 15, 2015. Retrieved May 12, 2015. + + ^ NYSD Decision and Order . + + ^ Roger Goodell Made Tom Brady Seem Dishonest In Deflategate Appeal Ruling + . NESN.com. Archived from the original on February 7, 2016. Retrieved February + 7, 2016. + + ^ Pittsburgh Steelers at New England Patriots – September 10th, 2015 . Pro-Football-Reference.com. + Archived from the original on November 10, 2017. Retrieved December 28, 2017. + + ^ Very rare performance by Tom Brady reflects his greatness . ESPN.com. Archived + from the original on October 27, 2015. Retrieved October 28, 2015. + + ^ Miami Dolphins at New England Patriots – October 29th, 2015 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ New England Patriots at Denver Broncos – November 29th, 2015 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ 2015 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved March 17, 2018. + + ^ 2015 NFL Passing . Pro-Football-Reference.com. Archived from the original + on February 12, 2018. Retrieved March 17, 2018. + + ^ Top 100 Players of 2016 : No. 2 Tom Brady . NFL.com. Archived from the original + on August 31, 2018. Retrieved January 6, 2019. + + ^ Divisional Round – Kansas City Chiefs at New England Patriots – January 16th, + 2016 . Pro-Football-Reference.com. Archived from the original on December 26, + 2017. Retrieved March 17, 2018. + + ^ Golen, Jimmy (January 16, 2016). Patriots to 5th straight AFC title game, + beat Chiefs 27–20 . Associated Press. Foxborough, Massachusetts: AP Sports. + Associated Press. Retrieved February 17, 2019. + + ^ New England at Denver – 2016-01-24 – National Football League – Yahoo! Sports + . Yahoo Sports. Archived from the original on November 19, 2018. Retrieved January + 6, 2019. + + ^ Reiss, Mike. New deal links Tom Brady to Patriots through 2019 . ESPN.com. + Archived from the original on March 1, 2016. Retrieved February 29, 2016. + + ^ Volin, Ben (March 3, 2016). Brady s lawyer feels pressure from judges . The + Boston Globe. Archived from the original on April 16, 2016. Retrieved April + 26, 2016. + + ^ Orr, Connor (April 25, 2016). Tom Brady s four-game suspension reinstated + . NFL.com. Archived from the original on April 26, 2016. Retrieved April 25, + 2016. + + ^ Tom Brady s four-game suspension upheld . ESPN. April 25, 2016. Archived + from the original on April 26, 2016. Retrieved April 25, 2016. + + ^ Volin, Ben (April 25, 2016). Brady must serve Deflategate suspension, appeals + court rules . The Boston Globe. Archived from the original on April 27, 2016. + Retrieved April 26, 2016. + + ^ Gershman, Jacob (April 25, 2016). Why the NFL Won its Deflategate Appeal + . The Wall Street Journal. Archived from the original on April 28, 2016. Retrieved + April 26, 2016. + + ^ Tom Brady keeps Deflategate battle going with another appeal of suspension + Archived October 5, 2018, at the Wayback Machine May 23, 2015. + + ^ Brady s Deflategate appeal denied by court . Archived from the original on + July 16, 2016. Retrieved January 6, 2019. + + ^ New England Patriots at Cleveland Browns – October 9th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ Cincinnati Bengals at New England Patriots – October 16th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Pittsburgh Steelers – October 23rd, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Buffalo Bills – October 30th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Ortega, Mark E. (November 3, 2016). Tom Brady, David Johnson are Players + of the Month . NFL.com. Archived from the original on September 25, 2018. Retrieved + January 6, 2019. + + ^ Seattle Seahawks at New England Patriots – November 13th, 2016 . Pro-Football-Reference.com. + Archived from the original on August 4, 2017. Retrieved December 28, 2017. + + ^ Lam, Quang M. (November 23, 2016). Tom Brady, Kirk Cousins among Players + of Week . NFL.com. Archived from the original on November 24, 2016. Retrieved + January 6, 2019. + + ^ New England Patriots at New York Jets – November 27th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Los Angeles Rams at New England Patriots – December 4th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Reiss, Mike. Tom Brady wins NFL-record 201st game . ESPN.com. Archived from + the original on December 6, 2016. Retrieved December 13, 2016. + + ^ Howe, Jeff. Patriots, despite miscues, outlast Ravens to move to 11–2 . The + Boston Herald. Archived from the original on December 20, 2016. Retrieved December + 13, 2016. + + ^ New England Patriots at Denver Broncos – December 18th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Patriots top Broncos, clinch AFC East, first-round bye . Archived from the + original on December 19, 2016. Retrieved January 6, 2019. + + ^ NFL announces 2017 Pro Bowl rosters . NFL.com. December 20, 2016. Archived + from the original on November 17, 2018. Retrieved January 6, 2019. + + ^ Archived copy . Archived from the original on January 2, 2017. Retrieved + January 1, 2017. CS1 maint: Archived copy as title (link) + + ^ Patriots clinch home-field advantage in AFC playoffs . Archived from the + original on December 20, 2018. Retrieved January 6, 2019. + + ^ Hurley, Michael (January 1, 2017). Tom Brady Sets NFL Record For Best TD-To-INT + Ratio Of All Time . CBS Boston. Archived from the original on January 4, 2017. + Retrieved January 2, 2017. + + ^ Three rookies, Matt Ryan among players named to All-Pro team . NFL.com. January + 6, 2017. Archived from the original on June 17, 2018. Retrieved January 6, 2019. + + ^ Top 100 Players of 2017 : No. 1 New England Patriots quarterback Tom Brady + . NFL.com. Archived from the original on June 17, 2018. Retrieved January 6, + 2019. + + ^ Patra, Kevin (January 15, 2017). Patriots Top Texans, Move on to AFC Championship + . Around the NFL. National Football League. Archived from the original on January + 29, 2017. Retrieved February 6, 2017. + + ^ Wesseling, Chris (January 23, 2017). Patriots Shred Steelers, Advance to + Ninth Super Bowl . Around the NFL. National Football League. Archived from the + original on February 2, 2017. Retrieved February 6, 2017. + + ^ Super Bowl LI – New England Patriots vs. Atlanta Falcons – February 5th, + 2017 . Pro-Football-Reference.com. Archived from the original on August 7, 2017. + Retrieved August 6, 2017. + + ^ Super Bowl Most Valuable Player Winners . Pro-Football-Reference.com. Archived + from the original on August 3, 2017. Retrieved January 24, 2018. + + ^ Tom Brady s stolen Super Bowl jerseys returned to Patriots . Fox News. March + 23, 2017. Archived from the original on April 11, 2017. Retrieved April 10, + 2017. + + ^ Tom Brady Super Bowl jersey thief investigation . Sports Illustrated. Archived + from the original on April 24, 2017. Retrieved August 11, 2017. + + ^ GOAT edition: Brady on Madden NFL 18 cover . ESPN.com. Archived from the + original on May 13, 2017. Retrieved May 13, 2017. + + ^ Press, Associated. Gisele Bundchen: Tom Brady had a concussion last year + . Archived from the original on September 22, 2017. Retrieved January 6, 2019. + + ^ Igel, Lee. Gisele Bündchen Casts Doubt On Adequacy Of NFL Concussion Protocol + . Archived from the original on September 15, 2017. Retrieved January 6, 2019. + + ^ NFL Investigating After Gisele Claims Tom Brady Suffered a Concussion . Archived + from the original on September 11, 2017. Retrieved January 6, 2019. + + ^ NFL looking into Tom Brady concussion claim by Gisele Bundchen . Archived + from the original on December 8, 2018. Retrieved January 6, 2019. + + ^ Agent: Tom Brady not diagnosed with concussion in 16 . Archived from the + original on October 19, 2018. Retrieved January 6, 2019. + + ^ Tom Brady: We didn t dig very deep on Thursday night . Pro Football Talk. + Archived from the original on September 8, 2017. Retrieved September 8, 2017. + + ^ WATCH: In Year 18, Tom Brady finally does something he s never done before + . CBSSports.com. September 17, 2017. Archived from the original on January 1, + 2019. Retrieved January 6, 2019. + + ^ Maya, Adam (September 20, 2017). Tom Brady, J.J. Nelson among Players of + the Week . NFL.com. Archived from the original on December 22, 2018. Retrieved + January 6, 2019. + + ^ Tom Brady takes another title away from his nemesis Peyton Manning . Archived + from the original on January 1, 2019. Retrieved January 6, 2019. + + ^ Lam, Quang M. (September 27, 2017). Tom Brady, Kirk Cousins among Players + of the Week . NFL.com. Archived from the original on September 27, 2017. Retrieved + January 6, 2019. + + ^ Tom Brady Ties Brett Favre, Peyton Manning for Most Regular-Season Wins by + QB . Bleacher Report. Archived from the original on January 1, 2019. Retrieved + January 6, 2019. + + ^ Orr, Conor. Tom Brady has sprain to non-throwing shoulder . NFL. Archived + from the original on October 11, 2017. Retrieved October 10, 2017. + + ^ Patra, Kevin. Brady isn t worried about his shoulder: I m good . NFL. Archived + from the original on October 12, 2017. Retrieved October 11, 2017. + + ^ Tom Brady becomes NFL s career QB wins leader . Archived from the original + on November 25, 2018. Retrieved January 6, 2019. + + ^ Tom Brady, Patriots roll through fog past Falcons . Archived from the original + on January 1, 2019. Retrieved January 6, 2019. + + ^ Los Angeles Chargers at New England Patriots – October 29th, 2017 . Pro-Football-Reference.com. + Archived from the original on November 7, 2017. Retrieved December 7, 2017. + + ^ Maya, Adam (November 15, 2017). Tom Brady, Cam Newton among Players of the + Week . NFL.com. Archived from the original on July 1, 2018. Retrieved January + 6, 2019. + + ^ Case Keenum wins NFC player of month honors . Archived from the original + on January 27, 2018. Retrieved January 6, 2019. + + ^ Hanzus, Dan. Tom Brady, Josh McDaniels have sideline disagreement . NFL. + Archived from the original on December 3, 2017. Retrieved December 3, 2017. + + ^ Sessler, Marc. Patriots overcome ugly start to scatter Bills in Buffalo . + NFL. Archived from the original on December 3, 2017. Retrieved December 3, 2017. + + ^ New England Patriots at Miami Dolphins – December 11th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved January 24, 2018. + + ^ New England Patriots at Pittsburgh Steelers – December 17th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 29, 2017. Retrieved December 28, 2017. + + ^ NFL announces 2018 Pro Bowl rosters . NFL. Archived from the original on + December 20, 2017. Retrieved December 19, 2017. + + ^ Buffalo Bills at New England Patriots – December 24th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ Patriots secure first-round bye for eighth straight year . Archived from + the original on November 10, 2018. Retrieved January 6, 2019. + + ^ Patriots clinch home-field advantage through playoffs . + + ^ NFL offensive production falls despite record for Brady . www.boston.com. + Archived from the original on November 10, 2018. Retrieved January 6, 2019. + + ^ Wilner, Barry. Steelers Antonio Brown, unanimous choice on AP All-Pro Team + . AP News. AP. + + ^ Wesseling, Chris (February 3, 2018). Tom Brady named NFL s MVP for third + time of career . NFL.com. Archived from the original on July 26, 2018. Retrieved + January 6, 2019. + + ^ Divisional Round – Tennessee Titans at New England Patriots – January 13th, + 2018 . Pro-Football-Reference.com. Archived from the original on January 18, + 2018. Retrieved January 18, 2018. + + ^ Patra, Kevin (January 19, 2018). Tom Brady (thumb) questionable for Patriots + vs. Jags . NFL.com. Archived from the original on January 20, 2018. Retrieved + January 20, 2018. + + ^ AFC Championship – Jacksonville Jaguars at New England Patriots – January + 21st, 2018 . Pro-Football-Reference.com. Archived from the original on January + 24, 2018. Retrieved January 24, 2018. + + ^ Super Bowl LII – Philadelphia Eagles vs. New England Patriots – February + 4th, 2018 . Pro-Football-Reference.com. Archived from the original on March + 1, 2018. Retrieved March 17, 2018. + + ^ Super Bowl 50: How many quarterbacks have lost multiple Super Bowls? . syracuse.com. + Retrieved 2019-02-12. + + ^ Is Super Bowl LII Loss the End of Patriots and Tom Brady s Dynasty? . Bleacher + Report. Archived from the original on February 5, 2018. Retrieved February 5, + 2018. + + ^ At 41 and going strong, Tom Brady awaits a 19th season . USA TODAY. Archived + from the original on October 30, 2018. Retrieved October 29, 2018. + + ^ Despite changes, Patriots offense still rolling behind Tom Brady in win over + Texans . USA TODAY. Archived from the original on October 29, 2018. Retrieved + October 29, 2018. + + ^ Brady Throws 3 TDs As Patriots Blow Out Dolphins To Improve To 2–2 . CBS + Boston. September 30, 2018. Archived from the original on October 29, 2018. + Retrieved October 29, 2018. + + ^ Brady, Patriots roll past banged-up Colts . Duluth News Tribune. Archived + from the original on October 30, 2018. Retrieved October 29, 2018. + + ^ Tom Brady sets another NFL record with TD pass to Josh Gordon . USA Today. + October 5, 2018. Archived from the original on October 31, 2018. Retrieved October + 30, 2018. + + ^ Brady, Patriots top Chiefs for wild 43–40 win . USA TODAY. Archived from + the original on October 29, 2018. Retrieved October 29, 2018. + + ^ Brady throws 3 TDs, Patriots hang on to beat Bears 38–31 . AP NEWS. October + 21, 2018. Archived from the original on October 30, 2018. Retrieved October + 29, 2018. + + ^ Tom Brady: Game Logs at NFL.com . National Football League. Archived from + the original on November 22, 2018. Retrieved November 26, 2018. + + ^ Colin J. Liotta, Tom Brady (finally) reaches 1,000 career rushing yards USA + Today. From the original on December 3, 2018. Retrieved January 9, 2019 + + ^ Tom Brady reaches 70,000 passing yards . NFL. Archived from the original + on December 18, 2018. Retrieved December 16, 2018. + + ^ Pats win AFC East again, take back No. 2 seed . ESPN.com. December 23, 2018. + Retrieved January 22, 2019. + + ^ Sullivan, Tara. Tara Sullivan: Vintage Tom Brady returns, just in time for + the playoffs – The Boston Globe . BostonGlobe.com. Retrieved January 22, 2019. + + ^ Tom Brady tunes up and Patriots clinch first-round bye after routing Jets + . ESPN.com. December 30, 2018. Retrieved January 22, 2019. + + ^ Schrock, Joshua (December 30, 2018). Tom Brady s New Year s Resolution Will + Make Bill Belichick, Patriots Fans Happy . NESN.com. Retrieved January 22, 2019. + + ^ Hightower, Kyle (January 13, 2019). Michel scores 3 TDs, Patriots roll past + Chargers . KOIN. Retrieved February 6, 2019. + + ^ Chargers vs. Patriots – Game Recap – January 13, 2019 – ESPN . ESPN.com. + Retrieved January 22, 2019. + + ^ Patriots make 3rd straight Super Bowl, beat Chiefs 37–31 OT . Associated + Press. January 20, 2019. Retrieved January 21, 2019. + + ^ New England Patriots win Super Bowl LIII . NFL. Retrieved February 3, 2019. + + ^ Tom Brady sets record for most Super Bowl wins by NFL player with six . USA + TODAY. Retrieved February 6, 2019. + + ^ Tom Brady . NFL.com. Archived from the original on December 7, 2015. Retrieved + December 7, 2015. + + ^ Tom Brady s Career Touchdown Plays . Pro-Football-Reference.com. Archived + from the original on July 11, 2015. Retrieved July 29, 2015. + + ^ In multiple seasons, from 1950 to 2018, requiring Pass Completion % >= 1, + sorted by most games matching criteria. (Note: Click on Games Won column to + sort) . www.pro-football-reference.com. Pro Football Reference, LLC. Retrieved + January 1, 2019. + + ^ Reiss, Mike (November 14, 2017). Tom Brady relishes chance to silence fans + while playing on road . ESPN.com. Archived from the original on February 9, + 2018. Retrieved February 8, 2018. + + ^ https://www.footballdb.com/stats/qb-records.html?alltime=1&type=reg&letter=&sort=w + + ^ WHAT TO LOOK FOR – WEEK 11 . nflcommunications.com. November 15, 2017. Archived + from the original on February 9, 2018. Retrieved February 8, 2018. + + ^ a b Porter, Conor (January 1, 2018). Tom Brady achieved another amazing NFL + record in 2017 . GiveMeSport. Archived from the original on February 9, 2018. + Retrieved February 8, 2018. + + ^ Tom Brady joins select club with 500th career touchdown pass . MLive.com. + Archived from the original on October 6, 2018. Retrieved October 5, 2018. + + ^ a b Archived copy . Archived from the original on November 6, 2018. Retrieved + November 6, 2018. CS1 maint: Archived copy as title (link) + + ^ NFL Playoff Records: Individual – Passing . nfl.com. Archived from the original + on July 22, 2015. Retrieved July 30, 2015. + + ^ Adamski, Chris. Brady, Big Ben meet again in AFC title game . TribLIVE.com. + Archived from the original on January 27, 2017. Retrieved January 24, 2017. + + ^ a b c Stites, Adam (February 4, 2018). What NFL records does Tom Brady already + own? . SBNation.com. Archived from the original on February 10, 2018. Retrieved + February 9, 2018. + + ^ Schechter, Lee (January 11, 2015). Brady s 46th TD breaks Montana s playoff + mark . ESPN.com. Archived from the original on February 9, 2018. Retrieved February + 8, 2018. + + ^ Reiss, Mike (January 19, 2015). Brady sets NFL s postseason passing record + . ESPN.com. Archived from the original on February 9, 2018. Retrieved February + 8, 2018. + + ^ a b c David Smith, Michael (January 8, 2018). In his 35th postseason game, + Tom Brady will add to his many records . Yahoo Sports. Archived from the original + on February 9, 2018. Retrieved February 9, 2018. + + ^ Tom Brady passes Brett Favre for most career interceptions in the postseason + . SB Nation. Archived from the original on May 15, 2018. Retrieved May 15, 2018. + + ^ The QB With the Most Conference Championship Appearance? . NFL RUSH. January + 19, 2017. Archived from the original on January 25, 2018. Retrieved February + 9, 2018. + + ^ a b Game Notes: Patriots extend NFL-record to 10th Super Bowl overall . New + England Patriots. January 21, 2018. Archived from the original on February 9, + 2018. Retrieved February 9, 2018. + + ^ Super Bowl Records: Individual – Passing . nfl.com. Archived from the original + on August 10, 2015. Retrieved July 29, 2015. + + ^ Breech, John (February 2, 2015). Tom Brady broke, tied or extended 9 Super + Bowl records . CBSSports.com. Archived from the original on January 23, 2018. + Retrieved February 9, 2018. + + ^ Tom Brady, Bill Belichick make NFL history with record 7th Super Bowl appearance + . abcnews.com. Archived from the original on January 29, 2017. Retrieved January + 23, 2017. + + ^ a b Kirk, Jason (February 5, 2018). Pats now own 75 Super Bowl records, including + most losses . SBNation.com. Archived from the original on April 4, 2018. Retrieved + April 4, 2018. + + ^ Patriots, Tom Brady keep rewriting Super Bowl record book . + + ^ Hanzus, Dan. Tom Brady is game for another SNL hosting gig . National Football + League. Archived from the original on August 17, 2012. Retrieved August 17, + 2012. + + ^ Bark, Ed (February 6, 2005). Fox gets animated after the Super Bowl . Dallas + Morning News. Retrieved August 17, 2012. + + ^ Patriots News and Notes . Patriots Insider. Fox Sports. Archived from the + original on January 27, 2013. Retrieved August 17, 2012. + + ^ Entourage Fore (TV Episode 2009) – IMDb . IMDb. Archived from the original + on March 26, 2017. Retrieved August 11, 2017. + + ^ Entourage: Tom Brady replaced Manning brothers in Season 6 cameo . Sports + Illustrated. May 28, 2015. Archived from the original on August 11, 2017. Retrieved + August 11, 2017. + + ^ Tom Brady s Ted 2 Cameo Features Deflategate Line From Mark Wahlberg . + NESN. June 24, 2015. Archived from the original on August 11, 2017. Retrieved + August 11, 2017. + + ^ Buttons NY – Sound + Picture » Vote for your favorite Stetson Cologne man, + win a $10 gift card, and Listen to the latest Stetson Radio ad, with the original + Stetson Jingle! . Archived from the original on January 1, 2019. Retrieved January + 6, 2019. + + ^ Tom Brady . Forbes. Archived from the original on March 19, 2015. Retrieved + April 1, 2015. + + ^ Peyton Manning vs. Tom Brady Endorsements: Who s No. 1 In Commercial Appeal? + . Archived from the original on April 2, 2015. Retrieved April 1, 2015. + + ^ Ember, Sydney Tom Brady Still a Key Part of Under Armour s Broader Ad Push + Archived January 1, 2019, at the Wayback Machine New York Times. August 25, + 2015 + + ^ Beautyrest Black and Tom Brady Score for Sleep – BedTimes . Archived from + the original on January 2, 2019. Retrieved January 6, 2019. + + ^ Reimer, Alex (August 23, 2016). Tom Brady s Vegan Snacks Only Add to His + Bourgeois Profile . Forbes. Archived from the original on January 1, 2019. Retrieved + January 6, 2019. + + ^ Tom Brady Announces Launch Of TB12 Website, Online Store (Photo) . NESN.com. + January 21, 2016. Archived from the original on September 28, 2017. Retrieved + September 27, 2017. + + ^ Tom Brady Launches Raw Snack Line Under His TB12 Brand . NCA. Retrieved September + 27, 2017. + + ^ Tom Brady and TB12 Launch TB12 Foundation for Young Athletes – Physical Therapy + Products . Physical Therapy Products. Archived from the original on September + 28, 2017. Retrieved September 27, 2017. + + ^ This New Meal Delivery Plan Will Help You Eat Like Tom Brady . Archived from + the original on September 28, 2017. Retrieved September 27, 2017. + + ^ Garcia, Ahiza. Tom Brady launches meal kit service . CNNMoney. Archived from + the original on September 28, 2017. Retrieved September 27, 2017. + + ^ O Connor, Ian (September 20, 2017). Tom Brady has No. 1 book on Amazon, Hillary + at No. 2. As they said at Michigan, all he does is winpic.twitter.com/glGlzkGGRd + . @Ian_OConnor. Retrieved September 21, 2017. + + ^ Tom Brady s TB12 Method Is a Best Seller . Boston Magazine. Archived from + the original on September 28, 2017. Retrieved September 29, 2017. + + ^ Leibovich, Mark (2018). Tom Brady Gave a Filmmaker Unusual Access to His + Private Life . The New York Times. ISSN 0362-4331. Archived from the original + on January 10, 2018. Retrieved January 10, 2018. + + ^ a b Dagostino, Mark (December 14, 2006). Tom Brady, Bridget Moynahan Split + Up . People. Archived from the original on October 12, 2007. Retrieved December + 27, 2007. + + ^ Smith, Liz (February 18, 2007). It s Brady Baby For Sixy Star . New York + Post. Archived from the original on February 20, 2007. Retrieved December 27, + 2007. + + ^ Shanahan, Mark (February 18, 2007). Ex-Brady Girlfriend Says She s Pregnant + With His Child . The Boston Globe. Archived from the original on March 11, 2007. + Retrieved November 30, 2008. + + ^ Boehm, Kristin (August 28, 2007). Bridget Moynahan Thankful for Healthy + Baby . People. Archived from the original on November 13, 2008. Retrieved November + 30, 2008. + + ^ Bridget Moynahan Welcomes a Baby Boy . People. August 23, 2007. Archived + from the original on June 28, 2008. Retrieved November 30, 2008. + + ^ Tom Brady & Gisele Bundchen: New Couple? . People. Archived from the original + on September 6, 2015. Retrieved December 7, 2012. + + ^ Patriots Quarterback Tom Brady on Football, Fatherhood, and Gisele Bündchen + . Archived from the original on October 2, 2013. Retrieved April 27, 2013. + + ^ Cedenheim, Pernilla (February 27, 2009). Model Tom Brady & Gisele Bündchen: + Married! . People. Archived from the original on May 20, 2016. Retrieved April + 27, 2018. + + ^ Gisele Bündchen & Tom Brady Have a Boy . People. December 9, 2009. Archived + from the original on July 2, 2017. Retrieved August 11, 2017. + + ^ Gisele Bündchen and Tom Brady Welcome Daughter Vivian Lake . People. December + 7, 2015. Archived from the original on September 5, 2015. Retrieved August 11, + 2017. + + ^ Farrar, Doug. Boston (in) Common: Kevin Youkilis set to marry Tom Brady s + sister . Archived from the original on February 10, 2012. Retrieved February + 10, 2012. + + ^ Hua, Karen (February 2, 2017). Inside The Multimillion-Dollar Homes Of Tom + Brady . Forbes. Archived from the original on August 11, 2017. Retrieved August + 11, 2017. + + ^ The Tao Of Tom: How Tom Brady Uses An 80–20 Diet, Meditation, Yoga & One + Book To Age Backwards . Retrieved January 24, 2018. + + ^ The Best There Ever Was? . GQ. August 5, 2005. Archived from the original + on July 30, 2017. Retrieved July 30, 2017. + + ^ Tom Brady vs. Peyton Manning For Republican Presidential Nomination? Some + Believe It s Possible . WBZ-TV (CBS Boston). June 7, 2017. Archived from the + original on July 13, 2017. Retrieved July 30, 2017. + + ^ Super Bowl QB Tom Brady s No Patriot . The Smoking Gun. January 26, 2004. + Archived from the original on July 29, 2017. Retrieved July 30, 2017. + + ^ Leibovich, Mark (February 1, 2017). The Uncomfortable Love Affair Between + Donald Trump and the New England Patriots . The New York Times. Archived from + the original on February 6, 2017. Retrieved February 2, 2017. + + ^ Sports figures who support Donald Trump . Archived from the original on August + 28, 2018. Retrieved January 6, 2019. + + ^ Boren, Cindy. It s just a friendship : Tom Brady opens up a little about + President Trump . The Washington Post. Archived from the original on January + 24, 2017. Retrieved January 24, 2017. + + ^ Rappeport, Alan. Did Tom Brady and Gisele Bündchen Back Donald Trump? She + Says No, and He s Not Saying . The New York Times. Archived from the original + on February 16, 2017. Retrieved January 24, 2017. + + ^ Chestang, Raphael. Tom Brady Says Wife Gisele Bundchen Doesn t Want Him Talking + Politics . ET Online. Archived from the original on January 30, 2017. Retrieved + January 24, 2017. + + ^ Tom Brady will not attend Patriots visit to White House due to personal + family matters . Sports Illustrated. Sports Illustrated. Archived from the + original on April 9, 2018. Retrieved April 9, 2018. + + ^ Kamisar, Ben (February 1, 2015). 5 NFL stars who could run for office . The + Hill. Archived from the original on March 12, 2016. Retrieved February 5, 2017. + + ^ Klosterman, Chuck (November 18, 2015). Tom Brady Talks to Chuck Klosterman + About Deflategate (Sort Of . . .) . GQ. Archived from the original on February + 1, 2016. Retrieved February 5, 2017. + + ^ Durkee, Travis (November 18, 2015). Sorry, America, Tom Brady will never + run for president . Sporting News. Archived from the original on February 7, + 2017. Retrieved February 5, 2017. + + ^ Tack, Travis (November 14, 2016). Tom Brady Won t Talk Politics, Doesn t + Want To Run For Office . Politicus Sports. Archived from the original on February + 7, 2017. Retrieved February 5, 2017. + + ^ https://www.bostonherald.com/2018/10/12/helen-brady-hopes-tom-brady-photo-gives-campaign-a-boost/ + + ^ http://blog.masslive.com/patriots/2016/11/tom_brady_give_em_helen_ad.html + + ^ LaFratta, Kristin (November 6, 2018). 2018 Massachusetts Election: State + Auditor live results (Suzanne M. Bump, Helen Brady, Daniel Fisherman, Edward + J. Stamas) . Mass Live. Retrieved January 21, 2019. + + ^ Archived copy . Archived from the original on November 25, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on December 6, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on November 5, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on October 9, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + Pierce, Charles (2006), Moving the Chains: Tom Brady and the Pursuit of Everything, + Farrar, Straus and Giroux, ISBN 0-374-21444-1 + + Wikiquote has quotations related to: Tom Brady + + Wikimedia Commons has media related to Tom Brady. + + Michigan Wolverines bio + + Career statistics and player information from NFL.com · ESPN · Yahoo! Sports + · SI.com · Pro-Football-Reference · Rotoworld + + Tom Brady on IMDb + + New England Patriots current roster + + 2 Brian Hoyer + + 14 Braxton Berrios + + 16 Darren Andrews + + 21 Duron Harmon + + 22 Obi Melifonwu + + 23 Patrick Chung + + 24 Stephon Gilmore + + 26 Sony Michel + + 27 J. C. Jackson + + 29 Duke Dawson + + 35 Keion Crossen + + 36 Brandon King + + 43 Nate Ebner + + 44 Christian Sam + + 46 James Develin + + 49 Joe Cardona + + 51 Ja Whaun Bentley + + 52 Elandon Roberts + + 53 Kyle Van Noy + + 54 Dont a Hightower + + 58 Keionta Davis + + 60 David Andrews + + 61 Marcus Cannon + + 62 Joe Thuney + + 63 Brian Schwenke + + 66 James Ferentz + + 69 Shaq Mason + + 70 Adam Butler + + 75 Ted Karras + + 76 Isaiah Wynn + + 80 Stephen Anderson + + 85 Ryan Izzo + + 91 Deatrich Wise Jr. + + 93 Lawrence Guy + + 95 Derek Rivers + + 97 Ufomba Kamalu + + 5 Danny Etling (Future) + + 17 Damoun Patterson (Future) + + 39 A. J. Howard (Future) + + 45 Trent Harris (Future) + + 48 Calvin Munson (Future) + + 72 Dan Skipper (Future) + + 74 Cole Croston (Future) + + 92 Frank Herron (Future) + + -- Jake Eldrenkamp (Future) + + -- Ryker Mathews (Future) + + -- David Parry (Future) + + 3 Stephen Gostkowski (UFA) + + 6 Ryan Allen (UFA) + + 10 Josh Gordon (RFA) + + 13 Phillip Dorsett (UFA) + + 15 Chris Hogan (UFA) + + 25 Eric Rowe (UFA) + + 30 Jason McCourty (UFA) + + 31 Jonathan Jones (RFA) + + 33 Jeremy Hill (UFA) + + 50 Ramon Humber (UFA) + + 55 John Simon (UFA) + + 59 Albert McClellan (UFA) + + 67 Ulrick John (UFA) + + 68 LaAdrian Waddle (UFA) + + 71 Danny Shelton (UFA) + + 77 Trent Brown (UFA) + + 81 Cody Hollister (ERFA) + + 84 Cordarrelle Patterson (UFA) + + 90 Malcom Brown (UFA) + + 98 Trey Flowers (UFA) + + List of starting quarterbacks in the National Football League (as of Week 17 + of the 2018 NFL season) + + Josh Allen (Buffalo Bills) + + Tom Brady (New England Patriots) + + Sam Darnold (New York Jets) + + Lamar Jackson (Baltimore Ravens) + + Jeff Driskel (Cincinnati Bengals) + + Baker Mayfield (Cleveland Browns) + + Deshaun Watson (Houston Texans) + + Andrew Luck (Indianapolis Colts) + + Blake Bortles (Jacksonville Jaguars) + + Blaine Gabbert (Tennessee Titans) + + Case Keenum (Denver Broncos) + + Patrick Mahomes (Kansas City Chiefs) + + Derek Carr (Oakland Raiders) + + Eli Manning (New York Giants) + + Nick Foles (Philadelphia Eagles) + + Josh Johnson (Washington Redskins) + + Mitchell Trubisky (Chicago Bears) + + Matthew Stafford (Detroit Lions) + + Kirk Cousins (Minnesota Vikings) + + Matt Ryan (Atlanta Falcons) + + Kyle Allen (Carolina Panthers) + + Teddy Bridgewater (New Orleans Saints) + + Jameis Winston (Tampa Bay Buccaneers) + + Josh Rosen (Arizona Cardinals) + + Jared Goff (Los Angeles Rams) + + Nick Mullens (San Francisco 49ers) + + Russell Wilson (Seattle Seahawks) + + Tom Brady—awards, championships, and honors + + Peyton Manning Record for NFL passing touchdowns in a single season + + Michigan Wolverines starting quarterbacks + + Barmore (1880) + + Horton (1881) + + McNeil (1883–1885) + + Farrand (1887) + + F. Smith (1888) + + Sherman (1891) + + Sanderson (1892) + + Baird (1893–1895) + + Richards (1895–1897) + + Drumheller (1896) + + Felver (1896–1897) + + Talcott (1898) + + McGinnis (1900) + + Weeks (1901–1902) + + Norcross (1904–1905) + + Barlow (1905) + + Wasmund (1907–1909) + + McMillan (1910–1911) + + Huebel (1912) + + Hughitt (1913–1914) + + Roehm (1915) + + Sparks (1916, 1919) + + Knode (1918) + + Bank (1920–1921) + + Uteritz (1921–1923) + + Rockwell (1924) + + Friedman (1925–1926) + + Simrall (1929) + + Tessmer (1930–1931) + + Newman (1930–1932) + + Fay (1933) + + Jennings (1934) + + Renner (1935) + + Evashevski (1938–1940) + + Ceithaml (1941–1942) + + Wiese (1943) + + Ponsetto (1944–1945) + + Yerges (1945–1947) + + Elliott (1948) + + Ghindia (1949) + + Putich (1950) + + Topor (1951–1952) + + Baldacci (1953–1954) + + Maddock (1955) + + Van Pelt (1956–1957) + + Ptacek (1958) + + Noskin (1959) + + Stamos (1960–1961) + + Glinka (1960–1961) + + Timberlake (1962–1964) + + Gabler (1965) + + Vidmer (1965–1967) + + Den. Brown (1967–1968) + + Moorhead (1969–1970) + + Slade (1971) + + Franklin (1972–1974) + + Leach (1975–1978) + + Dickey (1979) + + Wangler (1979–1980) + + S. Smith (1981–1983) + + Zurbrugg (1984) + + Harbaugh (1984–1986) + + Dem. Brown (1987–1988) + + Taylor (1987–1989) + + Grbac (1989–1992) + + Collins (1993–1994) + + Dreisbach (1995–1996) + + Griese (1995–1997) + + Brady (1998–1999) + + Henson (2000) + + Navarre (2000–2003) + + Henne (2004–2007) + + Mallett (2007) + + Threet (2008) + + Forcier (2009) + + Robinson (2010–2012) + + Gardner (2012–2014) + + Morris (2013–2014) + + Rudock (2015) + + Speight (2016–2017) + + O Korn (2016–2017) + + Peters (2017) + + Patterson (2018– ) + + 1997 Michigan Wolverines football—AP national champions + + Jeff Backus + + Scott Dreisbach + + Tommy Hendricks + + Marcus Knight + + DeWayne Patmon + + Rob Renes + + Aaron Shea + + Glen Steele + + Tai Streets + + Sam Sword + + Jerame Tuman + + Andre Weathers + + Head coach: Lloyd Carr + + Assistant coaches: Vance Bedford + + Mike DeBord + + Jim Herrmann + + Stan Parrish + + New England Patriots 2000 NFL draft selections + + Adrian Klemm + + J. R. Redmond + + Greg Randall + + Dave Stachelski + + Jeff Marriott + + Casey Tisdale + + Boston / New England Patriots starting quarterbacks + + Butch Songin (1960–1961) + + Tom Greene (1960) + + Babe Parilli (1961–1967) + + Tom Yewcic (1962) + + Eddie Wilson (1965) + + Don Trull (1967) + + Mike Taliaferro (1968–1970) + + Tom Sherman (1968) + + Joe Kapp (1970) + + Jim Plunkett (1971–1975) + + Steve Grogan (1975–1990) + + Neil Graff (1975) + + Matt Cavanaugh (1980–1982) + + Tom Owen (1981) + + Tony Eason (1983–1989) + + Tom Ramsey (1987–1988) + + Bob Bleier (1987) + + Doug Flutie (1987–1989) + + Marc Wilson (1989–1990) + + Tommy Hodson (1990–1992) + + Hugh Millen (1991–1992) + + Scott Zolak (1992, 1995, 1998) + + Drew Bledsoe (1993–2001) + + Scott Secules (1993) + + Tom Brady (2001–present) + + Matt Cassel (2008) + + Jacoby Brissett (2016) + + Associated Press NFL Offensive Player of the Year Award winners + + 1974: Stabler + + 1975: Tarkenton + + 1982: Fouts + + 1983: Theismann + + 1984: Marino + + 1986: Dickerson + + 1988: Craig + + 1989: Montana + + 1995: Favre + + 2006: Tomlinson + + 2008: Brees + + 2017: Gurley + + 2018: Mahomes + + Associated Press NFL Most Valuable Player Award winners + + 1957: J. Brown + + 1960: Van Brocklin + + 1962: J. Taylor + + 1963: Tittle + + 1966: Starr + + 1969: Gabriel + + 1970: Brodie + + 1972: L. Brown + + 1975: Tarkenton 1976: Jones + + 1980: Sipe + + 1982: Moseley + + 1987: Elway + + 1988: Esiason + + 1997: Favre & Sanders + + 2002: Gannon + + 2003: Manning & McNair + + 1962: Robustelli + + 1970: Blanda + + 1974: Olsen + + 1977: Griese + + 1983: Riggins + + 1988: Cunningham + + 2010: Vick + + 2017: Wentz + + 1975: Hampton + + 1995: Harbaugh & Hearst + + 1996: Bettis + + 2000: J. Johnson + + 2002: Maddox + + 2011: Stafford + + 2014: Gronkowski + + 2018: Luck + + New England Patriots Super Bowl XXXVI champions + + 4 Adam Vinatieri + + 11 Drew Bledsoe + + 12 Tom Brady (MVP) + + 13 Ken Walter + + 14 Walter Williams + + 15 Jimmy Farris + + 16 Scott McCready + + 19 Damon Huard + + 21 J. R. Redmond + + 22 Terrance Shaw + + 23 Antwan Harris + + 24 Ty Law + + 25 Leonard Myers + + 26 Matt Stevens + + 27 Terrell Buckley + + 28 Brock Williams + + 29 Hakim Akbar + + 30 Je Rod Cherry + + 31 Ben Kelly + + 32 Antowain Smith + + 33 Kevin Faulk + + 34 Tebucky Jones + + 35 Patrick Pass + + 36 Lawyer Milloy + + 38 Ray Hill + + 44 Marc Edwards + + 45 Otis Smith + + 48 Arther Love + + 49 Jabari Holloway + + 50 Mike Vrabel + + 51 Bryan Cox + + 52 Ted Johnson + + 53 Larry Izzo + + 54 Tedy Bruschi + + 55 Willie McGinest + + 58 Matt Chatham + + 59 Andy Katzenmoyer + + 60 Drew Inzer + + 61 Stephen Neal + + 62 Setema Gali + + 63 Joe Andruzzi + + 64 Greg Randall + + 65 Damien Woody + + 66 Lonie Paxton + + 67 Grey Ruegamer + + 68 Tom Ashworth + + 70 Adrian Klemm + + 71 Chris Sullivan + + 72 Matt Light + + 74 Kenyatta Jones + + 75 Maurice Anderson + + 76 Grant Williams + + 77 Mike Compton + + 80 Troy Brown + + 82 Curtis Jackson + + 83 Rod Rutledge + + 84 Fred Coleman + + 85 Jermaine Wiggins + + 86 David Patten + + 88 Terry Glenn + + 90 Marty Moore + + 91 Bobby Hamilton + + 92 David Nugent + + 93 Richard Seymour + + 94 Jace Sayler + + 95 Roman Phifer + + 96 Brandon Mitchell + + 97 Riddick Parker + + 98 Anthony Pleasant + + 99 Kole Ayi + + Coaches: Ned Burke + + Ivan Fears + + Randy Melvin + + Dante Scarnecchia + + New England Patriots Super Bowl XXXVIII champions + + 6 Rohan Davey + + 10 Jamin Elliott + + 16 Kliff Kingsbury + + 17 Dedric Ward + + 18 Chas Gessner + + 21 Mike Cloud + + 22 Asante Samuel + + 26 Eugene Wilson + + 31 Larry Centers + + 34 Chris Akins + + 38 Tyrone Poole + + 39 Shawn Mayer + + 44 Fred McCrary + + 46 Brian Kinchen + + 48 Tully Banta-Cain + + 49 Sean McDermott + + 51 Don Davis + + 59 Rosevelt Colvin + + 60 Wilbert Brown + + 62 Tim Provost + + 64 Gene Mruczkowski + + 67 Dan Koppen + + 71 Russ Hochstein + + 75 Jamil Soriano + + 76 Brandon Gorin + + 81 Bethel Johnson + + 82 Daniel Graham + + 83 Deion Branch + + 84 Fred Baxter + + 85 J. J. Stokes + + 87 David Givens + + 88 Christian Fauria + + 90 Dan Klecko + + 92 Ted Washington + + 94 Ty Warren + + 96 Rick Lyle + + 97 Jarvis Green + + 99 Ethan Kelley + + Coaches: Romeo Crennel + + Sean Gustus + + New England Patriots Super Bowl XXXIX champions + + 8 Josh Miller + + 10 Kevin Kasper + + 13 Jim Miller + + 14 P. K. Sam + + 18 Cedric James + + 19 Ricky Bryant + + 21 Randall Gay + + 23 Omare Lowe + + 27 Rabih Abdullah + + 28 Corey Dillon + + 29 Earthwind Moreland + + 31 Hank Poteat + + 32 Kory Chapman + + 34 Cedric Cobbs + + 39 Guss Scott + + 42 Dexter Reid + + 46 Zeron Flemister + + 47 Justin Kurpeikis + + 49 Eric Alexander + + 65 Lance Nimmo + + 69 Buck Rasmussen + + 74 Billy Yates + + 75 Vince Wilfork + + 83 Deion Branch (MVP) + + 84 Benjamin Watson + + 85 Jed Weaver + + 91 Marquise Hill + + 96 Rodney Bailey + + 98 Keith Traylor + + New England Patriots Super Bowl XLIX champions + + 3 Stephen Gostkowski + + 6 Ryan Allen + + 8 Garrett Gilbert + + 10 Jimmy Garoppolo + + 16 Jonathan Krause + + 17 Aaron Dobson + + 21 Malcolm Butler + + 22 Stevan Ridley + + 24 Darrelle Revis + + 25 Kyle Arrington + + 26 Logan Ryan + + 27 Tavon Wilson + + 29 LeGarrette Blount + + 31 Justin Green + + 34 Shane Vereen + + 35 Jonas Gray + + 36 Tyler Gaffney + + 37 Alfonzo Dennard + + 39 Brandon Browner + + 41 Daxton Swanson + + 45 Cameron Gordon + + 47 Michael Hoomanawanui + + 48 Danny Aiken + + 50 Rob Ninkovich + + 51 Jerod Mayo + + 53 Eric Martin + + 58 Darius Fleming + + 59 Chris White + + 62 Ryan Wendell + + 63 Dan Connolly + + 64 Chris Barker + + 65 Jordan Devey + + 66 Bryan Stork + + 67 Josh Kline + + 68 Caylin Hauptmann + + 71 Cameron Fleming + + 72 Joe Vellano + + 74 Dominique Easley + + 76 Sebastian Vollmer + + 80 Danny Amendola + + 81 Tim Wright + + 82 Josh Boyce + + 84 Brian Tyms + + 90 Zach Moore + + 91 Jamie Collins + + 92 Jake Bequette + + 94 Chris Jones + + 95 Chandler Jones + + 96 Sealver Siliga + + 97 Alan Branch + + 99 Michael Buchanan + + – James Morris + + – Greg Orton + + Coaches: Stephen Belichick + + Josh Boyer + + Joe Judge + + Harold Nash + + Chad O Shea + + New England Patriots Super Bowl LI champions + + 14 Michael Floyd + + 16 Devin Lucien + + 17 DeAndrew White + + 19 Malcolm Mitchell + + 22 Justin Coleman + + 24 Cyrus Jones + + 25 Eric Rowe + + 27 D. J. Foster + + 31 Jonathan Jones + + 44 Trevor Bates + + 47 Glenn Gronkowski + + 51 Barkevious Mingo + + 55 Jonathan Freeny + + 63 Tre Jackson + + 65 Jamil Douglas + + 66 Chase Farris + + 68 LaAdrian Waddle + + 74 Woodrow Hamilton + + 82 Matt Lengel + + 83 Greg Scruggs + + 88 Martellus Bennett + + 90 Malcom Brown + + 92 Geneo Grissom + + 95 Chris Long + + 96 Darius Kilgo + + 98 Trey Flowers + + 99 Vincent Valentine + + Raymond Ventrone + + 5 Danny Etling + + 11 Julian Edelman (MVP) + + 17 Riley McCarron + + 17 Damoun Patterson + + 39 A. J. Howard + + 42 Jomal Wiltz + + 45 Trent Harris + + 48 Calvin Munson + + 50 Ramon Humber + + 55 John Simon' + __selected-sentences__: + - 'Most games won by a quarterback: 237[2]' + episode_done: true + eval_labels: + - 'For other people named Tom Brady, see Tom Brady (disambiguation). + + Brady in 2017 + + New England Patriots (2000–present) + + 6× Super Bowl champion (XXXVI, XXXVIII, XXXIX, XLIX, LI, LIII) + + 4× Super Bowl MVP (XXXVI, XXXVIII, XLIX, LI) + + 3× NFL Most Valuable Player (2007, 2010, 2017) + + 14× Pro Bowl (2001, 2004, 2005, 2007, 2009–2018) + + 3× First-team All-Pro (2007, 2010, 2017) + + 2× Second-team All-Pro (2005, 2016) + + 3× NFL passing yards leader (2005, 2007, 2017) + + 2× NFL passer rating leader (2007, 2010) + + Bert Bell Award (2007) + + Associated Press Male Athlete of the Year (2007) + + Sports Illustrated Sportsman of the Year (2005) + + NFL 2000s All-Decade Team + + National champion (1997) + + Best touchdown to interception ratio in a single season: 28:2[1] + + Most games won by a quarterback: 237[2] + + Most Super Bowl appearances: 9 + + Most Super Bowl wins: 6 + + Most Super Bowl MVP awards: 4 + + Most passing yards in a Super Bowl: 505 + + Longest touchdown pass (tied)[3][4] + + Completion percentage: + + Thomas Edward Patrick Brady Jr. (born August 3, 1977) is an American football + quarterback for the New England Patriots of the National Football League (NFL). + He has won six Super Bowls, the most of any football player ever, and due to + his numerous accomplishments, records, and accolades, many analysts and sportswriters + consider Brady to be the greatest quarterback in NFL history.[5][6][7][8][9][10] + + After playing college football for the University of Michigan, Brady was drafted + by the Patriots in the sixth round of the 2000 NFL Draft. Due to his late selection, + Brady is considered the biggest steal in the history of the NFL Draft.[11][12][13] + In Brady s seventeen seasons as a starter,[a] he has played in nine Super Bowls + with the Patriots, and is one of only two quarterbacks to win the Super Bowl + in their first season as a starter (the other being Kurt Warner). Brady holds + most of the postseason quarterback records, leading all players in postseason + touchdowns, passing yards, and completions, while owning the corresponding Super + Bowl records as well. + + Brady has won four Super Bowl MVP awards (Super Bowl XXXVI, XXXVIII, XLIX, and + LI), the most ever by a player, as well as three league MVP awards (2007, 2010, + 2017); he is the oldest to have received either award.[16] Brady has also been + selected to 14 Pro Bowls, and has led his team to more division titles (16) + than any other quarterback in NFL history. He is fourth all-time in career passing + yards for regular season play, third in career touchdown passes, and fourth + in career passer rating. For regular season and postseason combined, Brady is + first all-time in career passing yards and touchdown passes. + + The only quarterback to reach 200 regular-season wins,[17] Brady is the winningest + quarterback in NFL history. With a postseason record of 30–10, he is first all-time + in playoff wins and appearances for an NFL player. Brady has led the Patriots + to an NFL-record eight consecutive AFC championship games since 2011 (thirteen + overall), and has never had a losing season as a starting quarterback. He is + tied for the record for the longest touchdown pass at 99 yards to Wes Welker.[18] + + For his alleged involvement in the highly publicized Deflategate football-tampering + scandal, Brady was suspended for the first four games of the 2016 season.[19] + Brady and the Patriots won two of the next three Super Bowls, making him the + record holder for most Super Bowl wins by a player, and the oldest quarterback + to win a Super Bowl, at 41.[20] + + 3.2.2.1 2001 postseason + + 3.2.10 2009 season + + 3.2.10.1 2009 postseason + + 3.3.6.1 2015 offseason + + 3.3.6.2 2015 regular season + + 4 NFL career statistics + + 4.3 Super Bowl + + 5.1 Regular season (career) + + 5.2 Postseason (career) + + 5.3 Super Bowl (career) + + 6 Other endeavors + + Brady was born in San Mateo, California, on August 3, 1977, the only son and + fourth child of Galynn Patricia (née Johnson) and Thomas Brady, Sr.[21] He has + three older sisters, Nancy, Julie, and Maureen,[22] and was raised as a Catholic. + His father is of Irish descent, while his mother has German, Norwegian, Polish, + and Swedish ancestry.[23] Two of Brady s great-great-grandparents on his father + s side, John and Bridget Brady, were Irish refugees from the Great Famine who + moved to San Francisco from Boston before the American Civil War. They were + accompanied by Bridget s sister Ann and her husband Lawrence Meegan, the parents + of the 19th-century American Major League Baseball player Steady Pete Meegan. + Brady s great-uncle Michael Buckley Jr. was the first American prisoner of war + in World War II.[23][24][25][26][27][28] + + In the 1980s, Brady regularly attended San Francisco 49ers games at Candlestick + Park, where he was a fan of quarterback Joe Montana; Brady has called Montana + his idol and one of his inspirations.[29] At age four, Brady attended the 1981 + NFC Championship, against the Dallas Cowboys, in which Montana threw The Catch + to Dwight Clark.[30] As a child, Brady attended football camp at the College + of San Mateo, where he was taught to throw the football by camp counselor and + future NFL/AFL quarterback Tony Graziani.[31] Brady grew up as a Los Angeles + Lakers and Boston Celtics fan.[32] + + He attended Junípero Serra High School in San Mateo, where he graduated in 1995; + the ceremony was held at St. Mary s Cathedral.[33] He played football, basketball, + and baseball in high school. He played against Bellarmine College Preparatory + rival Pat Burrell in both football and baseball. Brady began his football career + as the backup quarterback on the Padres junior varsity team. At first, Brady + was not good enough to start on the 0–8 JV team, which had not scored a touchdown + all year.[34] Brady ascended to the starting position when the starting quarterback + was injured. He became the varsity starter in his junior year and held the position + until he graduated.[35] By Brady s senior year, he was striving to be noticed + by college coaches. He created highlight tapes and sent them to schools he considered + attending.[36] This led to strong interest from many football programs around + the nation. + + The process of recruiting was much different during Brady s time, and athletes rankings + were not as prominent. In terms of recruiting in the 2000s, Brady would have + been considered a four-star recruit. In essence, he was a highly rated prospect.[37] + Brady was also on Blue Chip Illustrated as well as a Prep Football Report All-American + selection.[38] After his recruiting process, he narrowed down his list to five + schools.[39] Probably the ones that we did hear from and ultimately pared the + list to were Cal–Berkeley, UCLA, USC, Michigan, and Illinois”, his father said.[39] + As a Cal fan, his father hoped that Brady would attend the nearby Cal, where + Brady was a silent commit, and that he would be able to watch his son play.[40][41] + + Brady was also known as a great baseball player in high school.[42] He was a + left-handed-batting catcher with power. His skills impressed MLB scouts, and + he was drafted in the 18th round of the 1995 MLB Draft by the Montreal Expos.[34][43] + The Expos projected Brady as a potential All-Star, and offered him money typical + of that offered to a late second-round or early third-round pick.[44] Nevertheless, + Brady was determined to play football at the next level. He was always more + passionate about football; when he found that there was significant interest + in him, he decided to take the road of football.[39] Brady was recruited by + Michigan assistant Bill Harris, and he signed to play for the University of + Michigan in 1995.[45][46] He finished his high-school football career by completing + 236 of 447 passes for 3,702 yards and 31 touchdowns. He also won All-State and + All-Far West honors and the team s Most Valuable Player Award.[38] + + During the summers of 1998 and 1999, Brady was an intern at Merrill Lynch.[47] + He was inducted into the Junípero Serra High School Hall of Fame in 2003, joining + fellow Serra High graduates Barry Bonds, Lynn Swann, Gregg Jefferies, Jim Fregosi, + and his older sister Maureen, among many others.[38] When Brady revisited two + weeks after Super Bowl XLVI, in 2012, school administrators announced that they + had named the football stadium Brady Family Stadium.[48] + + Brady at Michigan Stadium in 2016 + + Brady played college football at the University of Michigan from 1995 to 1999.[49][50] + He was a backup quarterback for his first two years, while teammate and future + NFL quarterback Brian Griese led the 1997 Wolverines to an undefeated season, + which was capped by a victory in the Rose Bowl and a share of the national championship.[51] + When he enrolled at Michigan, Brady was seventh on the depth chart, and he had + an intense struggle to get some playing time. At one point, Brady hired a sports + psychologist to help him cope with frustration and anxiety, and even considered + transferring to California.[52][53] He worked closely with assistant athletic + director Greg Harden, who met with Brady every week to build his confidence + and to maximize his performance on the field.[54] Brady told 60 Minutes in 2014: He + will always be somebody I rely on for sound advice and mentorship. He has helped + me with my own personal struggles in both athletics and in life. Greg really + pushed me in a direction that I wasn t sure I could go. [55] + + Under Michigan head coach Lloyd Carr, Brady battled for the starting job with + Drew Henson[50] and ultimately started every game in the 1998 and 1999 seasons. + During his first full year as starter, he set new Michigan records for most + pass attempts and completions in a season, for a total of 214.[56] Brady was + All-Big Ten honorable mention both seasons, and was the team captain in his + senior year. The Wolverines won 20 of 25 games when he started, and he set a + school record for completions in a 31–16 loss against Ohio State in 1998, a + season in which Michigan shared the Big Ten Conference title.[57] Brady capped + that season with a 45–31 win over Arkansas in the Citrus Bowl.[58] + + In the 1999 season, Brady had to once again hold off Henson for the starting + job. The two players platooned during the season s first seven games, with Brady + playing the first quarter, Henson the second and Carr then deciding upon a quarterback + for the second half. The 1999 Michigan Wolverines started with a 5–0 record, + including a 26–22 win over Notre Dame, and a road win against eventual powerhouse + Wisconsin. Against Michigan State, Brady was not chosen to play the second half; + however, he was reinserted into the game with Michigan down by 17 points, and + he nearly led Michigan all the way back before losing 34–31.[59] After a 300-yard + passing game the following week, Carr went exclusively with Brady for the remainder + of the season. Brady went on to lead Michigan to multiple 4th-quarter comebacks, + including a remarkable 31–27 win against Penn State, and leading them out of + a close game against Indiana, 34–31, heading into the regular season s final + game, winners of three straight, earning him the moniker of Comeback Kid .[60] + + Michigan concluded the regular season against Ohio State; this was a dramatic + game with a trip to the Orange Bowl on the line. With five minutes left, tied + 17–17, Brady led Michigan to the winning score.[61] He led Michigan to an overtime + win in the Orange Bowl over Alabama, throwing for 369 yards, four touchdowns, + leading the team back from a pair of 14-point deficits in regulation (14–0 in + the first half, and 28–14 in the second). He threw the game-winning score on + a bootleg to tight end Shawn Thompson. Michigan won the game when Alabama missed + an extra point following its own touchdown.[62][63] + + In the two seasons that Brady started at Michigan, he posted a 20–5 record, + including wins at the Citrus Bowl (1999) and the Orange Bowl (2000). Brady finished + his career ranking third in Michigan history with 710 attempts and 442 completions, + fourth with 5,351 yards and 62.3 completion percentage, and fifth with 35 touchdown + passes.[38][64] + + 1996 Michigan 3 5 60.0% 26 5.2 0 1 63.7 – – – – + + 1997 Michigan 12 15 80.0% 103 6.9 0 0 137.7 2 −14 −7.0 0 + + 1998 Michigan 200 323 61.9% 2,427 7.5 14 10 133.1 54 −105 −1.9 2 + + 1999 Michigan 180 295 61.0% 2,217 7.5 16 6 138.0 34 −31 −0.9 1 + + Career 395 638 61.9% 4,773 7.5 30 17 134.9 90 −150 −1.7 3 + + (2.51 m) 33[66] + + All values from NFL Combine[67] + + A lightly regarded prospect coming out of college,[68][69] Brady was selected + by the New England Patriots with the 199th overall pick in the sixth round of + 2000 NFL Draft and has since spent his entire 19-season career with the Patriots. + Brady s tenure with the Patriots is an NFL record for the longest time playing + quarterback for one franchise. Since Brady became their starting quarterback + in 2001, the Patriots have never had a losing season and have won 16 division + titles. The Patriots played in thirteen AFC Championship Games from 2001 to + 2018—including eight in a row from 2011 to 2018—and won nine of them. Brady + and Patriots head coach Bill Belichick have combined to form the most successful + quarterback-head coach tandem in NFL history, winning more regular season games + and postseason games than any other such duo[70] as well as appearing in nine + Super Bowls. All of these events set new NFL records.[71] + + In his second season, Brady took over as the starting quarterback after Drew + Bledsoe was injured.[72] He led the Patriots to first place in the AFC East[73] + and a victory over the favored St. Louis Rams[74][75] in Super Bowl XXXVI, winning + his first Super Bowl MVP award. Despite the Patriots missing the playoffs the + following season, Brady would then lead them to back-to-back World Championships + in 2003 and 2004, winning Super Bowl MVP honors again in 2003. Along the way, + the Patriots won an NFL-record 21 consecutive games (including the playoffs) + between the 2003 and 2004 seasons.[76] The 2005 season was Brady s first to + throw for 4,000 yards and lead the NFL in passing.[77] That postseason, Brady + would win his 10th consecutive playoff game, another NFL postseason record.[78] + + Although Brady and the Patriots continued to win often, they did not return + to the Super Bowl until the 2007 season. That year, Brady not only set an NFL + record with 50 touchdown passes[79] but he would also lead the Patriots to a + 16–0 finish,[80] the first perfect regular-season record since the Miami Dolphins + finished 14–0 in 1972.[81][82] Brady would win his first career NFL MVP Award, + winning 49 out of 50 votes.[83] The Associated Press also named him Male Athlete + of the Year, the first such award given to an NFL player since Joe Montana won + it in 1989 and 1990.[84] However, the Patriots suffered their first Super Bowl + loss with Brady as quarterback, dropping a 17–14 decision to the New York Giants + in Super Bowl XLII.[85] + + Brady missed virtually the entire following season due to a knee injury in the + season opener.[86] But he would come back strong in the 2009 season to be named + the league s Comeback Player of the Year.[87] In 2010, Brady set the NFL record + for consecutive passes without an interception (358)[88] and broke his own record + for the highest season touchdown-to-interception ratio (among players who have + started a full season) at 9:1, currently the third best TD:INT ratio for a single + season by a quarterback.[89] Brady would win his second league MVP award with + all 50 votes in his favor.[90] He was the first unanimous NFL MVP since Giants + linebacker Lawrence Taylor won the award in 1986.[91] He and Joe Montana are + the only players in NFL history to win multiple NFL MVP and Super Bowl MVP awards.[92][93] + Brady was also named the top player by his peers in the first NFL Top 100 list, + released in 2011.[94] + + In the 2011 season, Brady led the Patriots to their first AFC Championship since + 2007 and appeared in the Super Bowl for a fifth time; but the Patriots would + lose again to the Giants.[95] Following AFC Championship Game losses in the + following seasons (2012 and 2013), Brady and the Patriots made their sixth trip + to the Super Bowl after the 2014 season (Brady s 15th as a professional). There, + he led the Patriots to a fourth-quarter comeback[96] over the defending champion + Seattle Seahawks. He would lift his fourth Super Bowl trophy (the Patriots first + in ten seasons) and was named Super Bowl MVP for the third time.[97] + + Despite missing the first four games of the 2016 season, Brady would lead the + Patriots (3–1 before he rejoined them)[98] to win 11 out of the 12 remaining + regular season games and two postseason games to make his seventh Super Bowl + appearance. Brady and the Patriots would overcome a 25-point deficit against + the Atlanta Falcons (down 28–3 in the third quarter) to force the first overtime + in Super Bowl history, winning 34–28 to give Brady his fifth Super Bowl title.[99] + He earned his fourth Super Bowl MVP award after setting title-game records for + appearances, pass attempts, completions, passing yards and fourth-quarter comebacks.[100] + In his eighth appearance, capping the 2017 season, Brady threw for 505 yards + at 40 years old, setting a record for most passing yards in a Super Bowl, but + the Patriots lost to the Philadelphia Eagles. In 2019, the Patriots won Super + Bowl LIII, earning Brady his sixth super bowl title, becoming the first player + in history to have won six Super Bowls.[101] + + Over his career, Brady has won three league MVP awards, six Super Bowls, and + four Super Bowl MVP Awards. A 14-time Pro Bowler, Brady has also twice led the + NFL in passing yardage.[102][103] As of November 2017, he owns the third-highest + career passer rating (97.9) among quarterbacks with at least 1,500 career passing + attempts.[104] He has thrown for more passing yards and touchdowns than any + other quarterback in NFL postseason history; he also has won more playoff games + than any other quarterback. As a result of his highly successful career, Brady + is rated among the greatest quarterbacks of all time.[105] + + Brady s name has become associated with two NFL rules, which sports reporters + have called the Brady rules . One is the tuck rule that was in effect from + 1999 through 2013.[106] The other is a rule about low hits enacted in 2009: A + defender cannot initiate a roll or lunge and forcibly hit the passer in the + knee area or below, even if he is being contacted by another player. [107] + + Brady was selected with pick number 199, a compensatory pick, in the sixth round + of the 2000 NFL Draft.[108] He and his family had believed that Brady would + be drafted in the second or third round; they watched the draft on television, + stunned as six other quarterbacks were drafted before he was. Brady was so embarrassed + that he briefly left the family home during the sixth round, and cried when + recalling the experience for an interview 11 years later. When the Patriots + notified him that he would be drafted, Brady was grateful that, he later said, + he would not have to be an insurance salesman .[109] According to Michael Holley + s book Patriot Reign, the Patriots were considering Brady and Tim Rattay, both + of whom had received positive reviews from then-quarterbacks coach Dick Rehbein.[110] + Ultimately, the Patriots front office chose Brady. Considering his subsequent + success, many analysts have called Brady the best NFL draft pick of all time.[111][112][113][114] + Patriots owner Robert Kraft recalled: “I still have the image of Tom Brady coming + down the old Foxboro stadium steps with that pizza box under his arm, a skinny + beanpole, and when he introduced himself to me and said ‘Hi Mr. Kraft,’ he was + about to say who he was, but I said ‘I know who you are, you’re Tom Brady. You’re + our sixth round draft choice,’” recalled Kraft. “And he looked me in the eye + and said ‘I’m the best decision this organization has ever made.’ It looks like + he could be right.”[115] + + Brady started the season as the fourth-string quarterback, behind starter Drew + Bledsoe and backups John Friesz and Michael Bishop; by season s end, he was + number two on the depth chart behind Bledsoe.[116] During his rookie season, + he was 1-for-3 passing, for six yards.[117] Tight end Rod Rutledge caught Brady + s first and only completed pass of the season in a 34–9 loss to the Detroit + Lions on November 23.[118][119] + + With Bledsoe as the starting quarterback, the Patriots opened the season with + a 23–17 loss at Cincinnati.[117] In their second game and home opener on September + 23, the Patriots squared off against their AFC East rivals, the New York Jets. + Bledsoe was again the starter; in the fourth quarter, he suffered internal bleeding + after a hit from Jets linebacker Mo Lewis. Bledsoe returned for the next series, + but was replaced with Brady for the Patriots final series of the game. New + York would hold on to win, 10–3, and the Patriots fell to 0–2 on the season.[120] + Brady was named the starter for the season s third game, against the Indianapolis + Colts. In his first two games as starter, Brady posted unspectacular passer + ratings of 79.6 and 58.7, respectively, in a 44–13 victory over the Colts (in + their last season in the AFC East) and a 30–10 loss to the Miami Dolphins.[121][122][123] + + In the Patriots fifth game, Brady began to find his stride. Trailing the visiting + San Diego Chargers 26–16 in the fourth quarter, he led the Patriots on two scoring + drives to force overtime, and another in overtime to set up a winning field + goal. Brady finished the game with 33 pass completions on 54 attempts, for 364 + yards, and two touchdowns, and was named AFC Offensive Player of the Week for + the first time in his career.[124][125] The following week, Brady again played + well during the rematch at Indianapolis, with a passer rating of 148.3 in a + 38–17 win.[126] The Patriots went on to win eleven of the fourteen games Brady + started, and six straight to finish the regular season, winning the AFC East + and entering the 2001–02 NFL playoffs with a first-round bye.[127] In that stretch + was a Week 11 34–17 victory over the New Orleans Saints where he was 19 of 26 + for 258 passing yards and four touchdowns to earn his second AFC Offensive Player + of the Week nod in 2001.[128] In Week 15, against the Miami Dolphins, he recorded + a 23-yard reception from Kevin Faulk on a trick play.[129] Brady finished the + 2001 season with 2,843 passing yards and 18 touchdowns and earned an invitation + to the 2002 Pro Bowl.[117][130] + + In Brady s first playoff game, he threw for 312 yards against the Oakland Raiders + and led the Patriots back from a ten-point fourth-quarter deficit to send the + game to overtime, where they won on an Adam Vinatieri field goal. A controversial + play occurred in that game. Trailing by three points in the fourth quarter, + Brady lost control of the ball after being hit by Raiders cornerback Charles + Woodson. Oakland initially recovered the ball, but, citing the tuck rule, which + states that any forward throwing motion by a quarterback begins a pass even + if the quarterback loses possession of the ball as he is attempting to tuck + it back toward his body, referee Walt Coleman overturned the call on instant + replay, ruling it an incomplete pass rather than a fumble.[131] Brady finished + the game 32-of-52 for 312 passing yards and one interception.[132] + + In the AFC Championship Game against the Pittsburgh Steelers, Brady injured + his knee, and was relieved by Bledsoe.[133] The Patriots won the game by a score + of 24–17 and were immediately installed by Las Vegas oddsmakers as 14-point + underdogs against the NFC champion St. Louis Rams in Super Bowl XXXVI.[134][135] + + Brady returned from his knee injury in the AFC Championship Game to start in + the Super Bowl a week later at the Louisiana Superdome in New Orleans. Despite + being heavy underdogs, the Patriots played well, holding the Rams high powered + offense in check through the first three quarters. The Rams rallied from a 17–3 + deficit to tie the game with 1:30 left in regulation. The Patriots then got + the ball back at their own 17-yard line with no timeouts remaining. Sportscaster + and former Super Bowl-winning coach John Madden said he thought the Patriots + should run out the clock and try to win the game in overtime.[136] Instead, + Brady drove the Patriots offense down the field to the Rams 31-yard line before + spiking the ball with seven seconds left. Then kicker Adam Vinatieri converted + a 48-yard field goal as time expired to give the Patriots a 20–17 win and their + first ever league championship. Brady was named MVP of Super Bowl XXXVI while + throwing for 145 yards, one touchdown, and no interceptions. At the age of 24 + years and six months, Brady surpassed Joe Namath in Super Bowl III and Joe Montana + in Super Bowl XVI, who were both 25 years, seven months, and 13 days old at + the time of their victories, to earn the title of youngest quarterback to win + a Super Bowl.[137][138] A possible quarterback controversy was averted when + Bledsoe was traded to the Buffalo Bills during the offseason; this event cemented + Brady s status as the starting quarterback.[139] + + In the 2002 season opener, Brady had 294 passing yards and three touchdowns + in the 30–14 victory over the Pittsburgh Steelers to earn his third AFC Offensive + of the Week title.[140][141] In Week 9, in a 38–7 victory over the Buffalo Bills, + he had 265 passing yards and three touchdowns to earn another AFC Offensive + Player of the Week nod.[142][143] Brady and the Patriots finished the year at + 9–7, tied with the New York Jets and Miami Dolphins for the best record in the + division; however, the Jets won the division on the third tiebreaker, and the + Patriots missed the playoffs.[144] + + Though Brady posted a career-low single-season passer rating of 85.7 and a career-high + of 14 interceptions, he threw for a league-leading 28 touchdown passes and 921 + more yards than in the 2001 season.[121] However, Brady played much of the second + half of the season with a shoulder injury, and New England head coach Bill Belichick + later indicated that Brady would not have been able to play in their first playoff + game if the Patriots had made the playoffs. + + After opening the 2003 NFL season with a 2–2 start, Brady led the Patriots to + twelve consecutive victories to finish the regular season in winning the AFC + East.[145] In Week 9, against the Denver Broncos, he had 350 passing yards, + three touchdowns, and one interception in the 30–26 victory to earn his fifth + AFC Offensive Player of the Week honor.[146][147] In Week 14, a 12–0 victory + against the Miami Dolphins, he recorded a 36-yard punt in the game.[148] Statistically, + Brady s strongest game of the season was in Week 17 against the division rival + Buffalo Bills, when he achieved a season-high quarterback rating of 122.9, and + was named AFC Offensive Player of the Week.[121][149] Brady finished with 3,620 + passing yards and 23 touchdowns,[117] and was third in NFL MVP voting to co-winners + Peyton Manning and Steve McNair.[150] + + In the first two rounds of the playoffs, the Patriots defeated the Tennessee + Titans in the Divisional Round by a score of 17–14. In the win, Brady was 21 + of 41 for 201 passing yards and one passing touchdown.[151] In the following + round, they defeated Indianapolis Colts in the AFC Championship by a score of + 24–14. Brady completed 22 of 37 passes for 237 yards, one passing touchdown, + and an interception.[152] On February 1, 2004, Brady led the Patriots to a 32–29 + victory over the NFC champion Carolina Panthers in Super Bowl XXXVIII and was + named Super Bowl MVP for the second time. During the game, Brady threw for 354 + yards with three touchdowns and set the record for most completions by a quarterback + in a Super Bowl with 32. With 1:08 left in the fourth quarter and the score + tied 29–29, Brady engineered a drive with five pass completions to put the Patriots + in position for the game-winning 41-yard field goal by Vinatieri.[153][154] + + Brady during Super Bowl XXXIX + + During the 2004 season, Brady helped the Patriots set an NFL record with 21 + straight wins dating from the previous year, an accomplishment honored in the + Pro Football Hall of Fame (though for official records, the NFL considers it + an 18-game regular season winning streak; it does not count playoff games).[155] + New England finished with a 14–2 record, equaling their 2003 record and the + best regular-season record ever for a defending champion.[156] The Patriots + also won the AFC East divisional title for the third time in four years.[157] + Brady threw for 3,692 yards and 28 touchdowns, with a 92.6 passer rating, and + was voted to his second Pro Bowl.[117] + + In the playoffs, Brady led the Patriots to victories over the Indianapolis Colts + in the Divisional Round by a score of 20–3 and the Pittsburgh Steelers in the + AFC Championship by a score of 41–27.[158] Brady played his best game of the + year in Pittsburgh despite requiring intravenous treatment the previous night + when he ran a temperature of 103°.[159] Against the NFL s best defense,[158] + he recorded a quarterback passer rating of 130.5, his highest of the season.[121] + On February 6, 2005, the Patriots narrowly defeated the Philadelphia Eagles, + 24–21, to win Super Bowl XXXIX at Alltel Stadium in Jacksonville, Florida. Brady + threw for 236 yards and two touchdowns[160] while capturing the Patriots third + championship in four years. They became the first franchise since the Dallas + Cowboys in 1992–1995 to win three Super Bowls in four years.[161] + + During the 2005 season, injuries suffered by running backs Corey Dillon, Patrick + Pass, and Kevin Faulk forced the Patriots to rely more on Brady s passing.[162][163] + Brady also had to adjust to new center Russ Hochstein and running back Heath + Evans. On October 9, in a 31–28 victory over the Atlanta Falcons, he had 350 + passing yards, three touchdowns, and one interception to earn AFC Offensive + Player of the Week honors.[164][165] Brady finished first in the league with + 4,110 passing yards and third in the league with 26 touchdowns.[117] At 92.3, + his 2005 passer rating was the second-highest of his career at the time, although + he equaled his career high for interceptions with 14.[121] He rushed for 89 + yards and fumbled a career-low four times.[121] He and the Patriots finished + with a 10–6 record, winning their third straight AFC East title.[166] He was + named to his third Pro Bowl at the end of the season.[167] + + In the playoffs, Brady recorded 201 passing yards and three passing touchdowns + to help lead the Patriots to a 28–3 victory over the Jacksonville Jaguars in + the Wild Card Round. On January 14, 2006, the Patriots lost 27–13 to the Denver + Broncos at INVESCO Field in the Divisional Round.[168][169] Brady threw for + 341 yards in the game with one touchdown and two interceptions, in the first + playoff loss of his career after ten playoff victories.[170] After the season + s end, it was revealed that Brady had been playing with a sports hernia since + December. Linebacker Willie McGinest commented on it and said he knew, but Brady + continued playing.[171] + + Brady on the sideline at Giants Stadium with teammates Randy Moss and Jabar + Gaffney, after throwing for his record-breaking 50th passing touchdown of the + 2007 season + + Brady started the 2006 season with 163 passing yards, two passing touchdowns, + and an interception against the Buffalo Bills in a 19–17 victory.[172] In Week + 8, against the Minnesota Vikings, he had one of his stronger performances of + the season with 372 passing yards, four passing yards, and one interception + in the 31–7 victory.[173] He posted another game with four passing touchdowns + in the Week 11 35–0 victory over the Green Bay Packers.[174] Brady led the Patriots + to a 12–4 record and the fourth seed in the AFC playoffs.[175] In the regular + season, Brady threw for 3,529 yards and 24 touchdowns.[117] He was not among + the players initially selected to the Pro Bowl,[176] although he was offered + an injury-replacement selection when San Diego Chargers quarterback Philip Rivers + was forced to withdraw. Brady ended up declining the invitation.[177] + + In the postseason, the Patriots first hosted their division rivals, the New + York Jets, in the Wild Card Round. The Patriots defeated the Jets 37–16, as + Brady went 22–34 for 212 yards and two touchdowns.[178] The Patriots traveled + to San Diego to take on the Chargers in the Divisional Round. This was Brady + s first playoff game in his home state of California. Brady and the Patriots + struggled against the Chargers, whom many had picked as favorites to win Super + Bowl XLI.[179] With eight minutes left in the fourth quarter and the Patriots + down by eight points, Brady and the Patriots started a key drive that would + ultimately decide the game. After a 49-yard pass play to wide receiver Reche + Caldwell, a Stephen Gostkowski field goal gave the Patriots a 24–21 win.[180] + + In the AFC Championship, the Patriots faced the Indianapolis Colts. The Patriots + and Colts had faced each other twice in the previous three postseasons at Foxborough; + this game, however, was played at Indianapolis. The Patriots led at halftime, + 21–6; however, the Colts and Peyton Manning staged a comeback, culminating in + a last minute interception thrown by Brady, and the Patriots lost the game to + the Colts, 34–38.[181] + + Playing with a dramatically overhauled receiver corps—in the 2007 offseason, + the Patriots acquired wide receivers Donté Stallworth, Wes Welker, Kelley Washington, + and Randy Moss; tight end Kyle Brady; and running back Sammy Morris—Brady enjoyed + what some sportswriters described as one of the best seasons by a quarterback.[182][183] + The average score of a 2007 Patriots regular-season game would be 37–17 by the + end of the year.[184] Brady led the Patriots to the first 16–0 regular-season + record in league history, outscoring opponents by more than a 2-to-1 margin, + but also attained numerous career, franchise, and NFL records and milestones + in the process. He was named as the AFC Offensive Player of the Week five separate + times that year.[185][186][187][188][189] While away at Dallas, he had a career-high + five passing touchdowns in a 48–27 win. The win tied him with Cowboys Hall of + Fame quarterback Roger Staubach for the most wins ever by a starting quarterback + in his first 100 regular-season games, with 76.[190] The next week, in part + of a 49–28 win at Miami, he had yet another record day, with a career-high six + passing touchdowns, setting a franchise record. He also had the first game with + a perfect passer rating of his career.[191] Two weeks later, as part of a come-from-behind + 24–20 victory at Indianapolis, he threw for another three touchdowns, the ninth + consecutive game in which he had done so, breaking Peyton Manning s NFL record + of eight.[192] During the last game of the year, Brady threw two touchdown passes; + his second touchdown was his 50th, breaking Peyton Manning s record of 49 in + the 2004 season.[193] + + Brady in December 2007 + + Brady finished the season with 4,806 passing yards, 50 touchdown passes, and + only eight interceptions. It was unanimously voted the greatest passing season + of all time by ESPN in 2013. His 50:8 touchdown to interception ratio was, at + the time, an NFL record. He became the first quarterback to pass for 50 touchdowns + in a season and his 117.2 passer rating is[when?] the fourth highest in a single + season. His 8.7% touchdown passing percentage is[when?] the third highest ever + in a season. He led the Patriots to becoming the first team to ever go undefeated + in the regular season since the 16 game schedule was enforced and directed an + offense that scored a then NFL record 589 points and 75 total touchdowns. Those + records stood until they were eclipsed by the 2013 Denver Broncos. The team + s 50 total touchdown passes is the fourth most ever in a season. For his efforts, + Brady was named the Most Valuable Player of this season, as well as Offensive + Player of the Year. He was also honored by the Associated Press as their Male + Athlete of the Year, the first time an NFL player has been so honored since + Joe Montana won the award in 1990.[194] He was named as a First Team All-Pro + and to his fourth career Pro Bowl as a result of his historic season.[195][196] + + In the Patriots first playoff game, a Divisional Round game against Jacksonville, + Brady began the game with an NFL postseason record 16 consecutive completed + passes, and finished the game with 26 completions in 28 attempts, a completion + rate of 92.9%. That mark is the highest single-game completion percentage (for + passers with at least 20 attempts) in NFL history, regular season or postseason.[197] + With the win, the Patriots matched the undefeated 1972 Miami Dolphins as the + only team to win 17 consecutive games in one season. + + Statistically, Brady did not fare as well in the AFC Championship Game against + the San Diego Chargers, throwing three interceptions (including his first interception + in the red zone since the playoff loss to Denver in the 2005 postseason). Nevertheless, + the Patriots won their 18th game of the season, 21–12, to advance to the Super + Bowl for the fourth time in seven seasons. Brady, with the 100th win of his + career, also set an NFL record for the fewest games needed by a starting quarterback + to do so: his 100–26 record is sixteen games better than Joe Montana s.[198] + In Super Bowl XLII at the University of Phoenix Stadium in Glendale, Arizona., + Brady was pressured heavily and sacked five times. The Patriots did manage to + take the lead with a Brady touchdown to Moss with less than three minutes remaining + in the fourth quarter, but the Giants were able to score a last-minute touchdown + to upset the Patriots 17–14, taking away what would have been the first perfect + season since the NFL expanded its regular season to 16 games.[199] + + Brady in action against the Washington Redskins on August 28, 2009. + + Brady did not play in any games during the 2008 preseason or in the 2008 Pro + Bowl due to two different foot injuries.[200][201] In the Patriots 2008 season + opener against the Kansas City Chiefs at Gillette Stadium, Brady s left knee + was seriously injured midway through the first quarter on a hit by Chiefs safety + Bernard Pollard; he left the game and did not return. The team later confirmed + that Brady would require surgery, and it would prematurely end his 2008 season.[202] + Brady tore both his anterior cruciate ligament and medial collateral ligament.[203] + The injury ended Brady s streak of 111 consecutive starts (ninth in the list + of most consecutive starts by an NFL quarterback, behind Brett Favre, Peyton + Manning, Eli Manning, Philip Rivers, Matt Ryan, Matthew Stafford, Ron Jaworski, + and Joe Flacco).[204] Dr. Neal ElAttrache performed the anterior cruciate ligament + reconstruction at the Los Angeles Kerlan-Jobe Orthopaedic Clinic October 6, + using Brady s patellar tendon graft to replace the torn ligament, and also repaired + his medial collateral ligament, through a separate incision in his left knee.[205] + An infection in the wound resulted in further debridement surgery several times + since the original procedure. Brady received IV antibiotics for this infection + which, at the time, threatened to delay his rehab.[206][207] Despite Brady s + absence, the Patriots managed to finish the 2008 season with an 11–5 record; + however, due to tiebreakers, the Patriots not only failed to win the AFC East + division title, but missed the playoffs altogether for the first time since + the 2002 season.[208] + + Brady in Landover, Maryland, on August 28, 2009, during warmups in a preseason + game against the Washington Redskins. + + In his first game in nearly a year, Brady threw for 378 yards and two touchdowns + in the 2009 season opener against the Buffalo Bills. In the final three minutes + of the game, the Patriots were down 24–13 before Brady and tight end Benjamin + Watson connected on two straight touchdowns to lead the Patriots to a 25–24 + win.[209] Brady was named the AFC Offensive Player of the Week for the 13th + time in his career for his performance.[210] + + On October 18, 2009, in an early season snowstorm, Brady set an NFL record against + the Tennessee Titans for most touchdowns in a single quarter, throwing five + in the second quarter. Brady finished the game with six touchdowns, tying his + career-high from the 2007 season, and 380 yards, completing 29-of-34 attempts, + finishing with a nearly perfect passer rating of 152.8.[211][212] He earned + his second AFC Offensive Player of the Week nod for his efforts against the + Titans.[213] The Patriots 59–0 victory over the Titans tied the record for + the largest margin of victory since the 1970 AFL-NFL merger,[214] and set a + record for largest halftime lead in NFL history, which was 45–0.[215] + + Brady finished the 2009 regular season with 4,398 yards passing and 28 touchdowns + for a 96.2 rating,[117] despite a broken right ring finger and three fractured + ribs, all which were suffered over the course of the season.[216] He was selected + as a reserve to the 2010 Pro Bowl and named the 2009 NFL Comeback Player of + the Year.[217][218] + + Brady ended the 2009 season throwing for 154 passing yards, two touchdowns, + and three interceptions in a Wild Card Round loss to the Baltimore Ravens, 33–14, + his first career home playoff loss, and the first playoff loss at home by a + Patriots quarterback since 1978 (Steve Grogan).[219] + + On September 10, 2010, Brady signed a four-year, $72 million contract extension, + making him the highest-paid player in the NFL. The extension included $48.5 + million in guaranteed money.[220] + + Brady became the quickest quarterback to achieve 100 regular season wins by + helping his team defeat the Miami Dolphins 41–14 on October 4, 2010.[221] + + In a 31–28 win over the Indianapolis Colts on November 21, 2010, Brady tied + Brett Favre s record of winning 25 consecutive regular-season home starts.[222] + Brady s last regular-season defeat at home was a 17–14 loss to the New York + Jets on November 12, 2006.[223] On November 25, in a 45–24 victory over the + Detroit Lions, he had 341 passing yards and four touchdowns to earn AFC Offensive + Player of the Week.[224][225] In the game, he earned a perfect passer rating + for the second time in his career.[226][227] The next week, in a 45–3 victory + over the New York Jets, he had 326 passing yards and four touchdowns to earn + AFC Offensive Player of the Week honors for the second consecutive week. The + victory over the Jets set an NFL record by winning 26 consecutive regular-season + home starts.[228][229][230] + + Brady threw for 3,900 yards with 36 touchdowns and only four interceptions on + the season.[117] He had a 111.0 passer rating; this gave him—at the time—two + of the top five season ratings in NFL history and made him the first player + to finish with a rating above 110 in two different seasons.[231] + + Brady was selected as a starter to the 2011 Pro Bowl.[232] However, he pulled + out of the game (and was replaced by former backup Matt Cassel of the Kansas + City Chiefs) after undergoing surgery for a stress fracture in his right foot + dating back to 2008.[233] Brady was also the only unanimous selection for the + AP All-Pro Team and was named the 2010 Associated Press NFL Offensive Player + of the Year. By unanimous decision, he won the MVP award for the second time + in his career.[234] On the NFL Top 100 Players of 2011 players list, Brady + was ranked as the best player in the NFL by his fellow players.[235] + + After earning the #1 seed and a bye week, the Patriots lost to the New York + Jets in the Divisional Round by a score of 28–21. Brady finished the game 29-of-45 + for 299 yards and two touchdowns, with one interception. His one interception + ended his NFL record of consecutive passes without an interception at 340.[236][237] + + In Week 1 of the 2011 NFL season, Brady threw for a career-high 517 yards, four + touchdowns, and one interception in a 38–24 victory over the Miami Dolphins + and earned AFC Offensive Player of the Week honors.[238] This was the second + time that he had thrown for 400 or more yards in a single game. In the game, + he threw a record-tying 99-yard touchdown pass to Wes Welker in the second quarter.[239][240][18] + In the next game, a 35–21 victory over the San Diego Chargers, he had 423 passing + yards and three touchdowns to earn another AFC Offensive Player of the Week + nod.[241][242] + + In Week 16, in the second divisional game against the Miami Dolphins, Brady + had 304 passing yards and one passing touchdown to go along with nine rushes + for 17 yards and two rushing touchdowns in the 27–24 victory to earn AFC Offensive + Player of the Week for the third time in 2011.[243][244] In the regular season + finale against the Buffalo Bills, Brady became the fourth quarterback to throw + for 5,000 yards in a single season, finishing with 5,235; although Brady surpassed + Dan Marino s longstanding record of 5,084 passing yards, he finished the season + second in passing yards behind Drew Brees s 5,476.[117] In the end, the Patriots + finished the season 13–3 and clinched the AFC s #1 seed.[245] For his efforts + in the 2011 season, Brady was named to the Pro Bowl and was named as the fourth + best player in the NFL on the NFL Top 100 Players of 2012 by his peers.[246][247] + + There s no quarterback I d rather have than Tom Brady. He s the best. He does + so much for us in so many ways on so many different levels. I m very fortunate + that he s our quarterback and what he s able to do for this team. It s good + to win with him and all the rest of our players. If that s more than somebody + else did, I don t really care about that.[248] + + –Bill Belichick + + In the Patriots 45–10 rout of the Denver Broncos in the Divisional Round, Brady + set a personal postseason best with 363 passing yards, and tied an NFL playoff + record shared by Daryle Lamonica and Steve Young, throwing for six touchdown + passes.[249] The win, his first postseason win since January 2008, gave Brady + and Patriots head coach Bill Belichick sole possession of the NFL record for + postseason wins by a quarterback-head coach combo with 15.[250] In the AFC Championship + game against the Baltimore Ravens, Brady failed to throw a touchdown pass for + the first time in 36 games, though he did pass for 239 yards and scored a one-yard + rushing touchdown late in the game. A missed field goal from Ravens kicker Billy + Cundiff gave Brady and the Patriots a 23–20 victory, sending Brady to his fifth + Super Bowl as a member of the Patriots.[251] In Super Bowl XLVI at Lucas Oil + Stadium in Indianapolis, Brady and the Patriots met the New York Giants in a + rematch of their Super Bowl XLII meeting four years earlier. Brady played well, + leading a Super Bowl record-tying 96-yard touchdown drive to close the first + half and at one point completing 16 passes in a row to give him a 20-of-23 mark + partway into the third quarter, another Super Bowl record. Brady threw two touchdowns + against one interception on the Patriots first offensive series, and was penalized + for intentional grounding in the end zone, giving up a crucial safety to the + Giants. A final score of 21–17 for the Giants prevented Brady from winning his + fourth Super Bowl.[252] + + Brady started all 16 regular season games of the 2012 NFL season and led the + Patriots to a 12–4 record. Among the many highlights of the team was a 42–14 + win over the Houston Texans in Week 14. Brady had 296 passing yards and four + touchdowns to earn AFC Offensive Player of the Week.[253][254] The Patriots + scored 557 total points, the third highest in league history and Brady became + the first quarterback to lead his team to ten division titles.[255] With that + point total, the Patriots became the first team to score at least 500 points + in a season four different times, with Brady leading all four squads, which + was a record as well. He finished the season with 4,827 passing yards, 34 touchdowns, + only eight interceptions, and a passer rating of 98.7. It was Brady s third + straight season throwing for over 30 touchdowns.[256] He was named to the Pro + Bowl for the eighth time in his career.[257] On the NFL Top 100 Players of 2013, + Brady was ranked fourth by his fellow players for the second consecutive year.[258] + + Brady started both Patriots playoff games, winning 41–28 against the Houston + Texans in the Divisional Round.[259] Brady passed for 344 yards and three touchdowns + as he led the team to their seventh AFC Championship Game in his 12 years as + a starter. With the victory, Brady surpassed Joe Montana for most career playoff + wins, with 17.[260] The Patriots were then upset by the eventual Super Bowl + XLVII champion Baltimore Ravens, 28–13 in the AFC Championship. He threw for + 320 yards and one touchdown with two interceptions.[261] He suffered his first + career loss at home when leading by halftime, in which during that span he was + 67–0.[262] + + On February 25, 2013, Brady and the Patriots agreed on a three-year contract + extension, which kept him with the team through 2017.[263] Peter King called + it an amazing deal, as Brady took just $27 million in new money over the 2015, + 2016, and 2017 seasons, and also noted that it reflected Patriots owner Robert + Kraft s desire to make sure that Brady retired as a Patriot.[264] + + Brady and the Patriots began the season with much upheaval on the offensive + side of the ball. Tight end Rob Gronkowski was injured and Aaron Hernandez was + arrested. Wes Welker departed to the Denver Broncos, Danny Woodhead left in + free agency for the San Diego Chargers, and Brandon Lloyd was released from + the team. In order to replace the five players, the Patriots signed Danny Amendola + in free agency from the Rams, drafted rookie wide receivers Aaron Dobson and + Josh Boyce, and signed undrafted rookie free agent wide receiver Kenbrell Thompkins. + In the first two games of the season, Brady completed 52% of his passes and + had three touchdowns and one interception.[265][266] + + Brady during the 2013 season + + Brady was in pursuit of Drew Brees s record of at least one touchdown in 54 + consecutive regular season games and saw the streak end at 52 games in a Week + 5 loss against the Cincinnati Bengals.[267] In a Week 6 game against the Saints, + the Patriots struggled in the first half and bounced back in the second with + Brady passing for 269 yards with a touchdown to Kenbrell Thompkins as time expired + to pull out the win over the Saints.[268] + + In Week 12, Brady faced-off against Peyton Manning for the fourteenth time in + his career. After going to the half trailing by 24 points, Brady and the Patriots + scored 31 unanswered points. The Patriots won after a muffed punt in overtime + when Stephen Gostkowski scored a field goal.[269] With the win, Brady earned + AFC Offensive Player of the Week honors.[270] With a Week 16 win over the Baltimore + Ravens, Brady collected his 147th win as a starting quarterback to tie Dan Marino + for fourth place all time, and the following week he defeated the Buffalo Bills + to tie John Elway for third place. In the victory over the Bills, Brady recorded + a 32-yard punt.[271] Brady was named to the Pro Bowl for the ninth time in career + and was ranked third on the NFL Top 100 Players of 2014 players list in the + offseason.[272][273] + + Brady s Patriots finished the season 12–4, to earn the second seed in the AFC + and a first-round bye.[274] In the Divisional Round matchup against the Indianapolis + Colts, Brady made his 25th playoff appearance, breaking Brett Favre s career + record for playoff appearances by a quarterback (Jerry Rice appeared in 29 playoff + games). He passed for 198 yards as the Patriots won 43–22 behind a four-touchdown + performance from LeGarrette Blount.[275] The following week, the Patriots lost + 26–16 to the Denver Broncos in the AFC Championship, eliminating Brady and the + Patriots from the playoffs. In the loss, Brady was 24-for-38 for 277 yards and + touchdown, along with two carries for seven yards and a rushing touchdown.[276] + + Brady in September 2014 against the Minnesota Vikings + + Brady started the 2014 season with a 33–20 loss to the Miami Dolphins.[277] + It was Brady s first opening day loss since the 2003 season. Brady recorded + 241 yards and a touchdown in the loss. New England rebounded against the Minnesota + Vikings, but Brady struggled, throwing for 149 yards and a touchdown in a 30–7 + win.[278] Against the Oakland Raiders, Brady was pressured all day, but threw + for 234 yards and a touchdown in 16–9 win.[279] After a humiliating 41–14 loss + to the Kansas City Chiefs, Brady led New England to back-to-back wins against + the Cincinnati Bengals and the Buffalo Bills.[280][281] Brady then defeated + the New York Jets with a 261-yard performance that included three touchdowns.[282] + The following week, a 51–23 embarrassment of the Chicago Bears saw Brady throw + for 354 yards and a season-high five touchdowns.[283] After passing for 333 + yards, and 257 yards in his next two games against the Denver Broncos and Indianapolis + Colts respectively, Brady defeated the Detroit Lions 34–9 with 349 passing yards + and two touchdowns against only one interception.[284] The Patriots winning + streak was put to the test against the Green Bay Packers in Week 13. Down 13–0 + early, Brady threw for 245 yards and two touchdowns. Still down 26–21, Brady + was unable to give the Patriots their eighth consecutive victory.[285] After + trailing 14–3 at the San Diego Chargers, Brady rallied his team with 317 passing + yards, two touchdowns, and one interception, to a 23–14 comeback win.[286] Brady + clinched his NFL record 12th AFC East division title with 287 passing yards, + two touchdowns, and an interception. Brady struggled in his final two games, + throwing for only 182 yards, a touchdown, and an interception in 17–16 victory + against the Jets, and 80 yards in one half of the final regular season game + against the Buffalo Bills, a 17–9 loss, though Julian Edelman, Rob Gronkowski, + and three starting offensive linemen did not play either the entirety or the + majority of the final game, and Brady only played in the first half.[287] Brady + was named to his tenth career Pro Bowl and was ranked third by his fellow players + on the NFL Top 100 Players of 2015.[288][289] + + In a 35–31 Divisional Round win over the Ravens, Brady threw for three touchdowns + and ran in a fourth, breaking Curtis Martin s club record for rushing touchdowns + in the playoffs; Brady also broke Joe Montana s record for playoff touchdowns + with 46. After the Ravens scored on their first two possessions, the Patriots + were quickly down 14–0. Brady led New England on an eight-play, 78-yard drive, + and ran for a score to cut the Ravens lead to 14–7. In the second quarter, Brady + s 15 yard touchdown pass to Danny Amendola tied the score at 14–14. After getting + the ball back, Brady threw an interception at the end of the first half. Joe + Flacco capitalized on it by throwing an 11-yard touchdown strike to tight end + Owen Daniels to give Baltimore a 21–14 halftime lead. Down 28–14, Brady engineered + an 80-yard drive, culminating in a touchdown to Rob Gronkowski to cut the lead + to 28–21. The Patriots tied the game once again at 28 off of a trick play where + Brady passed laterally to Julian Edelman who then threw a 51-yard touchdown + to Danny Amendola. Ravens kicker Justin Tucker drilled a 25-yard field goal + to give Baltimore a 31–28 4th quarter lead. Brady got the ball back, and threw + a 23-yard touchdown to wide receiver Brandon LaFell to give the Patriots their + first lead, up 35–31. After a Duron Harmon interception and a Joe Flacco Hail + Mary attempt failed, Brady clinched his record ninth AFC Championship Game, + fourth straight, and the third championship game against the Indianapolis Colts.[290] + After a 45–7 blowout, Brady advanced to play in his sixth Super Bowl, breaking + a tie with John Elway for most career Super Bowl appearances by a quarterback. + Against the Colts, Brady threw for 226 yards and three passing touchdowns with + one interception[291] + + In Super Bowl XLIX at University of Phoenix Stadium in Glendale, Arizona, Brady + completed 37-of-50 passes for 328 yards, four touchdowns, and two interceptions. + He guided a then-record ten-point fourth quarter comeback as the Patriots defeated + the Seattle Seahawks 28–24 to give Brady his fourth Super Bowl ring, tying him + with Joe Montana and Terry Bradshaw for most Super Bowl victories by a starting + quarterback.[292] He was named Super Bowl MVP for the third time, tying Montana + s record. Brady s 37 completed passes in the game set a Super Bowl record at + the time, which Brady himself would break in Super Bowl LI two years later.[293] + + Further information: Deflategate + + On May 6, 2015, the NFL published a 243-page report regarding the deflation + of footballs used in the previous season s AFC Championship Game.[294] The report + concluded that, more likely than not, Brady was at least generally aware of + the intentional deflation. On May 11, Brady was suspended for four games by + the NFL for his involvement based on substantial and credible evidence that + Brady knew Patriots employees were deflating footballs and that he failed to + cooperate with the investigators.[295] On May 11, Troy Vincent—NFL Executive + Vice President of Football Operations—penned a letter to Brady that stated in + part: Your actions as set forth in the report clearly constitute conduct detrimental + to the integrity of and public confidence in the game of professional football. + [296] Vincent s letter further stated: With respect to your particular involvement, + the report established that there is substantial and credible evidence to conclude + you were at least generally aware of the actions of the Patriots employees + involved in the deflation of the footballs and that it was unlikely that their + actions were done without your knowledge. Moreover, the report documents your + failure to cooperate fully and candidly with the investigation, including by + refusing to produce any relevant electronic evidence (emails, texts, etc.), + despite being offered extraordinary safeguards by the investigators to protect + unrelated personal information, and by providing testimony that the report concludes + was not plausible and contradicted by other evidence. [296] Brady, through the + NFL Players Association, officially appealed the suspension on May 14.[297] + + On July 28, NFL Commissioner Roger Goodell announced the upholding of Brady + s four-game suspension.[298] Brady gave permission to the NFLPA to appeal the + suspension in federal court.[299] Goodell cited Brady s destruction of his cell + phone as a critical factor in his decision to uphold Brady s suspension.[300][301] + The NFL also filed papers in federal court seeking to confirm Roger Goodell + s decision.[302] On July 29 Brady released a statement on his Facebook page + that criticized Goodell s decision to uphold the suspension, saying in part I + am very disappointed by the NFL s decision to uphold the 4 game suspension against + me. I did nothing wrong, and no one in the Patriots organization did either... + I will not allow my unfair discipline to become a precedent for other NFL players + without a fight. [303][304] + + Commentary on the initial punishment was mixed. Bleacher Report writer Mike + Freeman made a statement agreeing with Goodell s decision, saying the penalties + were brutal, but it deserved to be. [305] Various commentators also implied + that the prior reputation of the Patriots organization as a team that bends + rules appeared to factor into the harshness of the punishment.[305][306] Others + described the punishment as firm but fair .[307] + + On September 3, 2015, Judge Richard M. Berman of the United States District + Court for the Southern District of New York vacated Brady s suspension; this + ruling allowed Brady to play in the first four games of the 2015 NFL season. + In his decision, Judge Berman cited the NFL s failure to provide proper notice + to Brady of the charges against him and the potential for a suspension.[308] + Post-appeal commentary also criticized Goodell for manipulating Brady s testimony at + the appeal hearing in his decision.[309] + + In the NFL Kickoff Game, Brady led the Patriots to a 28–21 win over the Pittsburgh + Steelers. He threw for 288 yards and four touchdowns, three of them to Rob Gronkowski.[310] + The Patriots victory was the 161st victory of Brady s career, all with the + Patriots, which surpassed the record held by former Green Bay Packers quarterback + Brett Favre for most regular season wins by a starting quarterback with a single + team. In Week 2, Brady threw for 466 yards and three touchdowns against the + Buffalo Bills. Through the first five games of the season, Brady threw a total + of 14 touchdowns with one interception and had a quarterback rating of 118.4.[311] + In Week 8, a 36–7 victory over the Miami Dolphins, he had 356 passing yards + and four touchdowns to earn his 25th AFC Offensive Player of the Week title.[312][313] + + Despite Brady s success, the Patriots were hit by many injuries to key players + on offense, including wide receiver Julian Edelman, and the Patriots eventually + lost their first game against the Denver Broncos, who were without Peyton Manning, + in Denver on the Sunday after Thanksgiving following a 10–0 start.[314] The + Patriots then lost three of their remaining five games to finish 12–4 for a + fourth straight season, tied with the Cincinnati Bengals and Denver Broncos + for the AFC s best record. The Denver Broncos clinched the No. 1 seed due to + their victories over both the Patriots and the Bengals, while the Patriots finished + with the AFC s No. 2 seed due to having a better record against common opponents + than the Cincinnati Bengals.[315][316] Brady finished the regular season with + a league-leading 36 touchdown passes and seven interceptions.[317] He was named + to his 11th Pro Bowl (seventh straight), and was ranked as the second best player + on the NFL Top 100 Players of 2016 behind only league MVP Cam Newton.[318][319] + + With the return of Julian Edelman from a foot injury, the Patriots defeated + the Kansas City Chiefs in the Divisional Round by a score of 27–20 after advancing + with a first round bye.[320] Brady completed 28 of 42 passes for 302 yards and + two passing touchdowns and one rushing touchdown as he led the team to their + fifth consecutive AFC championship game.[321] The Patriots advanced to the AFC + Championship to face Peyton Manning and the Denver Broncos at Sports Authority + Field at Mile High. It would turn out to be the 17th and final meeting between + the two storied quarterbacks, as Manning would announce his retirement after + the season ended. The Broncos top-ranked defense harassed Brady, who completed + 27-of-56 passes with two interceptions and a touchdown, all day, and the Patriots + eventually lost the game 20–18 after a potential game-tying two-point conversion + attempt failed with 17 seconds left in regulation.[322] + + On February 29, 2016, Brady signed a two-year contract extension covering the + 2018 and 2019 seasons.[323] + + Three days later, the NFL appealed Judge Richard M. Berman s 2015 decision to + vacate Brady s four-game suspension as punishment for his alleged role in the + Deflategate scandal. At the March 3, 2016, hearing in New York City, the three-judge + panel of the United States Court of Appeals for the Second Circuit questioned + Players Association lawyer Jeffrey L. Kessler more intensely than NFL lawyer + Paul Clement, with Circuit Judge Denny Chin even stating that the evidence + of ball tampering is compelling, if not overwhelming. [324] + + On April 25, 2016, Judge Richard M. Berman s decision to block Brady s four-game + suspension was overturned by the U.S. Appeals Court.[325][326] Circuit Judge + Barrington Daniels Parker Jr., joined by Circuit Judge Chin, wrote that they + could not second-guess the arbitration but were merely determining it met + the minimum legal standards established by the Labor Management Relations Act + of 1947 .[327] Circuit Chief Judge Robert Katzmann dissented, writing that the + NFL s fines for using stickum was highly analogous and that here the Commissioner + was doling out his own brand of industrial justice. [328] + + On May 23, 2016, Brady appealed for his case to be reheard by the full U.S. + 2nd Circuit Court.[329] The 2nd Circuit Court denied Brady s request for an + en banc hearing on July 13.[330] Two days later, on Friday, July 15, 2016, Brady + announced on his Facebook page that he would give up his Deflategate fight and + accept his suspension for the first four regular season games of the 2016 season. + Prior to Brady s suspension, he had not missed a single regular season or postseason + game since the start of the 2009 season. + + After serving his four-game suspension, Brady made his 2016 season debut on + October 9 on the road against the Cleveland Browns; he completed 28-of-40 passes + for 406 yards and three touchdowns in a 33–13 victory to earn AFC Offensive + Player of the Week.[331][332] In his home debut the following week, Brady completed + 29-of-35 passes for 376 yards and three touchdowns in a 35–17 victory over the + Cincinnati Bengals.[333] In Week 7, Brady completed 19 of 26 passes for 222 + yards and two touchdowns as New England defeated the Pittsburgh Steelers 27–16.[334] + The next week, the Patriots defeated the Buffalo Bills 41–25, with Brady completing + 22-of-33 passes for 315 yards and four touchdowns.[335] Brady s outstanding + numbers during his first four games following the suspension earned him the + AFC Offensive Player of the Month award for October.[336] + + Following a bye week, Brady and the Patriots faced the Seattle Seahawks in a + Week 10 rematch of Super Bowl XLIX. Brady completed 23-of-32 passes for 316 + yards, one interception, and no touchdowns in a 31–24 loss that saw the two + teams trade leads seven times.[337] In Week 11, Brady completed 24-of-40 passes + for 280 yards, four touchdowns, and no interceptions in a 30–17 road win against + his childhood team, the San Francisco 49ers. Brady s performance against San + Francisco earned him AFC Offensive Player of the Week honors for Week 11.[338] + Those four touchdown passes also gave him 444 career regular season touchdown + passes with one team, breaking Brett Favre s record. The following week, Brady + completed 30-of-50 passes for 286 yards and two touchdowns in a 22–17 road victory + against the New York Jets.[339] The win was also the Patriots 500th victory + (including playoffs) in franchise history. During this victory, Brady also became + the fifth quarterback to record 60,000 career regular season passing yards, + joining Peyton Manning, Brett Favre, Drew Brees, and Dan Marino. The following + week, Brady completed 33-of-46 passes for 269 yards and one touchdown as the + Patriots defeated the Los Angeles Rams by a score of 26–10.[340] The Patriots win + against the Rams gave Brady his 201st career victory, including playoff games, + breaking Peyton Manning s record of 200.[341] In Week 14, Brady completed 25 + of 38 passes for 406 yards, three touchdowns, and one interception during a + 30–23 victory against the Baltimore Ravens on Monday Night Football.[342] + + The next week, Brady completed 16-of-32 passes for 188 yards in a 16–3 victory + in Denver.[343] With this victory, the Patriots clinched an eighth consecutive + AFC East title and a seventh consecutive first-round bye in the playoffs, both + NFL records.[344] On December 20, 2016, Brady was named to the Pro Bowl for + the eighth straight season and 12th time overall.[345][346] In Week 16, Brady + threw for 17 of 27 passes for 214 yards, three touchdowns, and no interceptions + as he led the Patriots to a 41–3 win over the Jets.[347] In Week 17, Brady completed + 25-of-33 passes for 276 yards, three touchdowns, and no interceptions in a 35–14 + victory over the Miami Dolphins in the regular season finale that gave the Patriots + home field advantage throughout the AFC playoffs.[348] Brady s 276 yards against + Miami moved him ahead of former Miami quarterback Dan Marino into fourth place + on the NFL s all-time passing yards list. Brady s three touchdowns against Miami + also gave him 28 passing touchdowns against two interceptions for the regular + season. This broke the previous record of Nick Foles s 27:2 TD:INT ratio which + was set in 2013 with the Philadelphia Eagles.[349] Brady was named to the AP + All-Pro Second Team, behind Matt Ryan of the Atlanta Falcons, who was named + to the AP All-Pro First Team.[350] Brady was also ranked first on the NFL Top + 100 Players of 2017 as the best player in the league, becoming the first player + to be named as #1 twice since the listing started.[351] + + Brady hoisting the Vince Lombardi Trophy for the fifth time in his career after + winning Super Bowl LI + + Brady and the Patriots began their postseason run in the Divisional Round, hosting + the Houston Texans, who had the league s No. 1 total defense. Brady completed + 18-of-38 passes for 287 yards, two touchdowns, and two interceptions as the + Patriots won 34–16, clinching a record sixth consecutive trip to the AFC Championship + Game.[352] The Patriots then defeated the Pittsburgh Steelers, 36–17. Against + the Steelers, Brady completed 32 of 42 passes for 384 yards, three touchdowns, + and no interceptions. The win gave Brady and Patriots head coach Bill Belichick + their record seventh conference title as a quarterback–head coach tandem, and + the Patriots an NFL record ninth Super Bowl appearance.[353] + + Brady and the Patriots faced the NFC champion Atlanta Falcons—who boasted the + league s highest scoring offense—in Super Bowl LI at NRG Stadium in Houston, + Texas on Sunday, February 5, 2017. Brady threw for 43 completions on 62 attempts + for 466 passing yards—all Super Bowl records at the time. Brady also threw for + two touchdowns and an interception. After trailing 28–3 midway through the third + quarter, Brady and the Patriots scored 25 unanswered points to tie the game + at the end of regulation. This resulted in the first overtime in Super Bowl + history. After winning the overtime coin toss, Brady led the Patriots down the + field to score a touchdown and win the game by a score of 34–28,[354] completing + the largest comeback win in both team history and Super Bowl history. With the + victory, Brady won his fifth Super Bowl, which set a record for most Super Bowl + victories of any quarterback in history and tied defensive player Charles Haley + for the most Super Bowl victories for any player. In addition, Brady set another + record by winning his fourth Super Bowl MVP award for his clutch performance.[355] + + After the game, it was discovered that Brady s jersey had gone missing from + the Patriots locker room at NRG Stadium.[356] The FBI, in collaboration with + Mexican authorities, recovered the jersey from the home of Martin Mauricio Ortega, + a Mexican tabloid writer, along with Brady s jersey from Super Bowl XLIX.[357] + + On May 12, 2017, Brady was announced as the cover athlete for Madden NFL 18.[358] + + In a CBS interview on May 17, 2017, Charlie Rose asked Brady s wife, Gisele + Bündchen, if she wanted Brady to retire, despite the fact that he was playing + at a high level. Bündchen mentioned that Brady suffered from a concussion in + the 2016 season, saying, I mean he has concussions pretty much every—I mean + we don t talk about—but he does have concussions. I don t really think it s + a healthy thing for anybody to go through.”[359][360] + + Following the Bündchen interview, the NFL released a statement: We have reviewed + all reports relating to Tom Brady from the unaffiliated neurotrauma consultants + and certified athletic trainer spotters who worked at Patriots’ home and away + 2016 season games as well as club injury reports that were sent to the league + office. There are no records that indicate that Mr. Brady suffered a head injury + or concussion, or exhibited or complained of concussion symptoms. Today we have + been in contact with the NFLPA and will work together to gather more information + from the club s medical staff and Mr. Brady .[361][362] Brady s agent, Don Yee, + said that Brady was not diagnosed with a concussion during the 2016 season.[363] + + The Patriots opened up their 2017 season in the NFL Kickoff Game on September + 7 at home against the Kansas City Chiefs. Brady had 267 passing yards in the + game, which the Patriots lost 42–27.[364] In Week 2, Brady threw three touchdown + passes in the first quarter of a game for the first time in his career in a + 36–20 win over the New Orleans Saints.[365] He finished the game with 447 passing + yards and three touchdowns, earning him his 28th AFC Offensive Player of the + Week award.[366] This broke the record previously held by Peyton Manning for + the most AFC Offensive Player of the Week awards in a career.[367] In Week 3, + Brady threw for 378 passing yards and five touchdowns as he led the Patriots + to a 36–33 comeback win against the Houston Texans, a performance that earned + him AFC Offensive Player of the Week honors for the second straight week, and + the 29th for his career.[368] In Week 4, Brady played well again, throwing for + 307 yards, two touchdowns, and no interceptions, but the Carolina Panthers upset + the Patriots 33–30 on a last second field goal from Graham Gano as time expired. + In the Patriots next game, a narrow 19–14 win against the Tampa Bay Buccaneers + on Thursday Night Football, Brady completed 30 out of 40 passes for 303 yards, + one touchdown, and one interception. With this victory, Brady became the third + quarterback in NFL history to record 186 career regular season victories, tying + Peyton Manning and Brett Favre for the most such wins of any quarterback in + NFL history.[369] On October 10, it was unveiled that Brady was diagnosed with + an AC joint sprain in his left (non-throwing) shoulder.[370][371] During Week + 6 against the New York Jets, Brady threw for 257 passing yards, two touchdowns, + and an interception as the Patriots won 24–17. Brady obtained his 187th career + win, setting the record for most regular season wins in NFL history.[372] The + next week, the Patriots hosted the Atlanta Falcons in a rematch of Super Bowl + LI on Sunday Night Football. Brady was efficient, completing 21 of 29 passes + for 249 yards and two touchdowns as the Patriots defeated the Falcons, 23–7.[373] + The following week, Brady completed 32-of-47 passes for 333 yards and one touchdown + in a 21–13 win against the Los Angeles Chargers. With the win against the Chargers, + the Patriots headed into their bye week with an AFC best 6–2 record.[374] + + Coming off their bye week, Brady and the Patriots traveled to Denver for a Sunday + Night Football match against the Denver Broncos. The Patriots dominated the + game, winning 41–16, with Brady completing 25 of 34 passes for 266 yards and + three touchdowns. For his performance against Denver, Brady was named the AFC + Offensive Player of the Week for the third time in the season.[375] After spending + the next week training at the United States Air Force Academy in Colorado Springs, + Colorado, Brady and the Patriots traveled to Mexico City for a special regular + season match with the Oakland Raiders. Like the previous week, the Patriots + won big, this time by a final score of 33–8. Brady completed 30 of 37 passes + for 339 yards and three touchdowns in the win. During Week 12 against the Miami + Dolphins, Brady finished with 227 passing yards, 4 touchdowns, and an interception + as the Patriots won 35–17. Brady became the first quarterback at age 40 to throw + for 4 touchdowns in a game. Brady was named AFC Offensive Player of the Month + for November.[376] During Week 13 against the Buffalo Bills, Brady finished + with 258 passing yards and an interception as the Patriots won 23–3. During + the game, Brady yelled at offensive coordinator Josh McDaniels after failing + to execute a play properly in the first quarter. Brady claimed that this wasn + t his first incident with McDaniels, with whom he had worked together for 13 + years, with a fruitful relationship.[377][378] The following week, the Patriots + traveled to Miami to face the Dolphins on Monday Night Football. The Dolphins + held off a late comeback attempt to defeat the Patriots 27–20, with Brady completing + 24 of 43 passes for 233 yards, a touchdown, and two interceptions.[379] In Week + 15, Brady completed 22 of 35 passes for 298 yards, a touchdown, and an interception + as he led the Patriots to a 27–24 comeback victory against the Pittsburgh Steelers.[380] + With this victory, the Patriots secured their ninth straight AFC East division + title. On December 19, Brady was selected to the Pro Bowl for the 13th time + in his career.[381][382] On Christmas Eve against the Buffalo Bills, Brady completed + 21 of 28 passes for 224 yards, two touchdowns, and an interception as the Patriots + won their twelfth game of the season, 37–16.[383] With this win, combined with + a loss by the Jacksonville Jaguars later in the day, the Patriots clinched a + first-round bye for the eighth straight year.[384] In the regular season finale + against the New York Jets on New Year s Eve, Brady completed 18 of 37 passes + for 190 yards, two touchdowns, and no interceptions in a 26–6 victory. With + the win, the Patriots clinched home-field advantage throughout the AFC playoffs.[385] + Brady finished the 2017 regular season as the NFL s passing yards leader with + 4,577 passing yards, making him the oldest player ever to lead the league in + passing yards.[386] He was named a first-team All-Pro by the Associated Press + for the third time in his career.[387] Earning 40 of 50 votes, Brady was named + the NFL Most Valuable Player for the third time in his career.[388] + + Brady playing in Super Bowl LII + + Brady and the Patriots began their postseason run by hosting the Tennessee Titans + in the Divisional Round of the playoffs. Brady completed 35 passes out of 53 + attempts for 337 yards, 3 touchdowns, and no interceptions in a 35–14 Patriots + victory.[389] With the win, the Patriots advanced to the AFC Championship Game + for the seventh straight year. Days after the divisional round, it was revealed + that Brady had a minor cut on his right hand, which required stitches.[390] + Despite this injury, Brady managed to start the AFC Championship Game, where + the Patriots faced off against the Jacksonville Jaguars. Brady led a fourth + quarter comeback to lead the Patriots to a 24–20 victory. He finished the game + with 26 completions out of 38 attempts for 290 passing yards, two passing touchdowns, + and no interceptions.[391] The win gave Brady and Patriots head coach Bill Belichick + their eighth conference title as a quarterback–head coach tandem, and the Patriots + a berth in Super Bowl LII, their tenth Super Bowl appearance as a team, both + of which extended NFL records. In Super Bowl LII at U.S. Bank Stadium in Minneapolis, + Minnesota, the Patriots faced off against the Philadelphia Eagles and their + second-string quarterback Nick Foles. Brady completed 28 passes on 48 attempts + for 3 touchdowns, no interceptions, and a Super Bowl record 505 yards – which + also set a new record for the most passing yards by a quarterback in any postseason + game in NFL history. With roughly two minutes remaining in the game and the + Eagles leading 38–33, Brady was strip-sacked by Brandon Graham. The Eagles recovered + the fumble and cemented their 41–33 win with a field goal, securing their first + franchise Super Bowl victory.[392] This was the third time overall that Brady + had lost in a Super Bowl, becoming the fourth starting quarterback in Super + Bowl history to lose at least three Super Bowls (Jim Kelly, Fran Tarkenton, + and John Elway).[393] In addition, this was the first time he had lost a Super + Bowl to a team and a quarterback other than the New York Giants and Eli Manning, + respectively.[394] + + Brady started his 19th professional season with 277 passing yards, three touchdowns, + and one interception in a 27–20 victory over the Houston Texans in the season + opener.[395][396] After losses to the Jacksonville Jaguars and Detroit Lions + over the next two games, Brady had 274 passing yards, three touchdowns, and + two interceptions in a 38–7 victory over the Miami Dolphins in Week 4.[397] + In the following game, a 38–24 victory over the Indianapolis Colts, he had 341 + passing yards, three touchdowns, and two interceptions to go with a rushing + touchdown. One of his touchdown passes went to Josh Gordon, who became the NFL-record + 71st different player to catch a touchdown from Brady.[398][399] In Week 6, + a 43–40 victory over the Kansas City Chiefs on Sunday Night Football, Brady + had 340 passing yards and a passing touchdown to go with a four-yard rushing + touchdown.[400] In Week 7, a 38–31 victory over the Chicago Bears, he had 277 + passing yards, three passing touchdowns, and one interception.[401] In Week + 12, against the New York Jets, Brady passed for 283 yards, with two touchdowns + and no interceptions and a 115.4 passer rating in a 27–13 victory.[402] In Week + 13, Brady reached 1,000 career rushing yards in a 24–10 victory over the Minnesota + Vikings, becoming the oldest player to reach that mark since 1970.[403] In Week + 15, Brady reached 70,000 passing yards, becoming only the fourth quarterback + in NFL history to accomplish the feat. He finished with 279 passing yards as + the Patriots lost 10–17 to the Pittsburgh Steelers.[404] During Week 16 against + the Buffalo Bills, Brady was limited to 126 passing yards, but the Patriots + combined for 273 rushing yards and won 24–12, clinching the AFC East pennant + for the 10th consecutive season and 16th time in 18 years.[405] In Week 17, + Brady completed 24 of 33 passes for 250 yards, and 4 touchdowns in a 38–3 win + against the Jets that allowed the Patriots to clinch the AFC s #2 seed and a + first-round bye in the AFC playoffs.[406][407] Brady finished the season completing + 375 of 570 passes (a 65.8% completion rate), 4,355 yards, 29 touchdowns and + 11 interceptions.[408] + + Following their first-round bye, the Patriots started their playoff run against + the Los Angeles Chargers in the Divisional Round. The Patriots jumped out to + a 35–7 halftime lead en route to a 41–28 win that saw Brady complete 34 of 44 + passes for 343 yards, a touchdown, and no interceptions.[409] With the win, + the Patriots advanced to the AFC Championship Game for the eighth consecutive + year, this time to face the Chiefs at Arrowhead Stadium.[410] + + In the AFC Championship Game, the Patriots opened the game with a 80-yard, 15-play + opening drive capped with a 1-yard Sony Michel rushing touchdown. The Patriots + went into halftime with a 14–0 lead. However, the Chiefs battled back in the + second half and Harrison Butker hit a 39-yard field goal for the Chiefs with + just 8 seconds remaining in regulation to send the game into overtime with a + score of 31–31. The Patriots won the coin toss to start overtime and elected + to receive the ball. Brady led the Patriots on a 75-yard drive that resulted + in a game-winning 2-yard rushing touchdown by Rex Burkhead. With the victory, + Brady earned a Super Bowl appearance for the third straight season and the ninth + time overall in his career. Brady finished the game completing 30 of 46 attempts, + with 348 yards passing, one passing touchdown, and two interceptions.[411] In + Super Bowl LIII at Mercedes-Benz Stadium in Atlanta, Georgia, Brady completed + 21 of 35 passes for 262 passing yards and an interception as the Patriots won + 13–3 over the Los Angeles Rams in the lowest-scoring Super Bowl in history. + With the victory, the Patriots became the second NFL team to win six Super Bowls, + tying the Pittsburgh Steelers for the most in NFL history. In addition, Brady + became the first player ever to win six Super Bowls as well as the oldest quarterback + at 41 years of age to win a Super Bowl.[412][413] + + Won the Super Bowl + + AP NFL MVP + + 1 0 1 3 33.3 6 2.0 6 0 0 42.4 0 0 0 0 0 0 0 0 0–0 + + 15 14 264 413 63.9 2,843 6.9 91 18 12 86.5 36 43 1.2 0 41 216 12 3 11–3 + + 16 16 373 601 62.1 3,764 6.3 49 28 14 85.7 42 110 2.6 1 31 190 11 5 9–7 + + 16 16 288 474 60.8 3,692 7.8 50 28 14 92.6 43 28 0.7 0 26 162 7 5 14–2 + + 16 16 319 516 61.8 3,529 6.8 62 24 12 87.9 49 102 2.1 0 26 175 12 4 12–4 + + 16 16 398 578 68.9 4,806 8.3 69 50 8 117.2 37 98 2.6 2 21 128 6 4 16–0 + + 1 1 7 11 63.6 76 6.9 26 0 0 83.9 0 0 0 0 0 0 0 0 1–0 + + 16 16 371 565 65.7 4,398 7.8 81 28 13 96.2 29 44 1.5 1 16 86 4 2 10–6 + + 16 16 401 611 65.6 5,235 8.6 99 39 12 105.6 43 109 2.5 3 32 173 6 2 13–3 + + 16 16 401 637 63.0 4,827 7.6 83 34 8 98.7 23 32 1.4 4 27 182 2 0 12–4 + + 12 12 291 432 67.4 3,554 8.2 79 28 2 112.2 28 64 2.3 0 15 87 5 0 11–1 + + Total‡ + + ‡ Career totals accurate as of the end of the 2018 regular season.[414] + + Passing[415] + + 3 3 60 97 61.9 572 5.9 29 1 1 77.3 8 22 2.8 1 5 36 1 0 3–0 + + 3 3 75 126 59.5 792 6.3 52 5 2 84.5 12 18 1.5 0 0 0 0 0 3–0 + + 3 3 55 81 67.9 587 7.2 60 5 0 109.4 7 3 0.4 1 0 0 1 1 3–0 + + 2 2 35 63 55.6 542 8.6 73 4 2 92.2 3 8 2.7 0 4 12 2 0 1–1 + + 3 3 70 119 58.8 724 6.1 49 5 4 76.5 8 18 2.2 0 4 22 2 0 2–1 + + 3 3 77 109 70.6 737 6.8 53 6 3 96.0 4 −1 −0.2 0 8 52 1 1 2–1 + + 1 1 23 42 54.8 154 3.7 24 2 3 49.1 0 0 0 0 3 22 1 1 0–1 + + 3 3 75 111 67.6 878 7.9 61 8 4 100.4 9 10 1.1 1 3 15 0 0 2–1 + + 2 2 54 94 57.4 664 7.1 49 4 2 84.7 3 4 1.3 0 1 9 0 0 1–1 + + 3 3 93 135 68.9 921 6.8 46 10 4 100.3 9 13 1.4 1 3 16 0 0 3–0 + + 3 3 93 142 65.5 1,137 8.0 48 7 3 97.7 9 13 1.4 0 9 42 0 0 3–0 + + 3 3 89 139 64.0 1,132 8.1 50 8 0 108.6 7 8 1.1 0 4 19 1 1 2–1 + + 3 3 85 125 68.0 953 7.6 35 2 3 85.8 5 −4 −0.8 0 1 9 1 0 3–0 + + 16 27 59.3 145 5.4 1 0 86.2 1 3 3.0 0 W 20–17 1–0 + + 32 48 66.7 354 7.4 3 1 100.5 2 12 6.0 0 W 32–29 1–0 + + 23 33 69.7 236 7.2 2 0 110.2 1 −1 −1.0 0 W 24–21 1–0 + + 29 48 60.4 266 5.5 1 0 82.5 0 0 0 0 L 17–14 0–1 + + 43 62 69.4 466 7.5 2 1 95.2 1 15 15.0 0 W 34–28 (OT) 1–0 + + 28 48 58.3 505 10.5 3 0 115.4 1 6 6.0 0 L 41–33 0–1 + + 21 35 60.0 262 7.5 0 1 71.3 2 −2 −1.0 0 W 13–3 1–0 + + Regular season (career) + + Most games won by a quarterback: 207[417] + + Best touchdown to interception ratio in a season: 28:2[418] + + Most wins on the road by a quarterback: 92[419] + + Most wins at home by a quarterback: 115 [420] + + Only quarterback to have three consecutive games with 300+ passing yards, 3+ + Touchdown-passes and 0 interceptions[421] + + Oldest QB to lead the league in passing yards: 40 [422] + + Most yards in a single season for a quarterback aged 40 and older (age 40): + 4,577[422] + + Most touchdown passes with one team: 517[423] + + Oldest player to win NFL MVP: 40 [424] + + Most career passing yards with one team: 70,514[424] + + Most games played: 40[425][426] + + Most games started: 40[427] + + Most games won by a starting quarterback: 30[427] + + Most consecutive wins by a starting quarterback: 10 (2001, 2003–2005) + + Most consecutive wins to start a career by a starting quarterback: 10 (2001, + 2003–2005) + + Most career home wins by a starting quarterback: 20 (2001–2019) + + Most consecutive home wins by a starting quarterback: 9 (2013–2019) + + Most touchdown passes: 73[428] + + Most passing yards: 11,179[429] + + Most passing yards in a single playoff game: 505 (Super Bowl LII)[18] + + Most passes completed: 1,005[430] + + Most passes attempted: 1,589[430] + + Most passes intercepted: 34[431] + + Most division titles won by a starting quarterback: 16[427] + + Most NFL conference championship appearances by a starting quarterback: 13[432] + + Most NFL conference championship wins by a starting quarterback: 9[433] + + Oldest Quarterback to win an AFC title game: 41 years, 5 months, 17 days + + Most career 300+ passing yard games: 16[430] + + Most game-winning drives: 13[100] + + Most multi-TD passes: 23[433] + + Super Bowl (career) + + Most passing yards: 2,838[18] + + Most passes completed: 256[18] + + Most passes attempted: 392[18] + + Most wins as starting QB: 6[100] + + Most passes completed in first half of a single Super Bowl: 20 (XLIX)[435] + + Most passes completed in a single Super Bowl: 43 (LI)[100] + + Most passes attempted in a single Super Bowl: 62 (LI)[100] + + Most passing yards in a single Super Bowl: 505 (LII)[18] + + Most Super Bowl appearances: 9[436] + + Most passing attempts without an interception in a single Super Bowl: 48 (XLII + & LII)[437] + + Oldest QB to start a Super Bowl: 41 yrs 6 months 0 days + + Oldest QB to win a Super Bowl: 41 yrs 6 months 0 days + + Oldest player to win Super Bowl MVP: 39 yrs 6 months 2 days + + Most consecutive completions in a single Super Bowl: 16 (XLVI)[437] + + Most game-winning drives: 6[438] + + Most wins as a player: 6. + + Brady has been featured as a guest star on some popular television programs, + hosting Saturday Night Live in 2005[439] and voicing himself in the 2005 The + Simpsons episode Homer and Ned s Hail Mary Pass and the 2006 Family Guy episode + ( Patriot Games ; both football-themed episodes were broadcast within a week + of that year s Super Bowl.[440][441] In 2009, he appeared as himself in a sixth + season episode of Entourage.[442] In 2015, he had cameo appearances as fictionalized + versions of himself in the Entourage movie[443] and Ted 2.[444] + + In 2007, Brady was a model for the Stetson cologne.[445] Brady has endorsed + brands including Uggs, Under Armour, Movado, Aston Martin and Glaceau Smartwater. + According to Forbes, he earned about $7 million from endorsements alone in 2014.[446][447][448] + In 2016, he began appearing in a Beautyrest Black commercial campaign for Simmons + Bedding Company.[449] In 2016, he launched his own line of vegan snacks.[450] + + On January 20, 2016, Brady announced the launch of his peak performance website + TB12Sports.com. The site features information on Brady s training regimen and + includes a store to purchase TB12 equipment and merchandise.[451] Later in the + year, on August 23, 2016, the TB12 brand then expanded to offer a snack line. + The snacks contain raw, vegan, and organic ingredients that are also free of + gluten and dairy.[452] The following month, Brady, alongside Boston Private + and Robert Paul Properties, announced the formation of the TB12 Foundation. + The purpose of the nonprofit foundation is to provide free post-injury rehabilitation + care and training to underprivileged, young athletes.[453] In March 2017, Brady + moved beyond his snack line and partnered with meal-kit startup Purple Carrot + to offer his own line of TB12 Performance Meals. The meals utilize whole foods + and focus on providing nutrients for workout recovery.[454][455] On September + 19, 2017, Simon & Schuster published Brady s first book, The TB12 Method: How + to Achieve a Lifetime of Sustained Peak Performance. Within 48 hours, it had + become a number one best-seller on Amazon.com.[456] The book also reached #1 + on the The New York Times weekly Best Sellers list, to be featured in the edition + of October 8, 2017.[457] + + Filmmaker Gotham Chopra filmed Brady during the 2017 offseason and regular season + for a Facebook Watch documentary series entitled Tom vs Time. According to The + New York Times, the documentary follows Brady as he conducts his ongoing subversion + campaign against the actuarial tables of quarterback longevity. [458] + + Brady riding a bicycle for charity at the Best Buddies Ride in Hyannis, Massachusetts, + in May 2009 + + Brady dated actress Bridget Moynahan from 2004 until late 2006.[459] On February + 18, 2007, Moynahan confirmed to People magazine that she was more than three + months pregnant with Brady s child.[459][460] Brady and Moynahan ended their + relationship sometime in early December 2006, around the time Moynahan became + pregnant.[461] John Edward Thomas Moynahan[462] was born in August 2007, at + Saint John s Health Center in Santa Monica, California.[463] + + Brady began dating Brazilian supermodel Gisele Bündchen in December 2006.[464] + In 2009, Brady said they had been set up on a blind date by a mutual friend.[465] + Brady and Bündchen married on February 26, 2009, in an intimate Catholic ceremony + in Santa Monica, California.[466] Together, they have two children: a son named + Benjamin Rein born in December 2009,[467] and a daughter named Vivian Lake born + in December 2012.[468] + + Brady and baseball player Kevin Youkilis became brothers-in-law in 2012, when + Youkilis married Brady s sister Julie.[469] + + Brady and his family live in Brookline, Massachusetts, and New York City.[470] + Brady s health regimen includes Transcendental Meditation, yoga, an 80/20 diet + (meaning 80% alkaline and 20% acidic), early bed time, resistance training and + neuroplasticity training.[471] + + Brady attended the 2004 State of the Union Address as a special guest of then-President + George W. Bush.[472] In 2004, he told ESPN The Magazine that being a U.S. Senator + would be his craziest ambition .[473][474] + + Brady is a friend of President Donald Trump;[475][476] in 2017, Brady indicated + he had known Trump for 16 years .[477] At a political event in New Hampshire + on the day before the 2016 presidential election, Trump said he had received + a call from Brady, and that Brady told him Donald, I support you, you re my + friend, and I voted for you. However, after Gisele Bündchen was asked directly + on Instagram whether she and Brady backed Trump, Bündchen answered NO! .[478] + After a Trump campaign Make America Great Again cap was photographed in Brady + s locker, Brady said that Bündchen told him not to discuss politics anymore, + which he thought was a good decision .[479] Brady did not join most of his + teammates from the New England Patriots in visiting Trump and the White House + in April 2017, citing personal family matters .[480] + + While there has been speculation that Brady would run for political office,[481] + in a 2015 interview he stated he had no interest in doing so.[482][483][484] + + In 2018, he endorsed Republican Helen Brady (no relation), who was running for + State Auditor of Massachusetts. Brady lost the election to Democrat Suzanne + Bump.[485][486][487] + + Brady and his family adhere to a controversial, strict diet, the TB12 Method + , that has attracted much media attention.[488][489] He advocates drinking 1/32 + of one s body weight in water daily.[490] He avoids consumption of most fruits, + mushrooms, tomatoes, peppers, eggplants, coffee, Gatorade, white sugar or flour, + gluten, dairy, soda, cereal, white rice, potatoes, and bread.[491][492] + + Other professional athletes including Kirk Cousins[493] and Mark Scheifele have + started to adopt his regimen.[494][495] + + Lists of Michigan Wolverines football passing leaders + + List of most wins by a National Football League starting quarterback + + List of Saturday Night Live guests + + ^ He did not start as a rookie, and missed nearly all of 2008 with a torn ACL.[14][15] + + ^ Reiss, Mike (January 1, 2017). Tom Brady sets NFL record for best TD to INT + ratio in a season . ESPN.com. Archived from the original on December 11, 2018. + Retrieved January 6, 2019. + + ^ In multiple seasons, from 1950 to 2018, requiring Pass Completion % >= 1, + sorted by most games matching criteria. (Note: Click on Games Won column to + sort.) . www.pro-football-reference.com. Pro Football Reference. Retrieved December + 3, 2018. + + ^ Brady, Welker get kick out of 99-yard touchdown . USATODAY.COM. Retrieved + 2019-02-12. + + ^ NFL (2017-08-03), Tom Brady s 40 Longest Touchdown Passes | NFL Highlights, + retrieved 2019-02-12 + + ^ Van Valkenburg, Kevin. Let all debate end: Tom Brady is the GOAT . ESPN.com. + Retrieved January 29, 2019. + + ^ Tom Brady greatest QB of all time? It s now safe to make that argument – + The Denver Post . Archived from the original on August 8, 2016. Retrieved June + 20, 2016. + + ^ Freeman, Mike. Brady Takes Throne as QB GOAT . Bleacher Report. Archived + from the original on July 7, 2016. Retrieved June 20, 2016. + + ^ Paine, Neil (February 6, 2015). Tom Brady s (Statistical) Place In The Pantheon + Of NFL QBs . FiveThirtyEight. Archived from the original on June 8, 2016. Retrieved + June 20, 2016. + + ^ Tom Brady, Joe Montana head top 10 quarterbacks in NFL history – National + Football League . Archived from the original on October 21, 2016. Retrieved + October 20, 2016. + + ^ Plaschke, Bill. Super Bowl 2019: Dazed and confused, Goff shows his age in + Atlanta . Los Angeles Times. Los Angeles Times. Retrieved February 4, 2019. + + ^ 25 of the greatest NFL Draft picks ever . CBS. CBS Interactive. Archived + from the original on February 22, 2017. Retrieved February 21, 2017. + + ^ Gaines, Cork. How the Patriots pulled off the biggest steal in NFL history + . Business Insider. Business Insider. Archived from the original on February + 22, 2017. Retrieved February 21, 2017. + + ^ Reineking, Jim. Top all-time NFL draft steals . NFL. NFL Enterprise LLC. + Archived from the original on February 22, 2017. Retrieved February 21, 2017. + + ^ Sources: Brady out with ACL tear . Yahoo Sports. Archived from the original + on October 15, 2015. Retrieved July 29, 2015. + + ^ Tom Brady . Pro-Football-Reference.com. Archived from the original on February + 6, 2018. Retrieved July 29, 2015. + + ^ Tom Brady named NFL s MVP for third time of career . NFL.com. Archived from + the original on July 26, 2018. Retrieved July 26, 2018. + + ^ Brady becomes first QB to 200 regular-season wins in NFL . Retrieved October + 15, 2018. + + ^ a b c d e f g 99-yard TDs . Pro Football Hall of Fame. Archived from the + original on March 28, 2018. Retrieved March 28, 2018. Cite error: Invalid + tag; name :1 defined multiple times with different content (see the help page). + + ^ Reiss, Mike (July 28, 2015). NFL s statement on upholding Tom Brady s suspension + at four games . ESPN.com. Archived from the original on December 27, 2016. Retrieved + December 26, 2016. + + ^ https://www.upi.com/amp/Super-Bowl-LIII-Patriots-beat-Rams-Brady-wins-record-6th-Lombardi-Trophy/5201549235499/ + + ^ Tom Brady bio at . TV Guide. Archived from the original on May 16, 2009. + Retrieved August 4, 2012. + + ^ Little brother big shot-thepostgame . Archived from the original on March + 2, 2010. Retrieved February 2, 2010. + + ^ a b Tom Brady s roots run deep into 19th-century Boston . The Boston Globe. + March 4, 2017. Archived from the original on March 6, 2017. Retrieved March + 6, 2017. + + ^ Gisele, Tom Brady Christen Baby Benjamin . Us Weekly. June 23, 2010. Archived + from the original on September 26, 2012. Retrieved September 12, 2010. + + ^ Collie, Ashley Jude (July 1, 2004). The Brady Brunch . American Way. Archived + from the original on January 20, 2010. Retrieved September 27, 2010. + + ^ Schorn, Daniel (December 23, 2007). Tom Brady: The Winner . CBS News. Archived + from the original on January 2, 2011. Retrieved January 11, 2011. + + ^ Tom Brady Family Tree . Makemyfamilytree.com. Archived from the original + on July 21, 2012. Retrieved August 4, 2012. + + ^ Tom Brady connection to Irish Famine ancestors from Boston discovered . IrishCentral. + March 6, 2017. Archived from the original on March 6, 2017. Retrieved March + 6, 2017. + + ^ Judge, Clark (February 7, 2005). Only 27, Brady seals his Hall of Fame credentials + . CBSSports.com. Archived from the original on February 10, 2005. Retrieved + December 26, 2007. + + ^ New England Patriots vs. Oakland Raiders – Recap – October 2, 2011 . ESPN. + October 2, 2011. Retrieved October 29, 2011. + + ^ Jim Ducibella (June 28, 2005), W&M s football facilities growing , Virginia + Pilot and Ledger-Star, p. 3, archived from the original on June 10, 2014, retrieved + January 12, 2014 + + ^ Profile Archived March 5, 2016, at the Wayback Machine, boston.com; accessed + November 12, 2014. + + ^ 2004 Athletic Hall of Fame Inductees . Junípero Serra High School. Archived + from the original on September 27, 2007. Retrieved December 26, 2007. + + ^ a b Story of boy named Tom Brady . NY Daily News. Archived from the original + on December 8, 2015. Retrieved December 8, 2015. + + ^ JockBio: Tom Brady Biography . www.jockbio.com. Archived from the original + on December 11, 2015. Retrieved December 4, 2015. + + ^ Lessons from Tom Brady s Recruiting in College . NCSA Athletic Recruiting + Blog. Archived from the original on December 8, 2015. Retrieved December 8, + 2015. + + ^ 1995 tops 1998 as Michigan s best recruiting class . www.maizeandbluenews.com. + Archived from the original on December 8, 2015. Retrieved December 4, 2015. + + ^ a b c d Tom Brady . New England Patriots. Archived from the original on March + 14, 2015. Retrieved December 8, 2015. + + ^ a b c The College Recruitment of Tom Brady . Bleacher Report. Archived from + the original on November 14, 2015. Retrieved December 4, 2015. + + ^ Things fell apart when Cal lost Brady . East Bay Times. February 2, 2008. + Archived from the original on October 25, 2017. Retrieved October 24, 2017. + + ^ Tom Brady apparently silently committed to Cal before he visited Michigan + . USA Today High School Sports. March 1, 2017. Archived from the original on + October 25, 2017. Retrieved October 24, 2017. + + ^ Tom Brady: The Story of a Baseball Failure . Major League Baseball. Archived + from the original on December 8, 2015. Retrieved December 4, 2015. + + ^ Tom Brady – Official New England Patriots biography . New England Patriots. + Archived from the original on March 5, 2005. Retrieved January 11, 2010. + + ^ Montreal Expos tried desperately to get Tom Brady to pick baseball over football + . Patriots Wire. July 11, 2017. Archived from the original on July 15, 2017. + Retrieved July 11, 2017. + + ^ The College Recruitment of Tom Brady . Bleacher Report. Archived from the + original on November 14, 2015. Retrieved December 8, 2015. + + ^ Tom Brady Biography . Biography. Bio. Archived from the original on December + 8, 2015. Retrieved December 7, 2015. + + ^ Knoblauch, Max (September 18, 2014). Tom Brady s Old Internships Look Really + Cute on His Résumé . Mashable. Archived from the original on September 22, 2014. + Retrieved September 25, 2014. + + ^ Kinney, Aaron (February 24, 2012). Serra to name football stadium after Brady + . San Jose Mercury News. Archived from the original on February 3, 2015. Retrieved + February 3, 2015. + + ^ Bradford, Rob (January 19, 2009). The Tom Brady Interview (in Toronto) . + WEEI Sportsradio Network. Archived from the original on March 1, 2009. Retrieved + May 18, 2010. + + ^ a b Rosenberg, Michael (January 9, 2012). Tom Brady As You Forgot Him . Sports + Illustrated. Archived from the original on February 23, 2016. Retrieved August + 22, 2015. + + ^ 1997 Michigan Wolverines Schedule and Results . College Football at Sports-Reference.com. + Archived from the original on February 24, 2018. Retrieved March 17, 2018. + + ^ Jenkins, Lee (January 31, 2008). Self-made man . Sports Illustrated. Archived + from the original on January 11, 2010. Retrieved January 11, 2010. + + ^ Pedulla, Tom (October 31, 2006). Decorated Patriots QB feels he still has + something to prove . USA Today. Archived from the original on January 26, 2008. + Retrieved December 27, 2007. + + ^ Tom Brady s Guru Archived September 9, 2018, at the Wayback Machine, by + Eric Adelson, January 11, 2011. + + ^ 60 Minutes Sports (Interview). YouTube. Archived from the original on January + 16, 2016. Retrieved January 6, 2019. + + ^ MGoBlue Statistics Archive . University of Michigan. Archived from the original + on September 7, 2004. Retrieved December 27, 2007. + + ^ Notes and Quotes from The Game . Ohio State Buckeyes Athletics. Archived + from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Capital One Bowl: Capital One Bowl football game resource for college football + fans . September 5, 2008. Archived from the original on February 8, 2007. Retrieved + September 5, 2008. + + ^ U-M Win Streak Comes to End at Michigan State, 34–31 – University of Michigan + . University of Michigan Athletics. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Schutte, Dustin. Throwback Thursday: Tom Brady s NFL Success Began at Michigan + . Usports. Archived from the original on September 10, 2018. Retrieved January + 6, 2019. + + ^ OSU-Michigan 1999: Buckeyes left out of bowl season after 24–17 loss to Wolverines + . Cleveland.com. Archived from the original on December 28, 2017. Retrieved + December 28, 2017. + + ^ Michigan Claims 35–34 Overtime Victory over Alabama – University of Michigan + . University of Michigan Athletics. Archived from the original on December 26, + 2017. Retrieved December 25, 2017. + + ^ 1999 Michigan Wolverines Schedule and Results . College Football at Sports-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ Tom Brady College & Pro Football Statistics - Totalfootballstats.com . www.totalfootballstats.com. + Archived from the original on November 6, 2015. Retrieved December 8, 2015. + + ^ Tom Brady . sports-reference.com. Sports Reference LLC. Archived from the + original on September 11, 2016. Retrieved September 2, 2016. + + ^ Historical NFL Wonderlic Scores . wonderlictestsample.com. Archived from + the original on September 2, 2016. Retrieved September 2, 2016. + + ^ Tom Brady . nfldraftscout.com. Archived from the original on August 29, 2016. + Retrieved August 29, 2016. + + ^ Yang, Nicole (March 3, 2017). Tom Brady digs up old T-shirt and harsh scouting + reports from NFL combine . Boston Globe. Archived from the original on September + 2, 2018. Retrieved January 6, 2019. + + ^ Iyer, Vinnie (March 19, 2015). Draft throwback: Read how Tom Brady nailed + his own scouting report . Sporting News. Archived from the original on April + 21, 2018. Retrieved January 6, 2019. + + ^ Tom Brady vs. the Browns: A contrast in winning ways . Archived from the + original on November 16, 2018. Retrieved January 6, 2019. + + ^ Wilner, Barry (January 13, 2013). Patriots beat Texans 41–28, Ravens up next + . Yahoo! Sports. Archived from the original on January 16, 2013. Retrieved January + 13, 2013. + + ^ Greenberg, Alan (September 27, 2001). In Brady They Trust: Belichick Has + Faith In Backup-turned-starter . Hartford Courant. Archived from the original + on December 1, 2017. Retrieved January 6, 2019. + + ^ Cafardo, Nick (January 7, 2002). Patriots clinch AFC East with blowout in + Carolina . Boston Globe. Archived from the original on December 1, 2017. Retrieved + January 6, 2019. + + ^ Lynch, Andrew (January 26, 2017). The 10 biggest gambling upsets in Super + Bowl history, ranked . Fox Sports. Archived from the original on December 1, + 2017. Retrieved January 6, 2019. + + ^ Cimini, Rich. Super Bowl XXXVI: Vinatieri and Pats beat Rams in Star-Spangled + Stunner . New York Daily News. Archived from the original on December 1, 2017. + Retrieved January 6, 2019. + + ^ Longest winning streaks in sports . USA Today. Archived from the original + on December 1, 2017. Retrieved January 6, 2019. + + ^ NFL: Brady and Patriots stride past outmatched Jets . The New York Times. + December 27, 2005. Archived from the original on December 1, 2017. Retrieved + January 6, 2019. + + ^ Associated Press (January 7, 2006). McGinest, Patriots sack Jaguars 28–3 + . NFL.com. Archived from the original on December 1, 2017. Retrieved January + 6, 2019. + + ^ Associated Press (December 29, 2007). Patriots break scoring record, Brady + and Moss set season marks . NFL. Archived from the original on December 9, 2017. + Retrieved November 27, 2017. + + ^ Shaughnessy, Dan (December 30, 2007). Just perfect: Patriots make history, + beat Giants for 16–0 season . Boston Globe. Archived from the original on December + 1, 2017. Retrieved January 6, 2019. + + ^ Bayne, Bijan (December 24, 2007). 2007 Patriots vs. 1972 Dolphins: Who Would + Win Batttle of the Undefeateds? . Bleacher Report. Archived from the original + on September 9, 2018. Retrieved January 6, 2019. + + ^ Statistics Bowl – How The 2007 Patriots And The 1972 Dolphins Compare Scientifically + . Science 2.0. December 30, 2008. Archived from the original on September 9, + 2018. Retrieved January 6, 2019. + + ^ Associated Press (January 5, 2008). Brady takes 49 of 50 votes in MVP voting + . ESPN. Archived from the original on September 9, 2018. Retrieved January 6, + 2019. + + ^ AP athletes of the year: Brady makes being a superstar look almost routine + . Deseret News. December 22, 2007. Archived from the original on September 9, + 2018. Retrieved January 6, 2019. + + ^ Battista, Judy (February 4, 2008). Giants Stun Patriots in Super Bowl XLII + . The New York Times. + + ^ Springer, Shira (September 11, 2008). Brady has both ACL and MCL tears . + Boston Globe. Archived from the original on December 19, 2017. Retrieved January + 6, 2019. + + ^ Associated Press. Tom Brady Wins AP Comeback Player Award . CBS News. Archived + from the original on September 25, 2018. Retrieved January 6, 2019. + + ^ Forsberg, Chris (September 12, 2011). Brady s INT streak ends at 358 attempts + . ESPN. Archived from the original on December 1, 2017. Retrieved January 6, + 2019. + + ^ Zimmer, John; Marini, Matt, eds. (2013). Official 2013 National Football League + Record & Fact Book (PDF). New York: National Football League. ISBN 978-1-603-20980-9. + Retrieved February 3, 2015. + + ^ NFL.com Wire Reports (February 6, 2011). Patriots Brady wins second MVP + award by unanimous decision . Archived from the original on December 1, 2017. + Retrieved January 6, 2019. + + ^ FanSided Staff (November 24, 2015). Best moments in NFL history: Lawrence + Taylor wins 1986 NFL MVP . FanSided. Archived from the original on December + 1, 2017. Retrieved January 6, 2019. + + ^ AP NFL Most Valuable Player Winners . Pro Football Reference. Archived from + the original on June 10, 2016. Retrieved January 6, 2019. + + ^ Super Bowl Most Valuable Player Winners . Pro Football Reference. Archived + from the original on August 3, 2017. Retrieved January 6, 2019. + + ^ 2011 NFL Top 100 . Pro Football Reference. Archived from the original on + January 2, 2019. Retrieved January 6, 2019. + + ^ Hutchins, Andy (February 6, 2012). Super Bowl 46: Bill Belichick s Coaching + Errors Leave Patriots On Losing End . SB Nation. Archived from the original + on September 9, 2018. Retrieved January 6, 2019. + + ^ Brady s big night ends with plenty of new entries in SB record book . Fox + Sports. February 2, 2015. Archived from the original on September 9, 2018. Retrieved + January 6, 2019. + + ^ SI Wire (February 1, 2015). Patriots QB Tom Brady named Super Bowl XLIX MVP + . Sports Illustrated. Archived from the original on September 9, 2018. Retrieved + January 6, 2019. + + ^ 2016-Reg-Week-4 . Patriots.com. October 2, 2016. Archived from the original + on May 4, 2017. Retrieved January 6, 2019. + + ^ King, Peter (February 6, 2017). Super Bowl 51: Patriots Take the Fifth in + Epic Comeback . Sports Illustrated. Archived from the original on December 30, + 2018. Retrieved January 6, 2019. + + ^ a b c d e DaSilva, Cameron (February 5, 2017). Every record Tom Brady broke + in his fifth Super Bowl win . Fox Sports. Archived from the original on October + 5, 2018. Retrieved January 6, 2019. + + ^ Martin, Jill. New England Patriots win Super Bowl LIII for 6th title . CNN. + + ^ 2005 NFL Leaders and Leaderboards . Pro Football Reference. Archived from + the original on August 14, 2018. Retrieved January 6, 2019. + + ^ NFL Career Passing Rating Leaders Archived November 18, 2018, at the Wayback + Machine Pro-Football-Reference.com + + ^ Hochman, Benjamin (February 2, 2015). Tom Brady greatest QB of all time? + It s now safe to make that argument . Denver Post. Archived from the original + on March 4, 2016. Retrieved January 6, 2019. Tom Brady Cements His Legacy as + Greatest Quarterback of All Time . Bleacher Report. February 2, 2015. Archived + from the original on August 4, 2018. Retrieved January 6, 2019. + + ^ NFL Rules Named After Players Archived October 28, 2018, at the Wayback Machine + . Sports Illustrated, August 19, 2014. Accessed September 13, 2018. + + ^ Sean Cunningham. How NFL Rules Changes Created a Golden Era of Quarterback + Stats Archived December 21, 2018, at the Wayback Machine . RealClearLife, November + 30, 2017. Accessed September 13, 2018. + + ^ Full 2000 NFL Draft . National Football League. Archived from the original + on September 6, 2011. Retrieved August 14, 2012. + + ^ Graham, Tim (April 10, 2011). Tom Brady cries when recalling 2000 draft . + ESPN. Archived from the original on January 1, 2019. Retrieved January 6, 2019. + + ^ Holley, Michael (2004). Patriots Reign. HarperCollins. ISBN 0-06-075794-9. + + ^ Top 10 NFL draft steals . Msn.foxsports.com. Archived from the original on + August 7, 2011. Retrieved October 29, 2011. + + ^ NFL s top 10 draft steals in league history . National Football League. April + 18, 2010. Archived from the original on April 19, 2008. Retrieved October 29, + 2011. + + ^ Football, National. news: Brady, Favre, Manning voted to list of top 10 draft + picks of all time . National Football League. Archived from the original on + September 13, 2011. Retrieved October 29, 2011. + + ^ Best NFL Draft Picks . Mynfldraft.com. Archived from the original on October + 28, 2011. Retrieved October 29, 2011. + + ^ https://boston.cbslocal.com/2012/01/20/brady-told-patriots-kraft-im-best-decision-this-organization-has-ever-made/ + + ^ Coach Hears Venom\Belichick Part of Problem? . Worcester Telegram and Gazette. + November 14, 2000. Retrieved August 15, 2012. + + ^ a b c d e f g h i j Tom Brady – #12 QB . National Football League. Archived + from the original on November 22, 2018. Retrieved January 6, 2019. + + ^ New England Patriots at Detroit Lions – November 23rd, 2000 . Pro Football + Reference. Retrieved July 2, 2017. + + ^ #TBT: When Tom Brady Made His Debut and No One Really Gave it Much Thought + . Archived from the original on August 16, 2017. Retrieved January 6, 2019. + + ^ Lowe, Mike (September 24, 2012). Pats fizzle when it counts . Portland Press + Herald. Retrieved August 14, 2012. + + ^ a b c d e f Tom Brady . National Football League. Archived from the original + on December 26, 2007. Retrieved December 26, 2007. + + ^ Indianapolis Colts at New England Patriots – September 30th, 2001 . Pro-Football-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ New England Patriots at Miami Dolphins – October 7th, 2001 . Pro-Football-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ 2001 NFL Week 5 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on August 1, 2017. Retrieved March 18, 2018. + + ^ Cafardo, Nick (October 15, 2001). Something special: Brady-led rally erases + mates earlier errors . The Boston Globe. Archived from the original on November + 5, 2012. Retrieved August 14, 2012. + + ^ Cafardo, Nick (October 1, 2012). Hold your horses: Patriots rout Colts as + defense shows season is not lost . Boston Globe. Archived from the original + on November 5, 2012. Retrieved August 14, 2012. + + ^ 2001 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on February 12, 2018. Retrieved March 17, 2018. + + ^ 2001 NFL Week 11 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on July 30, 2017. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots - December 22nd, 2001 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ NFL Pro Bowl 2002 – National Football League game summary (PDF). National + Football League. Archived (PDF) from the original on October 26, 2012. Retrieved + August 14, 2012. + + ^ Howe, Jeff. Patriots reflect on Snow Bowl during 10-year anniversary of + tuck rule game . NESN. Archived from the original on January 20, 2012. Retrieved + August 15, 2012. + + ^ Divisional Round - Oakland Raiders at New England Patriots - January 19th, + 2002 . Pro-Football-Reference.com. Retrieved 2019-02-17. + + ^ Bledsoe s return sparks Patriots past Steelers 24–17 . CNN. Associated Press. + Archived from the original on December 25, 2005. + + ^ AFC Championship – New England Patriots at Pittsburgh Steelers – January + 27th, 2002 . Pro-Football-Reference.com. Archived from the original on December + 28, 2017. Retrieved March 17, 2018. + + ^ Caesar, Dan (January 30, 2002). 14-Point spread isn t about respect . St. + Louis Post-Dispatch. Retrieved August 15, 2012. + + ^ Cotey, John (January 26, 2003). Madden sticks by his wrong call last year + . St. Petersburg Times. Archived from the original on November 6, 2012. Retrieved + August 15, 2012. + + ^ Camps, Mark (February 5, 2002). Brady beats two Joes as youngest Super QB + . San Francisco Chronicle. Archived from the original on August 12, 2017. Retrieved + August 11, 2017. + + ^ Silverstein, Tom; Christl, Cliff (February 4, 2002). Brady coolly fits the + bill . Milwaukee Journal Sentinel. Archived from the original on January 24, + 2013. + + ^ PRO FOOTBALL; Bledsoe Is Traded To the Bills . The New York Times. April + 22, 2002. ISSN 0362-4331. Archived from the original on December 26, 2017. Retrieved + December 25, 2017. + + ^ Pittsburgh Steelers at New England Patriots – September 9th, 2002 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ 2002 NFL Week 1 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on July 30, 2017. Retrieved March 18, 2018. + + ^ New England Patriots at Buffalo Bills – November 3rd, 2002 . Pro-Football-Reference.com. + Archived from the original on December 4, 2017. Retrieved March 18, 2018. + + ^ 2002 NFL Week 9 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on March 19, 2018. Retrieved March 18, 2018. + + ^ 2002 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on March 28, 2009. Retrieved August 14, 2012. + + ^ 2003 New England Patriots . Pro Football Reference. Archived from the original + on August 2, 2012. Retrieved August 14, 2012. + + ^ New England Patriots at Denver Broncos – November 3rd, 2003 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots - December 7th, 2003 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ 2003 NFL Week 17 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Wilner, Barry (January 2, 2004). Manning. McNair split MVP honors . USA Today. + Archived from the original on April 26, 2010. Retrieved August 14, 2012. + + ^ Divisional Round – Tennessee Titans at New England Patriots – January 10th, + 2004 . Pro-Football-Reference.com. Archived from the original on March 16, 2018. + Retrieved March 17, 2018. + + ^ AFC Championship – Indianapolis Colts at New England Patriots – January 18th, + 2004 . Pro-Football-Reference.com. Archived from the original on March 17, 2018. + Retrieved March 17, 2018. + + ^ Super Bowl XXXVIII – New England Patriots vs. Carolina Panthers – February + 1st, 2004 . Pro-Football-Reference.com. Archived from the original on December + 28, 2017. Retrieved March 17, 2018. + + ^ Super Bowl XXXVIII MVP: Tom Brady . National Football League. Archived from + the original on November 7, 2012. Retrieved August 14, 2012. + + ^ Longest Winning Streaks . Pro Football Hall of Fame. Archived from the original + on January 16, 2010. Retrieved January 3, 2010. + + ^ Bill Belichick – Head Coach . New England Patriots. Archived from the original + on September 25, 2011. Retrieved August 14, 2012. + + ^ 2004 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on March 30, 2018. Retrieved March 17, 2018. + + ^ a b 2004 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on August 5, 2012. Retrieved August 14, 2012. + + ^ Quarterback fought 103-degree fever, chills . Associated Press. Archived + from the original on October 4, 2015. Retrieved January 6, 2019. + + ^ Super Bowl XXXIX . National Football League. Archived from the original on + June 21, 2018. Retrieved August 14, 2012. + + ^ Davis, Scott. 12 teams have won multiple Super Bowls and the Rams are trying + to join the group . Business Insider. Retrieved February 4, 2019. + + ^ Dillon Returns From Injury To Push Patriots Past Jets . Lakeland Ledger. + December 5, 2005. Retrieved August 15, 2012. + + ^ Cafardo, Nick (November 2, 2005). Dillon s resolve solved a few offensive + problems . The Boston Globe. Archived from the original on December 3, 2013. + Retrieved August 15, 2012. + + ^ New England Patriots at Atlanta Falcons – October 9th, 2005 . Pro-Football-Reference.com. + Archived from the original on March 14, 2018. Retrieved March 18, 2018. + + ^ 2005 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Associated Press. Archived from the original on August 4, 2012. Retrieved August + 14, 2012. + + ^ 2005 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on September 25, 2018. Retrieved March 18, 2018. + + ^ Wild Card – Jacksonville Jaguars at New England Patriots – January 7th, 2006 + . Pro-Football-Reference.com. Archived from the original on December 28, 2017. + Retrieved December 28, 2017. + + ^ Divisional Round – New England Patriots at Denver Broncos – January 14th, + 2006 . Pro-Football-Reference.com. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Drehs, Wayne. Brady, Patriots finally feel playoff defeat . ESPN. Archived + from the original on November 10, 2012. Retrieved August 14, 2012. + + ^ Reiss, Mike (January 31, 2006). Brady s groin may be hurt . The Boston Globe. + Archived from the original on January 5, 2009. Retrieved December 26, 2007. + + ^ Buffalo Bills at New England Patriots - September 10th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ New England Patriots at Minnesota Vikings - October 30th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ New England Patriots at Green Bay Packers - November 19th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ 2006 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on February 8, 2010. Retrieved August 14, 2012. + + ^ Maske, Mark (December 19, 2006). Romo Gets Pro Bowl Nod in NFC, Brady Doesn + t in AFC . The Washington Post. Archived from the original on October 6, 2008. + Retrieved December 26, 2007. + + ^ McClain, John (July 2, 2007). Young to replace Rivers at Pro Bowl . Houston + Chronicle. Archived from the original on January 5, 2008. Retrieved December + 26, 2007. + + ^ Brady, Patriots shake feisty Jets, roll on to San Diego . ESPN. Archived + from the original on November 13, 2014. Retrieved August 14, 2012. + + ^ Hayes, Neil. Super Chargers top Super Bowl list . NBC Sports. Archived from + the original on November 2, 2012. Retrieved August 14, 2012. + + ^ Clayton, John. Patriots teach Chargers a lesson in playoff football . ESPN. + Archived from the original on August 9, 2012. Retrieved August 14, 2012. + + ^ Pasquarelli, Len. .Manning shakes label of not being able to win big one + . ESPN. Archived from the original on November 13, 2012. Retrieved August 14, + 2012. + + ^ Byrne, Kerry J. (June 3, 2009). Best individual seasons of 2000s . Sports + Illustrated. Archived from the original on November 3, 2012. Retrieved January + 11, 2010. + + ^ Top 10 greatest quarterback seasons Archived November 17, 2015, at the Wayback + Machine, NFL Nation Blog, espn.go.com; accessed November 12, 2014. + + ^ 2007 New England Patriots . Pro Football Reference. Archived from the original + on February 9, 2010. Retrieved January 11, 2010. + + ^ 2007 NFL Week 17 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on August 2, 2017. Retrieved March 18, 2018. + + ^ Banks, Don (October 12, 2007). Litmus test . Sports Illustrated. Archived + from the original on November 30, 2007. Retrieved December 8, 2007. + + ^ Brady s six TDs give him 27 TDs after seven games . ESPN. Archived from the + original on November 22, 2015. Retrieved January 6, 2019. + + ^ Young, Shalise Manza (November 4, 2007). Patriots 24, Colts 20: Tom s got + you, Babe . The Providence Journal. Archived from the original on November 7, + 2007. Retrieved December 26, 2007. + + ^ Patriots break scoring record, Brady and Moss set season marks . NFL.com. + Associated Press. December 29, 2007. Archived from the original on December + 9, 2017. Retrieved August 11, 2017. + + ^ Brady an easy winner in AP Male Athlete of Year balloting . USA Today. Associated + Press. December 21, 2007. Archived from the original on January 23, 2011. Retrieved + January 28, 2012. + + ^ 2007 NFL All-Pros . Pro-Football-Reference.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ 2007 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on March 16, 2018. Retrieved March 18, 2018. + + ^ Mihoces, Gary (January 13, 2008). Perfect Pats, Brady make short work of + Jaguars . USA Today. Archived from the original on November 14, 2010. Retrieved + November 30, 2008. + + ^ Pats put away Chargers for fourth Super Bowl berth in seven years . ESPN. + Associated Press. January 20, 2008. Archived from the original on September + 24, 2008. Retrieved November 30, 2008. + + ^ Super Bowl XLII – New York Giants vs. New England Patriots – February 3rd, + 2008 . Pro-Football-Reference.com. Archived from the original on February 2, + 2011. Retrieved January 24, 2018. + + ^ Foot injury may sideline Tom Brady for another game . USA Today. Associated + Press. August 2008. Retrieved September 28, 2015. + + ^ Brady to have season-ending knee surgery, will be placed on IR . NFL.com. + Archived from the original on December 17, 2018. Retrieved January 6, 2019. + + ^ Reiss, Mike (September 8, 2008). Pats confirm Brady out for the year . The + Boston Globe. Archived from the original on July 25, 2012. Retrieved September + 8, 2008. + + ^ Springer, Shira (September 10, 2008). Sources: Brady tore ACL and MCL . The + Boston Globe. Archived from the original on January 5, 2009. Retrieved September + 10, 2008. + + ^ Chronic right shoulder injury slows Brady . NBC Sports. Associated Press. + September 6, 2007. Archived from the original on September 9, 2007. Retrieved + December 27, 2007. + + ^ Farmer, Sam (June 2, 2009). Tom Brady s doctor says knee recovery exceeds + expectations . Los Angeles Times. Archived from the original on January 12, + 2012. Retrieved November 7, 2011. + + ^ Brady Has More Procedures Done on Knee, Report Says . The New York Times. + Associated Press. October 23, 2008. Archived from the original on January 19, + 2015. Retrieved November 30, 2008. + + ^ Springer, Shira (October 24, 2008). Brady s recovery hits snag . The Boston + Globe. Archived from the original on October 27, 2008. Retrieved November 30, + 2008. + + ^ 2008 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on January 27, 2018. Retrieved January 24, 2018. + + ^ Buffalo Bills at New England Patriots – September 14th, 2009 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Keefe, Neil. Brady Named AFC Offensive Player of the Week . NESN. Retrieved + August 14, 2012. + + ^ Brady throws six TD passes as Patriots ice winless Titans . Associated Press. + Archived from the original on November 14, 2012. Retrieved August 14, 2012. + + ^ Tennessee Titans at New England Patriots – October 18th, 2009 . Pro-Football-Reference.com. + Archived from the original on December 30, 2017. Retrieved March 18, 2018. + + ^ Brady sets a record for TDs in a quarter . The Washington Times. October + 19, 2009. Archived from the original on January 12, 2014. Retrieved January + 11, 2010. + + ^ Brady, Patriots get historic win thanks to rout of visiting Titans . NFL.com. + Retrieved 2019-02-11. + + ^ Breer, Albert R. (January 4, 2010). Brady dealing with broken finger on throwing + hand . The Boston Globe. Archived from the original on October 29, 2010. Retrieved + January 4, 2010. + + ^ 2009 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on August 21, 2018. Retrieved March 17, 2018. + + ^ Brady named Comeback Player of the Year . NBC Sports. Associated Press. January + 6, 2010. Archived from the original on August 18, 2012. Retrieved January 6, + 2010. + + ^ Ravens fast start puts Pats on heels, out of playoffs . ESPN. Associated + Press. January 10, 2010. Archived from the original on January 13, 2010. Retrieved + January 20, 2010. + + ^ Battista, Judy (September 10, 2010). Patriots Brady Signs League s Richest + Deal, at the Moment . The New York Times. Archived from the original on January + 19, 2012. Retrieved September 11, 2010. + + ^ Matuszewski, Erik (October 4, 2010). Tom Brady Gets 100th Career Win in NFL + as Patriots Rout Dolphins 41–14 . Bloomberg. Archived from the original on October + 8, 2010. Retrieved October 11, 2010. + + ^ Woodhead keeps contributing as Pats withstand Colts comeback attempt . National + Football League. Associated Press. November 21, 2010. Archived from the original + on November 23, 2010. Retrieved November 22, 2010. + + ^ Krasner, Steven (November 21, 2010). Brady ties mark with 25th straight home + W . ESPNBoston.com. Archived from the original on November 23, 2010. Retrieved + November 22, 2010. + + ^ New England Patriots at Detroit Lions – November 25th, 2010 . Pro-Football-Reference.com. + Archived from the original on January 1, 2018. Retrieved March 18, 2018. + + ^ 2010 NFL Week 12 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on September 9, 2018. Retrieved March 18, 2018. + + ^ Frenz, Erik. Patriots Vs. Lions: Tom Brady Enjoys Perfect Passer Rating on + Thanksgiving . Bleacher Report. Retrieved 2019-02-06. + + ^ Brady s Perfect Game Leads Patriots Over Lions . The New York Times. 2010-11-25. + Retrieved 2019-02-06. + + ^ Patriots destroy Jets . London Free Press. Archived from the original on + December 1, 2012. Retrieved August 14, 2012. + + ^ New York Jets at New England Patriots – December 6th, 2010 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ NFL Single-Season Passer Rating Leaders . Archived from the original on December + 25, 2018. Retrieved January 6, 2019. + + ^ Springer, Shira & Walker, Monique (January 20, 2011). Brady to have foot + surgery today . The Boston Globe. Archived from the original on November 2, + 2012. Retrieved January 20, 2011. + + ^ Tom Brady unanimous as NFL MVP . Associated Press. Archived from the original + on August 3, 2012. Retrieved August 14, 2012. + + ^ Top 100: Tom Brady . New England Patriots. Archived from the original on + March 19, 2018. Retrieved March 18, 2018. + + ^ Divisional Round – New York Jets at New England Patriots – January 16th, + 2011 . Pro-Football-Reference.com. Archived from the original on December 17, + 2017. Retrieved March 17, 2018. + + ^ Jets back up talk as Sanchez throws three TDs, defense knocks down Brady + . Archived from the original on December 28, 2014. Retrieved December 29, 2014. + + ^ 2011 NFL Week 1 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on August 30, 2018. Retrieved March 18, 2018. + + ^ Tom Brady picks apart Dolphins as 517-yard, 4-TD opener fuels Pats . ESPN. + September 12, 2011. Archived from the original on September 28, 2011. Retrieved + September 13, 2011. + + ^ Tom Brady, Chad Henne Combine For Slew of NFL Records On Monday Night Football + . September 13, 2011. Archived from the original on November 7, 2012. Retrieved + September 17, 2011. + + ^ San Diego Chargers at New England Patriots – September 18th, 2011 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots – December 24th, 2011 . Pro-Football-Reference.com. + Archived from the original on January 4, 2018. Retrieved March 18, 2018. + + ^ 2011 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved January 24, 2018. + + ^ The Top 100: Players of 2012 : Tom Brady . NFL.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ Belichick: No quarterback I d rather have . weei.com. Archived from the + original on 2017-01-29. Retrieved 2019-01-06. + + ^ Quinton Carter, David Bruton exit hurt . ESPN. Archived from the original + on January 16, 2012. Retrieved August 14, 2012. + + ^ Cannizzaro, Mark. Patriots redefine postseason success for coach-quarterback + duo . New York Post. Retrieved August 16, 2012. + + ^ Patriots Beat Ravens 23–20 in AFC Championship Game . Fox News. Associated + Press. January 22, 2012. Archived from the original on July 17, 2012. Retrieved + August 14, 2012. + + ^ For second time in five seasons, Giants top Brady, Patriots in Super Bowl + . Associated Press. Archived from the original on August 17, 2012. Retrieved + August 14, 2012. + + ^ Houston Texans at New England Patriots – December 10th, 2012 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved March 18, 2018. + + ^ Tom Brady. Tom Brady, QB for the New England Patriots at . Nfl.com. Archived + from the original on November 22, 2018. Retrieved July 6, 2013. + + ^ Top 100 Players of 2013 : Tom Brady . NFL.com. Retrieved 2019-02-11. + + ^ Divisional Round – Houston Texans at New England Patriots – January 13th, + 2013 . Pro-Football-Reference.com. Archived from the original on February 1, + 2018. Retrieved March 17, 2018. + + ^ Wilner, Barry. NFL Playoffs: Patriots 41, Texans 28: Brady passes idol as + Pats pound Texans . Arizona Daily Star. Retrieved 2019-02-11. + + ^ AFC Championship – Baltimore Ravens at New England Patriots – January 20th, + 2013 . Pro-Football-Reference.com. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Timeline: Patriots-Ravens rivalry through the years - The Boston Globe . + BostonGlobe.com. Retrieved 2019-02-17. + + ^ Wesseling, Chris (February 25, 2013). Tom Brady, New England Patriots agree + to extension . National Football League. Archived from the original on February + 27, 2013. Retrieved February 25, 2013. + + ^ King, Peter (February 26, 2013). More on Tom Brady s amazing deal; mail – + NFL – Peter King – SI.com . Sportsillustrated.cnn.com. Archived from the original + on May 20, 2013. Retrieved July 6, 2013. + + ^ New England Patriots at Buffalo Bills – September 8th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved January 24, 2018. + + ^ New York Jets at New England Patriots – September 12th, 2013 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved January 24, 2018. + + ^ New England Patriots at Cincinnati Bengals – October 6th, 2013 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved January 24, 2018. + + ^ New Orleans Saints at New England Patriots – October 13th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Denver Broncos at New England Patriots – November 24th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 22, 2017. Retrieved December 16, 2017. + + ^ Buffalo Bills at New England Patriots - December 29th, 2013 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ 2013 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on March 7, 2018. Retrieved March 18, 2018. + + ^ Top 100 Players of 2014 : Tom Brady . New England Patriots. Archived from + the original on September 11, 2016. Retrieved March 18, 2018. + + ^ 2013 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on January 23, 2018. Retrieved January 24, 2018. + + ^ Divisional Round – Indianapolis Colts at New England Patriots – January 11th, + 2014 . Pro-Football-Reference.com. Archived from the original on November 14, + 2017. Retrieved March 17, 2018. + + ^ AFC Championship – New England Patriots at Denver Broncos – January 19th, + 2014 . Pro-Football-Reference.com. Archived from the original on November 15, + 2017. Retrieved November 14, 2017. + + ^ New England Patriots at Miami Dolphins – September 7th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Minnesota Vikings – September 14th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Oakland Raiders at New England Patriots – September 21st, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Kansas City Chiefs – September 29th, 2014 . Pro-Football-Reference.com. + Archived from the original on November 9, 2017. Retrieved March 17, 2018. + + ^ New England Patriots at Buffalo Bills – October 12th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved March 17, 2018. + + ^ New York Jets at New England Patriots – October 16th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Chicago Bears at New England Patriots – October 26th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Detroit Lions at New England Patriots – November 23rd, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Green Bay Packers – November 30th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at San Diego Chargers – December 7th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Orton, Bills beat Patriots 17–9 . New England Patriots. Archived from the + original on February 5, 2017. Retrieved January 6, 2019. + + ^ Top 100 Players of 2015 : No. 3 Tom Brady . NFL.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ Divisional Round – Baltimore Ravens at New England Patriots – January 10th, + 2015 . Pro-Football-Reference.com. Archived from the original on December 26, + 2017. Retrieved December 28, 2017. + + ^ AFC Championship – Indianapolis Colts at New England Patriots – January 18th, + 2015 . Pro-Football-Reference.com. Archived from the original on December 1, + 2017. Retrieved December 28, 2017. + + ^ Super Bowl XLIX – Seattle Seahawks vs. New England Patriots – February 1st, + 2015 . Pro-Football-Reference.com. Archived from the original on January 30, + 2018. Retrieved March 17, 2018. + + ^ Patriots beat the Seahawks in dramatic finale . BBC Sport. February 1, 2015. + Archived from the original on February 4, 2015. Retrieved February 2, 2015. + + ^ INVESTIGATIVE REPORT CONCERNING FOOTBALLS USED DURING THE AFC CHAMPIONSHIP + GAME ON JANUARY 18, 2015 (PDF). nfl.com. National Football League. Retrieved + May 6, 2015. + + ^ Rosenthal, Gregg (May 11, 2015). Patriots Tom Brady suspended 4 games . + National Football League. Archived from the original on May 13, 2015. Retrieved + May 11, 2015. + + ^ a b NFL releases statement on Patriots violations . National Football League. + May 11, 2015. Archived from the original on May 13, 2015. Retrieved May 12, + 2015. + + ^ Patra, Kevin (May 14, 2015). Tom Brady NFLPA appeal four game suspension + . National Football League. Archived from the original on May 18, 2015. Retrieved + May 14, 2015. + + ^ NFL upholds four-game suspension of Tom Brady . cbsnews.com. July 28, 2015. + Archived from the original on July 29, 2015. Retrieved July 29, 2015. + + ^ Report: Tom Brady Authorizes NFLPA To Appeal His Case In Federal Court . + NESN.com. Archived from the original on July 29, 2015. Retrieved July 29, 2015. + + ^ Rosenthal, Gregg (July 28, 2015). Roger Goodell upholds Tom Brady suspension + . National Football League. Archived from the original on July 29, 2015. Retrieved + July 28, 2015. + + ^ Gantt, Darin (July 28, 2015). Goodell cites destroying phone in upholding + Tom Brady s suspension . NBC Sports. Archived from the original on July 29, + 2015. Retrieved July 28, 2015. + + ^ Armstrong, Kevin; et al. (July 28, 2015). NFL hopes to have expected Tom + Brady lawsuit in New York and not Minnesota . New York Daily News. Archived + from the original on July 31, 2015. Retrieved July 28, 2015. + + ^ Tom Brady rips the NFL s Deflategate decision on his Facebook page . USA + Today. Archived from the original on September 9, 2018. Retrieved January 6, + 2019. + + ^ Robert Kraft attacks the NFL, apologizes to Patriots fans . Yahoo Sports. + July 29, 2015. Archived from the original on August 12, 2017. Retrieved January + 6, 2019. + + ^ a b Freeman, Mike (May 11, 2015). NFL Deflategate Message: No Player Is Above + the Rules, Not Even Tom Brady . Bleacher Report. Archived from the original + on May 15, 2015. Retrieved January 6, 2019. + + ^ Adelson, Eric (May 11, 2015). Tom Brady allowed the new NFL Way to smack + Patriot Way in stunning fashion . Yahoo! Sports. Archived from the original + on September 29, 2018. Retrieved January 6, 2019. Somewhere along the line, + the debate over what happened in the hours and minutes leading up to the AFC + championship game in January went beyond air pressure and weather conditions, + and became a referendum on the character of Tom Brady and his franchise. + + ^ O Connor, Ian. Tom Brady should skip appeal, tell truth now . ESPN.com. Archived + from the original on May 15, 2015. Retrieved May 12, 2015. + + ^ NYSD Decision and Order . + + ^ Roger Goodell Made Tom Brady Seem Dishonest In Deflategate Appeal Ruling + . NESN.com. Archived from the original on February 7, 2016. Retrieved February + 7, 2016. + + ^ Pittsburgh Steelers at New England Patriots – September 10th, 2015 . Pro-Football-Reference.com. + Archived from the original on November 10, 2017. Retrieved December 28, 2017. + + ^ Very rare performance by Tom Brady reflects his greatness . ESPN.com. Archived + from the original on October 27, 2015. Retrieved October 28, 2015. + + ^ Miami Dolphins at New England Patriots – October 29th, 2015 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ New England Patriots at Denver Broncos – November 29th, 2015 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ 2015 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved March 17, 2018. + + ^ 2015 NFL Passing . Pro-Football-Reference.com. Archived from the original + on February 12, 2018. Retrieved March 17, 2018. + + ^ Top 100 Players of 2016 : No. 2 Tom Brady . NFL.com. Archived from the original + on August 31, 2018. Retrieved January 6, 2019. + + ^ Divisional Round – Kansas City Chiefs at New England Patriots – January 16th, + 2016 . Pro-Football-Reference.com. Archived from the original on December 26, + 2017. Retrieved March 17, 2018. + + ^ Golen, Jimmy (January 16, 2016). Patriots to 5th straight AFC title game, + beat Chiefs 27–20 . Associated Press. Foxborough, Massachusetts: AP Sports. + Associated Press. Retrieved February 17, 2019. + + ^ New England at Denver – 2016-01-24 – National Football League – Yahoo! Sports + . Yahoo Sports. Archived from the original on November 19, 2018. Retrieved January + 6, 2019. + + ^ Reiss, Mike. New deal links Tom Brady to Patriots through 2019 . ESPN.com. + Archived from the original on March 1, 2016. Retrieved February 29, 2016. + + ^ Volin, Ben (March 3, 2016). Brady s lawyer feels pressure from judges . The + Boston Globe. Archived from the original on April 16, 2016. Retrieved April + 26, 2016. + + ^ Orr, Connor (April 25, 2016). Tom Brady s four-game suspension reinstated + . NFL.com. Archived from the original on April 26, 2016. Retrieved April 25, + 2016. + + ^ Tom Brady s four-game suspension upheld . ESPN. April 25, 2016. Archived + from the original on April 26, 2016. Retrieved April 25, 2016. + + ^ Volin, Ben (April 25, 2016). Brady must serve Deflategate suspension, appeals + court rules . The Boston Globe. Archived from the original on April 27, 2016. + Retrieved April 26, 2016. + + ^ Gershman, Jacob (April 25, 2016). Why the NFL Won its Deflategate Appeal + . The Wall Street Journal. Archived from the original on April 28, 2016. Retrieved + April 26, 2016. + + ^ Tom Brady keeps Deflategate battle going with another appeal of suspension + Archived October 5, 2018, at the Wayback Machine May 23, 2015. + + ^ Brady s Deflategate appeal denied by court . Archived from the original on + July 16, 2016. Retrieved January 6, 2019. + + ^ New England Patriots at Cleveland Browns – October 9th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ Cincinnati Bengals at New England Patriots – October 16th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Pittsburgh Steelers – October 23rd, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Buffalo Bills – October 30th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Ortega, Mark E. (November 3, 2016). Tom Brady, David Johnson are Players + of the Month . NFL.com. Archived from the original on September 25, 2018. Retrieved + January 6, 2019. + + ^ Seattle Seahawks at New England Patriots – November 13th, 2016 . Pro-Football-Reference.com. + Archived from the original on August 4, 2017. Retrieved December 28, 2017. + + ^ Lam, Quang M. (November 23, 2016). Tom Brady, Kirk Cousins among Players + of Week . NFL.com. Archived from the original on November 24, 2016. Retrieved + January 6, 2019. + + ^ New England Patriots at New York Jets – November 27th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Los Angeles Rams at New England Patriots – December 4th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Reiss, Mike. Tom Brady wins NFL-record 201st game . ESPN.com. Archived from + the original on December 6, 2016. Retrieved December 13, 2016. + + ^ Howe, Jeff. Patriots, despite miscues, outlast Ravens to move to 11–2 . The + Boston Herald. Archived from the original on December 20, 2016. Retrieved December + 13, 2016. + + ^ New England Patriots at Denver Broncos – December 18th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Patriots top Broncos, clinch AFC East, first-round bye . Archived from the + original on December 19, 2016. Retrieved January 6, 2019. + + ^ NFL announces 2017 Pro Bowl rosters . NFL.com. December 20, 2016. Archived + from the original on November 17, 2018. Retrieved January 6, 2019. + + ^ Archived copy . Archived from the original on January 2, 2017. Retrieved + January 1, 2017. CS1 maint: Archived copy as title (link) + + ^ Patriots clinch home-field advantage in AFC playoffs . Archived from the + original on December 20, 2018. Retrieved January 6, 2019. + + ^ Hurley, Michael (January 1, 2017). Tom Brady Sets NFL Record For Best TD-To-INT + Ratio Of All Time . CBS Boston. Archived from the original on January 4, 2017. + Retrieved January 2, 2017. + + ^ Three rookies, Matt Ryan among players named to All-Pro team . NFL.com. January + 6, 2017. Archived from the original on June 17, 2018. Retrieved January 6, 2019. + + ^ Top 100 Players of 2017 : No. 1 New England Patriots quarterback Tom Brady + . NFL.com. Archived from the original on June 17, 2018. Retrieved January 6, + 2019. + + ^ Patra, Kevin (January 15, 2017). Patriots Top Texans, Move on to AFC Championship + . Around the NFL. National Football League. Archived from the original on January + 29, 2017. Retrieved February 6, 2017. + + ^ Wesseling, Chris (January 23, 2017). Patriots Shred Steelers, Advance to + Ninth Super Bowl . Around the NFL. National Football League. Archived from the + original on February 2, 2017. Retrieved February 6, 2017. + + ^ Super Bowl LI – New England Patriots vs. Atlanta Falcons – February 5th, + 2017 . Pro-Football-Reference.com. Archived from the original on August 7, 2017. + Retrieved August 6, 2017. + + ^ Super Bowl Most Valuable Player Winners . Pro-Football-Reference.com. Archived + from the original on August 3, 2017. Retrieved January 24, 2018. + + ^ Tom Brady s stolen Super Bowl jerseys returned to Patriots . Fox News. March + 23, 2017. Archived from the original on April 11, 2017. Retrieved April 10, + 2017. + + ^ Tom Brady Super Bowl jersey thief investigation . Sports Illustrated. Archived + from the original on April 24, 2017. Retrieved August 11, 2017. + + ^ GOAT edition: Brady on Madden NFL 18 cover . ESPN.com. Archived from the + original on May 13, 2017. Retrieved May 13, 2017. + + ^ Press, Associated. Gisele Bundchen: Tom Brady had a concussion last year + . Archived from the original on September 22, 2017. Retrieved January 6, 2019. + + ^ Igel, Lee. Gisele Bündchen Casts Doubt On Adequacy Of NFL Concussion Protocol + . Archived from the original on September 15, 2017. Retrieved January 6, 2019. + + ^ NFL Investigating After Gisele Claims Tom Brady Suffered a Concussion . Archived + from the original on September 11, 2017. Retrieved January 6, 2019. + + ^ NFL looking into Tom Brady concussion claim by Gisele Bundchen . Archived + from the original on December 8, 2018. Retrieved January 6, 2019. + + ^ Agent: Tom Brady not diagnosed with concussion in 16 . Archived from the + original on October 19, 2018. Retrieved January 6, 2019. + + ^ Tom Brady: We didn t dig very deep on Thursday night . Pro Football Talk. + Archived from the original on September 8, 2017. Retrieved September 8, 2017. + + ^ WATCH: In Year 18, Tom Brady finally does something he s never done before + . CBSSports.com. September 17, 2017. Archived from the original on January 1, + 2019. Retrieved January 6, 2019. + + ^ Maya, Adam (September 20, 2017). Tom Brady, J.J. Nelson among Players of + the Week . NFL.com. Archived from the original on December 22, 2018. Retrieved + January 6, 2019. + + ^ Tom Brady takes another title away from his nemesis Peyton Manning . Archived + from the original on January 1, 2019. Retrieved January 6, 2019. + + ^ Lam, Quang M. (September 27, 2017). Tom Brady, Kirk Cousins among Players + of the Week . NFL.com. Archived from the original on September 27, 2017. Retrieved + January 6, 2019. + + ^ Tom Brady Ties Brett Favre, Peyton Manning for Most Regular-Season Wins by + QB . Bleacher Report. Archived from the original on January 1, 2019. Retrieved + January 6, 2019. + + ^ Orr, Conor. Tom Brady has sprain to non-throwing shoulder . NFL. Archived + from the original on October 11, 2017. Retrieved October 10, 2017. + + ^ Patra, Kevin. Brady isn t worried about his shoulder: I m good . NFL. Archived + from the original on October 12, 2017. Retrieved October 11, 2017. + + ^ Tom Brady becomes NFL s career QB wins leader . Archived from the original + on November 25, 2018. Retrieved January 6, 2019. + + ^ Tom Brady, Patriots roll through fog past Falcons . Archived from the original + on January 1, 2019. Retrieved January 6, 2019. + + ^ Los Angeles Chargers at New England Patriots – October 29th, 2017 . Pro-Football-Reference.com. + Archived from the original on November 7, 2017. Retrieved December 7, 2017. + + ^ Maya, Adam (November 15, 2017). Tom Brady, Cam Newton among Players of the + Week . NFL.com. Archived from the original on July 1, 2018. Retrieved January + 6, 2019. + + ^ Case Keenum wins NFC player of month honors . Archived from the original + on January 27, 2018. Retrieved January 6, 2019. + + ^ Hanzus, Dan. Tom Brady, Josh McDaniels have sideline disagreement . NFL. + Archived from the original on December 3, 2017. Retrieved December 3, 2017. + + ^ Sessler, Marc. Patriots overcome ugly start to scatter Bills in Buffalo . + NFL. Archived from the original on December 3, 2017. Retrieved December 3, 2017. + + ^ New England Patriots at Miami Dolphins – December 11th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved January 24, 2018. + + ^ New England Patriots at Pittsburgh Steelers – December 17th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 29, 2017. Retrieved December 28, 2017. + + ^ NFL announces 2018 Pro Bowl rosters . NFL. Archived from the original on + December 20, 2017. Retrieved December 19, 2017. + + ^ Buffalo Bills at New England Patriots – December 24th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ Patriots secure first-round bye for eighth straight year . Archived from + the original on November 10, 2018. Retrieved January 6, 2019. + + ^ Patriots clinch home-field advantage through playoffs . + + ^ NFL offensive production falls despite record for Brady . www.boston.com. + Archived from the original on November 10, 2018. Retrieved January 6, 2019. + + ^ Wilner, Barry. Steelers Antonio Brown, unanimous choice on AP All-Pro Team + . AP News. AP. + + ^ Wesseling, Chris (February 3, 2018). Tom Brady named NFL s MVP for third + time of career . NFL.com. Archived from the original on July 26, 2018. Retrieved + January 6, 2019. + + ^ Divisional Round – Tennessee Titans at New England Patriots – January 13th, + 2018 . Pro-Football-Reference.com. Archived from the original on January 18, + 2018. Retrieved January 18, 2018. + + ^ Patra, Kevin (January 19, 2018). Tom Brady (thumb) questionable for Patriots + vs. Jags . NFL.com. Archived from the original on January 20, 2018. Retrieved + January 20, 2018. + + ^ AFC Championship – Jacksonville Jaguars at New England Patriots – January + 21st, 2018 . Pro-Football-Reference.com. Archived from the original on January + 24, 2018. Retrieved January 24, 2018. + + ^ Super Bowl LII – Philadelphia Eagles vs. New England Patriots – February + 4th, 2018 . Pro-Football-Reference.com. Archived from the original on March + 1, 2018. Retrieved March 17, 2018. + + ^ Super Bowl 50: How many quarterbacks have lost multiple Super Bowls? . syracuse.com. + Retrieved 2019-02-12. + + ^ Is Super Bowl LII Loss the End of Patriots and Tom Brady s Dynasty? . Bleacher + Report. Archived from the original on February 5, 2018. Retrieved February 5, + 2018. + + ^ At 41 and going strong, Tom Brady awaits a 19th season . USA TODAY. Archived + from the original on October 30, 2018. Retrieved October 29, 2018. + + ^ Despite changes, Patriots offense still rolling behind Tom Brady in win over + Texans . USA TODAY. Archived from the original on October 29, 2018. Retrieved + October 29, 2018. + + ^ Brady Throws 3 TDs As Patriots Blow Out Dolphins To Improve To 2–2 . CBS + Boston. September 30, 2018. Archived from the original on October 29, 2018. + Retrieved October 29, 2018. + + ^ Brady, Patriots roll past banged-up Colts . Duluth News Tribune. Archived + from the original on October 30, 2018. Retrieved October 29, 2018. + + ^ Tom Brady sets another NFL record with TD pass to Josh Gordon . USA Today. + October 5, 2018. Archived from the original on October 31, 2018. Retrieved October + 30, 2018. + + ^ Brady, Patriots top Chiefs for wild 43–40 win . USA TODAY. Archived from + the original on October 29, 2018. Retrieved October 29, 2018. + + ^ Brady throws 3 TDs, Patriots hang on to beat Bears 38–31 . AP NEWS. October + 21, 2018. Archived from the original on October 30, 2018. Retrieved October + 29, 2018. + + ^ Tom Brady: Game Logs at NFL.com . National Football League. Archived from + the original on November 22, 2018. Retrieved November 26, 2018. + + ^ Colin J. Liotta, Tom Brady (finally) reaches 1,000 career rushing yards USA + Today. From the original on December 3, 2018. Retrieved January 9, 2019 + + ^ Tom Brady reaches 70,000 passing yards . NFL. Archived from the original + on December 18, 2018. Retrieved December 16, 2018. + + ^ Pats win AFC East again, take back No. 2 seed . ESPN.com. December 23, 2018. + Retrieved January 22, 2019. + + ^ Sullivan, Tara. Tara Sullivan: Vintage Tom Brady returns, just in time for + the playoffs – The Boston Globe . BostonGlobe.com. Retrieved January 22, 2019. + + ^ Tom Brady tunes up and Patriots clinch first-round bye after routing Jets + . ESPN.com. December 30, 2018. Retrieved January 22, 2019. + + ^ Schrock, Joshua (December 30, 2018). Tom Brady s New Year s Resolution Will + Make Bill Belichick, Patriots Fans Happy . NESN.com. Retrieved January 22, 2019. + + ^ Hightower, Kyle (January 13, 2019). Michel scores 3 TDs, Patriots roll past + Chargers . KOIN. Retrieved February 6, 2019. + + ^ Chargers vs. Patriots – Game Recap – January 13, 2019 – ESPN . ESPN.com. + Retrieved January 22, 2019. + + ^ Patriots make 3rd straight Super Bowl, beat Chiefs 37–31 OT . Associated + Press. January 20, 2019. Retrieved January 21, 2019. + + ^ New England Patriots win Super Bowl LIII . NFL. Retrieved February 3, 2019. + + ^ Tom Brady sets record for most Super Bowl wins by NFL player with six . USA + TODAY. Retrieved February 6, 2019. + + ^ Tom Brady . NFL.com. Archived from the original on December 7, 2015. Retrieved + December 7, 2015. + + ^ Tom Brady s Career Touchdown Plays . Pro-Football-Reference.com. Archived + from the original on July 11, 2015. Retrieved July 29, 2015. + + ^ In multiple seasons, from 1950 to 2018, requiring Pass Completion % >= 1, + sorted by most games matching criteria. (Note: Click on Games Won column to + sort) . www.pro-football-reference.com. Pro Football Reference, LLC. Retrieved + January 1, 2019. + + ^ Reiss, Mike (November 14, 2017). Tom Brady relishes chance to silence fans + while playing on road . ESPN.com. Archived from the original on February 9, + 2018. Retrieved February 8, 2018. + + ^ https://www.footballdb.com/stats/qb-records.html?alltime=1&type=reg&letter=&sort=w + + ^ WHAT TO LOOK FOR – WEEK 11 . nflcommunications.com. November 15, 2017. Archived + from the original on February 9, 2018. Retrieved February 8, 2018. + + ^ a b Porter, Conor (January 1, 2018). Tom Brady achieved another amazing NFL + record in 2017 . GiveMeSport. Archived from the original on February 9, 2018. + Retrieved February 8, 2018. + + ^ Tom Brady joins select club with 500th career touchdown pass . MLive.com. + Archived from the original on October 6, 2018. Retrieved October 5, 2018. + + ^ a b Archived copy . Archived from the original on November 6, 2018. Retrieved + November 6, 2018. CS1 maint: Archived copy as title (link) + + ^ NFL Playoff Records: Individual – Passing . nfl.com. Archived from the original + on July 22, 2015. Retrieved July 30, 2015. + + ^ Adamski, Chris. Brady, Big Ben meet again in AFC title game . TribLIVE.com. + Archived from the original on January 27, 2017. Retrieved January 24, 2017. + + ^ a b c Stites, Adam (February 4, 2018). What NFL records does Tom Brady already + own? . SBNation.com. Archived from the original on February 10, 2018. Retrieved + February 9, 2018. + + ^ Schechter, Lee (January 11, 2015). Brady s 46th TD breaks Montana s playoff + mark . ESPN.com. Archived from the original on February 9, 2018. Retrieved February + 8, 2018. + + ^ Reiss, Mike (January 19, 2015). Brady sets NFL s postseason passing record + . ESPN.com. Archived from the original on February 9, 2018. Retrieved February + 8, 2018. + + ^ a b c David Smith, Michael (January 8, 2018). In his 35th postseason game, + Tom Brady will add to his many records . Yahoo Sports. Archived from the original + on February 9, 2018. Retrieved February 9, 2018. + + ^ Tom Brady passes Brett Favre for most career interceptions in the postseason + . SB Nation. Archived from the original on May 15, 2018. Retrieved May 15, 2018. + + ^ The QB With the Most Conference Championship Appearance? . NFL RUSH. January + 19, 2017. Archived from the original on January 25, 2018. Retrieved February + 9, 2018. + + ^ a b Game Notes: Patriots extend NFL-record to 10th Super Bowl overall . New + England Patriots. January 21, 2018. Archived from the original on February 9, + 2018. Retrieved February 9, 2018. + + ^ Super Bowl Records: Individual – Passing . nfl.com. Archived from the original + on August 10, 2015. Retrieved July 29, 2015. + + ^ Breech, John (February 2, 2015). Tom Brady broke, tied or extended 9 Super + Bowl records . CBSSports.com. Archived from the original on January 23, 2018. + Retrieved February 9, 2018. + + ^ Tom Brady, Bill Belichick make NFL history with record 7th Super Bowl appearance + . abcnews.com. Archived from the original on January 29, 2017. Retrieved January + 23, 2017. + + ^ a b Kirk, Jason (February 5, 2018). Pats now own 75 Super Bowl records, including + most losses . SBNation.com. Archived from the original on April 4, 2018. Retrieved + April 4, 2018. + + ^ Patriots, Tom Brady keep rewriting Super Bowl record book . + + ^ Hanzus, Dan. Tom Brady is game for another SNL hosting gig . National Football + League. Archived from the original on August 17, 2012. Retrieved August 17, + 2012. + + ^ Bark, Ed (February 6, 2005). Fox gets animated after the Super Bowl . Dallas + Morning News. Retrieved August 17, 2012. + + ^ Patriots News and Notes . Patriots Insider. Fox Sports. Archived from the + original on January 27, 2013. Retrieved August 17, 2012. + + ^ Entourage Fore (TV Episode 2009) – IMDb . IMDb. Archived from the original + on March 26, 2017. Retrieved August 11, 2017. + + ^ Entourage: Tom Brady replaced Manning brothers in Season 6 cameo . Sports + Illustrated. May 28, 2015. Archived from the original on August 11, 2017. Retrieved + August 11, 2017. + + ^ Tom Brady s Ted 2 Cameo Features Deflategate Line From Mark Wahlberg . + NESN. June 24, 2015. Archived from the original on August 11, 2017. Retrieved + August 11, 2017. + + ^ Buttons NY – Sound + Picture » Vote for your favorite Stetson Cologne man, + win a $10 gift card, and Listen to the latest Stetson Radio ad, with the original + Stetson Jingle! . Archived from the original on January 1, 2019. Retrieved January + 6, 2019. + + ^ Tom Brady . Forbes. Archived from the original on March 19, 2015. Retrieved + April 1, 2015. + + ^ Peyton Manning vs. Tom Brady Endorsements: Who s No. 1 In Commercial Appeal? + . Archived from the original on April 2, 2015. Retrieved April 1, 2015. + + ^ Ember, Sydney Tom Brady Still a Key Part of Under Armour s Broader Ad Push + Archived January 1, 2019, at the Wayback Machine New York Times. August 25, + 2015 + + ^ Beautyrest Black and Tom Brady Score for Sleep – BedTimes . Archived from + the original on January 2, 2019. Retrieved January 6, 2019. + + ^ Reimer, Alex (August 23, 2016). Tom Brady s Vegan Snacks Only Add to His + Bourgeois Profile . Forbes. Archived from the original on January 1, 2019. Retrieved + January 6, 2019. + + ^ Tom Brady Announces Launch Of TB12 Website, Online Store (Photo) . NESN.com. + January 21, 2016. Archived from the original on September 28, 2017. Retrieved + September 27, 2017. + + ^ Tom Brady Launches Raw Snack Line Under His TB12 Brand . NCA. Retrieved September + 27, 2017. + + ^ Tom Brady and TB12 Launch TB12 Foundation for Young Athletes – Physical Therapy + Products . Physical Therapy Products. Archived from the original on September + 28, 2017. Retrieved September 27, 2017. + + ^ This New Meal Delivery Plan Will Help You Eat Like Tom Brady . Archived from + the original on September 28, 2017. Retrieved September 27, 2017. + + ^ Garcia, Ahiza. Tom Brady launches meal kit service . CNNMoney. Archived from + the original on September 28, 2017. Retrieved September 27, 2017. + + ^ O Connor, Ian (September 20, 2017). Tom Brady has No. 1 book on Amazon, Hillary + at No. 2. As they said at Michigan, all he does is winpic.twitter.com/glGlzkGGRd + . @Ian_OConnor. Retrieved September 21, 2017. + + ^ Tom Brady s TB12 Method Is a Best Seller . Boston Magazine. Archived from + the original on September 28, 2017. Retrieved September 29, 2017. + + ^ Leibovich, Mark (2018). Tom Brady Gave a Filmmaker Unusual Access to His + Private Life . The New York Times. ISSN 0362-4331. Archived from the original + on January 10, 2018. Retrieved January 10, 2018. + + ^ a b Dagostino, Mark (December 14, 2006). Tom Brady, Bridget Moynahan Split + Up . People. Archived from the original on October 12, 2007. Retrieved December + 27, 2007. + + ^ Smith, Liz (February 18, 2007). It s Brady Baby For Sixy Star . New York + Post. Archived from the original on February 20, 2007. Retrieved December 27, + 2007. + + ^ Shanahan, Mark (February 18, 2007). Ex-Brady Girlfriend Says She s Pregnant + With His Child . The Boston Globe. Archived from the original on March 11, 2007. + Retrieved November 30, 2008. + + ^ Boehm, Kristin (August 28, 2007). Bridget Moynahan Thankful for Healthy + Baby . People. Archived from the original on November 13, 2008. Retrieved November + 30, 2008. + + ^ Bridget Moynahan Welcomes a Baby Boy . People. August 23, 2007. Archived + from the original on June 28, 2008. Retrieved November 30, 2008. + + ^ Tom Brady & Gisele Bundchen: New Couple? . People. Archived from the original + on September 6, 2015. Retrieved December 7, 2012. + + ^ Patriots Quarterback Tom Brady on Football, Fatherhood, and Gisele Bündchen + . Archived from the original on October 2, 2013. Retrieved April 27, 2013. + + ^ Cedenheim, Pernilla (February 27, 2009). Model Tom Brady & Gisele Bündchen: + Married! . People. Archived from the original on May 20, 2016. Retrieved April + 27, 2018. + + ^ Gisele Bündchen & Tom Brady Have a Boy . People. December 9, 2009. Archived + from the original on July 2, 2017. Retrieved August 11, 2017. + + ^ Gisele Bündchen and Tom Brady Welcome Daughter Vivian Lake . People. December + 7, 2015. Archived from the original on September 5, 2015. Retrieved August 11, + 2017. + + ^ Farrar, Doug. Boston (in) Common: Kevin Youkilis set to marry Tom Brady s + sister . Archived from the original on February 10, 2012. Retrieved February + 10, 2012. + + ^ Hua, Karen (February 2, 2017). Inside The Multimillion-Dollar Homes Of Tom + Brady . Forbes. Archived from the original on August 11, 2017. Retrieved August + 11, 2017. + + ^ The Tao Of Tom: How Tom Brady Uses An 80–20 Diet, Meditation, Yoga & One + Book To Age Backwards . Retrieved January 24, 2018. + + ^ The Best There Ever Was? . GQ. August 5, 2005. Archived from the original + on July 30, 2017. Retrieved July 30, 2017. + + ^ Tom Brady vs. Peyton Manning For Republican Presidential Nomination? Some + Believe It s Possible . WBZ-TV (CBS Boston). June 7, 2017. Archived from the + original on July 13, 2017. Retrieved July 30, 2017. + + ^ Super Bowl QB Tom Brady s No Patriot . The Smoking Gun. January 26, 2004. + Archived from the original on July 29, 2017. Retrieved July 30, 2017. + + ^ Leibovich, Mark (February 1, 2017). The Uncomfortable Love Affair Between + Donald Trump and the New England Patriots . The New York Times. Archived from + the original on February 6, 2017. Retrieved February 2, 2017. + + ^ Sports figures who support Donald Trump . Archived from the original on August + 28, 2018. Retrieved January 6, 2019. + + ^ Boren, Cindy. It s just a friendship : Tom Brady opens up a little about + President Trump . The Washington Post. Archived from the original on January + 24, 2017. Retrieved January 24, 2017. + + ^ Rappeport, Alan. Did Tom Brady and Gisele Bündchen Back Donald Trump? She + Says No, and He s Not Saying . The New York Times. Archived from the original + on February 16, 2017. Retrieved January 24, 2017. + + ^ Chestang, Raphael. Tom Brady Says Wife Gisele Bundchen Doesn t Want Him Talking + Politics . ET Online. Archived from the original on January 30, 2017. Retrieved + January 24, 2017. + + ^ Tom Brady will not attend Patriots visit to White House due to personal + family matters . Sports Illustrated. Sports Illustrated. Archived from the + original on April 9, 2018. Retrieved April 9, 2018. + + ^ Kamisar, Ben (February 1, 2015). 5 NFL stars who could run for office . The + Hill. Archived from the original on March 12, 2016. Retrieved February 5, 2017. + + ^ Klosterman, Chuck (November 18, 2015). Tom Brady Talks to Chuck Klosterman + About Deflategate (Sort Of . . .) . GQ. Archived from the original on February + 1, 2016. Retrieved February 5, 2017. + + ^ Durkee, Travis (November 18, 2015). Sorry, America, Tom Brady will never + run for president . Sporting News. Archived from the original on February 7, + 2017. Retrieved February 5, 2017. + + ^ Tack, Travis (November 14, 2016). Tom Brady Won t Talk Politics, Doesn t + Want To Run For Office . Politicus Sports. Archived from the original on February + 7, 2017. Retrieved February 5, 2017. + + ^ https://www.bostonherald.com/2018/10/12/helen-brady-hopes-tom-brady-photo-gives-campaign-a-boost/ + + ^ http://blog.masslive.com/patriots/2016/11/tom_brady_give_em_helen_ad.html + + ^ LaFratta, Kristin (November 6, 2018). 2018 Massachusetts Election: State + Auditor live results (Suzanne M. Bump, Helen Brady, Daniel Fisherman, Edward + J. Stamas) . Mass Live. Retrieved January 21, 2019. + + ^ Archived copy . Archived from the original on November 25, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on December 6, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on November 5, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on October 9, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + Pierce, Charles (2006), Moving the Chains: Tom Brady and the Pursuit of Everything, + Farrar, Straus and Giroux, ISBN 0-374-21444-1 + + Wikiquote has quotations related to: Tom Brady + + Wikimedia Commons has media related to Tom Brady. + + Michigan Wolverines bio + + Career statistics and player information from NFL.com · ESPN · Yahoo! Sports + · SI.com · Pro-Football-Reference · Rotoworld + + Tom Brady on IMDb + + New England Patriots current roster + + 2 Brian Hoyer + + 14 Braxton Berrios + + 16 Darren Andrews + + 21 Duron Harmon + + 22 Obi Melifonwu + + 23 Patrick Chung + + 24 Stephon Gilmore + + 26 Sony Michel + + 27 J. C. Jackson + + 29 Duke Dawson + + 35 Keion Crossen + + 36 Brandon King + + 43 Nate Ebner + + 44 Christian Sam + + 46 James Develin + + 49 Joe Cardona + + 51 Ja Whaun Bentley + + 52 Elandon Roberts + + 53 Kyle Van Noy + + 54 Dont a Hightower + + 58 Keionta Davis + + 60 David Andrews + + 61 Marcus Cannon + + 62 Joe Thuney + + 63 Brian Schwenke + + 66 James Ferentz + + 69 Shaq Mason + + 70 Adam Butler + + 75 Ted Karras + + 76 Isaiah Wynn + + 80 Stephen Anderson + + 85 Ryan Izzo + + 91 Deatrich Wise Jr. + + 93 Lawrence Guy + + 95 Derek Rivers + + 97 Ufomba Kamalu + + 5 Danny Etling (Future) + + 17 Damoun Patterson (Future) + + 39 A. J. Howard (Future) + + 45 Trent Harris (Future) + + 48 Calvin Munson (Future) + + 72 Dan Skipper (Future) + + 74 Cole Croston (Future) + + 92 Frank Herron (Future) + + -- Jake Eldrenkamp (Future) + + -- Ryker Mathews (Future) + + -- David Parry (Future) + + 3 Stephen Gostkowski (UFA) + + 6 Ryan Allen (UFA) + + 10 Josh Gordon (RFA) + + 13 Phillip Dorsett (UFA) + + 15 Chris Hogan (UFA) + + 25 Eric Rowe (UFA) + + 30 Jason McCourty (UFA) + + 31 Jonathan Jones (RFA) + + 33 Jeremy Hill (UFA) + + 50 Ramon Humber (UFA) + + 55 John Simon (UFA) + + 59 Albert McClellan (UFA) + + 67 Ulrick John (UFA) + + 68 LaAdrian Waddle (UFA) + + 71 Danny Shelton (UFA) + + 77 Trent Brown (UFA) + + 81 Cody Hollister (ERFA) + + 84 Cordarrelle Patterson (UFA) + + 90 Malcom Brown (UFA) + + 98 Trey Flowers (UFA) + + List of starting quarterbacks in the National Football League (as of Week 17 + of the 2018 NFL season) + + Josh Allen (Buffalo Bills) + + Tom Brady (New England Patriots) + + Sam Darnold (New York Jets) + + Lamar Jackson (Baltimore Ravens) + + Jeff Driskel (Cincinnati Bengals) + + Baker Mayfield (Cleveland Browns) + + Deshaun Watson (Houston Texans) + + Andrew Luck (Indianapolis Colts) + + Blake Bortles (Jacksonville Jaguars) + + Blaine Gabbert (Tennessee Titans) + + Case Keenum (Denver Broncos) + + Patrick Mahomes (Kansas City Chiefs) + + Derek Carr (Oakland Raiders) + + Eli Manning (New York Giants) + + Nick Foles (Philadelphia Eagles) + + Josh Johnson (Washington Redskins) + + Mitchell Trubisky (Chicago Bears) + + Matthew Stafford (Detroit Lions) + + Kirk Cousins (Minnesota Vikings) + + Matt Ryan (Atlanta Falcons) + + Kyle Allen (Carolina Panthers) + + Teddy Bridgewater (New Orleans Saints) + + Jameis Winston (Tampa Bay Buccaneers) + + Josh Rosen (Arizona Cardinals) + + Jared Goff (Los Angeles Rams) + + Nick Mullens (San Francisco 49ers) + + Russell Wilson (Seattle Seahawks) + + Tom Brady—awards, championships, and honors + + Peyton Manning Record for NFL passing touchdowns in a single season + + Michigan Wolverines starting quarterbacks + + Barmore (1880) + + Horton (1881) + + McNeil (1883–1885) + + Farrand (1887) + + F. Smith (1888) + + Sherman (1891) + + Sanderson (1892) + + Baird (1893–1895) + + Richards (1895–1897) + + Drumheller (1896) + + Felver (1896–1897) + + Talcott (1898) + + McGinnis (1900) + + Weeks (1901–1902) + + Norcross (1904–1905) + + Barlow (1905) + + Wasmund (1907–1909) + + McMillan (1910–1911) + + Huebel (1912) + + Hughitt (1913–1914) + + Roehm (1915) + + Sparks (1916, 1919) + + Knode (1918) + + Bank (1920–1921) + + Uteritz (1921–1923) + + Rockwell (1924) + + Friedman (1925–1926) + + Simrall (1929) + + Tessmer (1930–1931) + + Newman (1930–1932) + + Fay (1933) + + Jennings (1934) + + Renner (1935) + + Evashevski (1938–1940) + + Ceithaml (1941–1942) + + Wiese (1943) + + Ponsetto (1944–1945) + + Yerges (1945–1947) + + Elliott (1948) + + Ghindia (1949) + + Putich (1950) + + Topor (1951–1952) + + Baldacci (1953–1954) + + Maddock (1955) + + Van Pelt (1956–1957) + + Ptacek (1958) + + Noskin (1959) + + Stamos (1960–1961) + + Glinka (1960–1961) + + Timberlake (1962–1964) + + Gabler (1965) + + Vidmer (1965–1967) + + Den. Brown (1967–1968) + + Moorhead (1969–1970) + + Slade (1971) + + Franklin (1972–1974) + + Leach (1975–1978) + + Dickey (1979) + + Wangler (1979–1980) + + S. Smith (1981–1983) + + Zurbrugg (1984) + + Harbaugh (1984–1986) + + Dem. Brown (1987–1988) + + Taylor (1987–1989) + + Grbac (1989–1992) + + Collins (1993–1994) + + Dreisbach (1995–1996) + + Griese (1995–1997) + + Brady (1998–1999) + + Henson (2000) + + Navarre (2000–2003) + + Henne (2004–2007) + + Mallett (2007) + + Threet (2008) + + Forcier (2009) + + Robinson (2010–2012) + + Gardner (2012–2014) + + Morris (2013–2014) + + Rudock (2015) + + Speight (2016–2017) + + O Korn (2016–2017) + + Peters (2017) + + Patterson (2018– ) + + 1997 Michigan Wolverines football—AP national champions + + Jeff Backus + + Scott Dreisbach + + Tommy Hendricks + + Marcus Knight + + DeWayne Patmon + + Rob Renes + + Aaron Shea + + Glen Steele + + Tai Streets + + Sam Sword + + Jerame Tuman + + Andre Weathers + + Head coach: Lloyd Carr + + Assistant coaches: Vance Bedford + + Mike DeBord + + Jim Herrmann + + Stan Parrish + + New England Patriots 2000 NFL draft selections + + Adrian Klemm + + J. R. Redmond + + Greg Randall + + Dave Stachelski + + Jeff Marriott + + Casey Tisdale + + Boston / New England Patriots starting quarterbacks + + Butch Songin (1960–1961) + + Tom Greene (1960) + + Babe Parilli (1961–1967) + + Tom Yewcic (1962) + + Eddie Wilson (1965) + + Don Trull (1967) + + Mike Taliaferro (1968–1970) + + Tom Sherman (1968) + + Joe Kapp (1970) + + Jim Plunkett (1971–1975) + + Steve Grogan (1975–1990) + + Neil Graff (1975) + + Matt Cavanaugh (1980–1982) + + Tom Owen (1981) + + Tony Eason (1983–1989) + + Tom Ramsey (1987–1988) + + Bob Bleier (1987) + + Doug Flutie (1987–1989) + + Marc Wilson (1989–1990) + + Tommy Hodson (1990–1992) + + Hugh Millen (1991–1992) + + Scott Zolak (1992, 1995, 1998) + + Drew Bledsoe (1993–2001) + + Scott Secules (1993) + + Tom Brady (2001–present) + + Matt Cassel (2008) + + Jacoby Brissett (2016) + + Associated Press NFL Offensive Player of the Year Award winners + + 1974: Stabler + + 1975: Tarkenton + + 1982: Fouts + + 1983: Theismann + + 1984: Marino + + 1986: Dickerson + + 1988: Craig + + 1989: Montana + + 1995: Favre + + 2006: Tomlinson + + 2008: Brees + + 2017: Gurley + + 2018: Mahomes + + Associated Press NFL Most Valuable Player Award winners + + 1957: J. Brown + + 1960: Van Brocklin + + 1962: J. Taylor + + 1963: Tittle + + 1966: Starr + + 1969: Gabriel + + 1970: Brodie + + 1972: L. Brown + + 1975: Tarkenton 1976: Jones + + 1980: Sipe + + 1982: Moseley + + 1987: Elway + + 1988: Esiason + + 1997: Favre & Sanders + + 2002: Gannon + + 2003: Manning & McNair + + 1962: Robustelli + + 1970: Blanda + + 1974: Olsen + + 1977: Griese + + 1983: Riggins + + 1988: Cunningham + + 2010: Vick + + 2017: Wentz + + 1975: Hampton + + 1995: Harbaugh & Hearst + + 1996: Bettis + + 2000: J. Johnson + + 2002: Maddox + + 2011: Stafford + + 2014: Gronkowski + + 2018: Luck + + New England Patriots Super Bowl XXXVI champions + + 4 Adam Vinatieri + + 11 Drew Bledsoe + + 12 Tom Brady (MVP) + + 13 Ken Walter + + 14 Walter Williams + + 15 Jimmy Farris + + 16 Scott McCready + + 19 Damon Huard + + 21 J. R. Redmond + + 22 Terrance Shaw + + 23 Antwan Harris + + 24 Ty Law + + 25 Leonard Myers + + 26 Matt Stevens + + 27 Terrell Buckley + + 28 Brock Williams + + 29 Hakim Akbar + + 30 Je Rod Cherry + + 31 Ben Kelly + + 32 Antowain Smith + + 33 Kevin Faulk + + 34 Tebucky Jones + + 35 Patrick Pass + + 36 Lawyer Milloy + + 38 Ray Hill + + 44 Marc Edwards + + 45 Otis Smith + + 48 Arther Love + + 49 Jabari Holloway + + 50 Mike Vrabel + + 51 Bryan Cox + + 52 Ted Johnson + + 53 Larry Izzo + + 54 Tedy Bruschi + + 55 Willie McGinest + + 58 Matt Chatham + + 59 Andy Katzenmoyer + + 60 Drew Inzer + + 61 Stephen Neal + + 62 Setema Gali + + 63 Joe Andruzzi + + 64 Greg Randall + + 65 Damien Woody + + 66 Lonie Paxton + + 67 Grey Ruegamer + + 68 Tom Ashworth + + 70 Adrian Klemm + + 71 Chris Sullivan + + 72 Matt Light + + 74 Kenyatta Jones + + 75 Maurice Anderson + + 76 Grant Williams + + 77 Mike Compton + + 80 Troy Brown + + 82 Curtis Jackson + + 83 Rod Rutledge + + 84 Fred Coleman + + 85 Jermaine Wiggins + + 86 David Patten + + 88 Terry Glenn + + 90 Marty Moore + + 91 Bobby Hamilton + + 92 David Nugent + + 93 Richard Seymour + + 94 Jace Sayler + + 95 Roman Phifer + + 96 Brandon Mitchell + + 97 Riddick Parker + + 98 Anthony Pleasant + + 99 Kole Ayi + + Coaches: Ned Burke + + Ivan Fears + + Randy Melvin + + Dante Scarnecchia + + New England Patriots Super Bowl XXXVIII champions + + 6 Rohan Davey + + 10 Jamin Elliott + + 16 Kliff Kingsbury + + 17 Dedric Ward + + 18 Chas Gessner + + 21 Mike Cloud + + 22 Asante Samuel + + 26 Eugene Wilson + + 31 Larry Centers + + 34 Chris Akins + + 38 Tyrone Poole + + 39 Shawn Mayer + + 44 Fred McCrary + + 46 Brian Kinchen + + 48 Tully Banta-Cain + + 49 Sean McDermott + + 51 Don Davis + + 59 Rosevelt Colvin + + 60 Wilbert Brown + + 62 Tim Provost + + 64 Gene Mruczkowski + + 67 Dan Koppen + + 71 Russ Hochstein + + 75 Jamil Soriano + + 76 Brandon Gorin + + 81 Bethel Johnson + + 82 Daniel Graham + + 83 Deion Branch + + 84 Fred Baxter + + 85 J. J. Stokes + + 87 David Givens + + 88 Christian Fauria + + 90 Dan Klecko + + 92 Ted Washington + + 94 Ty Warren + + 96 Rick Lyle + + 97 Jarvis Green + + 99 Ethan Kelley + + Coaches: Romeo Crennel + + Sean Gustus + + New England Patriots Super Bowl XXXIX champions + + 8 Josh Miller + + 10 Kevin Kasper + + 13 Jim Miller + + 14 P. K. Sam + + 18 Cedric James + + 19 Ricky Bryant + + 21 Randall Gay + + 23 Omare Lowe + + 27 Rabih Abdullah + + 28 Corey Dillon + + 29 Earthwind Moreland + + 31 Hank Poteat + + 32 Kory Chapman + + 34 Cedric Cobbs + + 39 Guss Scott + + 42 Dexter Reid + + 46 Zeron Flemister + + 47 Justin Kurpeikis + + 49 Eric Alexander + + 65 Lance Nimmo + + 69 Buck Rasmussen + + 74 Billy Yates + + 75 Vince Wilfork + + 83 Deion Branch (MVP) + + 84 Benjamin Watson + + 85 Jed Weaver + + 91 Marquise Hill + + 96 Rodney Bailey + + 98 Keith Traylor + + New England Patriots Super Bowl XLIX champions + + 3 Stephen Gostkowski + + 6 Ryan Allen + + 8 Garrett Gilbert + + 10 Jimmy Garoppolo + + 16 Jonathan Krause + + 17 Aaron Dobson + + 21 Malcolm Butler + + 22 Stevan Ridley + + 24 Darrelle Revis + + 25 Kyle Arrington + + 26 Logan Ryan + + 27 Tavon Wilson + + 29 LeGarrette Blount + + 31 Justin Green + + 34 Shane Vereen + + 35 Jonas Gray + + 36 Tyler Gaffney + + 37 Alfonzo Dennard + + 39 Brandon Browner + + 41 Daxton Swanson + + 45 Cameron Gordon + + 47 Michael Hoomanawanui + + 48 Danny Aiken + + 50 Rob Ninkovich + + 51 Jerod Mayo + + 53 Eric Martin + + 58 Darius Fleming + + 59 Chris White + + 62 Ryan Wendell + + 63 Dan Connolly + + 64 Chris Barker + + 65 Jordan Devey + + 66 Bryan Stork + + 67 Josh Kline + + 68 Caylin Hauptmann + + 71 Cameron Fleming + + 72 Joe Vellano + + 74 Dominique Easley + + 76 Sebastian Vollmer + + 80 Danny Amendola + + 81 Tim Wright + + 82 Josh Boyce + + 84 Brian Tyms + + 90 Zach Moore + + 91 Jamie Collins + + 92 Jake Bequette + + 94 Chris Jones + + 95 Chandler Jones + + 96 Sealver Siliga + + 97 Alan Branch + + 99 Michael Buchanan + + – James Morris + + – Greg Orton + + Coaches: Stephen Belichick + + Josh Boyer + + Joe Judge + + Harold Nash + + Chad O Shea + + New England Patriots Super Bowl LI champions + + 14 Michael Floyd + + 16 Devin Lucien + + 17 DeAndrew White + + 19 Malcolm Mitchell + + 22 Justin Coleman + + 24 Cyrus Jones + + 25 Eric Rowe + + 27 D. J. Foster + + 31 Jonathan Jones + + 44 Trevor Bates + + 47 Glenn Gronkowski + + 51 Barkevious Mingo + + 55 Jonathan Freeny + + 63 Tre Jackson + + 65 Jamil Douglas + + 66 Chase Farris + + 68 LaAdrian Waddle + + 74 Woodrow Hamilton + + 82 Matt Lengel + + 83 Greg Scruggs + + 88 Martellus Bennett + + 90 Malcom Brown + + 92 Geneo Grissom + + 95 Chris Long + + 96 Darius Kilgo + + 98 Trey Flowers + + 99 Vincent Valentine + + Raymond Ventrone + + 5 Danny Etling + + 11 Julian Edelman (MVP) + + 17 Riley McCarron + + 17 Damoun Patterson + + 39 A. J. Howard + + 42 Jomal Wiltz + + 45 Trent Harris + + 48 Calvin Munson + + 50 Ramon Humber + + 55 John Simon' + id: KnowledgeGenerationTeacher + text: "I work as a freelance accountant.\nI enjoy reading books. \nSame here!\ + \ What kind of books do you read?\nAll fiction! With COVID this past summer,\ + \ I read 16 books in 3 months. You?\nI am a big Harry Potter nerd! What do\ + \ you do for work?\nAudit banks. You?\nI do taxes actually!\nGood for you!\ + \ Are you watching the Superbowl this year?\nI will! It is on the 7th right\ + \ ?\nIt is. Are you a Brady fan or foe?\nSome where in the middle. That guy\ + \ is good, he has most games won by a quarterback/. He seems huble" +- - __select-docs-titles__: + - U S History and Historical Documents USAGov + __selected-docs__: + - 'U.S. History and Historical Documents + + Discover highlights from American history, including military events and founding + documents. + + Military History and Museums + + Military Memorials and Monuments + + The U.S. National Anthem + + The history of the United States is vast and complex, but can be broken down + into moments and time periods that divided, unified, and changed the United + States into the country it is today: + + The American Revolution (sometimes referred to as the American War of Independence + or the Revolutionary War) was a conflict that lasted from 1775-1783 and allowed + the original 13 colonies to remain independent from Great Britain. + + American politician and soldier George Washington became the first president + of the United States in 1789, serving two terms. + + Beginning in Great Britain in the late 1790s, the Industrial Revolution eventually + made its way to the United States and changed the focus of the U.S. economy + and the way it manufactured products. + + In 1803, President Thomas Jefferson agreed to the Louisiana Purchase, successfully + adding 530 million acres of land to the United States. The area was purchased + from France for $15 million. The following year, President Jefferson assigned + Meriwether Lewis (who asked for help from William Clark) to head west and explore + the newly purchased land. It took about a year and a half for the duo to reach + the west coast. + + The War of 1812 resolved outstanding tensions between the United States and + Great Britain. The two year war ended British military posts on U.S. soil and + British interference with American trade. + + The American Civil War divided the United States in two—the Northern States + versus the Southern States. The outcome of the four year battle (1861-1865) + kept the United States together as one whole nation and ended slavery. + + On December 17, 1903, brothers Wilbur and Orville Wright became the first people + to maintain a controlled flight in a powered, heavier-than-air machine. The + Wright Flyer only flew for 12 seconds for a distance of 120 feet, but the technology + would change the modern world forever. + + On April 6, 1917, the United States entered World War I by declaring war on + Germany. + + After nearly 100 years of protests, demonstrations, and sit-ins, women of the + United States were officially granted the right to vote after the 19th Amendment + was ratified on August 26, 1920. + + The worst economic crisis to happen in the United States occurred when the stock + market crashed in October 1929, resulting in the Great Depression. + + World War II officially begins in September 1939 after Germany invades Poland. + The United States didn’t enter the war until after the Japanese attack on Pearl + Harbor on December 7, 1941. + + On August 6 and August 9, 1945, the United States dropped an atomic bomb on + the Japanese cities of Hiroshima and Nagasaki, effectively ending World War + II. + + After World War II, an agreement was reached to divide Korea into two parts: + a northern half to be controlled by the Soviet Union and a southern half to + be controlled by the United States. The division was originally meant as a temporary + solution, but the Soviet Union managed to block elections that were held to + elect someone to unify to the country. Instead, the Soviet Union sent North + Korean troops across the 38th parallel leading to the three-year-long (1950-1953) + Korean War. + + From 1954-1968, the African-American Civil Rights movement took place, especially + in the Southern states. Fighting to put an end to racial segregation and discrimination, + the movement resulted in the 1964 Civil Rights Act, the 1965 Voting Rights Act, + and the 1968 Fair Housing Act. + + The Vietnam War was a nearly 20-year battle (November 1, 1955–April 30, 1975) + between North Vietnam and South Vietnam. North Vietnam won the war and Vietnam + became a unified country. + + The Apollo 11 mission (July 16-24, 1969) allowed United States astronauts Neil + Armstrong and Edwin “Buzz” Aldrin to become the first humans to walk on the + moon’s surface. + + The terrorist attacks on September 11, 2001, changed the United States forever. + Less than a month later (October 7, 2001) the United States began the War in + Afghanistan, which is still happening today. + + On March 20, 2003, the United States invaded and occupied Iraq. The war lasted + for more than eight years before it was officially declared over on December + 18, 2011. + + In 2008, Barack Obama became the first African-American to be elected president + of the United States. + + The Library of Congress has compiled a list of historic events for each day + of the year, titled This Day in History. The website is updated daily and + visitors can view the previous day s history as well as whatever documents, + pictures, or outside information is available for each historical event. + + The American History section of the Library of Congress is separated by time + period or subject and offers an in-depth look at the history of the United States. + + The Declaration of Independence is one of the most important documents in the + history of the United States. + + It took Thomas Jefferson 17 days to write the Declaration of Independence. + + On July 2, 1776, Congress voted to declare independence from Great Britain. + + On July 4, 1776, Congress voted to accept the Declaration of Independence, marking + July 4 as Independence Day. + + To learn more, you may want to: + + Read the complete text of the Declaration of Independence. + + Order a printed copy of the document. + + Contact the National Archives and Records Administration. + + The foundation of the American government, its purpose, form, and structure, + are in the Constitution of the United States. The Constitutional Convention + adopted the Constitution on September 17, 1787. + + The Bill of Rights is the first 10 amendments to the Constitution. It guarantees + greater constitutional protection for individual liberties and lists specific + prohibitions on government power. There are 27 Constitutional Amendments in + all. The 27th Amendment, which was originally proposed in 1789, was not ratified + until 1992. + + Where to View the Constitution + + You can view the original, parchment copy of the Constitution at the National + Archives Building. You can also view an online copy of the U.S. Constitution + or order a printed copy of the Constitution. + + The United States Armed Forces date to 1775, when America needed a defense force + to protect the original 13 colonies from a British invasion. Today, there are + five branches: + + The United States Army is the oldest (established June 14, 1775) and largest + of the five branches. Soldiers are responsible for performing land-based military + operations. + + The United States Navy mainly operates from the waters (seas and oceans) providing + protection both in the water and in the air. + + The modern-day United States Air Force is the youngest of the five branches + (established September 18, 1947). Before the modern-day Air Force was created, + it was an arm of the U.S. Army, dating to 1907. Airmen are responsible for carrying + out aerial military operations. + + The United States Marine Corps is the smallest of the four branches under the + Department of Defense. Marines provide both land and sea support to the Army, + Navy, Air Force, and, in times of war, Coast Guard. + + The United States Coast Guard is the only branch that falls under the Department + of Homeland Security. The Coast Guard is multi-functional, with many peacetime + missions. Coast Guard missions include: maritime search and rescue, maritime + law enforcement, marine environmental protection, and ports, waterways, and + coastal security. + + Military museums offer visitors insight into the history, defining moments, + and current status of the branches of the U.S. Armed Forces: + + The U.S. Army does not have an official museum but there are interactive exhibits + available online as well as smaller, more focused museums located across the + country. + + There is a plan in progress to develop a national museum in the Washington, + DC, area. + + The National Museum of the Marine Corps is located next to the Marine Corps + Base in Quantico, Virginia, and features exhibits on the actions of Marines + during World Wars I and II, the Korean War, and the Vietnam War. + + Located in downtown Washington, DC, the National Museum of the U.S. Navy has + exhibits on different navigational tools used by the Navy as well as artifacts + captured by the Navy. + + The National Museum of the U.S. Air Force is located at Wright-Patterson Air + Force Base in Ohio and features a collection of aircraft used throughout the + history of the Air Force. + + The United States Coast Guard Museum is located on the campus of the Coast Guard + Academy in New London, Connecticut, and features artifacts from the nearly 230-year + history of the Coast Guard. + + Across the United States, military memorials and monuments commemorate wars, + battles, and those who lived and served during those times. Popular points of + interest by each major war include: + + American Revolution: + + Valley Forge National Historical Park is located in Pennsylvania and is a reminder + of the sacrifices made by soldiers at one of the best-known locations from the + American Revolution. + + Adams National Historic Park is located in Massachusetts and offers visitors + a chance to see the birthplace of Presidents John Adams and John Quincy Adams. + + Morristown National Historic Park in New Jersey is a memorial to those members + of George Washington’s army who survived an unusually cold winter. + + The USS Constitution Museum, located in Massachusetts, provides interactive + exhibits on life on the frigate as well as how the ship handled different battles. + + Fort McHenry in Baltimore, Maryland, is the location that inspired the writing + of the Star-Spangled Banner. + + The African American Civil War Memorial and Museum in Washington, DC, has collections + and exhibits to help visitors remember the African Americans who fought in the + Civil War. + + The National Park Service has an online Civil War database that contains information + on the soldiers and sailors who fought in the Civil War. + + Fredericksburg and Spotsylvania National Military Park in Virginia reminds visitors + of some of the Civil War’s most devastating battles. + + Gettysburg National Military Park is located on the site of the Civil War’s + deadliest battle—and is often referred to as the turning point of the entire + war. + + The National Museum of Civil War Medicine in Maryland has exhibits on those + who volunteered to take care of the sick and wounded during the Civil War. + + President s Park in Washington, DC, includes monuments to the thousands of fallen + American soldiers of the First and Second Infantry Divisions. + + The National World War I Museum and Memorial in Kansas City, Missouri, has various + artifacts from the war—including uniforms, tanks and weapons, and illustrations, + political cartoons and soldiers drawings created during the Great War. + + The US Marine Corps War Memorial, also known as the Iwo Jima Memorial, is located + in Virginia near Arlington National Cemetery. + + The World War II Valor in the Pacific National Monument, near Pearl Harbor in + Honolulu, Hawaii, includes the USS Arizona Memorial and exhibits on events that + occurred in the Pacific Theater during the war. + + The National WW II Memorial in Washington, DC, is a tribute to those who served + during the war in battle and at home. + + The Korean War Veterans Memorial depicts those who fought in the three-year + war. + + In Washington, DC, the Vietnam Veterans Memorial has the names of the 58,000 + Americans who died during the conflict etched into the walls of the monument. + + Visit the National Park Service to search for more military memorials and monuments + located throughout the United States. + + The Star-Spangled Banner is the national anthem of the United States of America. + To celebrate a victory over British forces during the War of 1812, U.S. soldiers + raised a large American flag at Fort McHenry in Baltimore, Maryland, on September + 14, 1814. Inspired by those events, Francis Scott Key wrote a poem called Defence + of Fort M Henry, which eventually became the Star Spangled Banner and the United + States national anthem.' + __selected-sentences__: + - American politician and soldier George Washington became the first president + of the United States in 1789, serving two terms. + episode_done: true + eval_labels: + - 'U.S. History and Historical Documents + + Discover highlights from American history, including military events and founding + documents. + + Military History and Museums + + Military Memorials and Monuments + + The U.S. National Anthem + + The history of the United States is vast and complex, but can be broken down + into moments and time periods that divided, unified, and changed the United + States into the country it is today: + + The American Revolution (sometimes referred to as the American War of Independence + or the Revolutionary War) was a conflict that lasted from 1775-1783 and allowed + the original 13 colonies to remain independent from Great Britain. + + American politician and soldier George Washington became the first president + of the United States in 1789, serving two terms. + + Beginning in Great Britain in the late 1790s, the Industrial Revolution eventually + made its way to the United States and changed the focus of the U.S. economy + and the way it manufactured products. + + In 1803, President Thomas Jefferson agreed to the Louisiana Purchase, successfully + adding 530 million acres of land to the United States. The area was purchased + from France for $15 million. The following year, President Jefferson assigned + Meriwether Lewis (who asked for help from William Clark) to head west and explore + the newly purchased land. It took about a year and a half for the duo to reach + the west coast. + + The War of 1812 resolved outstanding tensions between the United States and + Great Britain. The two year war ended British military posts on U.S. soil and + British interference with American trade. + + The American Civil War divided the United States in two—the Northern States + versus the Southern States. The outcome of the four year battle (1861-1865) + kept the United States together as one whole nation and ended slavery. + + On December 17, 1903, brothers Wilbur and Orville Wright became the first people + to maintain a controlled flight in a powered, heavier-than-air machine. The + Wright Flyer only flew for 12 seconds for a distance of 120 feet, but the technology + would change the modern world forever. + + On April 6, 1917, the United States entered World War I by declaring war on + Germany. + + After nearly 100 years of protests, demonstrations, and sit-ins, women of the + United States were officially granted the right to vote after the 19th Amendment + was ratified on August 26, 1920. + + The worst economic crisis to happen in the United States occurred when the stock + market crashed in October 1929, resulting in the Great Depression. + + World War II officially begins in September 1939 after Germany invades Poland. + The United States didn’t enter the war until after the Japanese attack on Pearl + Harbor on December 7, 1941. + + On August 6 and August 9, 1945, the United States dropped an atomic bomb on + the Japanese cities of Hiroshima and Nagasaki, effectively ending World War + II. + + After World War II, an agreement was reached to divide Korea into two parts: + a northern half to be controlled by the Soviet Union and a southern half to + be controlled by the United States. The division was originally meant as a temporary + solution, but the Soviet Union managed to block elections that were held to + elect someone to unify to the country. Instead, the Soviet Union sent North + Korean troops across the 38th parallel leading to the three-year-long (1950-1953) + Korean War. + + From 1954-1968, the African-American Civil Rights movement took place, especially + in the Southern states. Fighting to put an end to racial segregation and discrimination, + the movement resulted in the 1964 Civil Rights Act, the 1965 Voting Rights Act, + and the 1968 Fair Housing Act. + + The Vietnam War was a nearly 20-year battle (November 1, 1955–April 30, 1975) + between North Vietnam and South Vietnam. North Vietnam won the war and Vietnam + became a unified country. + + The Apollo 11 mission (July 16-24, 1969) allowed United States astronauts Neil + Armstrong and Edwin “Buzz” Aldrin to become the first humans to walk on the + moon’s surface. + + The terrorist attacks on September 11, 2001, changed the United States forever. + Less than a month later (October 7, 2001) the United States began the War in + Afghanistan, which is still happening today. + + On March 20, 2003, the United States invaded and occupied Iraq. The war lasted + for more than eight years before it was officially declared over on December + 18, 2011. + + In 2008, Barack Obama became the first African-American to be elected president + of the United States. + + The Library of Congress has compiled a list of historic events for each day + of the year, titled This Day in History. The website is updated daily and + visitors can view the previous day s history as well as whatever documents, + pictures, or outside information is available for each historical event. + + The American History section of the Library of Congress is separated by time + period or subject and offers an in-depth look at the history of the United States. + + The Declaration of Independence is one of the most important documents in the + history of the United States. + + It took Thomas Jefferson 17 days to write the Declaration of Independence. + + On July 2, 1776, Congress voted to declare independence from Great Britain. + + On July 4, 1776, Congress voted to accept the Declaration of Independence, marking + July 4 as Independence Day. + + To learn more, you may want to: + + Read the complete text of the Declaration of Independence. + + Order a printed copy of the document. + + Contact the National Archives and Records Administration. + + The foundation of the American government, its purpose, form, and structure, + are in the Constitution of the United States. The Constitutional Convention + adopted the Constitution on September 17, 1787. + + The Bill of Rights is the first 10 amendments to the Constitution. It guarantees + greater constitutional protection for individual liberties and lists specific + prohibitions on government power. There are 27 Constitutional Amendments in + all. The 27th Amendment, which was originally proposed in 1789, was not ratified + until 1992. + + Where to View the Constitution + + You can view the original, parchment copy of the Constitution at the National + Archives Building. You can also view an online copy of the U.S. Constitution + or order a printed copy of the Constitution. + + The United States Armed Forces date to 1775, when America needed a defense force + to protect the original 13 colonies from a British invasion. Today, there are + five branches: + + The United States Army is the oldest (established June 14, 1775) and largest + of the five branches. Soldiers are responsible for performing land-based military + operations. + + The United States Navy mainly operates from the waters (seas and oceans) providing + protection both in the water and in the air. + + The modern-day United States Air Force is the youngest of the five branches + (established September 18, 1947). Before the modern-day Air Force was created, + it was an arm of the U.S. Army, dating to 1907. Airmen are responsible for carrying + out aerial military operations. + + The United States Marine Corps is the smallest of the four branches under the + Department of Defense. Marines provide both land and sea support to the Army, + Navy, Air Force, and, in times of war, Coast Guard. + + The United States Coast Guard is the only branch that falls under the Department + of Homeland Security. The Coast Guard is multi-functional, with many peacetime + missions. Coast Guard missions include: maritime search and rescue, maritime + law enforcement, marine environmental protection, and ports, waterways, and + coastal security. + + Military museums offer visitors insight into the history, defining moments, + and current status of the branches of the U.S. Armed Forces: + + The U.S. Army does not have an official museum but there are interactive exhibits + available online as well as smaller, more focused museums located across the + country. + + There is a plan in progress to develop a national museum in the Washington, + DC, area. + + The National Museum of the Marine Corps is located next to the Marine Corps + Base in Quantico, Virginia, and features exhibits on the actions of Marines + during World Wars I and II, the Korean War, and the Vietnam War. + + Located in downtown Washington, DC, the National Museum of the U.S. Navy has + exhibits on different navigational tools used by the Navy as well as artifacts + captured by the Navy. + + The National Museum of the U.S. Air Force is located at Wright-Patterson Air + Force Base in Ohio and features a collection of aircraft used throughout the + history of the Air Force. + + The United States Coast Guard Museum is located on the campus of the Coast Guard + Academy in New London, Connecticut, and features artifacts from the nearly 230-year + history of the Coast Guard. + + Across the United States, military memorials and monuments commemorate wars, + battles, and those who lived and served during those times. Popular points of + interest by each major war include: + + American Revolution: + + Valley Forge National Historical Park is located in Pennsylvania and is a reminder + of the sacrifices made by soldiers at one of the best-known locations from the + American Revolution. + + Adams National Historic Park is located in Massachusetts and offers visitors + a chance to see the birthplace of Presidents John Adams and John Quincy Adams. + + Morristown National Historic Park in New Jersey is a memorial to those members + of George Washington’s army who survived an unusually cold winter. + + The USS Constitution Museum, located in Massachusetts, provides interactive + exhibits on life on the frigate as well as how the ship handled different battles. + + Fort McHenry in Baltimore, Maryland, is the location that inspired the writing + of the Star-Spangled Banner. + + The African American Civil War Memorial and Museum in Washington, DC, has collections + and exhibits to help visitors remember the African Americans who fought in the + Civil War. + + The National Park Service has an online Civil War database that contains information + on the soldiers and sailors who fought in the Civil War. + + Fredericksburg and Spotsylvania National Military Park in Virginia reminds visitors + of some of the Civil War’s most devastating battles. + + Gettysburg National Military Park is located on the site of the Civil War’s + deadliest battle—and is often referred to as the turning point of the entire + war. + + The National Museum of Civil War Medicine in Maryland has exhibits on those + who volunteered to take care of the sick and wounded during the Civil War. + + President s Park in Washington, DC, includes monuments to the thousands of fallen + American soldiers of the First and Second Infantry Divisions. + + The National World War I Museum and Memorial in Kansas City, Missouri, has various + artifacts from the war—including uniforms, tanks and weapons, and illustrations, + political cartoons and soldiers drawings created during the Great War. + + The US Marine Corps War Memorial, also known as the Iwo Jima Memorial, is located + in Virginia near Arlington National Cemetery. + + The World War II Valor in the Pacific National Monument, near Pearl Harbor in + Honolulu, Hawaii, includes the USS Arizona Memorial and exhibits on events that + occurred in the Pacific Theater during the war. + + The National WW II Memorial in Washington, DC, is a tribute to those who served + during the war in battle and at home. + + The Korean War Veterans Memorial depicts those who fought in the three-year + war. + + In Washington, DC, the Vietnam Veterans Memorial has the names of the 58,000 + Americans who died during the conflict etched into the walls of the monument. + + Visit the National Park Service to search for more military memorials and monuments + located throughout the United States. + + The Star-Spangled Banner is the national anthem of the United States of America. + To celebrate a victory over British forces during the War of 1812, U.S. soldiers + raised a large American flag at Fort McHenry in Baltimore, Maryland, on September + 14, 1814. Inspired by those events, Francis Scott Key wrote a poem called Defence + of Fort M Henry, which eventually became the Star Spangled Banner and the United + States national anthem.' + id: KnowledgeGenerationTeacher + text: 'I live in the usa. + + I love to play golf. + + General Washington was the first president of the United States.' +- - __select-docs-titles__: + - Cherry Tree Myth George Washington s Mount Vernon + __selected-docs__: + - 'Cherry Tree Myth + + Home Washington Library Center for Digital History Digital Encyclopedia Cherry + Tree Myth + + Author Philip Levy discusses his book, Where the Cherry Tree Grew. Levy explains + the history, mythology, and archeology of Ferry Farm, Washington s boyhood home + in Fredericksburg, Virginia. + + The Man and Myth + + The story of the cherry tree is not the only Washington-related myth! Mount + Vernon invites you to separate fact from fiction and learn about the real George + Washington. + + Washington grew up with little formal schooling. However, from the joint influence + of role models and literature, Washington steadfastly preserved the importance + of ideas ranging from honor to humanity to hospitality. + + The cherry tree myth is the most well-known and longest enduring legend about + George Washington. In the original story, when Washington was six years old + he received a hatchet as a gift and damaged his father’s cherry tree. When his + father discovered what he had done, he became angry and confronted him. Young + George bravely said, “I cannot tell a lie…I did cut it with my hatchet.” Washington’s + father embraced him and rejoiced that his son’s honesty was worth more than + a thousand trees.1 + + Ironically, this iconic story about the value of honesty was invented by one + of Washington’s first biographers, an itinerant minister and bookseller named + Mason Locke Weems. After Washington’s death in 1799 people were anxious to learn + about him, and Weems was ready to supply the demand. As he explained to a publisher + in January 1800, “Washington you know is gone! Millions are gaping to read something + about him…My plan! I give his history, sufficiently minute…I then go on to show + that his unparalleled rise and elevation were due to his Great Virtues.”2 Weems’ + biography, The Life of Washington, was first published in 1800 and was an instant + bestseller. However the cherry tree myth did not appear until the book’s fifth + edition was published in 1806. + + Learn More About Parson Weems + + Although there were other myths about Washington in Weems’s book, the cherry + tree myth became the most popular. Weems had several motives when he wrote The + Life of Washington and the cherry tree myth. Profit was certainly one of them; + he rightly assumed that if he wrote a popular history book about Washington + it would sell. Weems was also able to counter the early tradition of deifying + Washington by focusing on his private virtues, rather than his public accomplishments. + A Federalist admirer of order and self-discipline, Weems wanted to present Washington + as the perfect role model, especially for young Americans. + + The cherry tree myth and other stories showed readers that Washington’s public + greatness was due to his private virtues. Washington’s achievements as a general + and president were familiar to people in the early nineteenth century, but little + was known about his relationship with his father, who died when Washington was + only eleven years old. As one Pennsylvanian observed, “The facts and anecdotes + collected by the author are well calculated to exhibit the character of that + illustrious man, and Christian hero.”3 Weems knew what the public wanted to + read, and as a result of his success he is considered one of the fathers of + popular history. + + Weems wrote his version of the cherry tree myth to appeal to a broad audience, + but decades later William Holmes McGuffey composed a series of grammar school + textbooks that recast the anecdote as a children s story. McGuffey was a Presbyterian + minister and a college professor who was passionate about teaching morality + and religion to children. His books, known as McGuffey’s Readers, gave him the + perfect opportunity. First published in 1836, the readers remained in print + for nearly a hundred years and sold over 120 million copies. + + McGuffey s version of the cherry tree myth appeared in his Eclectic Second Reader + for almost twenty years, including the German-language edition from 1854. In + McGuffey s version of the story, Washington s language was formalized, and he + showed more deference to his father’s authority. For example, when Washington’s + father explains the sin of lying, McGuffey has young George respond tearfully, Father, + do I ever tell lies?”4 + + As ministers concerned with moral and religious reform, McGuffey and Weems had + similar motives for writing. Both men also believed that the best way to improve + the moral fiber of society was to educate children. Washington provided the + perfect role model, and McGuffey turned the cherry tree myth into a story specifically + aimed at children. Follow-up questions at the end of McGuffey’s cherry tree + story reinforce its message: “How did his father feel toward him when he made + his confession? What may we expect by confessing our faults?”5 + + By the 1830s, the cherry tree myth was firmly entrenched in American culture, + as the case of Joice Heth clearly shows. Heth was an elderly enslaved woman + purchased by P.T. Barnum in 1835. He made her into a sideshow attraction, billing + her as the slave who had raised George Washington. (If true, this would have + made her 161 years old.) Heth had many physical characteristics of extreme old + age, most likely due to her lifetime in slavery. The stories she told about + Washington--including the cherry tree myth--were right out of Weems. Heth was + credible because she was telling stories that people already knew. + + The cherry tree myth has endured for more than two hundred years probably because + we like the story, which has become an important part of Americans cultural + heritage. It has been featured in comic strips and cartoons, especially political + cartoons. Americans like to use the myth as a standard for politicians; presidents + from William McKinley and Theodore Roosevelt to Richard Nixon, George W. Bush, + and Barack Obama have been featured in cherry-tree themed cartoons. The longevity + of the cherry tree myth is demonstrative of both American ideals and Washington’s + legacy. + + 1 Mason Locke Weems, The Life of Washington the Great (Augusta, GA: George P. + Randolph, 1806), 8-9. + + 2 Mason Locke Weems to Mathew Carey, January 12, 1800, in Paul Leicester Ford, + Mason Locke Weems: His Works, His Ways: A Bibliography Left Unfinished, 3 vols. + (New York: Plimpton Press, 1929), 2: 8-9. + + 3 Proposals of Mason L. Weems, Dumfries, for publishing by subscription, The + Life of George Washington, with curious anecdotes, equally honourable to himself + and exemplary to his young countrymen (Philadelphia: Carey, 1809). + + 4 William Holmes McGuffey, The Eclectic Second Reader (Cincinnati: Truman and + Smith, 1836), 113-115. + + Harris, Christopher. Mason Locke Weems’s Life of Washington: The Making of + a Bestseller. Southern Literary Journal, 19 (1987): 92-102. + + Lengel, Edward G. Inventing George Washington: America’s Founder in Myth and + Memory. New York: HarperCollins, 2010. + + McGuffey, William H. The Eclectic Second Reader. Cincinnati: Truman and Smith, + 1836. + + Weems, Mason L. The Life of Washington the Great: Enriched with a Number of + Very Curious Anecdotes, Perfectly in Character, and Equally Honorable to Himself, + and Exemplary to his Young Countrymen. Augusta, GA: George P. Randolph, 1806.' + __selected-sentences__: + - The story of the cherry tree is not the only Washington-related myth! Mount + Vernon invites you to separate fact from fiction and learn about the real George + Washington. + episode_done: true + eval_labels: + - 'Cherry Tree Myth + + Home Washington Library Center for Digital History Digital Encyclopedia Cherry + Tree Myth + + Author Philip Levy discusses his book, Where the Cherry Tree Grew. Levy explains + the history, mythology, and archeology of Ferry Farm, Washington s boyhood home + in Fredericksburg, Virginia. + + The Man and Myth + + The story of the cherry tree is not the only Washington-related myth! Mount + Vernon invites you to separate fact from fiction and learn about the real George + Washington. + + Washington grew up with little formal schooling. However, from the joint influence + of role models and literature, Washington steadfastly preserved the importance + of ideas ranging from honor to humanity to hospitality. + + The cherry tree myth is the most well-known and longest enduring legend about + George Washington. In the original story, when Washington was six years old + he received a hatchet as a gift and damaged his father’s cherry tree. When his + father discovered what he had done, he became angry and confronted him. Young + George bravely said, “I cannot tell a lie…I did cut it with my hatchet.” Washington’s + father embraced him and rejoiced that his son’s honesty was worth more than + a thousand trees.1 + + Ironically, this iconic story about the value of honesty was invented by one + of Washington’s first biographers, an itinerant minister and bookseller named + Mason Locke Weems. After Washington’s death in 1799 people were anxious to learn + about him, and Weems was ready to supply the demand. As he explained to a publisher + in January 1800, “Washington you know is gone! Millions are gaping to read something + about him…My plan! I give his history, sufficiently minute…I then go on to show + that his unparalleled rise and elevation were due to his Great Virtues.”2 Weems’ + biography, The Life of Washington, was first published in 1800 and was an instant + bestseller. However the cherry tree myth did not appear until the book’s fifth + edition was published in 1806. + + Learn More About Parson Weems + + Although there were other myths about Washington in Weems’s book, the cherry + tree myth became the most popular. Weems had several motives when he wrote The + Life of Washington and the cherry tree myth. Profit was certainly one of them; + he rightly assumed that if he wrote a popular history book about Washington + it would sell. Weems was also able to counter the early tradition of deifying + Washington by focusing on his private virtues, rather than his public accomplishments. + A Federalist admirer of order and self-discipline, Weems wanted to present Washington + as the perfect role model, especially for young Americans. + + The cherry tree myth and other stories showed readers that Washington’s public + greatness was due to his private virtues. Washington’s achievements as a general + and president were familiar to people in the early nineteenth century, but little + was known about his relationship with his father, who died when Washington was + only eleven years old. As one Pennsylvanian observed, “The facts and anecdotes + collected by the author are well calculated to exhibit the character of that + illustrious man, and Christian hero.”3 Weems knew what the public wanted to + read, and as a result of his success he is considered one of the fathers of + popular history. + + Weems wrote his version of the cherry tree myth to appeal to a broad audience, + but decades later William Holmes McGuffey composed a series of grammar school + textbooks that recast the anecdote as a children s story. McGuffey was a Presbyterian + minister and a college professor who was passionate about teaching morality + and religion to children. His books, known as McGuffey’s Readers, gave him the + perfect opportunity. First published in 1836, the readers remained in print + for nearly a hundred years and sold over 120 million copies. + + McGuffey s version of the cherry tree myth appeared in his Eclectic Second Reader + for almost twenty years, including the German-language edition from 1854. In + McGuffey s version of the story, Washington s language was formalized, and he + showed more deference to his father’s authority. For example, when Washington’s + father explains the sin of lying, McGuffey has young George respond tearfully, Father, + do I ever tell lies?”4 + + As ministers concerned with moral and religious reform, McGuffey and Weems had + similar motives for writing. Both men also believed that the best way to improve + the moral fiber of society was to educate children. Washington provided the + perfect role model, and McGuffey turned the cherry tree myth into a story specifically + aimed at children. Follow-up questions at the end of McGuffey’s cherry tree + story reinforce its message: “How did his father feel toward him when he made + his confession? What may we expect by confessing our faults?”5 + + By the 1830s, the cherry tree myth was firmly entrenched in American culture, + as the case of Joice Heth clearly shows. Heth was an elderly enslaved woman + purchased by P.T. Barnum in 1835. He made her into a sideshow attraction, billing + her as the slave who had raised George Washington. (If true, this would have + made her 161 years old.) Heth had many physical characteristics of extreme old + age, most likely due to her lifetime in slavery. The stories she told about + Washington--including the cherry tree myth--were right out of Weems. Heth was + credible because she was telling stories that people already knew. + + The cherry tree myth has endured for more than two hundred years probably because + we like the story, which has become an important part of Americans cultural + heritage. It has been featured in comic strips and cartoons, especially political + cartoons. Americans like to use the myth as a standard for politicians; presidents + from William McKinley and Theodore Roosevelt to Richard Nixon, George W. Bush, + and Barack Obama have been featured in cherry-tree themed cartoons. The longevity + of the cherry tree myth is demonstrative of both American ideals and Washington’s + legacy. + + 1 Mason Locke Weems, The Life of Washington the Great (Augusta, GA: George P. + Randolph, 1806), 8-9. + + 2 Mason Locke Weems to Mathew Carey, January 12, 1800, in Paul Leicester Ford, + Mason Locke Weems: His Works, His Ways: A Bibliography Left Unfinished, 3 vols. + (New York: Plimpton Press, 1929), 2: 8-9. + + 3 Proposals of Mason L. Weems, Dumfries, for publishing by subscription, The + Life of George Washington, with curious anecdotes, equally honourable to himself + and exemplary to his young countrymen (Philadelphia: Carey, 1809). + + 4 William Holmes McGuffey, The Eclectic Second Reader (Cincinnati: Truman and + Smith, 1836), 113-115. + + Harris, Christopher. Mason Locke Weems’s Life of Washington: The Making of + a Bestseller. Southern Literary Journal, 19 (1987): 92-102. + + Lengel, Edward G. Inventing George Washington: America’s Founder in Myth and + Memory. New York: HarperCollins, 2010. + + McGuffey, William H. The Eclectic Second Reader. Cincinnati: Truman and Smith, + 1836. + + Weems, Mason L. The Life of Washington the Great: Enriched with a Number of + Very Curious Anecdotes, Perfectly in Character, and Equally Honorable to Himself, + and Exemplary to his Young Countrymen. Augusta, GA: George P. Randolph, 1806.' + id: KnowledgeGenerationTeacher + text: 'I live in the usa. + + I love to play golf. + + General Washington was the first president of the United States. + + Yes and he chopped down a cherry tree. + + Washington cutting down a cherry tree is a myth.' +- - __select-docs-titles__: + - George Washington Was a Master of Deception The Atlantic + __selected-docs__: + - 'George Washington Was a Master of Deception + + The Founding Fathers relied on deceit in championing American independence—and + that has lessons for the present. + + Contributing editor at The Atlantic + + The French military leader Marquis de Lafayette and General George Washington + at the Valley Forge encampment of the Continental Army during the winter of + 1777–78AP + + As we celebrate Thanksgiving weekend, a holiday first declared by George Washington’s + presidential proclamation in 1789, it is worth remembering that deception played + a pivotal role in America’s birth. Our shining city on the hill owes much to + the dark arts. George Washington, Benjamin Franklin, and other Founding Fathers + are remembered today as virtuous creators of a bold new democracy. But they + were also cunning manipulators of their information environment—a side of the + founding story that has often been neglected by history. + + George Washington’s inability to tell a lie is a lie. That old cherry-tree fable—in + which young George admits to his father that he did, indeed, chop down the tree + with his hatchet—was invented by a Washington biographer named Mason Locke Weems + in 1806 to boost his book sales. In truth, Washington was an avid spymaster + with a talent for deception that would remain unequaled by American presidents + for the next 150 years. During the Revolutionary War, Washington was referred + to by his own secret code number (711), made ready use of ciphers and invisible + ink, developed an extensive network of spies that reported on British troop + movements and identified American traitors, and used all sorts of schemes to + protect his forces, confuse his adversaries, and gain advantage. His military + strategy was to outsmart and outlast the enemy, not outfight him. He used intelligence + to avoid more battles than he fought, and to trick the British into standing + down when standing up could have meant the end of the Continental Army. + + Cassandra Good: Did George Washington “have a couple of things in his past”? + + Washington began using deception soon after he took command of the Continental + Army in 1775. After a summer of skirmishes around Boston, rebel gunpowder was + nearly gone; Washington’s soldiers had enough only for nine bullets per man. + To hide this potentially fatal weakness from the British while he scrambled + to get supplies, Washington ordered that fake gunpowder casks be filled with + sand and shipped to depots where they would be spotted by British spies. He + also ordered a secret paramilitary mission to seize gunpowder stores in Bermuda + that failed only because another secret rebel mission had gotten there first + but nobody bothered to tell Washington. Throughout the war, Washington wrote + reports inflating his troop strength that were designed to fall into the hands + of traitors within his own ranks or agents hiding among the British. During + the brutal winter of 1777–78 at Valley Forge, with his troops starving, freezing, + and dwindling in number, Washington penned fake documents that referred to phantom + infantry and cavalry regiments to convince British General Sir William Howe + that the rebels were too strong to attack. It worked. Had Howe known the truth + and pressed his advantage, the Continental Army might not have survived the + winter. + + Washington’s deceptions even involved French bread. On August 19, 1781, he confided + in his diary, “French bakery to veil our real movements and create apprehensions + for Staten Island.” Because French bread was a major source of food for the + troops, Washington bet that stationing French bake ovens in New Jersey would + help convince British General Sir Henry Clinton that French and American forces + were planning to remain in the New York area and attack Staten Island when in + fact they were marching south, to attack Lord Cornwallis at Yorktown, Virginia. + The deception was convincing, and it helped win the war. Washington was able + to muster superior forces and slow British reinforcements, leading to Cornwallis’s + surrender at Yorktown. Washington wrote later that victory depended on fooling + even his own troops. “Nor were less pains taken to deceive our own Army,” he + wrote to Noah Webster in 1788, “for I had always conceived, when the imposition + did not completely take place at home, it could never sufficiently succeed abroad.” + + Meanwhile, in Paris, Benjamin Franklin secured pivotal French support for the + war through a combination of diplomacy and duplicity. Wearing homespun clothes + and a coonskin cap, Franklin carefully cultivated his image as a virtuous and + simple countryman seeking independence from the domineering British—a ploy that + capitalized on French views of the British and made him wildly popular in French + social circles. At the same time, Franklin waged a covert propaganda campaign + from his Paris basement, where he set up a printing press and wrote articles + designed to sway opinion across Europe. A printer by trade, Franklin even imported + European paper and type to make his documents look more authentic. + + Read: George Washington’s broken dream of a national university + + Some of Franklin’s writings were outright lies. In 1777, for example, he wrote + a fake letter from a German prince to the commander of mercenary troops fighting + with the British in America in which he complains he is being cheated from money + owed to him and tells the commander to let wounded soldiers die so the British + will pay more. The letter created an uproar in Europe over Britain’s use of + mercenaries. In 1782, Franklin created a forgery of a Boston newspaper that + included fake local news and even fake advertisements. The main “story” quoted + a letter from Captain Samuel Gerrish of the New England militia claiming that + the British royal governor of Canada was paying Indian allies for American scalps, + and that many of the scalps sold were from women and children. The story was + picked up and used by Whig opponents of the war in Britain. Franklin’s use of + deception was so skillful, the CIA named him a Founding Father of American intelligence + a century later. + + America’s revolutionary experience with deception suggests two enduring lessons. + The first is that deception almost always unravels. Washington never expected + his deceits to last long. They were used to buy time—holding enemies at bay + for days, weeks, maybe months. Franklin operated on a longer timetable to influence + opinion and secure alliances during the war, but he never assumed his lies would + remain intact. In fact, they didn’t; we now know that Franklin’s own American + delegation in Paris was heavily penetrated by a British agent. + + The second lesson is that deception is a dangerous animal, and therefore must + be used with great care, to advance a truly just cause. One key difference between + the past and the present isn’t the use of half-truths, spin, lies, and deception. + It’s their purpose. The Founders knowingly used the dark arts for a noble collective + end. Their purpose was to deceive and divide British troops, unify domestic + compatriots, and woo French allies to forge a new nation. Their audacious experiment + sought to grant much greater political power to the people rather than live + under the yoke of a distant king. It was an inspiring and unifying enterprise + worthy of the deception it required.' + __selected-sentences__: + - George Washington’s inability to tell a lie is a lie. That old cherry-tree fable—in + which young George admits to his father that he did, indeed, chop down the tree + with his hatchet—was invented by a Washington biographer named Mason Locke Weems + in 1806 to boost his book sales. In truth, Washington was an avid spymaster + with a talent for deception that would remain unequaled by American presidents + for the next 150 years. During the Revolutionary War, Washington was referred + to by his own secret code number (711), made ready use of ciphers and invisible + ink, developed an extensive network of spies that reported on British troop + movements and identified American traitors, and used all sorts of schemes to + protect his forces, confuse his adversaries, and gain advantage. His military + strategy was to outsmart and outlast the enemy, not outfight him. He used intelligence + to avoid more battles than he fought, and to trick the British into standing + down when standing up could have meant the end of the Continental Army. + episode_done: true + eval_labels: + - 'George Washington Was a Master of Deception + + The Founding Fathers relied on deceit in championing American independence—and + that has lessons for the present. + + Contributing editor at The Atlantic + + The French military leader Marquis de Lafayette and General George Washington + at the Valley Forge encampment of the Continental Army during the winter of + 1777–78AP + + As we celebrate Thanksgiving weekend, a holiday first declared by George Washington’s + presidential proclamation in 1789, it is worth remembering that deception played + a pivotal role in America’s birth. Our shining city on the hill owes much to + the dark arts. George Washington, Benjamin Franklin, and other Founding Fathers + are remembered today as virtuous creators of a bold new democracy. But they + were also cunning manipulators of their information environment—a side of the + founding story that has often been neglected by history. + + George Washington’s inability to tell a lie is a lie. That old cherry-tree fable—in + which young George admits to his father that he did, indeed, chop down the tree + with his hatchet—was invented by a Washington biographer named Mason Locke Weems + in 1806 to boost his book sales. In truth, Washington was an avid spymaster + with a talent for deception that would remain unequaled by American presidents + for the next 150 years. During the Revolutionary War, Washington was referred + to by his own secret code number (711), made ready use of ciphers and invisible + ink, developed an extensive network of spies that reported on British troop + movements and identified American traitors, and used all sorts of schemes to + protect his forces, confuse his adversaries, and gain advantage. His military + strategy was to outsmart and outlast the enemy, not outfight him. He used intelligence + to avoid more battles than he fought, and to trick the British into standing + down when standing up could have meant the end of the Continental Army. + + Cassandra Good: Did George Washington “have a couple of things in his past”? + + Washington began using deception soon after he took command of the Continental + Army in 1775. After a summer of skirmishes around Boston, rebel gunpowder was + nearly gone; Washington’s soldiers had enough only for nine bullets per man. + To hide this potentially fatal weakness from the British while he scrambled + to get supplies, Washington ordered that fake gunpowder casks be filled with + sand and shipped to depots where they would be spotted by British spies. He + also ordered a secret paramilitary mission to seize gunpowder stores in Bermuda + that failed only because another secret rebel mission had gotten there first + but nobody bothered to tell Washington. Throughout the war, Washington wrote + reports inflating his troop strength that were designed to fall into the hands + of traitors within his own ranks or agents hiding among the British. During + the brutal winter of 1777–78 at Valley Forge, with his troops starving, freezing, + and dwindling in number, Washington penned fake documents that referred to phantom + infantry and cavalry regiments to convince British General Sir William Howe + that the rebels were too strong to attack. It worked. Had Howe known the truth + and pressed his advantage, the Continental Army might not have survived the + winter. + + Washington’s deceptions even involved French bread. On August 19, 1781, he confided + in his diary, “French bakery to veil our real movements and create apprehensions + for Staten Island.” Because French bread was a major source of food for the + troops, Washington bet that stationing French bake ovens in New Jersey would + help convince British General Sir Henry Clinton that French and American forces + were planning to remain in the New York area and attack Staten Island when in + fact they were marching south, to attack Lord Cornwallis at Yorktown, Virginia. + The deception was convincing, and it helped win the war. Washington was able + to muster superior forces and slow British reinforcements, leading to Cornwallis’s + surrender at Yorktown. Washington wrote later that victory depended on fooling + even his own troops. “Nor were less pains taken to deceive our own Army,” he + wrote to Noah Webster in 1788, “for I had always conceived, when the imposition + did not completely take place at home, it could never sufficiently succeed abroad.” + + Meanwhile, in Paris, Benjamin Franklin secured pivotal French support for the + war through a combination of diplomacy and duplicity. Wearing homespun clothes + and a coonskin cap, Franklin carefully cultivated his image as a virtuous and + simple countryman seeking independence from the domineering British—a ploy that + capitalized on French views of the British and made him wildly popular in French + social circles. At the same time, Franklin waged a covert propaganda campaign + from his Paris basement, where he set up a printing press and wrote articles + designed to sway opinion across Europe. A printer by trade, Franklin even imported + European paper and type to make his documents look more authentic. + + Read: George Washington’s broken dream of a national university + + Some of Franklin’s writings were outright lies. In 1777, for example, he wrote + a fake letter from a German prince to the commander of mercenary troops fighting + with the British in America in which he complains he is being cheated from money + owed to him and tells the commander to let wounded soldiers die so the British + will pay more. The letter created an uproar in Europe over Britain’s use of + mercenaries. In 1782, Franklin created a forgery of a Boston newspaper that + included fake local news and even fake advertisements. The main “story” quoted + a letter from Captain Samuel Gerrish of the New England militia claiming that + the British royal governor of Canada was paying Indian allies for American scalps, + and that many of the scalps sold were from women and children. The story was + picked up and used by Whig opponents of the war in Britain. Franklin’s use of + deception was so skillful, the CIA named him a Founding Father of American intelligence + a century later. + + America’s revolutionary experience with deception suggests two enduring lessons. + The first is that deception almost always unravels. Washington never expected + his deceits to last long. They were used to buy time—holding enemies at bay + for days, weeks, maybe months. Franklin operated on a longer timetable to influence + opinion and secure alliances during the war, but he never assumed his lies would + remain intact. In fact, they didn’t; we now know that Franklin’s own American + delegation in Paris was heavily penetrated by a British agent. + + The second lesson is that deception is a dangerous animal, and therefore must + be used with great care, to advance a truly just cause. One key difference between + the past and the present isn’t the use of half-truths, spin, lies, and deception. + It’s their purpose. The Founders knowingly used the dark arts for a noble collective + end. Their purpose was to deceive and divide British troops, unify domestic + compatriots, and woo French allies to forge a new nation. Their audacious experiment + sought to grant much greater political power to the people rather than live + under the yoke of a distant king. It was an inspiring and unifying enterprise + worthy of the deception it required.' + id: KnowledgeGenerationTeacher + text: 'I live in the usa. + + I love to play golf. + + General Washington was the first president of the United States. + + Yes and he chopped down a cherry tree. + + Washington cutting down a cherry tree is a myth. + + Did not know that, I thought he was telling the truth to his mother and did + not tell lies. + + He was actually a spy, and told many lies.' +num_episodes: 516 +num_examples: 2881 diff --git a/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldKnowledgeTeacher_test.yml b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldKnowledgeTeacher_test.yml new file mode 100644 index 00000000000..dcdb9deacab --- /dev/null +++ b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldKnowledgeTeacher_test.yml @@ -0,0 +1,797 @@ +acts: +- - __select-docs-titles__: + - Toy Story 1995 IMDb + __selected-docs__: + - 'G | 1h 21min | Animation, Adventure, Comedy | 22 November 1995 (USA) + + John Lasseter (original story by), Pete Docter (original story by) | 6 more + credits » + + Tom Hanks, Tim Allen, Don Rickles | See full cast & crew » + + Bo Peep leads a rescue mission in first Toy Story 4 clip + + Toy Story 4 Clip Sends Bo Peep and Woody on a Rescue Mission + + Mark Wahlberg and Will Ferrell s Favourite Holiday Movies + + The Movies and TV Shows of Joss Whedon + + 2019 Watched list + + بشوفها + + Films that I can watch when I am not home alone (parents are in) + + Search for Toy Story on Amazon.com + + Title: Toy Story (1995) + + 90s Movie to TV Series + + Top Rated Movies #89 | Nominated for 3 Oscars. Another 25 wins & 20 nominations. + See more awards » + + 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. + + Stars: Mike Myers, Eddie Murphy, Cameron Diaz + + A Lion cub crown prince is tricked by a treacherous uncle into thinking he caused + his father s death and flees into exile in despair, only to learn in adulthood + his identity and his responsibilities. + + Directors: Roger Allers, Rob Minkoff + + Stars: Matthew Broderick, Jeremy Irons, James Earl Jones + + Directors: Pete Docter, Ronnie Del Carmen + + Stars: Amy Poehler, Bill Hader, Lewis Black + + Directors: Chris Wedge, Carlos Saldanha + + Stars: Denis Leary, John Leguizamo, Ray Romano + + Tom Hanks ... Woody (voice) + + Tim Allen ... Buzz Lightyear (voice) + + Don Rickles ... Mr. Potato Head (voice) + + Jim Varney ... Slinky Dog (voice) + + Wallace Shawn ... Rex (voice) + + John Ratzenberger ... Hamm (voice) + + Annie Potts ... Bo Peep (voice) + + John Morris ... Andy (voice) + + Erik von Detten ... Sid (voice) + + Laurie Metcalf ... Mrs. Davis (voice) + + R. Lee Ermey ... Sergeant (voice) + + Sarah Freeman ... Hannah (voice) + + Penn Jillette ... TV Announcer (voice) + + Jack Angel ... Shark / Rocky Gibraltar (voice) + + Spencer Aste ... Wounded Soldier (voice) + + A little boy named Andy loves to be in his room, playing with his toys, especially + his doll named Woody . But, what do the toys do when Andy is not with them, + they come to life. Woody believes that his life (as a toy) is good. However, + he must worry about Andy s family moving, and what Woody does not know is about + Andy s birthday party. Woody does not realize that Andy s mother gave him an + action figure known as Buzz Lightyear, who does not believe that he is a toy, + and quickly becomes Andy s new favorite toy. Woody, who is now consumed with + jealousy, tries to get rid of Buzz. Then, both Woody and Buzz are now lost. + They must find a way to get back to Andy before he moves without them, but they + will have to pass through a ruthless toy killer, Sid Phillips. Written by John + Wiggins + + toy | rivalry | cowboy | cgi animation | claw crane | See All (224) » + + Proud to be a vegetable See more » + + Toy Story in 3-D See more » + + Pixar Animation Studios - 1200 Park Avenue, Emeryville, California, USA See + more » + + Dolby SR | Sonics-DDP (3D re-release)| SDDS + + Introduced to the National Film Registry in 2005, its first year of eligibility + for such an accolade. See more » + + When Buzz is sitting on the floor of Sid s room, he is wearing his Mrs. Nesbitt apron. + As Sid s toys converge on Buzz, the apron is gone but is tossed away an instant + later while the toys work on him. See more » + + Andy: [playing with and mimicking the voices of his toys; holding Mr. Potato + Head] All right, everyone! This... is a stick-up. Don t anybody move! Now empty + that safe! + + [empties Hamm the piggy bank and coins fall out] + + Andy: Ooh, hoo hoo! Money, money, money! + + [has Potato Head kiss the money; as Bo Peep] + + Andy: Stop it! Stop it, you mean old potato! + + [as Potato Head] + + Andy: Quiet, Bo Peep! Or your sheep get run over! + + [as the sheep, on a toy car track] + + Andy: Help! Baaa! Help us! + + This is the first Pixar film to feature the Production Babies section, which + lists babies born to the crew members during production. This would become a + trademark in the following years, in films like A Bug s Life (1998), Toy Story + 2 (1999), Monsters, Inc. (2001) and Finding Nemo (2003). See more » + + Several other sequences that included words were rewritten in different languages + for international releases. Among these are the don t count on it from the + 8 ball, posters in Andy and Sid s rooms, and the words on the television screen + during the Buzz Lightyear Commercial See more » + + Featured in WatchMojo: Top 10 Most Memorable Movies of 1995 (2015) See more + » + + Q: What is the Morse code used by Babyface in Sid s room? + + Q: Is Toy Story based on a book? + + Every Kid s Fantasy + + 3 February 2009 | by alexkolokotronis – See all my reviews + + Toy Story is the film that started Pixar Animated Studios into its long string + of never ending success. What Pixar does is not just absorb the younger demographic + and keep the older ones mildly entertained. It completely absorbs everyone watching + no matter the age or the level of maturity, films of Pixar, starting from Toy + Story, have kept a certain magical touch around it with an unexpected amount + of depth. Everyone as a child imagines their toys will come alive and go on + their own adventures. One of the great things Pixar does is that it does not + attract audiences with its overloaded superstar casts but rather with its material. + The only superstar here is Tom Hanks and Tim Allen is the next most aforementioned + voice over. Unlike what most people think their is an actually a method to casting + for animated films as there is to a live-action one. As a result of this Pixar + stays faithful to its material and creates a great genuine and warm feeling + around the film and its characters.' + __selected-sentences__: + - Tom Hanks, Tim Allen, Don Rickles | See full cast & crew » + - Pixar Animation Studios - 1200 Park Avenue, Emeryville, California, USA See + more » + episode_done: true + eval_labels: + - Tom Hanks, Tim Allen, Don Rickles | See full cast & crew » + - Pixar Animation Studios - 1200 Park Avenue, Emeryville, California, USA See + more » + id: KnowledgeGenerationTeacher + text: 'I live in New York, New York. + + I like going to the moives. + + I love to get the overpriced snacks. + + Have you seen any good movies lately? + + I have. I liked Toy Story. There was a marathon. + + All four movies in the Toy Story series are great. Tom Hanks, Tim Allen, and + Don Rickles are all truly great actors and the creativity of the Pixar Animation + Studios team is really top notch.' +- - __select-docs-titles__: + - Pixar Animation Studios Creative Kaizen Technology and + __selected-docs__: + - "Pixar Animation Studios: Creative Kaizen\nBy HBSstudent11\nIliad S.A.: the\ + \ story behind France’s telecommunications maverick\nHow Pixar’s innovative\ + \ production process ensures creative quality for audiences\nPixar: A Winner\n\ + Pixar has been highly effective at aligning its business and operating models\ + \ to drive success. Founded 1986, Pixar has produced 16 feature animated films\ + \ which together have grossed almost $4 billion at the box office (1). Critically\ + \ acclaimed projects include: Toy Story, The Incredibles, Ratatouille, Up, and\ + \ Finding Nemo. Disney took notice of Pixar’s ability to churn out blockbusters,\ + \ and acquired them in 2006 (2). This ability seems to be driven by Pixar’s\ + \ unique model of organization, production, and talent retention.\nPixar makes\ + \ money by unifying art and technology to produce original animated films that\ + \ motivate audiences to buy movie tickets, DVDs, digital copies, and merchandise.\ + \ These films are marketed towards children, but have the emotional depth and\ + \ production quality to appeal to adults. Pixar’s key market differentiator\ + \ is its focus on quality. Instead of throwing out a portfolio of movies every\ + \ year and hoping that a few become blockbusters, Pixar makes big bets on a\ + \ fewer number of films, producing one film every four to five years. It minimizes\ + \ risk by ensuring the quality of these films via a highly monitored production\ + \ process.\nPixar has a very unique operating model compared to other film studios.\ + \ In other studios, new creative teams are formed around new film concepts and\ + \ then disbanded once the films are complete. Pixar takes a drastically different\ + \ approach and retains creative talent as long-term employees. This allows teams\ + \ to improve their skills and operating processes over time with increased repetition\ + \ (3). Pixar leaders believe that the initial idea matters a lot less than the\ + \ people who actually iterate and brainstorm around that idea throughout the\ + \ production process (4). Other key elements of Pixar’s successful operating\ + \ model include:\nIncubator Teams: When concepts are still nascent, small teams\ + \ of directors, writers, and artists serve as incubators that work together\ + \ to improve and expand on the initial ideas. This tests the idea, but also\ + \ serves as a way for teams to feel out their strengths and weaknesses and learn\ + \ how they should work together moving forward (4).\nShared Dailies: Every day,\ + \ directors and producers must show their daily work to everyone (instead of\ + \ just a small team like at other studios). All members of the crew are encouraged\ + \ to offer suggestions for improvement. Dailies serve as a great way to share\ + \ information with the entire team and break down departmental barriers (4).\n\ + Creative Brain Trust: This is a committee of creative leaders in the company\ + \ that directors/producers can access to help solve production problems. An\ + \ important and unique dynamic of this group is that, unlike traditional studio\ + \ development executives, the advisors of this committee have no authority.\ + \ Instead, they are peers whose purpose is solely to offer creative input and\ + \ advice (5).\nPostmortems: These are meetings that occur after a film is finished\ + \ and discuss the successes and failures of the process. This is critical for\ + \ the growth of the teams (as they will largely remain together to work on the\ + \ next Pixar film) and helps improve work output and processes for the future\ + \ (4).\nPixar University: The company offers classes across disciplines to foster\ + \ communication between departments and emphasize the idea of “learning and\ + \ growing together” (3).\nPixar Campus: The campus has an open plan that maximizes\ + \ interaction among colleagues during the workday to stimulate conversation\ + \ and free flow of ideas (3).\nBusiness and Operating Model Alignment\nThe business\ + \ and operating models are both aligned on Pixar’s key competitive advantages:\ + \ creativity and quality. Pixar has become a consumer-facing brand associated\ + \ with a high level of creativity and quality — and they want to sustain this\ + \ brand identity to retain loyal audiences. To ensure that this production value\ + \ is being provided to customers, the production process is highly detail-oriented\ + \ and based on constant iteration, refinement, and team growth and learning.\ + \ A Harvard Business Review article even likened Pixar’s continuous improvement\ + \ model to that of Toyota’s “Kaizen” philosophy (6). The operating model also\ + \ supports the business model and decreases the risk of a very expensive film\ + \ failure by subjecting the work in process to constant quality control checks.\ + \ High levels of cooperation and sharing throughout the production process allows\ + \ for errors in storyline, dialogue, or visual effects to be caught early and\ + \ often — before the process is too far along for these problems to be fixed\ + \ (4). Though this increases the cycle time of the process (often only 2 seconds\ + \ of a film is worked on each day!), Pixar’s box office performance has shown\ + \ that the value gained from this process in quality and creativity added has\ + \ definitely paid off (7).\nSources Cited/Used:\nhttp://www.boxofficemojo.com/franchises/chart/?id=pixar.htm\n\ + http://www.hollywoodreporter.com/news/pixar-disney-animation-john-lasseters-661752\n\ + http://www.nytimes.com/2006/01/29/technology/29iht-pixar30.html?pagewanted=all&_r=0\n\ + https://hbr.org/2008/09/how-pixar-fosters-collective-creativity\nhttp://fortune.com/video/2015/07/14/the-strategy-that-makes-each-pixar-films-successful/\n\ + https://hbr.org/2010/08/what-google-could-learn-from-p\nhttp://www.newyorker.com/magazine/2011/05/16/the-fun-factory\n\ + http://www.bizjournals.com/bizjournals/how-to/growth-strategies/2015/07/3-pixar-strategies-that-can-help-you-grow-revenue.html?page=all\n\ + http://www.fastcodesign.com/1665008/the-inside-story-5-secrets-to-pixar-s-success\n\ + http://www.pixar.com/\ncreativity, film, winner\nFinding LUV at Southwest Airlines\n\ + 8 thoughts on “Pixar Animation Studios: Creative Kaizen”\nDecember 9, 2015\t\ + \ Alice says:\nFascinating– I love Pixar films and really enjoyed reading your\ + \ post. There’s a special exhibition on “The Science Behind Pixar” at the Museum\ + \ of Science in downtown Boston you should check out!\nDecember 10, 2015\t arlo\ + \ says:\nI love Pixar films too, despite being a non-target consumer of Pixar.\ + \ \U0001F642 I really appreciated reading about all the steps they take to ensure\ + \ a high quality film is produced. Hopefully their quality won’t decline given\ + \ their decision to release two films per year (http://pixartimes.com/2013/06/04/the-pixar-perspective-on-making-two-films-a-year/).\n\ + Buzz Lightyear, I am your biggest fan!!! Nice post. Very interesting comparing\ + \ their operating model vs. the rest of Hollywood. I would imagine the reason\ + \ may be related to the criticality of software in teh production process… the\ + \ interface between creative and technical is much more integrative, which may\ + \ motivate keeping people aroudn to drive experience and learning in the more\ + \ complex setting… what do you think?\nDecember 14, 2015\t Buzz Lightyear says:\n\ + I think that the technology/software side of Pixar does have something to do\ + \ with it. Their approach often comes across as more scientific than artistic\ + \ to me. For example, they encourage their tech artists to regularly publish\ + \ articles and present at conferences so that they maintain a strong relationship\ + \ with the academic community.\nIt is interesting to note, however, that elsewhere\ + \ in Hollywood, smaller-scale creative alliances do form. For example, director\ + \ David O. Russell and actress Jennifer Lawrence have worked on multiple movies\ + \ such as Joy, American Hustle, and Silver Linings Playbook together. I also\ + \ saw JJ Abram’s long-time editors (since the show Alias) speak at the LA Film\ + \ Festival this summer, and they said have gotten to know his working style\ + \ over the years, and it seemed like they have refined and improved their working\ + \ processes over time. I am working in development at a production company this\ + \ summer, and hope to learn more about the different operating models happening\ + \ in film/TV and how creative teams form and function!\nhttp://www.filmindependent.org/blogs/j-j-abrams-long-time-editors-reveal-how-to-help-develop-characters-in-the-editing-room/#.Vm9jOxorLUo\n\ + http://deadline.com/2015/12/david-o-russell-joy-oscars-jennifer-lawrence-1201664630/\n\ + December 14, 2015\t Lior says:\nI’m also a huge Pixar fan and appreciate how\ + \ they managed to create and sustain such a strong operating model (with clear\ + \ link to the business model – quality and creativity). We actually tried mimicking\ + \ this model as we evaluated marketing campaigns in P&G (we formed a community\ + \ of brain trust and made sure to share campaign progress with the entire team.\ + \ We also discussed the successes and failures of the process at the end of\ + \ the campaign). I personally think the idea of using Pixar model to build marketing\ + \ campaigns is a powerful one, but we lacked full commitment to the process.\n\ + Building on that… I was wondering what are your thoughts on using this model\ + \ for different industries? For example, the pharmaceutical industry would also\ + \ benefit from high quality “blockbuster” drugs as opposed to “mini-hits”.\n\ + This is very interesting. To be honest I didn’t know Pixar had a significantly\ + \ different positioning to other movie producers, but I did love most of their\ + \ movies. The different areas you described reminded me a lot the Design Thinking\ + \ process we learned in the IDEO case, with teams brainstorming and converging\ + \ during the day and then use the Incubator Team, Shared Dailies and the Creative\ + \ Brain Trust to validate and/or generate new ideas. I wonder whether they do\ + \ something similar with the target audience or if this limited to employees\ + \ within the company.\nDecember 14, 2015\t AClay says:\nGreat article! I wonder\ + \ if Pixar was able to keep its unique culture after the Disney buyout. Disney\ + \ has such a strong culture itself, that I would imagined that it would be hard\ + \ for Disney’s culture to not suffocate Pixar’s culture.\nAlso, Shared Dailies\ + \ sound freighting like Bridgewater’s immediate feedback model to me. I wonder\ + \ how direct their feedback is at Pixar." + __selected-sentences__: + - Pixar makes money by unifying art and technology to produce original animated + films that motivate audiences to buy movie tickets, DVDs, digital copies, and + merchandise. These films are marketed towards children, but have the emotional + depth and production quality to appeal to adults. Pixar’s key market differentiator + is its focus on quality. Instead of throwing out a portfolio of movies every + year and hoping that a few become blockbusters, Pixar makes big bets on a fewer + number of films, producing one film every four to five years. It minimizes risk + by ensuring the quality of these films via a highly monitored production process. + - 'Pixar has a very unique operating model compared to other film studios. In + other studios, new creative teams are formed around new film concepts and then + disbanded once the films are complete. Pixar takes a drastically different approach + and retains creative talent as long-term employees. This allows teams to improve + their skills and operating processes over time with increased repetition (3). + Pixar leaders believe that the initial idea matters a lot less than the people + who actually iterate and brainstorm around that idea throughout the production + process (4). Other key elements of Pixar’s successful operating model include:' + episode_done: true + eval_labels: + - Pixar makes money by unifying art and technology to produce original animated + films that motivate audiences to buy movie tickets, DVDs, digital copies, and + merchandise. These films are marketed towards children, but have the emotional + depth and production quality to appeal to adults. Pixar’s key market differentiator + is its focus on quality. Instead of throwing out a portfolio of movies every + year and hoping that a few become blockbusters, Pixar makes big bets on a fewer + number of films, producing one film every four to five years. It minimizes risk + by ensuring the quality of these films via a highly monitored production process. + - 'Pixar has a very unique operating model compared to other film studios. In + other studios, new creative teams are formed around new film concepts and then + disbanded once the films are complete. Pixar takes a drastically different approach + and retains creative talent as long-term employees. This allows teams to improve + their skills and operating processes over time with increased repetition (3). + Pixar leaders believe that the initial idea matters a lot less than the people + who actually iterate and brainstorm around that idea throughout the production + process (4). Other key elements of Pixar’s successful operating model include:' + id: KnowledgeGenerationTeacher + text: 'I live in New York, New York. + + I like going to the moives. + + I love to get the overpriced snacks. + + Have you seen any good movies lately? + + I have. I liked Toy Story. There was a marathon. + + All four movies in the Toy Story series are great. Tom Hanks, Tim Allen, and + Don Rickles are all truly great actors and the creativity of the Pixar Animation + Studios team is really top notch. + + It is neat to see how they progressed in the series with the quality. + + You''re right. The quality of all of Pixar''s movies have increased over the + years. This is due, in no small part, to the fact that they have long term teams + that work together on multiple projects. Further, Pixar, as a company, cares + more about creating high quality movies than they do making the most money possible. + This is their company''s culture and the reason for their continuing success.' +- - __select-docs-titles__: + - Toy Story 2 Was Accidentally Deleted During Development + __selected-docs__: + - 'Fun Facts › TV and Film Facts › Toy Story 2 Was Accidentally Deleted During + Development and Almost Lost← NextRandomPrevious → + + Toy Story 2 Was Accidentally Deleted During Development and Almost Lost + + During development at Pixar, Toy Story 2 was accidentally deleted, but was recovered + by an employee who saved the movie to her computer at home while on maternal + leave. + + Topics: Pixar, Toy Story, Unbelievable, Movie, FIlm, Accident + + It s a movie studio s worst nightmare; losing a movie in development that s + cost hundreds of man hours and a significant amount more in financial terms, + but that s exactly what happened to the guys at Pixar who were working on the + sequel to the 90s hit, Toy Story. + + The former Chief Technical Officer of Pixar, Oren Jacob, recounts the ordeal: + + [Larry Cutler] was in that directory and happened to be talking about installing + a fix to Woody or Woody’s hat. He looked at the directory and it had like 40 + files, and he looked again and it had four files. + + Then we saw sequences start to vanish as well and we were like, “Oh my god” + + I grabbed the phone… unplug the machine!” + + One of his co-workers had issued an over-reaching command to the studio s server + to try to fix a simple, benign problem, but instead, ended up recursively deleting + large chunks of the movie itselt - approximately two months worth of work. + + This triggered a huge effort by the Pixar team to recover what was lost. They + were in luck as one of the staff members had a copy of the movie on their computer + at home. + + Interestingly, this wasn t the last time that Toy Story 2 was deleted. In fact, + with only months to go until a set-in-stone release date, serving as testament + to Pixar s commitment to quality, the whole film was binned and re-made. + + 1How Pixar’s Toy Story 2 was deleted twice, once by technology and again for + its own good + + http://thenextweb.com/media/2012/05/21/how-pixars-toy-story-2-was-deleted-twice-once-by-technology-and-again-for-its-own-good/' + __selected-sentences__: + - Fun Facts › TV and Film Facts › Toy Story 2 Was Accidentally Deleted During + Development and Almost Lost← NextRandomPrevious → + - During development at Pixar, Toy Story 2 was accidentally deleted, but was recovered + by an employee who saved the movie to her computer at home while on maternal + leave. + - One of his co-workers had issued an over-reaching command to the studio s server + to try to fix a simple, benign problem, but instead, ended up recursively deleting + large chunks of the movie itselt - approximately two months worth of work. + episode_done: true + eval_labels: + - Fun Facts › TV and Film Facts › Toy Story 2 Was Accidentally Deleted During + Development and Almost Lost← NextRandomPrevious → + - During development at Pixar, Toy Story 2 was accidentally deleted, but was recovered + by an employee who saved the movie to her computer at home while on maternal + leave. + - One of his co-workers had issued an over-reaching command to the studio s server + to try to fix a simple, benign problem, but instead, ended up recursively deleting + large chunks of the movie itselt - approximately two months worth of work. + id: KnowledgeGenerationTeacher + text: 'I live in New York, New York. + + I like going to the moives. + + I love to get the overpriced snacks. + + Have you seen any good movies lately? + + I have. I liked Toy Story. There was a marathon. + + All four movies in the Toy Story series are great. Tom Hanks, Tim Allen, and + Don Rickles are all truly great actors and the creativity of the Pixar Animation + Studios team is really top notch. + + It is neat to see how they progressed in the series with the quality. + + You''re right. The quality of all of Pixar''s movies have increased over the + years. This is due, in no small part, to the fact that they have long term teams + that work together on multiple projects. Further, Pixar, as a company, cares + more about creating high quality movies than they do making the most money possible. + This is their company''s culture and the reason for their continuing success. + + I once heard someone erased progress on it like a saved file but someone had + it on their laptop or something. + + 4That is a crazy story. Someone totally deleted Toy Story 2 while it was in + development (the result of a badly written program that just started deleting + files on their server). But, the project was saved because a woman, who was + on maternit6y leave, had saved the movie onto her laptop. I am sure thy have + fixed their back up systems after this.' +- - __select-docs-titles__: + - The Cast of Pixar s Onward Cinemark Movie News + __selected-docs__: + - 'Meet the Cast of Pixar s Onward + + The Cast of Pixar s Fantasy Adventure, Onward + + Like a new film from Marvel or another episode of STAR WARS, a new Pixar movie + isn’t just a new animated movie for kids: it’s an event. The studio behind some + of the greatest animated films of the past 20 years, including TOY STORY, WALL-E, + and MONSTERS, INC. is back this year with an all-new adventure that takes audiences + into a world beyond the limits of our imagination. + + ONWARD introduces young (and young-at-heart) viewers to a wonderful land where + mythical creatures like elves and unicorns aren t merely real — they re the + primary residents! There s trouble brewing, however. Technology is taking hold + and the world is losing its magic. The land is in need of some serious help, + and who’s more helpful than a pair of elves? How about a pair of elves voiced + by Marvel super-stars Chris Pratt and Tom Holland? + + Pratt and Holland aren’t the only famous voices you’ll hear in Pixar’s latest. + Read on for our handy guide to the fantastic and familiar voices of ONWARD. + + [Image credit: Pixar Animation Studios] + + Pixar’s all-new animated adventure is set in a fictional realm that isn’t too + different from our own: There are suburbs and trash collectors, businesses big + and small, schools and transportation. There’s just one thing: This world is + magic, and its inhabitants are the creatures that we think of as mythical. + + But magic isn’t as easy to use as it once was, and the population has become + increasingly dependent on technology and science to get things done. Instead + of using magic, the creatures in this world are turning to cars and phones and + other science-based devices, taking them further and further away from magic. + And this surprisingly relatable situation is where our story begins… and where + our heroes enter the picture. + + Meet Ian and Barley Lightfoot + + Ian and Barley are teenage elves who, like most creatures in their society, + have become a little too dependent on technology and modern machinery. Then + their mother gifts them with a magical staff that can bring a lost loved one + back to life for 24 hours. Even though the brothers aren’t well-versed in wielding + magical equipment, they use it to try and bring back their father, who died + before Ian was born. Due to their lack of experience, they’re only able to summon + their dad’s legs. Barley, desperate for an epic quest, grabs Ian and they set + off on a journey to figure out how to bring their dad back – all of him – before + the day ends. + + Ian is voiced by Tom Holland, star of the new SPIDER-MAN movies and historical + drama THE CURRENT WAR. He also recently lent his voice to another animated movie: + SPIES IN DISGUISE. In 2020, Holland will reunite with another MCU favorite, + voicing Pip the dog opposite Robert Downey Jr.’s Doctor Dolittle in DOLITTLE. + + Barley is voiced by GUARDIANS OF THE GALAXY fave Chris Pratt, who has plenty + of experience voicing a charming animated hero thanks to his role in THE LEGO + MOVIE and its sequel. + + Laurel Lightfoot + + Laurel is the mother of Ian and Barley, and she gives the magical staff to her + sons in an effort to help them reconnect with magic. She’s played by Julia Louis-Dreyfus, + one of the all-time greatest comedic actors. Louis-Dreyfus is best known for + her roles in beloved sitcoms like “Seinfeld” and “The New Adventures of Old + Christine.” She also played the lead role on HBO’s critically-acclaimed political + comedy series “Veep,” which recently ended after seven seasons. + + Octavia Spencer plays Corey, a friendly manticore who owns a restaurant. Barley + and Ian visit her for help on their quest. Spencer won an Oscar for her supporting + role in 2011’s THE HELP, and since then she’s had notable roles in all kinds + of movies and shows – everything from SNOWPIERCER to THE SHAPE OF WATER and + last year’s horror-thriller MA, as well as the new AppleTV+ series “Truth Be + Told.” + + Gore and Specter + + Gore (not like the gore in a horror movie) is a faun – a magical deer, basically + – and a police officer. She’s voiced by comedian Ali Wong, who became a major + hit with her Netflix specials “Baby Cobra” and “Hard Knock Wife.” Last year + she starred opposite Randall Park in the delightful Netflix rom-com ALWAYS BE + MY MAYBE, which featured an internet-breaking cameo from Keanu Reeves. + + Like Gore, Specter is also a police officer, but she’s a cyclops – a creature + with a single eye. Specter is voiced by Lena Waithe, whose work as co-star and + writer on Netflix’s “Master of None” launched her into the mainstream overnight + and won her a Primetime Emmy – making Waithe the first black woman to win a + writing Emmy for Outstanding Comedy Series. Waithe has used her fame to produce + other projects, like the recent drama QUEEN & SLIM and the Showtime series “The + Chi.” She also had a supporting role in Steven Spielberg’s READY PLAYER ONE. + + Colt Bronco + + Joining Gore and Specter on the magical police force is Colt Bronco, a centaur + (half-horse, half-human) who, honestly, has a very cool name. Colt is voiced + by Mel Rodriguez, a character actor best known in recent years for starring + on the short-lived FOX series “The Last Man on Earth” and AMC’s “Better Call + Saul.” In 2019 he starred opposite Kirsten Dunst on the critically-acclaimed + series “On Becoming a God in Central Florida.” + + ONWARD opens on March 6! + + All images courtesy of Pixar Animation Studios.' + __selected-sentences__: + - ONWARD introduces young (and young-at-heart) viewers to a wonderful land where + mythical creatures like elves and unicorns aren t merely real — they re the + primary residents! There s trouble brewing, however. Technology is taking hold + and the world is losing its magic. The land is in need of some serious help, + and who’s more helpful than a pair of elves? How about a pair of elves voiced + by Marvel super-stars Chris Pratt and Tom Holland? + - Pratt and Holland aren’t the only famous voices you’ll hear in Pixar’s latest. + Read on for our handy guide to the fantastic and familiar voices of ONWARD. + episode_done: true + eval_labels: + - ONWARD introduces young (and young-at-heart) viewers to a wonderful land where + mythical creatures like elves and unicorns aren t merely real — they re the + primary residents! There s trouble brewing, however. Technology is taking hold + and the world is losing its magic. The land is in need of some serious help, + and who’s more helpful than a pair of elves? How about a pair of elves voiced + by Marvel super-stars Chris Pratt and Tom Holland? + - Pratt and Holland aren’t the only famous voices you’ll hear in Pixar’s latest. + Read on for our handy guide to the fantastic and familiar voices of ONWARD. + id: KnowledgeGenerationTeacher + text: 'I live in New York, New York. + + I like going to the moives. + + I love to get the overpriced snacks. + + Have you seen any good movies lately? + + I have. I liked Toy Story. There was a marathon. + + All four movies in the Toy Story series are great. Tom Hanks, Tim Allen, and + Don Rickles are all truly great actors and the creativity of the Pixar Animation + Studios team is really top notch. + + It is neat to see how they progressed in the series with the quality. + + You''re right. The quality of all of Pixar''s movies have increased over the + years. This is due, in no small part, to the fact that they have long term teams + that work together on multiple projects. Further, Pixar, as a company, cares + more about creating high quality movies than they do making the most money possible. + This is their company''s culture and the reason for their continuing success. + + I once heard someone erased progress on it like a saved file but someone had + it on their laptop or something. + + 4That is a crazy story. Someone totally deleted Toy Story 2 while it was in + development (the result of a badly written program that just started deleting + files on their server). But, the project was saved because a woman, who was + on maternit6y leave, had saved the movie onto her laptop. I am sure thy have + fixed their back up systems after this. + + Yes! and I remember now that is how that story goes. + + Pixar has produced 20 movies since its founding and all of the big names have + worked with them. Julia Louis-Dreyfus, Tom Holland, Jon Batiste, Phylicia Rashad, + Questlove, Tina Fey. Have you seen their newest movie Onward with Chris Pratt?' +- - __select-docs-titles__: + - Critics Accuse Pixar s Inside Out of Body Shaming + __selected-docs__: + - 'Critics Accuse Pixar s Inside Out of Body Shaming, Internet Promptly Freaks + Out + + Is this beloved character s appearance sending a dangerous message? + + Anyone who s seen Pixar s most recent movie Inside Out probs left the theater + crying their eyes out. The movie, about an 11-year -old girl named Riley s emotions + battling with one another about how to deal with being uprooted from her home + and moving to a new city, captures perfectly what you felt dealing with life + as an 11 years old kid. + + The movie has been getting stellar reviews from most, but one negative review + has sparked a lot of controversy. In an article for the Huffington Post, critic + Joni Edelman claims that Inside Out fails at body positivity. Her issue with + the movie is that while the character that represents the positive emotion joy + (who s name is obvs Joy) is thin, tall, and human-like, Sadness (an emotion + we typically think of as negative) is a short, round, bespectacled, and blue...thing(?). + + In the review, she explains why she finds this portrayal of sadness offensive: + + Probably because someone at Pixar thinks fat people are sad. Because they are + fat. And how could they be fat and smile? Fat people have some nerve. Also, + their poor vision is apparently causing them some distress. Joy doesn t wear + glasses. She probably had Lasik. Because she is probably also rich. Rich, white + (well, white-ish) people are also joyous. And she gets to wear a cute little + dress, which she probably bought at Nordstrom, while Sad is shrouded in what + is probably an itchy-ass thrifted wool sweater. Maybe that s why she s named + Sad. + + Joni s critique promptly went viral, with most fans of the movie slamming the + review, especially because, well, she never watched the movie. + + This article bashing #InsideOut is so hilariously bad. Maybe see it BEFORE talking + about it: http://t.co/w4h0S9pcoI pic.twitter.com/8R94m5Nfvq + + — Jordan Maison (@JordanMaison) June 29, 2015 + + A real, honest to God review of Inside Out, written by someone who hasn t + seen it. http://t.co/m917yFOSz9 pic.twitter.com/cLS4AWfO0Q + + — Sam Charles (@samjcharles) June 30, 2015 + + Many felt the review was counterproductive, because it was stereotyping Sadness appearance + as being bad because she happened to be shorter and not as thin as the other + characters, when, in fact, Sadness was actually *SPOILER ALERT* the integral + emotion that ended up saving the day. + + Joy was annoyed with Sadness throughout the movie, because she was making Riley, + well, sad about moving. But at the end of the day, Joy realized that she was + making Riley worse by trying to force her to be happy and had to let Riley be + sad in order for her to deal with her emotions in a healthy way. + + Other commenters believed that the reviewer was simply missing the fact that + each emotion was shaped like something representative of that emotion, saying + that Sadness wasn t fat , but rounded, like a teardrop. One commenter shared, Joy + is a star... Anger is a fire brick, Disgust is broccoli, Fear is a frayed nerve, + and Sadness is a tear. + + Others defended Jodi s review, saying Sadness shape sends a harmful message. It + s clear from the image that sadness equals a fat woman wearing glasses. This + image reinforces stereotypes, whatever the content of the movie. It s not that + sadness isn t a useful, normal human emotion, it s the assumption that the saddest + thing you can be is a fat woman with glasses. The image they have chosen undercuts + any statement they may have wished to make in the movie, according to one commenter + on a review rebutting Edelman s. + + Whether the reviewer was wrong or right in her assessment, she did open up a + super important discussion about body image representation in movies that will + hopefully inspire filmmakers to think about the messages we may be (intentionally + or unintentionally) sending about body image and appearance, even in Pixar movies. + + Relive Your Fave Disney Pixar Flicks! + + New Inside Out Trailer! + + It Turns Out, Harry Styles Had a Role In Pixar s Inside Out + + Why Everyone Is Freaking Out About This Body-Shaming Period Commercial + + The Inside Out Honest Trailer Will Make You Realize It Doesn t Actually Make + Any Sense + + This Mind-Blowing Pixar Theory Will Make That Devastating Moment in Inside + Out a Little Less Painful' + __selected-sentences__: + - The movie has been getting stellar reviews from most, but one negative review + has sparked a lot of controversy. In an article for the Huffington Post, critic + Joni Edelman claims that Inside Out fails at body positivity. Her issue with + the movie is that while the character that represents the positive emotion joy + (who s name is obvs Joy) is thin, tall, and human-like, Sadness (an emotion + we typically think of as negative) is a short, round, bespectacled, and blue...thing(?). + - Probably because someone at Pixar thinks fat people are sad. Because they are + fat. And how could they be fat and smile? Fat people have some nerve. Also, + their poor vision is apparently causing them some distress. Joy doesn t wear + glasses. She probably had Lasik. Because she is probably also rich. Rich, white + (well, white-ish) people are also joyous. And she gets to wear a cute little + dress, which she probably bought at Nordstrom, while Sad is shrouded in what + is probably an itchy-ass thrifted wool sweater. Maybe that s why she s named + Sad. + - Joni s critique promptly went viral, with most fans of the movie slamming the + review, especially because, well, she never watched the movie. + episode_done: true + eval_labels: + - The movie has been getting stellar reviews from most, but one negative review + has sparked a lot of controversy. In an article for the Huffington Post, critic + Joni Edelman claims that Inside Out fails at body positivity. Her issue with + the movie is that while the character that represents the positive emotion joy + (who s name is obvs Joy) is thin, tall, and human-like, Sadness (an emotion + we typically think of as negative) is a short, round, bespectacled, and blue...thing(?). + - Probably because someone at Pixar thinks fat people are sad. Because they are + fat. And how could they be fat and smile? Fat people have some nerve. Also, + their poor vision is apparently causing them some distress. Joy doesn t wear + glasses. She probably had Lasik. Because she is probably also rich. Rich, white + (well, white-ish) people are also joyous. And she gets to wear a cute little + dress, which she probably bought at Nordstrom, while Sad is shrouded in what + is probably an itchy-ass thrifted wool sweater. Maybe that s why she s named + Sad. + - Joni s critique promptly went viral, with most fans of the movie slamming the + review, especially because, well, she never watched the movie. + id: KnowledgeGenerationTeacher + text: 'I live in New York, New York. + + I like going to the moives. + + I love to get the overpriced snacks. + + Have you seen any good movies lately? + + I have. I liked Toy Story. There was a marathon. + + All four movies in the Toy Story series are great. Tom Hanks, Tim Allen, and + Don Rickles are all truly great actors and the creativity of the Pixar Animation + Studios team is really top notch. + + It is neat to see how they progressed in the series with the quality. + + You''re right. The quality of all of Pixar''s movies have increased over the + years. This is due, in no small part, to the fact that they have long term teams + that work together on multiple projects. Further, Pixar, as a company, cares + more about creating high quality movies than they do making the most money possible. + This is their company''s culture and the reason for their continuing success. + + I once heard someone erased progress on it like a saved file but someone had + it on their laptop or something. + + 4That is a crazy story. Someone totally deleted Toy Story 2 while it was in + development (the result of a badly written program that just started deleting + files on their server). But, the project was saved because a woman, who was + on maternit6y leave, had saved the movie onto her laptop. I am sure thy have + fixed their back up systems after this. + + Yes! and I remember now that is how that story goes. + + Pixar has produced 20 movies since its founding and all of the big names have + worked with them. Julia Louis-Dreyfus, Tom Holland, Jon Batiste, Phylicia Rashad, + Questlove, Tina Fey. Have you seen their newest movie Onward with Chris Pratt? + + No but I bet it will be good. + + Even when there''s controversy (for example the body shaming controversy in + Pixar''s movie Inside Out) everyone agrees that Pixar makes the best movies.' +num_episodes: 503 +num_examples: 2466 diff --git a/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldKnowledgeTeacher_train.yml b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldKnowledgeTeacher_train.yml new file mode 100644 index 00000000000..bbb8836f6e8 --- /dev/null +++ b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldKnowledgeTeacher_train.yml @@ -0,0 +1,909 @@ +acts: +- - __select-docs-titles__: + - Chopped Episode Guide TV Schedule Food Network Canada + __selected-docs__: + - 'Chopped is a cooking competition show that is all about skill, speed and ingenuity. + Each week, four chefs compete before a panel of expert judges and turn baskets + of mystery ingredients into an extraordinary three-course meal. Course by course, + the chefs will be chopped from the competition until only one winner remains. + + The challenge? They have seconds to plan and 30 minutes to cook an amazing course + with the basket of mystery ingredients given to them moments before the clock + starts ticking! Once they ve completed their dish, they have to survive the + Chopping Block where our three judges are waiting to be wowed and not shy about + voicing their culinary criticisms! + + Host Ted Allen leads this high energy, high-pressure show which will have viewers + rooting for a winner and cheering for the losers. Chopped is a game of passion, + expertise and skill - and in the end, only one chef will survive the Chopping + Block. Who will make the cut? The answer is on Chopped! + + Ted, the host of Chopped, was the food and wine specialist on the groundbreaking, + Emmy-winning series Queer Eye, which had a 100-episode run.' + __selected-sentences__: + - Chopped is a cooking competition show that is all about skill, speed and ingenuity. + Each week, four chefs compete before a panel of expert judges and turn baskets + of mystery ingredients into an extraordinary three-course meal. Course by course, + the chefs will be chopped from the competition until only one winner remains. + episode_done: true + id: KnowledgeGenerationTeacher + labels: + - Chopped is a cooking competition show that is all about skill, speed and ingenuity. + Each week, four chefs compete before a panel of expert judges and turn baskets + of mystery ingredients into an extraordinary three-course meal. Course by course, + the chefs will be chopped from the competition until only one winner remains. + text: "My favorite tv show is Chopped.\nThey play along with the show\nI just\ + \ watched chopped for 3 hours straight. The baskets were hard in some of them.\n\ + \ Baskets? I don't know anything about this show. Is it something about cooking?" +- - __select-docs-titles__: + - Food Network Official Site + __selected-docs__: + - 'Aloha, Recruits! + + New Episodes Mondays 9|8c + + Watch a New Episode Now + + Can t Wait? Watch the Next Episode Now! + + New Episodes Thursdays 10|9c + + Every. Battle. Ever. + + All the DDD You Could Ever Want + + The recruits take on a variety of tropical island-inspired challenges. + + Taste of Capri Party + + Giada hosts a lunch party that celebrates the island of Capri, Italy. + + The Kitchen reduces weeknight stress with a Big Batch Pork Butt and more. + + Ree makes Maple Bacon Dip and Strawberry Rose Bellinis for an office party. + + Whole Lotta Comfort + + Guy Fieri dives into hearty helpings of comfort food from Atlanta to Utah. + + Ultimate Protein Battle + + Five masters of protein face off in Flavortown. + + A pastry chef and a chef-of-all-trades compete for a shot at Bobby. + + Cookin Couples + + Guy welcomes three couples to Flavortown to prove their culinary knowledge. + + Wonton Wonder + + Chefs get creative with wonton wrappers, comfort food and a strange pastry. + + Actor and producer Michael B. Jordan discusses his sky-rocketing career. + + Oprah Winfrey Presents on Food Network + + Actor Bradley Cooper discusses how he has emerged as a visionary filmmaker. + + Freaky Flavors + + The young bakers have to create a large tart featuring an unusual flavor. + + Michael Symon Needs a Cake + + Michael Symon challenges the bakers to make a cake for his new restaurant. + + See what happens when Dan is challenged to create a meat cake. + + The recruits take on fair food after boot camp gets turned into a carnival. + + Jade s Chocolate Factory + + Giada hosts a sophisticated chocolate-themed Valentine s Day party. + + Stream for Free + + It s a Busby Birthday! + + The bakers compete to make a 4th birthday cake for the Busby quintuplets. + + Dr. Deckle and Mr. Fried + + Three of the four chefs make a huge mistake with the jumbo shrimp. + + The Perfect Bird + + Fifteen more of America s worst cooks begin their culinary journey. + + All Stocked Up + + Ree dips into her trusty staples to whip up some fabulous food. + + The 12 young bakers must make cupcakes featuring bacon. + + Sour With the Sweet + + Sunny Anderson and Josh Capon serve up a winner in hopes of beating Bobby. + + Say Yes to the Veg + + Valerie tries out new ways to sneak veggies into kid-friendly dishes. + + The Kitchen is snowed in with Sweet Potato and Corn Chowder and more. + + Chefs Ham It Up + + The chefs begin by making a barbecue blowout that won t blow their budget. + + Watch Chopped for Free + + Rattle and Roll + + Rattlesnake meat must be included in the chefs first course. + + The chefs find frog legs in the first basket for the appetizer round. + + Jitters and Giant Eggs + + Panic threatens to paralyze one of the competitors who is feeling jittery. + + Mussels Mastery + + The chefs have to come up with tasty mussel appetizers in just 20 minutes. + + Time runs out and two chefs are unhappy with their calf liver appetizers. + + The competitors discover this competition is a grilling challenge. + + Quahog Quandaries + + The two remaining chefs take the intensity level in the kitchen up a notch. + + Turbot Powered + + A super bitter ingredient leaves the chefs in a quandary. + + Keep on Cookin On + + One of the finalists suffers an injury as he attempts a Chopped first. + + Green Apps and Lamb + + Mint liqueur and canned fish make an odd combination for the first course. + + The appetizer basket ingredients get the chefs pondering ballgame fare. + + Some of the most formidable chefs in the country battle to find out whose cuisine + reigns supreme. Host Alton Brown determines who will earn the right to face + a legendary Iron Chef in the Secret Ingredient Showdown. + + Ina Garten is back and this time she s sharing the basics of her incredibly + elegant and easy recipes. She throws open the doors of her Hamptons home for + more delicious food, dazzling ideas and good fun. + + The best cupcake bakers in the country are called to fight to see who has the + best cupcakes. In this war of frosting and sugar, there is only one winner. + + Tyler Florence brings together five local chefs to compete in a restaurant they + ve never cooked in before. Two chefs become judges as the others battle for + hometown pride using secret ingredients to build delicious dishes. + + Country star Trisha Yearwood shows off her Southern hospitality as she puts + together meals with friends and family. Whether it s for a family reunion or + a party for her band-mate, her easy recipes always have a story to tell. + + Pop culture, comedy and plain good eating: Alton Brown explores the origins + of ingredients, decodes culinary customs and explores new food trends. + + Five talented food experts gather in the kitchen to share lively conversation + and delicious recipes. From simple supper ideas to the latest food trends, they + cover all things fun in food! + + Live Now On Food Network + + Pizza for Dessert + + Lemon BFFs + + Food Network Originals + + Vivian has some fun with pasta by making a spaghetti bundt cake. + + Viv s Tips: Pasta Pound Cake' + __selected-sentences__: + - New Episodes Mondays 9|8c + - Watch a New Episode Now + episode_done: true + id: KnowledgeGenerationTeacher + labels: + - New Episodes Mondays 9|8c + - Watch a New Episode Now + text: "My favorite tv show is Chopped.\nThey play along with the show\nI just\ + \ watched chopped for 3 hours straight. The baskets were hard in some of them.\n\ + \ Baskets? I don't know anything about this show. Is it something about cooking?\n\ + Yes it is. Chefs have a basket with 4 mystery ingredients. They compete to make\ + \ the best meal from the ingredients. \nIt sounds like quite a challenge! Do\ + \ you watch every episode? Have you tried to make the dishes yourself?" +- - __select-docs-titles__: + - Types of Cuisine From Around the World With Their Popular + __selected-docs__: + - 'Types of Cuisine From Around the World With Their Popular Foods + + Most countries and regions in the world have their own particular cuisine. Different + types of cuisines involve certain cooking practices, local ingredients, and + a combination of spices. Some food cultures are a fusion of foods from different + countries. From these, delicious foods have developed that provide unique culinary + experiences. + + There are hundreds of different cuisines in the world. Famous cuisines in the + world include French, Thai, Italian, Indian, and Chinese. In large cities, it + is also not uncommon to find restaurants serving dishes from Moroccan, Lebanese, + Vietnamese, and Hungarian cuisines. + + Even in countries that have their own particular kind of cuisine, it is not + uncommon to have regional variations. For example, some types of food may be + prepared in different ways or include a different variety of ingredients. + + In this article, you will learn about some of the top cuisines in the world. + You will also find out where some famous dishes originated from. + + The French Provencal cuisine uses a lot of herbs + + Many regard French cuisine as one of the best cuisines in the world. French + food involves ingredients such as butter, cream, wine, herbs, chocolate, and + vegetables. French pastry dishes, cheese, bread, and wine are famous throughout + the world. + + Food culture in France also revolves around locally sourced ingredients. On + the Mediterranean coast, seafood is very popular. Provencal cuisine uses tarragon + and a host of other herbs and spices. Paris itself has over 9,000 restaurants + serving French classics and dishes from around the world. + + Dumplings and dim sum are a common food in the Chinese cuisine + + Chinese cuisine is one of the most diverse food cultures in the world. Traditionally, + Chinese food is served with noodles or rice. Also, Chinese dumplings form a + large part of the staple diet in many regions of China. There are several main + cuisines in Chinese cookery – Cantonese, Sichuan, Fujian, and Hunan cuisines + are the most well-known. + + Most Chinese dishes contain a mixture of vegetables that are stir-fried and + combined with aromatic spices and herbs. For example, ginger is often fried + along with garlic and onions to create flavorsome dishes. Also, soy sauce, rice + vinegar, and fish sauce are commonly used to create a blend of wonderful flavors. + + Chinese cuisine could be regarded as the one of the most important in the world. + Chinese cooking styles have influenced other foods from Korea, the Philippines, + Thailand, and Vietnam. Chinese dishes are so popular that most cities in the + world have a number of Chinese restaurants. Sweet and sour chicken and chop + suey are the most popular Chinese dishes outside of China. + + Sushi is a very popular food in Japanese restaurants + + Japanese dishes have become one of the most important food genres in the world. + Boiled rice usually accompanies most dishes with grilled fish, pickled vegetables, + or deep-fried vegetables. Tofu also plays an important part in traditional Japanese + cuisine. + + Of course, sushi is one of the most well-known type of Japanese food. Great + care and precision goes into creating delicious rice rolls with raw fish, vegetables, + and nori. These are accompanied with pickled ginger and dipping sauces. Japanese + food culture is so influential that many countries around the world developed + their own type of sushi varieties. + + Going into a Japanese restaurant, you often see the chef working in an open + kitchen at a Teppanyaki grill. + + After your delicious Japanese meal, you can finish off with a cup of refreshing + type of tea such as: green tea, oolong tea, or jasmine tea. + + Pasta dishes are one of the most famous foods in Italian cuisine + + Many people regard Italy as the country with the best food in the world. Pasta + dishes in Italian cuisine are one of the most popular and favorite types of + food in the world. There are very few people in the world who haven’t tried + delicious Italian foods like pizza, spaghetti, or delicious Italian ice cream. + Many classic Italian dishes also include the regional name in their title. For + example, spaghetti Bolognese from Bologna and Parma ham or Parmesan cheese from + Parma. + + The mainstays of the popular Italian cuisine are pasta, rice, tomatoes, and + cheese. Many regional variations include types of meat, seafood, or sausages + along with delicious sauces. These can be flavored with herbs such as oregano, + basil, or a combination of other fresh herbs. + + There is also great variation in food cultures between the various regions of + Italy. Abruzzo cuisine from the mountainous and coastal regions has pasta, seafood, + lamb, and wild mushrooms. Neapolitan cuisine is famous for foods like pizzas, + spaghetti, and mozzarella. Famous Italian dishes such as lasagna, tortellini, + and Parmigiano-Reggiano cheese are from areas around Bologna and Modena. + + Greek salad is a favorite food for Greek cuisine lovers + + Greek food culture is one of the oldest in the world. Cuisine from Greece and + the Greek islands is heavily influenced by olive oil, vegetables, fish, and + various types of meat. In fact, a simple Greek salad may just be fresh cucumbers, + tomatoes, red onions, a dash of olive oil, a few tasty olives, and a thick slice + of feta cheese. + + Some popular Greek dishes include moussaka made from eggplant, tzatziki (a type + of yogurt dip), or gyro – a type of kebab with lamb, pork, or chicken meat. + Due to its long coastline, seafood such as squid, mussels, fish, and lobster + are popular food choices. + + After feasting on Greek delicacies, you may have room for some common Greek + desserts. A delicious filo pastry with layers of nuts and honey called baklava + is one of the most favorite Greek sweet foods. + + Seafood paella is a popular dish served in many Spanish restaurants + + Similar to many countries around the Mediterranean Sea, Spanish cuisine is heavily + influenced by seafood. A combination of mussels, cuttlefish, shrimps, and lobster + together with paprika, saffron and rich broth create the classic seafood paella. + + Spanish food culture isn’t limited just to seafood. This popular cuisine also + includes foods like cured meats such as Serrano or Iberico ham. Chorizo sausage, + mushrooms, and cooked meat are used in Spanish appetizers – tapas. + + Different regions of Spain also have culinary variations. For example, La Rioja + is famous for its red wine, cured pork, and lamb dishes. Seafood, thyme soup, + and bean omelets are popular in Catalan cuisine. Andalusia is famous for hot + soups, fish stews, and cold soups such as gazpacho. + + Olive oil is a staple ingredient in the Mediterranean cuisine + + It can be difficult to define what exactly Mediterranean cuisine is as there + is great variety of dishes in it. The key ingredients of Mediterranean cuisine + are basic foods such as olive oil, fresh vegetables, wheat (such as bread and + pasta), and grape (such as wine). + + Mediterranean food styles include culinary delicacies from countries such as + Morocco, Italy, Portugal, Spain, Greece, Turkey, and the Middle East. + + Mediterranean food culture is also the basis of the Mediterranean diet. This + kind of diet contains olive oil, fresh vegetables and fruits, seafood, and nuts. + + Hummus dip with pita bread is a common type of food served in many Lebanese + restaurants + + Lebanese food culture comprises cuisines from other Mediterranean countries. + Poultry, seafood, lamb, or goat meat are prepared with olive oil, garlic, and + other spices. These are usually consumed with pitta bread and fresh or grilled + vegetables. + + Chickpeas also form a staple part of Lebanese cuisine. These are cooked and + blended with olive oil, tahini, and lemon juice to create a delicious nutty + hummus dip. + + As well as classic Mediterranean desserts such as baklava or halva, fresh or + dried types of dates are also widely used in Lebanese sweet dishes. + + A vegetable couscous is served in Moroccan tagine + + Moroccan dishes are a great example of when different cuisines fuse to form + a new type of food genre. Moroccan cuisine uses a goat, lamb, poultry, beef, + and seafood as its basis. These meats are spiced and cooked along with lemons, + dried fruits, and olive oil. + + One of the most famous foods in the popular Moroccan cuisine is couscous. This + common wheat-based food is combined with various spices, herbs, and vegetables + to create a versatile and delicious side dish. Another favorite Moroccan classic + dish is a tagine. This is an earthenware dish used to cook meat along with vegetables + or dried fruits. + + As with many dishes in North Africa, the Middle East, and the Mediterranean, + Moroccan cuisine uses flatbread as a meal accompaniment. + + Lamb kebab is a popular type of dish in the Turkish cuisine + + Turkish food is another example of a fusion of various food cultures from Asia, + Europe, and the Middle East. Eggplant, stuffed dolmas, lamb kebabs, and delicious + vegetable stews are just some of the culinary delights you can experience with + Turkish food. Nuts such as hazelnuts, walnuts, and chestnuts are common food + ingredients in savory and sweet dishes. + + One important part of Turkish cuisine is yogurt. In fact, the name ‘yogurt’ + is a Turkish word. Yogurt and types of spiced yogurt are an accompaniment to + many vegetable and meat dishes in Turkey. Cheese made from sheep’s milk is another + important dairy product in Turkish cuisine. + + Popular beverages in Turkey include strong Turkish coffee, hot black tea, and + Ayran – a type of yogurt drink. + + Pad Thai is a famous and delicious dish to try when visiting Thailand + + Thai cuisine is all about strong spicy flavors that incorporate sweet, sour, + and hot elements. Some of the world’s most popular dishes are from Thailand. + Pad Thai, green curry, and tom yum goong are just some examples of the best + dishes from Thailand. + + Thai food is traditionally served with rice or noodles. Even spicy Thai soups + or broths usually contain basic rice noodles. + + One of the unique features of Thai cuisine is its wide use of spices, herbs, + and sauces. For example, fresh basil, lemongrass, kaffir lime, chilies, and + coconut milk are some of the ingredients in Thai green curry. Also, cloves, + ginger, cilantro, mint, and turmeric are common ingredients. + + Trying many of the different dishes in Thailand is usually a culinary experience + that few people forget. + + Samosas may take different fillings and forms, depending on the region in India + + When it comes to spicy, aromatic dishes, Indian cuisine usually tops the list. + The amazing range of spices, chilies, and herbs combine to make some of the + spiciest foods you can eat. + + In India, the range of different cuisines is also impressive. Each region in + India has its own ethnic foods and dishes. These can include vegetable pastry + morsels such as samosas, vegetarian curries, beans with fermented fish, and + vegetable pakoras. + + Street food is also part of the food culture in India. Tandoori chicken served + with basic naan bread, spicy Indian snacks, and sweet dishes such as Gulab jamun + are all popular. + + Indian cuisine has also been exported to many countries throughout the world. + In countries like the United Kingdom, the US, Australia, and Singapore, Indian + cuisine has been adapted to local culture. + + Crawfish dishes are very common in many restaurants in Louisiana + + Cajun food is an important part of American cuisine and is another example of + ‘fusion cuisine.’ French cuisine combined with local ingredients in Louisiana + has created many of the scrumptious dishes in Cajun cooking. + + Most Cajun dishes are prepared in pots. Seafood, crawfish, shrimps, vegetables, + and steamed rice are the most common ingredients. Celery, bell peppers, citrus + fruits, and okra are some of the fruits and vegetables common in Cajun food. + + Cajun cuisine is closely related to Creole cuisine. Gumbo is probably the signature + dish of both cuisines. + + Taco is a traditional Mexican dish made of tortilla folded around a variety + of fillings + + Another of the most popular types of cuisines in the world is Mexican food. + Tacos, enchiladas, tortillas, nachos, and quesadillas are now common dishes + in many countries around the world. Mexican food is also a popular street food + as it’s easy to wrap delicious spicy meat, salsas, and vegetables in tortas + or tortillas. + + Visiting an authentic Mexican restaurant provides an amazing choice of delicious + dishes. Ethnic Mexican food can include grilled goat, meat with eggs, exotic + fruits, and hot spicy dishes. Authentic Mexican avocado guacamole is absolutely + delicious. + + Traditional Mexican cuisine is much different from the ‘Tex-Mex’ type of Mexican + food that is popular in many countries. + + Jerk is a traditional cooking style in the Caribbean cuisine. In the photo: + jerk wings with rice and broccoli + + Traditional Caribbean dishes are a combination of African, European, Cajun, + and Middle Eastern cuisines. Fusing cooking styles from these countries along + with local ingredients has created a unique food culture. + + Rice is the staple ingredient in most Caribbean dishes. Local ingredients such + as coconuts, plantains, beans, tomatoes, and chickpeas are used to create tasty + meals. The addition of fiery chilies such as Scotch bonnet peppers gives many + Caribbean dishes a powerful kick. + + The most famous food in the Caribbean cuisine is oven-baked Jerk Chicken. This + is a spicy dish combining chicken, habanero peppers, ginger, garlic, herbs, + and spices. + + Although Caribbean cuisine defines many dishes from the islands, each island + has its own food culture. + + Bratwurst is a type of German sausage most commonly made of pork + + German cuisine is famous for its sausages called Wurst in German. There are + an estimated over 1,500 different types of German sausage. However, German food + isn’t all about bratwurst. There are many flavorful dishes in German cuisine. + + German specialties include German fries, sauerkraut, rye bread, Spätzle (a type + of noodle), and dumplings. Popular German desserts include donuts (without a + hole), Black Forest cake, and Rote Grütze (a delicious berry fruit pudding). + + Of course, Germany is also well-known for its beer such as pilsner and wheat + beer. + + Borscht is a soup common in Eastern Europe countries. Made with beetroots, it + has a typical red color + + Russia has a wide and varied food culture due to many culinary influences from + its different regions. Due to the harsh climate, soups and stews play an important + role in Russian cuisine. Thick spicy meat broths, noodle soups, and cabbage + soups are very popular. A popular type of Russian soup is borscht that contains + beets, cabbage, beef, and eaten with sour cream. + + Grains are another important part of Russian food. For example, buckwheat, barley + and millet are all used as accompaniments to main meals. Beef Stroganoff, meatballs, + and a type of Shish kebab are popular meat dishes. + + Even though it has become more expensive, caviar still enjoyed by many people + in Russia. + + Goulash is enjoyed not only in Hungary but around the world + + Similar to Russian food, Hungarian cuisine is a mixture of soups and stews. + Maybe the most famous Hungarian dish is goulash made with meat and spicy paprika. + This classic Hungarian meal can be served as a soup or a stew. + + Similar to many countries in Europe, Hungarian cuisine has been influenced by + surrounding countries. Therefore, crepes, sweet dumplings, stuffed cabbage rolls, + and sausages are all found on traditional Hungarian menus. + + Hot dog is a popular street food across USA + + American cuisine has absorbed the cultures of many who came to the United States + in the 1800s. A fusion of cooking styles, cuisines, and ethnic foods combined + to create a new type of cuisine. Many chefs took traditional dishes from their + home countries and put their own twist on them. + + For example, pizza is traditional Italian food. But ‘Chicago’ pizza has a thicker + and taller crust, whereas ‘New York Slice’ is thinner. A ‘New York Strip Steak’ + is known in other countries as sirloin or contre-filet steak. + + Hamburgers, hot dogs, ‘French fries,’ fried chicken, and deep-pan pizzas are + new takes on traditional foods from other countries. However, they are all part + of the list of foods belonging to American cuisine. + + Types of Food – Do You Know these Various Food Categories? + + Different Kinds of Vegetables and Their Nutritional Value + + Types of Meat With Their Benefits, Concerns and Nutrition Facts + + Types of Cuisine From Around the World With Their Popular Foods was last modified: + December 31st, 2019 by no_name12 + + Types of Steak: Different Cuts of Steak With Their Picture and Name + + Types of Edible Mushrooms (Including Wild Edible Mushrooms) - With Pictures + + Types of Tea: Varieties of Tea With Their Flavor, Caffeine Content and More + + The Tastiest and Most Exciting Types of Cheese You Didn t Know About' + __selected-sentences__: + - Types of Cuisine From Around the World With Their Popular Foods + episode_done: true + id: KnowledgeGenerationTeacher + labels: + - Types of Cuisine From Around the World With Their Popular Foods + text: "My favorite tv show is Chopped.\nThey play along with the show\nI just\ + \ watched chopped for 3 hours straight. The baskets were hard in some of them.\n\ + \ Baskets? I don't know anything about this show. Is it something about cooking?\n\ + Yes it is. Chefs have a basket with 4 mystery ingredients. They compete to make\ + \ the best meal from the ingredients. \nIt sounds like quite a challenge! Do\ + \ you watch every episode? Have you tried to make the dishes yourself?\nYes,\ + \ I agree. Some of the ingredients I've never heard of. I try to watch as many\ + \ as I can, but not all. I only imagine what I would make. I have never tried\ + \ by myself. \nI think it would be a big challenge to do what Chefs on the program\ + \ do. Is there a type of cuisine that they normally feature? Or it it cuisine\ + \ from around the world? " +- - __select-docs-titles__: + - Stop calling yourself a foodie The Washington Post + __selected-docs__: + - 'Stop calling yourself a ‘foodie’ + + By Roberto A. Ferdman + + (Amy King/The Washington Post; iStock) + + In late 1984, The New York Times published a piece that was, at least indirectly, + about a word we could all do without. The story covered the release of The + Official Foodie Handbook by journalists Ann Barr and Paul Levy, which chronicled, + among other things, the lives of food lovers around the world. They were food + adventure seekers, culinary addicts who were interested in all food experiences, + refined and not. + + A foodie, the authors wrote, is a person who is very, very, very interested + in food. + + The two weren t the first to utter the term — that appears to have been Gael + Greene, who used it in a 1980 column for New York Magazine, according to etymologist + Barry Popik. Nor, as it happened, were they the last. But for years, the word + was used sparingly. A populist food critic might have been described as a foodie. A + gustatory pleasure seeker with the time and money to invest in obscure cooking + methods, niche coffee roasting techniques, and not-to-be-missed meals might + have earned the distinction too. It wasn t a compliment, it was just a descriptor. + It was an unpretentious way to categorize a growing but still relatively small + group of people. + + And then it wasn t. + + A look at Google Ngram, which tracks the frequency of words in digitized books, + shows the word was nonexistent until it appeared in the early 1980s, but its + use grew quickly shortly after the publication of Barr and Levy s book. + + A peek at Google Trends, which tracks the relative frequency with which people + search for various things, tells a similar story. Interest in the word foodie, which + seems to have piqued popular interest in late 2006, is trending at its highest + ever. People are typing it in and pressing go. + + Of course, you don t need Google s data to know the word is everywhere. You + have heard it, I am sure, if not today then yesterday, and if not yesterday + then the day before. It is inescapable. + + Everyone is a foodie + + Over time, the word has undergone an all-too-familiar transformation, bubbling + up to a point of ubiquity that has stripped the word of any semblance of meaning. + On a good day — or bad, depending on how you look at it — most people would + qualify as a foodie to someone. The net the word casts is just too wide. + + When asked about the word in 2012, Philipino restaurateur Elbert Cuenca had + this to say: + + It has come to the point of being bastardized. The word ‘foodie,’ which is nothing + more than a modern-day casual substitute for ‘gourmet,’ has been relegated to + mean anyone who likes food and/or eats out a lot. But who doesn’t like food? + Who doesn’t eat out a lot? + + The answer, on the off chance there is any doubt, is not that many people. + + It s no wonder that the word is bemoaned by so many people who work within the + world the term glorifies. Chefs hate it, because it empowers their customers + to feign knowledge about things they don t actually understand. Mark Bittman + doesn t care for it, because it too often reveres rather than challenges the + current and flawed food system. Nor does British journalist and gourmand John + Lanchester, who chronicled his frustration with mass foodie -ism in a 2014 + New Yorker piece. + + This is how he explained it: + + Everyone’s a critic, they say, and that’s certainly true of the food world today. + Of course, everyone has always been a critic, in the sense that customers have + always made the most basic judgment of all: Do I want to come back to this joint? + But there’s a contemporary development with respect to volume, in the dual sense + of quantity and loudness. The volume of all this critical chatter is turned + way up, and it’s harder than ever to ignore. Food is my favorite thing to talk + about and to learn about, but an interest that is reasonable on a personal and + an individual scale has grown out of all proportion in the wider culture. + + Among the list of major publications that have published something that argues, + in so many words, that the term foodie is awful: The Huffington Post, The + Daily Beast, The New York Times, and Saveur. + + The Observer, meanwhile, took its contempt a step further, coining a new term + in 2009 to mock those who embrace its predecessor: Foodiots. + + We see it in the meticulous record-keeping of eating habits on personal blogs. + The ubiquitous Facebook updates and tweets about subscribers’ most recent meals. + (Surely you also have those five or so friends whose feeds are 90 percent food-consumption-related?) + The requisite iPhone pic before a certain kind of diner—let’s call him a foodiot—ravages + his plate. + + But it still appears everywhere + + There is no shortage of public foodie resentment. From people in the know, + people whose opinions so-called foodies should, theoretically, value highly, + no less. And yet, despite the heaping piles of expertly deglazed vitriol, the + word persists. + + There are obvious (ab)users, who use the word readily and unironically, the + sort who post really close pictures of everything they eat or watch hours of + food television each day without ever learning how to work an oven. + + But there are others, too, who have usurped the word in arguably more upsetting + ways. + + Just this past Monday, the National Restaurant Association published its latest + industry forecast. In it, you ll find this doozy: Here’s a profile of the American + Foodie 2.0. + + Foodie has become a marketing weapon, a buzzword which companies regurgitate + in whatever form suits the pitch. There are dating sites for foodies , blogs + about Paleo foodie -ism (an oxymoron, if I ve ever heard one), even business-help + pieces about how companies can better target foodies. + + I can t think of anywhere the word foodie appears more often in my life than + in my email inbox, where PR pitches seem to invoke it at every opportunity. + A recent search turned up dozens of results — hundreds more when I extended + the search to my spam folder. One of the more recent examples (which went unanswered) + was about a list of the Best Cities for Food Trucks in the U.S. Foodies today + are considered hip, it read, as though it were written by someone s grandparents. + + The irony too many miss + + The problem with the word foodie, which many have hopefully gleaned by this + point, boils down to a simple truth: You can’t possibly call yourself a foodie if + you’re actually a foodie. There is a great irony in describing yourself as + a food insider in a way no actual food insider ever would. The act itself precludes + you from being part of the world you want to associate yourself with. The word + doubles as a compliment and an insult, depending on who utters it. + + In this sense, using the word foodie is like wearing an outfit that was fashionable + years before, long enough ago that it s no longer in style but not long enough + ago for some to mistake it as still being cool. The analogy, of course, doesn + t end there, because those same people wearing what was all the rage five years + ago are also announcing that they should be thought of as members of the fashion-obsessed + squad. + + There s nothing wrong with food populism. It s this very trend, after all, that + has helped buoy the food movement, which is slowly reversing how disconnected + we have all become from the production of our food. But some things have clearly + been lost in the collective trek toward announcing whenever possible how much + we like to eat. + + Among them, is how Levy, one the term s pioneers, first encountered the term: + as an insult. This is how he explained it in a 2007 piece published in The Guardian: + + In late 1981 Ann Barr, then features editor of Harper s & Queen, noticed the + food world was shifting on its tectonic plates, and that perfectly sane people + had suddenly become obsessed with every aspect of food. + + She invited readers to write in and immediately received several attacks upon + a greedy, single-minded and highly visible food-obsessive who wrote in the magazine + at the time - me. Thus it was that, in the issue of August 1982, I was derided + in the anonymous article (edited, as it happens, by me) as the ghastly, his-stomach-is-bigger-than-his-eyes, + original, appetite-unsuppressed, lip-smacking king foodie. I had to sign a + legal undertaking not to sue the magazine or myself for libel. + + It s fitting, isn t it, how we have come full circle? + + Roberto A. Ferdman Roberto A. Ferdman was a reporter for Wonkblog covering food, + economics, and other things. He left The Washington Post in June 2016.' + __selected-sentences__: + - Stop calling yourself a ‘foodie’ + episode_done: true + id: KnowledgeGenerationTeacher + labels: + - Stop calling yourself a ‘foodie’ + text: "My favorite tv show is Chopped.\nThey play along with the show\nI just\ + \ watched chopped for 3 hours straight. The baskets were hard in some of them.\n\ + \ Baskets? I don't know anything about this show. Is it something about cooking?\n\ + Yes it is. Chefs have a basket with 4 mystery ingredients. They compete to make\ + \ the best meal from the ingredients. \nIt sounds like quite a challenge! Do\ + \ you watch every episode? Have you tried to make the dishes yourself?\nYes,\ + \ I agree. Some of the ingredients I've never heard of. I try to watch as many\ + \ as I can, but not all. I only imagine what I would make. I have never tried\ + \ by myself. \nI think it would be a big challenge to do what Chefs on the program\ + \ do. Is there a type of cuisine that they normally feature? Or it it cuisine\ + \ from around the world? \nYes, i forgot to mention there is also only a 20\ + \ or thirty minute time limit, depending on the round. The cuisine is from around\ + \ the world. Fine dining to street style. \nThat sounds interesting! I bet the\ + \ show is pretty popular with foodies! Do you consider yourself a foodie?" +- - __select-docs-titles__: + - A Complete List of Tom Hanks Movies in Chronological Order + __selected-docs__: + - 'A Complete List of Tom Hanks Movies in Chronological Order + + Tom Hanks has pretty much ruled the roost in mainstream Hollywood for over two + decades now. Entertainism gives you a comprehensive account of this fine actor + s commendable body of work. + + Here s to the real Mr. Banks! + + As of 2012, Tom Hanks films have grossed over USD 4.2 billion solely within + the United States, along with over USD 8.5 billion worldwide, making him one + of the most bankable box office stars in Hollywood. + + With a career spanning over 35 years, Tom Hanks ranks among Hollywood s top + brass. Like most of his illustrious contemporaries, Hanks too has dabbled in + film production, writing, and direction, besides showcasing his solid acting + talents on celluloid. + + His work has earned him numerous nominations, awards, and honors, including + a Golden Globe and an Academy Award for Best Actor for his role in Philadelphia, + and a Golden Globe, an Academy Award, a Screen Actors Guild Award, and a People + s Choice Award for his role in Forrest Gump. + + Hanks collaborated efforts with acclaimed film director Steven Spielberg have + given us memorable movies like Saving Private Ryan, Catch Me If You Can, and + The Terminal, as well as the 2001 mini-series Band of Brothers, which launched + Hanks as a successful director, producer, and writer. + + Here s a decade-wise look at all the movies featuring Tom Hanks. + + Year Movie Character + + 1980 He Knows You re Alone Elliot + + 1984 Splash Allen Bauer + + Bachelor Party Rick Gassko + + 1985 The Man with One Red Shoe Richard Harlan Drew + + Volunteers Lawrence Whatley Bourne III + + 1986 The Money Pit Walter Fielding, Jr. + + Nothing in Common David Basner + + Every Time We Say Goodbye David Bradley + + 1987 Dragnet Det. Pep Streebek + + 1988 Big Josh Baskin + + Punchline Steven Gold + + 1989 The Burbs Ray Peterson + + Turner & Hooch Det. Scott Turner + + 1990 Joe Versus the Volcano Joe Banks + + The Bonfire of the Vanities Sherman McCoy + + 1992 Radio Flyer Older Mike + + A League of Their Own Jimmy Dugan + + 1993 Sleepless in Seattle Sam Baldwin + + Philadelphia Andrew Beckett + + 1994 Forrest Gump Forrest Gump + + 1995 Apollo 13 Jim Lovell + + 1996 That Thing You Do! Mr. White + + 1998 Saving Private Ryan Captain John H. Miller + + You ve Got Mail Joe Fox + + 1999 Toy Story 2 Woody + + The Green Mile Paul Edgecomb + + 2000 Cast Away Chuck Noland + + 2002 Road to Perdition Michael Sullivan, Sr. + + Catch Me If You Can Carl Hanratty + + 2004 The Ladykillers Professor G.H. Dorr + + The Terminal Viktor Navorski + + The Polar Express Multiple characters + + 2006 The Da Vinci Code Robert Langdon + + Cars Woody Car + + 2007 Charlie Wilson s War Charlie Wilson + + The Simpsons Movie Himself + + 2009 The Great Buck Howard Mr. Gable + + Angels & Demons Robert Langdon + + 2011 Larry Crowne Larry Crowne + + Extremely Loud and Incredibly Close Thomas Schell Jr. + + 2012 Cloud Atlas Several characters + + 2013 Captain Phillips Captain Richard Phillips + + Saving Mr. Banks Walt Disney + + In keeping with his powerhouse performances, Tom Hanks upcoming project as + an actor happens to be A Hologram For the King, based on the Dave Eggers novel. + His numerous fans also await his reappearance as Robert Langdon in Dan Brown + s next thriller, The Lost Symbol.' + __selected-sentences__: + - 1999 Toy Story 2 Woody + episode_done: true + id: KnowledgeGenerationTeacher + labels: + - 1999 Toy Story 2 Woody + text: 'My favorite actor is Tom Hanks. + + It''s absolutely incredible how many hit movies Tom Hanks has put out + + What is your favorite Tom Hanks movie of them all? + + My favorite has to be when he played Woody in Toy Story 2! Which one is your + go-to? ' +num_episodes: 8614 +num_examples: 41476 diff --git a/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldKnowledgeTeacher_valid.yml b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldKnowledgeTeacher_valid.yml new file mode 100644 index 00000000000..415c8f386d4 --- /dev/null +++ b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_GoldKnowledgeTeacher_valid.yml @@ -0,0 +1,5004 @@ +acts: +- - __select-docs-titles__: + - Super Bowl LV Wikipedia + __selected-docs__: + - 'Raymond James Stadium in 2007 + + Raymond James Stadium, Tampa, Florida + + ← LIV + + LVI → + + Super Bowl LV, the 55th Super Bowl and the 51st modern-era National Football + League (NFL) championship game, will decide the league champion for the 2020 + season. The game is scheduled to be played on February 7, 2021 in Tampa, Florida + (with the exact date pending potential changes to the NFL calendar). This will + be the fifth Super Bowl hosted by the Tampa area, with the last one being Super + Bowl XLIII in 2009, and the third one held at Raymond James Stadium. The game + will be televised nationally by NBC. It will be the third time that the Super + Bowl is in the same state in back to back years with Super Bowl LIV taking place + at Hard Rock Stadium in Miami Gardens, Florida.[1] + + 1 Host-selection process + + Host-selection process[edit] + + On May 19, 2015, the league announced the five finalists that will compete to + host Super Bowl LIII in 2019 and Super Bowl LIV in 2020. NFL owners voted on + these cities in May 2016, with the first round of voting determining who will + host Super Bowl LIII, the second round deciding the site for Super Bowl LIV; + and in a development not known in advance, a third round of voting was added + to select a Super Bowl LV hosting site during the meetings.[2] At the NFL owner + meetings on May 24, 2016, Atlanta and Miami were awarded Super Bowls LIII and + LIV respectively, removing them from the running. Los Angeles was not eligible + for Super Bowl LIII, as its stadium would not yet be finished; it was eligible + for LIV and LV, opting to bid only on the latter. + + The two candidates were as follows: + + Raymond James Stadium, Tampa, Florida: Tampa has hosted four Super Bowls, with + the last being Super Bowl XLIII in 2009. + + Los Angeles Stadium at Hollywood Park, Inglewood, California: Los Angeles has + hosted the Super Bowl seven times, most recently in 1993 with Super Bowl XXVII; + that game, along with the four prior Super Bowls in the area, were held at the + Rose Bowl while first two Super Bowls in Los Angeles area were held at Los Angeles + Memorial Coliseum. + + Los Angeles was originally chosen as the host site in a vote on May 24, 2016.[3][4][5] + However, due to construction delays, authorities announced that the Los Angeles + Stadium at Hollywood Park would not be completed until the start of the 2020 + NFL season.[6] As a result, on May 23, 2017, NFL owners voted to move Super + Bowl LV to Tampa. The City of Inglewood will instead be hosting Super Bowl LVI + in 2022.[7] + + NBC will broadcast Super Bowl LV , as part of an annual cycle between the three + main broadcast television partners of the NFL.[8] As with NBC s previous Super + Bowl (Super Bowl LII) Universo has carried Spanish-language simulcasts of select + games, after years of aborted attempts to simulcast the games on Telemundo. + + ^ 2019 Super Bowl LIII Location and Date . Retrieved February 4, 2018. + + ^ Battista, Judy (May 23, 2016). Future Super Bowl sites, Las Vegas among topics + at NFL meeting. NFL.com. Retrieved May 23, 2016. + + ^ Rosenthal, Gregg. Atlanta, South Florida, L.A. chosen to host Super Bowls + . NFL.com. Retrieved May 24, 2016. + + ^ NFL awards 2021 Super Bowl to Los Angeles . Los Angeles Times. May 24, 2016. + Retrieved May 24, 2016. + + ^ NFL awards future Super Bowls to Atlanta, South Florida and Los Angeles . + CBS Sports. May 24, 2016. Retrieved May 24, 2016. + + ^ Farmer, Sam; Fenno, Nathan (May 18, 2017). Inglewood football stadium s opening + will be delayed a year because of record rainfall . Los Angeles Times. ISSN + 0458-3035. Retrieved May 18, 2017. + + ^ Super Bowl LV relocated to Tampa; L.A. will host SB LVI . NFL.com. Retrieved + May 23, 2017. + + ^ Hipes, Patrick (December 14, 2011). Update: NBC, CBS And Fox Score Nine-Year + NFL Extensions Taking Them To 2022 . Deadline.com. Retrieved May 24, 2017. + + The NFL on NBC pregame show (Football Night in America) + + NFL on NBC Radio + + Thursday Night Football (2016–2017) + + College Football on NBC (Notre Dame) + + College Football on USA + + Other pro football programs + + Arena Football League on NBC + + World League of American Football on USA + + XFL on NBC + + NFL on television (history) + + Primary television stations + + Super Bowl TV ratings (lead-out programs) + + Prime-time results + + Monday night NFL games prior to 1970 + + Sunday Night Football results (2006-present) + + Commentator pairings + + Pregame show panelists + + Pre-AFL–NFL merger + + 1982 CFL season + + Announcerless game + + The Clock Play + + Cleveland Browns relocation controversy + + The Holy Roller + + Snowplow Game + + Leon Lett Blunder II + + The Epic in Miami + + Ghost to the Post + + Immaculate Reception + + The Freezer Bowl + + The Drive + + The Fumble + + The Comeback + + Beast Quake + + The Interception + + Philly Special + + Pre-AFL–NFL merger lore + + The Greatest Game Ever Played + + Heidi Game + + Sunday Night Football lore + + 4th and 2 + + Butt fumble + + Somethin Bad + + AFL Championship + + AFC package carrier (1970–1997) + + Sunday Night Football era (2006–present) + + Website: NBC Sports - NFL News + + This article related to sports in Florida is a stub. You can help Wikipedia + by expanding it. + + Retrieved from https://en.wikipedia.org/w/index.php?title=Super_Bowl_LV&oldid=881831256 + + Scheduled sports events + + 2021 in sports in Florida + + 21st century in Tampa, Florida + + Sports competitions in Tampa, Florida + + American football stubs + + Florida sport stubs' + __selected-sentences__: + - Super Bowl LV, the 55th Super Bowl and the 51st modern-era National Football + League (NFL) championship game, will decide the league champion for the 2020 + season. The game is scheduled to be played on February 7, 2021 in Tampa, Florida + (with the exact date pending potential changes to the NFL calendar). This will + be the fifth Super Bowl hosted by the Tampa area, with the last one being Super + Bowl XLIII in 2009, and the third one held at Raymond James Stadium. The game + will be televised nationally by NBC. It will be the third time that the Super + Bowl is in the same state in back to back years with Super Bowl LIV taking place + at Hard Rock Stadium in Miami Gardens, Florida.[1] + episode_done: true + eval_labels: + - Super Bowl LV, the 55th Super Bowl and the 51st modern-era National Football + League (NFL) championship game, will decide the league champion for the 2020 + season. The game is scheduled to be played on February 7, 2021 in Tampa, Florida + (with the exact date pending potential changes to the NFL calendar). This will + be the fifth Super Bowl hosted by the Tampa area, with the last one being Super + Bowl XLIII in 2009, and the third one held at Raymond James Stadium. The game + will be televised nationally by NBC. It will be the third time that the Super + Bowl is in the same state in back to back years with Super Bowl LIV taking place + at Hard Rock Stadium in Miami Gardens, Florida.[1] + id: KnowledgeGenerationTeacher + text: "I work as a freelance accountant.\nI enjoy reading books. \nSame here!\ + \ What kind of books do you read?\nAll fiction! With COVID this past summer,\ + \ I read 16 books in 3 months. You?\nI am a big Harry Potter nerd! What do\ + \ you do for work?\nAudit banks. You?\nI do taxes actually!\nGood for you!\ + \ Are you watching the Superbowl this year?\nI will! It is on the 7th right\ + \ ?" +- - __select-docs-titles__: + - Tom Brady Wikipedia + __selected-docs__: + - 'For other people named Tom Brady, see Tom Brady (disambiguation). + + Brady in 2017 + + New England Patriots (2000–present) + + 6× Super Bowl champion (XXXVI, XXXVIII, XXXIX, XLIX, LI, LIII) + + 4× Super Bowl MVP (XXXVI, XXXVIII, XLIX, LI) + + 3× NFL Most Valuable Player (2007, 2010, 2017) + + 14× Pro Bowl (2001, 2004, 2005, 2007, 2009–2018) + + 3× First-team All-Pro (2007, 2010, 2017) + + 2× Second-team All-Pro (2005, 2016) + + 3× NFL passing yards leader (2005, 2007, 2017) + + 2× NFL passer rating leader (2007, 2010) + + Bert Bell Award (2007) + + Associated Press Male Athlete of the Year (2007) + + Sports Illustrated Sportsman of the Year (2005) + + NFL 2000s All-Decade Team + + National champion (1997) + + Best touchdown to interception ratio in a single season: 28:2[1] + + Most games won by a quarterback: 237[2] + + Most Super Bowl appearances: 9 + + Most Super Bowl wins: 6 + + Most Super Bowl MVP awards: 4 + + Most passing yards in a Super Bowl: 505 + + Longest touchdown pass (tied)[3][4] + + Completion percentage: + + Thomas Edward Patrick Brady Jr. (born August 3, 1977) is an American football + quarterback for the New England Patriots of the National Football League (NFL). + He has won six Super Bowls, the most of any football player ever, and due to + his numerous accomplishments, records, and accolades, many analysts and sportswriters + consider Brady to be the greatest quarterback in NFL history.[5][6][7][8][9][10] + + After playing college football for the University of Michigan, Brady was drafted + by the Patriots in the sixth round of the 2000 NFL Draft. Due to his late selection, + Brady is considered the biggest steal in the history of the NFL Draft.[11][12][13] + In Brady s seventeen seasons as a starter,[a] he has played in nine Super Bowls + with the Patriots, and is one of only two quarterbacks to win the Super Bowl + in their first season as a starter (the other being Kurt Warner). Brady holds + most of the postseason quarterback records, leading all players in postseason + touchdowns, passing yards, and completions, while owning the corresponding Super + Bowl records as well. + + Brady has won four Super Bowl MVP awards (Super Bowl XXXVI, XXXVIII, XLIX, and + LI), the most ever by a player, as well as three league MVP awards (2007, 2010, + 2017); he is the oldest to have received either award.[16] Brady has also been + selected to 14 Pro Bowls, and has led his team to more division titles (16) + than any other quarterback in NFL history. He is fourth all-time in career passing + yards for regular season play, third in career touchdown passes, and fourth + in career passer rating. For regular season and postseason combined, Brady is + first all-time in career passing yards and touchdown passes. + + The only quarterback to reach 200 regular-season wins,[17] Brady is the winningest + quarterback in NFL history. With a postseason record of 30–10, he is first all-time + in playoff wins and appearances for an NFL player. Brady has led the Patriots + to an NFL-record eight consecutive AFC championship games since 2011 (thirteen + overall), and has never had a losing season as a starting quarterback. He is + tied for the record for the longest touchdown pass at 99 yards to Wes Welker.[18] + + For his alleged involvement in the highly publicized Deflategate football-tampering + scandal, Brady was suspended for the first four games of the 2016 season.[19] + Brady and the Patriots won two of the next three Super Bowls, making him the + record holder for most Super Bowl wins by a player, and the oldest quarterback + to win a Super Bowl, at 41.[20] + + 3.2.2.1 2001 postseason + + 3.2.10 2009 season + + 3.2.10.1 2009 postseason + + 3.3.6.1 2015 offseason + + 3.3.6.2 2015 regular season + + 4 NFL career statistics + + 4.3 Super Bowl + + 5.1 Regular season (career) + + 5.2 Postseason (career) + + 5.3 Super Bowl (career) + + 6 Other endeavors + + Brady was born in San Mateo, California, on August 3, 1977, the only son and + fourth child of Galynn Patricia (née Johnson) and Thomas Brady, Sr.[21] He has + three older sisters, Nancy, Julie, and Maureen,[22] and was raised as a Catholic. + His father is of Irish descent, while his mother has German, Norwegian, Polish, + and Swedish ancestry.[23] Two of Brady s great-great-grandparents on his father + s side, John and Bridget Brady, were Irish refugees from the Great Famine who + moved to San Francisco from Boston before the American Civil War. They were + accompanied by Bridget s sister Ann and her husband Lawrence Meegan, the parents + of the 19th-century American Major League Baseball player Steady Pete Meegan. + Brady s great-uncle Michael Buckley Jr. was the first American prisoner of war + in World War II.[23][24][25][26][27][28] + + In the 1980s, Brady regularly attended San Francisco 49ers games at Candlestick + Park, where he was a fan of quarterback Joe Montana; Brady has called Montana + his idol and one of his inspirations.[29] At age four, Brady attended the 1981 + NFC Championship, against the Dallas Cowboys, in which Montana threw The Catch + to Dwight Clark.[30] As a child, Brady attended football camp at the College + of San Mateo, where he was taught to throw the football by camp counselor and + future NFL/AFL quarterback Tony Graziani.[31] Brady grew up as a Los Angeles + Lakers and Boston Celtics fan.[32] + + He attended Junípero Serra High School in San Mateo, where he graduated in 1995; + the ceremony was held at St. Mary s Cathedral.[33] He played football, basketball, + and baseball in high school. He played against Bellarmine College Preparatory + rival Pat Burrell in both football and baseball. Brady began his football career + as the backup quarterback on the Padres junior varsity team. At first, Brady + was not good enough to start on the 0–8 JV team, which had not scored a touchdown + all year.[34] Brady ascended to the starting position when the starting quarterback + was injured. He became the varsity starter in his junior year and held the position + until he graduated.[35] By Brady s senior year, he was striving to be noticed + by college coaches. He created highlight tapes and sent them to schools he considered + attending.[36] This led to strong interest from many football programs around + the nation. + + The process of recruiting was much different during Brady s time, and athletes rankings + were not as prominent. In terms of recruiting in the 2000s, Brady would have + been considered a four-star recruit. In essence, he was a highly rated prospect.[37] + Brady was also on Blue Chip Illustrated as well as a Prep Football Report All-American + selection.[38] After his recruiting process, he narrowed down his list to five + schools.[39] Probably the ones that we did hear from and ultimately pared the + list to were Cal–Berkeley, UCLA, USC, Michigan, and Illinois”, his father said.[39] + As a Cal fan, his father hoped that Brady would attend the nearby Cal, where + Brady was a silent commit, and that he would be able to watch his son play.[40][41] + + Brady was also known as a great baseball player in high school.[42] He was a + left-handed-batting catcher with power. His skills impressed MLB scouts, and + he was drafted in the 18th round of the 1995 MLB Draft by the Montreal Expos.[34][43] + The Expos projected Brady as a potential All-Star, and offered him money typical + of that offered to a late second-round or early third-round pick.[44] Nevertheless, + Brady was determined to play football at the next level. He was always more + passionate about football; when he found that there was significant interest + in him, he decided to take the road of football.[39] Brady was recruited by + Michigan assistant Bill Harris, and he signed to play for the University of + Michigan in 1995.[45][46] He finished his high-school football career by completing + 236 of 447 passes for 3,702 yards and 31 touchdowns. He also won All-State and + All-Far West honors and the team s Most Valuable Player Award.[38] + + During the summers of 1998 and 1999, Brady was an intern at Merrill Lynch.[47] + He was inducted into the Junípero Serra High School Hall of Fame in 2003, joining + fellow Serra High graduates Barry Bonds, Lynn Swann, Gregg Jefferies, Jim Fregosi, + and his older sister Maureen, among many others.[38] When Brady revisited two + weeks after Super Bowl XLVI, in 2012, school administrators announced that they + had named the football stadium Brady Family Stadium.[48] + + Brady at Michigan Stadium in 2016 + + Brady played college football at the University of Michigan from 1995 to 1999.[49][50] + He was a backup quarterback for his first two years, while teammate and future + NFL quarterback Brian Griese led the 1997 Wolverines to an undefeated season, + which was capped by a victory in the Rose Bowl and a share of the national championship.[51] + When he enrolled at Michigan, Brady was seventh on the depth chart, and he had + an intense struggle to get some playing time. At one point, Brady hired a sports + psychologist to help him cope with frustration and anxiety, and even considered + transferring to California.[52][53] He worked closely with assistant athletic + director Greg Harden, who met with Brady every week to build his confidence + and to maximize his performance on the field.[54] Brady told 60 Minutes in 2014: He + will always be somebody I rely on for sound advice and mentorship. He has helped + me with my own personal struggles in both athletics and in life. Greg really + pushed me in a direction that I wasn t sure I could go. [55] + + Under Michigan head coach Lloyd Carr, Brady battled for the starting job with + Drew Henson[50] and ultimately started every game in the 1998 and 1999 seasons. + During his first full year as starter, he set new Michigan records for most + pass attempts and completions in a season, for a total of 214.[56] Brady was + All-Big Ten honorable mention both seasons, and was the team captain in his + senior year. The Wolverines won 20 of 25 games when he started, and he set a + school record for completions in a 31–16 loss against Ohio State in 1998, a + season in which Michigan shared the Big Ten Conference title.[57] Brady capped + that season with a 45–31 win over Arkansas in the Citrus Bowl.[58] + + In the 1999 season, Brady had to once again hold off Henson for the starting + job. The two players platooned during the season s first seven games, with Brady + playing the first quarter, Henson the second and Carr then deciding upon a quarterback + for the second half. The 1999 Michigan Wolverines started with a 5–0 record, + including a 26–22 win over Notre Dame, and a road win against eventual powerhouse + Wisconsin. Against Michigan State, Brady was not chosen to play the second half; + however, he was reinserted into the game with Michigan down by 17 points, and + he nearly led Michigan all the way back before losing 34–31.[59] After a 300-yard + passing game the following week, Carr went exclusively with Brady for the remainder + of the season. Brady went on to lead Michigan to multiple 4th-quarter comebacks, + including a remarkable 31–27 win against Penn State, and leading them out of + a close game against Indiana, 34–31, heading into the regular season s final + game, winners of three straight, earning him the moniker of Comeback Kid .[60] + + Michigan concluded the regular season against Ohio State; this was a dramatic + game with a trip to the Orange Bowl on the line. With five minutes left, tied + 17–17, Brady led Michigan to the winning score.[61] He led Michigan to an overtime + win in the Orange Bowl over Alabama, throwing for 369 yards, four touchdowns, + leading the team back from a pair of 14-point deficits in regulation (14–0 in + the first half, and 28–14 in the second). He threw the game-winning score on + a bootleg to tight end Shawn Thompson. Michigan won the game when Alabama missed + an extra point following its own touchdown.[62][63] + + In the two seasons that Brady started at Michigan, he posted a 20–5 record, + including wins at the Citrus Bowl (1999) and the Orange Bowl (2000). Brady finished + his career ranking third in Michigan history with 710 attempts and 442 completions, + fourth with 5,351 yards and 62.3 completion percentage, and fifth with 35 touchdown + passes.[38][64] + + 1996 Michigan 3 5 60.0% 26 5.2 0 1 63.7 – – – – + + 1997 Michigan 12 15 80.0% 103 6.9 0 0 137.7 2 −14 −7.0 0 + + 1998 Michigan 200 323 61.9% 2,427 7.5 14 10 133.1 54 −105 −1.9 2 + + 1999 Michigan 180 295 61.0% 2,217 7.5 16 6 138.0 34 −31 −0.9 1 + + Career 395 638 61.9% 4,773 7.5 30 17 134.9 90 −150 −1.7 3 + + (2.51 m) 33[66] + + All values from NFL Combine[67] + + A lightly regarded prospect coming out of college,[68][69] Brady was selected + by the New England Patriots with the 199th overall pick in the sixth round of + 2000 NFL Draft and has since spent his entire 19-season career with the Patriots. + Brady s tenure with the Patriots is an NFL record for the longest time playing + quarterback for one franchise. Since Brady became their starting quarterback + in 2001, the Patriots have never had a losing season and have won 16 division + titles. The Patriots played in thirteen AFC Championship Games from 2001 to + 2018—including eight in a row from 2011 to 2018—and won nine of them. Brady + and Patriots head coach Bill Belichick have combined to form the most successful + quarterback-head coach tandem in NFL history, winning more regular season games + and postseason games than any other such duo[70] as well as appearing in nine + Super Bowls. All of these events set new NFL records.[71] + + In his second season, Brady took over as the starting quarterback after Drew + Bledsoe was injured.[72] He led the Patriots to first place in the AFC East[73] + and a victory over the favored St. Louis Rams[74][75] in Super Bowl XXXVI, winning + his first Super Bowl MVP award. Despite the Patriots missing the playoffs the + following season, Brady would then lead them to back-to-back World Championships + in 2003 and 2004, winning Super Bowl MVP honors again in 2003. Along the way, + the Patriots won an NFL-record 21 consecutive games (including the playoffs) + between the 2003 and 2004 seasons.[76] The 2005 season was Brady s first to + throw for 4,000 yards and lead the NFL in passing.[77] That postseason, Brady + would win his 10th consecutive playoff game, another NFL postseason record.[78] + + Although Brady and the Patriots continued to win often, they did not return + to the Super Bowl until the 2007 season. That year, Brady not only set an NFL + record with 50 touchdown passes[79] but he would also lead the Patriots to a + 16–0 finish,[80] the first perfect regular-season record since the Miami Dolphins + finished 14–0 in 1972.[81][82] Brady would win his first career NFL MVP Award, + winning 49 out of 50 votes.[83] The Associated Press also named him Male Athlete + of the Year, the first such award given to an NFL player since Joe Montana won + it in 1989 and 1990.[84] However, the Patriots suffered their first Super Bowl + loss with Brady as quarterback, dropping a 17–14 decision to the New York Giants + in Super Bowl XLII.[85] + + Brady missed virtually the entire following season due to a knee injury in the + season opener.[86] But he would come back strong in the 2009 season to be named + the league s Comeback Player of the Year.[87] In 2010, Brady set the NFL record + for consecutive passes without an interception (358)[88] and broke his own record + for the highest season touchdown-to-interception ratio (among players who have + started a full season) at 9:1, currently the third best TD:INT ratio for a single + season by a quarterback.[89] Brady would win his second league MVP award with + all 50 votes in his favor.[90] He was the first unanimous NFL MVP since Giants + linebacker Lawrence Taylor won the award in 1986.[91] He and Joe Montana are + the only players in NFL history to win multiple NFL MVP and Super Bowl MVP awards.[92][93] + Brady was also named the top player by his peers in the first NFL Top 100 list, + released in 2011.[94] + + In the 2011 season, Brady led the Patriots to their first AFC Championship since + 2007 and appeared in the Super Bowl for a fifth time; but the Patriots would + lose again to the Giants.[95] Following AFC Championship Game losses in the + following seasons (2012 and 2013), Brady and the Patriots made their sixth trip + to the Super Bowl after the 2014 season (Brady s 15th as a professional). There, + he led the Patriots to a fourth-quarter comeback[96] over the defending champion + Seattle Seahawks. He would lift his fourth Super Bowl trophy (the Patriots first + in ten seasons) and was named Super Bowl MVP for the third time.[97] + + Despite missing the first four games of the 2016 season, Brady would lead the + Patriots (3–1 before he rejoined them)[98] to win 11 out of the 12 remaining + regular season games and two postseason games to make his seventh Super Bowl + appearance. Brady and the Patriots would overcome a 25-point deficit against + the Atlanta Falcons (down 28–3 in the third quarter) to force the first overtime + in Super Bowl history, winning 34–28 to give Brady his fifth Super Bowl title.[99] + He earned his fourth Super Bowl MVP award after setting title-game records for + appearances, pass attempts, completions, passing yards and fourth-quarter comebacks.[100] + In his eighth appearance, capping the 2017 season, Brady threw for 505 yards + at 40 years old, setting a record for most passing yards in a Super Bowl, but + the Patriots lost to the Philadelphia Eagles. In 2019, the Patriots won Super + Bowl LIII, earning Brady his sixth super bowl title, becoming the first player + in history to have won six Super Bowls.[101] + + Over his career, Brady has won three league MVP awards, six Super Bowls, and + four Super Bowl MVP Awards. A 14-time Pro Bowler, Brady has also twice led the + NFL in passing yardage.[102][103] As of November 2017, he owns the third-highest + career passer rating (97.9) among quarterbacks with at least 1,500 career passing + attempts.[104] He has thrown for more passing yards and touchdowns than any + other quarterback in NFL postseason history; he also has won more playoff games + than any other quarterback. As a result of his highly successful career, Brady + is rated among the greatest quarterbacks of all time.[105] + + Brady s name has become associated with two NFL rules, which sports reporters + have called the Brady rules . One is the tuck rule that was in effect from + 1999 through 2013.[106] The other is a rule about low hits enacted in 2009: A + defender cannot initiate a roll or lunge and forcibly hit the passer in the + knee area or below, even if he is being contacted by another player. [107] + + Brady was selected with pick number 199, a compensatory pick, in the sixth round + of the 2000 NFL Draft.[108] He and his family had believed that Brady would + be drafted in the second or third round; they watched the draft on television, + stunned as six other quarterbacks were drafted before he was. Brady was so embarrassed + that he briefly left the family home during the sixth round, and cried when + recalling the experience for an interview 11 years later. When the Patriots + notified him that he would be drafted, Brady was grateful that, he later said, + he would not have to be an insurance salesman .[109] According to Michael Holley + s book Patriot Reign, the Patriots were considering Brady and Tim Rattay, both + of whom had received positive reviews from then-quarterbacks coach Dick Rehbein.[110] + Ultimately, the Patriots front office chose Brady. Considering his subsequent + success, many analysts have called Brady the best NFL draft pick of all time.[111][112][113][114] + Patriots owner Robert Kraft recalled: “I still have the image of Tom Brady coming + down the old Foxboro stadium steps with that pizza box under his arm, a skinny + beanpole, and when he introduced himself to me and said ‘Hi Mr. Kraft,’ he was + about to say who he was, but I said ‘I know who you are, you’re Tom Brady. You’re + our sixth round draft choice,’” recalled Kraft. “And he looked me in the eye + and said ‘I’m the best decision this organization has ever made.’ It looks like + he could be right.”[115] + + Brady started the season as the fourth-string quarterback, behind starter Drew + Bledsoe and backups John Friesz and Michael Bishop; by season s end, he was + number two on the depth chart behind Bledsoe.[116] During his rookie season, + he was 1-for-3 passing, for six yards.[117] Tight end Rod Rutledge caught Brady + s first and only completed pass of the season in a 34–9 loss to the Detroit + Lions on November 23.[118][119] + + With Bledsoe as the starting quarterback, the Patriots opened the season with + a 23–17 loss at Cincinnati.[117] In their second game and home opener on September + 23, the Patriots squared off against their AFC East rivals, the New York Jets. + Bledsoe was again the starter; in the fourth quarter, he suffered internal bleeding + after a hit from Jets linebacker Mo Lewis. Bledsoe returned for the next series, + but was replaced with Brady for the Patriots final series of the game. New + York would hold on to win, 10–3, and the Patriots fell to 0–2 on the season.[120] + Brady was named the starter for the season s third game, against the Indianapolis + Colts. In his first two games as starter, Brady posted unspectacular passer + ratings of 79.6 and 58.7, respectively, in a 44–13 victory over the Colts (in + their last season in the AFC East) and a 30–10 loss to the Miami Dolphins.[121][122][123] + + In the Patriots fifth game, Brady began to find his stride. Trailing the visiting + San Diego Chargers 26–16 in the fourth quarter, he led the Patriots on two scoring + drives to force overtime, and another in overtime to set up a winning field + goal. Brady finished the game with 33 pass completions on 54 attempts, for 364 + yards, and two touchdowns, and was named AFC Offensive Player of the Week for + the first time in his career.[124][125] The following week, Brady again played + well during the rematch at Indianapolis, with a passer rating of 148.3 in a + 38–17 win.[126] The Patriots went on to win eleven of the fourteen games Brady + started, and six straight to finish the regular season, winning the AFC East + and entering the 2001–02 NFL playoffs with a first-round bye.[127] In that stretch + was a Week 11 34–17 victory over the New Orleans Saints where he was 19 of 26 + for 258 passing yards and four touchdowns to earn his second AFC Offensive Player + of the Week nod in 2001.[128] In Week 15, against the Miami Dolphins, he recorded + a 23-yard reception from Kevin Faulk on a trick play.[129] Brady finished the + 2001 season with 2,843 passing yards and 18 touchdowns and earned an invitation + to the 2002 Pro Bowl.[117][130] + + In Brady s first playoff game, he threw for 312 yards against the Oakland Raiders + and led the Patriots back from a ten-point fourth-quarter deficit to send the + game to overtime, where they won on an Adam Vinatieri field goal. A controversial + play occurred in that game. Trailing by three points in the fourth quarter, + Brady lost control of the ball after being hit by Raiders cornerback Charles + Woodson. Oakland initially recovered the ball, but, citing the tuck rule, which + states that any forward throwing motion by a quarterback begins a pass even + if the quarterback loses possession of the ball as he is attempting to tuck + it back toward his body, referee Walt Coleman overturned the call on instant + replay, ruling it an incomplete pass rather than a fumble.[131] Brady finished + the game 32-of-52 for 312 passing yards and one interception.[132] + + In the AFC Championship Game against the Pittsburgh Steelers, Brady injured + his knee, and was relieved by Bledsoe.[133] The Patriots won the game by a score + of 24–17 and were immediately installed by Las Vegas oddsmakers as 14-point + underdogs against the NFC champion St. Louis Rams in Super Bowl XXXVI.[134][135] + + Brady returned from his knee injury in the AFC Championship Game to start in + the Super Bowl a week later at the Louisiana Superdome in New Orleans. Despite + being heavy underdogs, the Patriots played well, holding the Rams high powered + offense in check through the first three quarters. The Rams rallied from a 17–3 + deficit to tie the game with 1:30 left in regulation. The Patriots then got + the ball back at their own 17-yard line with no timeouts remaining. Sportscaster + and former Super Bowl-winning coach John Madden said he thought the Patriots + should run out the clock and try to win the game in overtime.[136] Instead, + Brady drove the Patriots offense down the field to the Rams 31-yard line before + spiking the ball with seven seconds left. Then kicker Adam Vinatieri converted + a 48-yard field goal as time expired to give the Patriots a 20–17 win and their + first ever league championship. Brady was named MVP of Super Bowl XXXVI while + throwing for 145 yards, one touchdown, and no interceptions. At the age of 24 + years and six months, Brady surpassed Joe Namath in Super Bowl III and Joe Montana + in Super Bowl XVI, who were both 25 years, seven months, and 13 days old at + the time of their victories, to earn the title of youngest quarterback to win + a Super Bowl.[137][138] A possible quarterback controversy was averted when + Bledsoe was traded to the Buffalo Bills during the offseason; this event cemented + Brady s status as the starting quarterback.[139] + + In the 2002 season opener, Brady had 294 passing yards and three touchdowns + in the 30–14 victory over the Pittsburgh Steelers to earn his third AFC Offensive + of the Week title.[140][141] In Week 9, in a 38–7 victory over the Buffalo Bills, + he had 265 passing yards and three touchdowns to earn another AFC Offensive + Player of the Week nod.[142][143] Brady and the Patriots finished the year at + 9–7, tied with the New York Jets and Miami Dolphins for the best record in the + division; however, the Jets won the division on the third tiebreaker, and the + Patriots missed the playoffs.[144] + + Though Brady posted a career-low single-season passer rating of 85.7 and a career-high + of 14 interceptions, he threw for a league-leading 28 touchdown passes and 921 + more yards than in the 2001 season.[121] However, Brady played much of the second + half of the season with a shoulder injury, and New England head coach Bill Belichick + later indicated that Brady would not have been able to play in their first playoff + game if the Patriots had made the playoffs. + + After opening the 2003 NFL season with a 2–2 start, Brady led the Patriots to + twelve consecutive victories to finish the regular season in winning the AFC + East.[145] In Week 9, against the Denver Broncos, he had 350 passing yards, + three touchdowns, and one interception in the 30–26 victory to earn his fifth + AFC Offensive Player of the Week honor.[146][147] In Week 14, a 12–0 victory + against the Miami Dolphins, he recorded a 36-yard punt in the game.[148] Statistically, + Brady s strongest game of the season was in Week 17 against the division rival + Buffalo Bills, when he achieved a season-high quarterback rating of 122.9, and + was named AFC Offensive Player of the Week.[121][149] Brady finished with 3,620 + passing yards and 23 touchdowns,[117] and was third in NFL MVP voting to co-winners + Peyton Manning and Steve McNair.[150] + + In the first two rounds of the playoffs, the Patriots defeated the Tennessee + Titans in the Divisional Round by a score of 17–14. In the win, Brady was 21 + of 41 for 201 passing yards and one passing touchdown.[151] In the following + round, they defeated Indianapolis Colts in the AFC Championship by a score of + 24–14. Brady completed 22 of 37 passes for 237 yards, one passing touchdown, + and an interception.[152] On February 1, 2004, Brady led the Patriots to a 32–29 + victory over the NFC champion Carolina Panthers in Super Bowl XXXVIII and was + named Super Bowl MVP for the second time. During the game, Brady threw for 354 + yards with three touchdowns and set the record for most completions by a quarterback + in a Super Bowl with 32. With 1:08 left in the fourth quarter and the score + tied 29–29, Brady engineered a drive with five pass completions to put the Patriots + in position for the game-winning 41-yard field goal by Vinatieri.[153][154] + + Brady during Super Bowl XXXIX + + During the 2004 season, Brady helped the Patriots set an NFL record with 21 + straight wins dating from the previous year, an accomplishment honored in the + Pro Football Hall of Fame (though for official records, the NFL considers it + an 18-game regular season winning streak; it does not count playoff games).[155] + New England finished with a 14–2 record, equaling their 2003 record and the + best regular-season record ever for a defending champion.[156] The Patriots + also won the AFC East divisional title for the third time in four years.[157] + Brady threw for 3,692 yards and 28 touchdowns, with a 92.6 passer rating, and + was voted to his second Pro Bowl.[117] + + In the playoffs, Brady led the Patriots to victories over the Indianapolis Colts + in the Divisional Round by a score of 20–3 and the Pittsburgh Steelers in the + AFC Championship by a score of 41–27.[158] Brady played his best game of the + year in Pittsburgh despite requiring intravenous treatment the previous night + when he ran a temperature of 103°.[159] Against the NFL s best defense,[158] + he recorded a quarterback passer rating of 130.5, his highest of the season.[121] + On February 6, 2005, the Patriots narrowly defeated the Philadelphia Eagles, + 24–21, to win Super Bowl XXXIX at Alltel Stadium in Jacksonville, Florida. Brady + threw for 236 yards and two touchdowns[160] while capturing the Patriots third + championship in four years. They became the first franchise since the Dallas + Cowboys in 1992–1995 to win three Super Bowls in four years.[161] + + During the 2005 season, injuries suffered by running backs Corey Dillon, Patrick + Pass, and Kevin Faulk forced the Patriots to rely more on Brady s passing.[162][163] + Brady also had to adjust to new center Russ Hochstein and running back Heath + Evans. On October 9, in a 31–28 victory over the Atlanta Falcons, he had 350 + passing yards, three touchdowns, and one interception to earn AFC Offensive + Player of the Week honors.[164][165] Brady finished first in the league with + 4,110 passing yards and third in the league with 26 touchdowns.[117] At 92.3, + his 2005 passer rating was the second-highest of his career at the time, although + he equaled his career high for interceptions with 14.[121] He rushed for 89 + yards and fumbled a career-low four times.[121] He and the Patriots finished + with a 10–6 record, winning their third straight AFC East title.[166] He was + named to his third Pro Bowl at the end of the season.[167] + + In the playoffs, Brady recorded 201 passing yards and three passing touchdowns + to help lead the Patriots to a 28–3 victory over the Jacksonville Jaguars in + the Wild Card Round. On January 14, 2006, the Patriots lost 27–13 to the Denver + Broncos at INVESCO Field in the Divisional Round.[168][169] Brady threw for + 341 yards in the game with one touchdown and two interceptions, in the first + playoff loss of his career after ten playoff victories.[170] After the season + s end, it was revealed that Brady had been playing with a sports hernia since + December. Linebacker Willie McGinest commented on it and said he knew, but Brady + continued playing.[171] + + Brady on the sideline at Giants Stadium with teammates Randy Moss and Jabar + Gaffney, after throwing for his record-breaking 50th passing touchdown of the + 2007 season + + Brady started the 2006 season with 163 passing yards, two passing touchdowns, + and an interception against the Buffalo Bills in a 19–17 victory.[172] In Week + 8, against the Minnesota Vikings, he had one of his stronger performances of + the season with 372 passing yards, four passing yards, and one interception + in the 31–7 victory.[173] He posted another game with four passing touchdowns + in the Week 11 35–0 victory over the Green Bay Packers.[174] Brady led the Patriots + to a 12–4 record and the fourth seed in the AFC playoffs.[175] In the regular + season, Brady threw for 3,529 yards and 24 touchdowns.[117] He was not among + the players initially selected to the Pro Bowl,[176] although he was offered + an injury-replacement selection when San Diego Chargers quarterback Philip Rivers + was forced to withdraw. Brady ended up declining the invitation.[177] + + In the postseason, the Patriots first hosted their division rivals, the New + York Jets, in the Wild Card Round. The Patriots defeated the Jets 37–16, as + Brady went 22–34 for 212 yards and two touchdowns.[178] The Patriots traveled + to San Diego to take on the Chargers in the Divisional Round. This was Brady + s first playoff game in his home state of California. Brady and the Patriots + struggled against the Chargers, whom many had picked as favorites to win Super + Bowl XLI.[179] With eight minutes left in the fourth quarter and the Patriots + down by eight points, Brady and the Patriots started a key drive that would + ultimately decide the game. After a 49-yard pass play to wide receiver Reche + Caldwell, a Stephen Gostkowski field goal gave the Patriots a 24–21 win.[180] + + In the AFC Championship, the Patriots faced the Indianapolis Colts. The Patriots + and Colts had faced each other twice in the previous three postseasons at Foxborough; + this game, however, was played at Indianapolis. The Patriots led at halftime, + 21–6; however, the Colts and Peyton Manning staged a comeback, culminating in + a last minute interception thrown by Brady, and the Patriots lost the game to + the Colts, 34–38.[181] + + Playing with a dramatically overhauled receiver corps—in the 2007 offseason, + the Patriots acquired wide receivers Donté Stallworth, Wes Welker, Kelley Washington, + and Randy Moss; tight end Kyle Brady; and running back Sammy Morris—Brady enjoyed + what some sportswriters described as one of the best seasons by a quarterback.[182][183] + The average score of a 2007 Patriots regular-season game would be 37–17 by the + end of the year.[184] Brady led the Patriots to the first 16–0 regular-season + record in league history, outscoring opponents by more than a 2-to-1 margin, + but also attained numerous career, franchise, and NFL records and milestones + in the process. He was named as the AFC Offensive Player of the Week five separate + times that year.[185][186][187][188][189] While away at Dallas, he had a career-high + five passing touchdowns in a 48–27 win. The win tied him with Cowboys Hall of + Fame quarterback Roger Staubach for the most wins ever by a starting quarterback + in his first 100 regular-season games, with 76.[190] The next week, in part + of a 49–28 win at Miami, he had yet another record day, with a career-high six + passing touchdowns, setting a franchise record. He also had the first game with + a perfect passer rating of his career.[191] Two weeks later, as part of a come-from-behind + 24–20 victory at Indianapolis, he threw for another three touchdowns, the ninth + consecutive game in which he had done so, breaking Peyton Manning s NFL record + of eight.[192] During the last game of the year, Brady threw two touchdown passes; + his second touchdown was his 50th, breaking Peyton Manning s record of 49 in + the 2004 season.[193] + + Brady in December 2007 + + Brady finished the season with 4,806 passing yards, 50 touchdown passes, and + only eight interceptions. It was unanimously voted the greatest passing season + of all time by ESPN in 2013. His 50:8 touchdown to interception ratio was, at + the time, an NFL record. He became the first quarterback to pass for 50 touchdowns + in a season and his 117.2 passer rating is[when?] the fourth highest in a single + season. His 8.7% touchdown passing percentage is[when?] the third highest ever + in a season. He led the Patriots to becoming the first team to ever go undefeated + in the regular season since the 16 game schedule was enforced and directed an + offense that scored a then NFL record 589 points and 75 total touchdowns. Those + records stood until they were eclipsed by the 2013 Denver Broncos. The team + s 50 total touchdown passes is the fourth most ever in a season. For his efforts, + Brady was named the Most Valuable Player of this season, as well as Offensive + Player of the Year. He was also honored by the Associated Press as their Male + Athlete of the Year, the first time an NFL player has been so honored since + Joe Montana won the award in 1990.[194] He was named as a First Team All-Pro + and to his fourth career Pro Bowl as a result of his historic season.[195][196] + + In the Patriots first playoff game, a Divisional Round game against Jacksonville, + Brady began the game with an NFL postseason record 16 consecutive completed + passes, and finished the game with 26 completions in 28 attempts, a completion + rate of 92.9%. That mark is the highest single-game completion percentage (for + passers with at least 20 attempts) in NFL history, regular season or postseason.[197] + With the win, the Patriots matched the undefeated 1972 Miami Dolphins as the + only team to win 17 consecutive games in one season. + + Statistically, Brady did not fare as well in the AFC Championship Game against + the San Diego Chargers, throwing three interceptions (including his first interception + in the red zone since the playoff loss to Denver in the 2005 postseason). Nevertheless, + the Patriots won their 18th game of the season, 21–12, to advance to the Super + Bowl for the fourth time in seven seasons. Brady, with the 100th win of his + career, also set an NFL record for the fewest games needed by a starting quarterback + to do so: his 100–26 record is sixteen games better than Joe Montana s.[198] + In Super Bowl XLII at the University of Phoenix Stadium in Glendale, Arizona., + Brady was pressured heavily and sacked five times. The Patriots did manage to + take the lead with a Brady touchdown to Moss with less than three minutes remaining + in the fourth quarter, but the Giants were able to score a last-minute touchdown + to upset the Patriots 17–14, taking away what would have been the first perfect + season since the NFL expanded its regular season to 16 games.[199] + + Brady in action against the Washington Redskins on August 28, 2009. + + Brady did not play in any games during the 2008 preseason or in the 2008 Pro + Bowl due to two different foot injuries.[200][201] In the Patriots 2008 season + opener against the Kansas City Chiefs at Gillette Stadium, Brady s left knee + was seriously injured midway through the first quarter on a hit by Chiefs safety + Bernard Pollard; he left the game and did not return. The team later confirmed + that Brady would require surgery, and it would prematurely end his 2008 season.[202] + Brady tore both his anterior cruciate ligament and medial collateral ligament.[203] + The injury ended Brady s streak of 111 consecutive starts (ninth in the list + of most consecutive starts by an NFL quarterback, behind Brett Favre, Peyton + Manning, Eli Manning, Philip Rivers, Matt Ryan, Matthew Stafford, Ron Jaworski, + and Joe Flacco).[204] Dr. Neal ElAttrache performed the anterior cruciate ligament + reconstruction at the Los Angeles Kerlan-Jobe Orthopaedic Clinic October 6, + using Brady s patellar tendon graft to replace the torn ligament, and also repaired + his medial collateral ligament, through a separate incision in his left knee.[205] + An infection in the wound resulted in further debridement surgery several times + since the original procedure. Brady received IV antibiotics for this infection + which, at the time, threatened to delay his rehab.[206][207] Despite Brady s + absence, the Patriots managed to finish the 2008 season with an 11–5 record; + however, due to tiebreakers, the Patriots not only failed to win the AFC East + division title, but missed the playoffs altogether for the first time since + the 2002 season.[208] + + Brady in Landover, Maryland, on August 28, 2009, during warmups in a preseason + game against the Washington Redskins. + + In his first game in nearly a year, Brady threw for 378 yards and two touchdowns + in the 2009 season opener against the Buffalo Bills. In the final three minutes + of the game, the Patriots were down 24–13 before Brady and tight end Benjamin + Watson connected on two straight touchdowns to lead the Patriots to a 25–24 + win.[209] Brady was named the AFC Offensive Player of the Week for the 13th + time in his career for his performance.[210] + + On October 18, 2009, in an early season snowstorm, Brady set an NFL record against + the Tennessee Titans for most touchdowns in a single quarter, throwing five + in the second quarter. Brady finished the game with six touchdowns, tying his + career-high from the 2007 season, and 380 yards, completing 29-of-34 attempts, + finishing with a nearly perfect passer rating of 152.8.[211][212] He earned + his second AFC Offensive Player of the Week nod for his efforts against the + Titans.[213] The Patriots 59–0 victory over the Titans tied the record for + the largest margin of victory since the 1970 AFL-NFL merger,[214] and set a + record for largest halftime lead in NFL history, which was 45–0.[215] + + Brady finished the 2009 regular season with 4,398 yards passing and 28 touchdowns + for a 96.2 rating,[117] despite a broken right ring finger and three fractured + ribs, all which were suffered over the course of the season.[216] He was selected + as a reserve to the 2010 Pro Bowl and named the 2009 NFL Comeback Player of + the Year.[217][218] + + Brady ended the 2009 season throwing for 154 passing yards, two touchdowns, + and three interceptions in a Wild Card Round loss to the Baltimore Ravens, 33–14, + his first career home playoff loss, and the first playoff loss at home by a + Patriots quarterback since 1978 (Steve Grogan).[219] + + On September 10, 2010, Brady signed a four-year, $72 million contract extension, + making him the highest-paid player in the NFL. The extension included $48.5 + million in guaranteed money.[220] + + Brady became the quickest quarterback to achieve 100 regular season wins by + helping his team defeat the Miami Dolphins 41–14 on October 4, 2010.[221] + + In a 31–28 win over the Indianapolis Colts on November 21, 2010, Brady tied + Brett Favre s record of winning 25 consecutive regular-season home starts.[222] + Brady s last regular-season defeat at home was a 17–14 loss to the New York + Jets on November 12, 2006.[223] On November 25, in a 45–24 victory over the + Detroit Lions, he had 341 passing yards and four touchdowns to earn AFC Offensive + Player of the Week.[224][225] In the game, he earned a perfect passer rating + for the second time in his career.[226][227] The next week, in a 45–3 victory + over the New York Jets, he had 326 passing yards and four touchdowns to earn + AFC Offensive Player of the Week honors for the second consecutive week. The + victory over the Jets set an NFL record by winning 26 consecutive regular-season + home starts.[228][229][230] + + Brady threw for 3,900 yards with 36 touchdowns and only four interceptions on + the season.[117] He had a 111.0 passer rating; this gave him—at the time—two + of the top five season ratings in NFL history and made him the first player + to finish with a rating above 110 in two different seasons.[231] + + Brady was selected as a starter to the 2011 Pro Bowl.[232] However, he pulled + out of the game (and was replaced by former backup Matt Cassel of the Kansas + City Chiefs) after undergoing surgery for a stress fracture in his right foot + dating back to 2008.[233] Brady was also the only unanimous selection for the + AP All-Pro Team and was named the 2010 Associated Press NFL Offensive Player + of the Year. By unanimous decision, he won the MVP award for the second time + in his career.[234] On the NFL Top 100 Players of 2011 players list, Brady + was ranked as the best player in the NFL by his fellow players.[235] + + After earning the #1 seed and a bye week, the Patriots lost to the New York + Jets in the Divisional Round by a score of 28–21. Brady finished the game 29-of-45 + for 299 yards and two touchdowns, with one interception. His one interception + ended his NFL record of consecutive passes without an interception at 340.[236][237] + + In Week 1 of the 2011 NFL season, Brady threw for a career-high 517 yards, four + touchdowns, and one interception in a 38–24 victory over the Miami Dolphins + and earned AFC Offensive Player of the Week honors.[238] This was the second + time that he had thrown for 400 or more yards in a single game. In the game, + he threw a record-tying 99-yard touchdown pass to Wes Welker in the second quarter.[239][240][18] + In the next game, a 35–21 victory over the San Diego Chargers, he had 423 passing + yards and three touchdowns to earn another AFC Offensive Player of the Week + nod.[241][242] + + In Week 16, in the second divisional game against the Miami Dolphins, Brady + had 304 passing yards and one passing touchdown to go along with nine rushes + for 17 yards and two rushing touchdowns in the 27–24 victory to earn AFC Offensive + Player of the Week for the third time in 2011.[243][244] In the regular season + finale against the Buffalo Bills, Brady became the fourth quarterback to throw + for 5,000 yards in a single season, finishing with 5,235; although Brady surpassed + Dan Marino s longstanding record of 5,084 passing yards, he finished the season + second in passing yards behind Drew Brees s 5,476.[117] In the end, the Patriots + finished the season 13–3 and clinched the AFC s #1 seed.[245] For his efforts + in the 2011 season, Brady was named to the Pro Bowl and was named as the fourth + best player in the NFL on the NFL Top 100 Players of 2012 by his peers.[246][247] + + There s no quarterback I d rather have than Tom Brady. He s the best. He does + so much for us in so many ways on so many different levels. I m very fortunate + that he s our quarterback and what he s able to do for this team. It s good + to win with him and all the rest of our players. If that s more than somebody + else did, I don t really care about that.[248] + + –Bill Belichick + + In the Patriots 45–10 rout of the Denver Broncos in the Divisional Round, Brady + set a personal postseason best with 363 passing yards, and tied an NFL playoff + record shared by Daryle Lamonica and Steve Young, throwing for six touchdown + passes.[249] The win, his first postseason win since January 2008, gave Brady + and Patriots head coach Bill Belichick sole possession of the NFL record for + postseason wins by a quarterback-head coach combo with 15.[250] In the AFC Championship + game against the Baltimore Ravens, Brady failed to throw a touchdown pass for + the first time in 36 games, though he did pass for 239 yards and scored a one-yard + rushing touchdown late in the game. A missed field goal from Ravens kicker Billy + Cundiff gave Brady and the Patriots a 23–20 victory, sending Brady to his fifth + Super Bowl as a member of the Patriots.[251] In Super Bowl XLVI at Lucas Oil + Stadium in Indianapolis, Brady and the Patriots met the New York Giants in a + rematch of their Super Bowl XLII meeting four years earlier. Brady played well, + leading a Super Bowl record-tying 96-yard touchdown drive to close the first + half and at one point completing 16 passes in a row to give him a 20-of-23 mark + partway into the third quarter, another Super Bowl record. Brady threw two touchdowns + against one interception on the Patriots first offensive series, and was penalized + for intentional grounding in the end zone, giving up a crucial safety to the + Giants. A final score of 21–17 for the Giants prevented Brady from winning his + fourth Super Bowl.[252] + + Brady started all 16 regular season games of the 2012 NFL season and led the + Patriots to a 12–4 record. Among the many highlights of the team was a 42–14 + win over the Houston Texans in Week 14. Brady had 296 passing yards and four + touchdowns to earn AFC Offensive Player of the Week.[253][254] The Patriots + scored 557 total points, the third highest in league history and Brady became + the first quarterback to lead his team to ten division titles.[255] With that + point total, the Patriots became the first team to score at least 500 points + in a season four different times, with Brady leading all four squads, which + was a record as well. He finished the season with 4,827 passing yards, 34 touchdowns, + only eight interceptions, and a passer rating of 98.7. It was Brady s third + straight season throwing for over 30 touchdowns.[256] He was named to the Pro + Bowl for the eighth time in his career.[257] On the NFL Top 100 Players of 2013, + Brady was ranked fourth by his fellow players for the second consecutive year.[258] + + Brady started both Patriots playoff games, winning 41–28 against the Houston + Texans in the Divisional Round.[259] Brady passed for 344 yards and three touchdowns + as he led the team to their seventh AFC Championship Game in his 12 years as + a starter. With the victory, Brady surpassed Joe Montana for most career playoff + wins, with 17.[260] The Patriots were then upset by the eventual Super Bowl + XLVII champion Baltimore Ravens, 28–13 in the AFC Championship. He threw for + 320 yards and one touchdown with two interceptions.[261] He suffered his first + career loss at home when leading by halftime, in which during that span he was + 67–0.[262] + + On February 25, 2013, Brady and the Patriots agreed on a three-year contract + extension, which kept him with the team through 2017.[263] Peter King called + it an amazing deal, as Brady took just $27 million in new money over the 2015, + 2016, and 2017 seasons, and also noted that it reflected Patriots owner Robert + Kraft s desire to make sure that Brady retired as a Patriot.[264] + + Brady and the Patriots began the season with much upheaval on the offensive + side of the ball. Tight end Rob Gronkowski was injured and Aaron Hernandez was + arrested. Wes Welker departed to the Denver Broncos, Danny Woodhead left in + free agency for the San Diego Chargers, and Brandon Lloyd was released from + the team. In order to replace the five players, the Patriots signed Danny Amendola + in free agency from the Rams, drafted rookie wide receivers Aaron Dobson and + Josh Boyce, and signed undrafted rookie free agent wide receiver Kenbrell Thompkins. + In the first two games of the season, Brady completed 52% of his passes and + had three touchdowns and one interception.[265][266] + + Brady during the 2013 season + + Brady was in pursuit of Drew Brees s record of at least one touchdown in 54 + consecutive regular season games and saw the streak end at 52 games in a Week + 5 loss against the Cincinnati Bengals.[267] In a Week 6 game against the Saints, + the Patriots struggled in the first half and bounced back in the second with + Brady passing for 269 yards with a touchdown to Kenbrell Thompkins as time expired + to pull out the win over the Saints.[268] + + In Week 12, Brady faced-off against Peyton Manning for the fourteenth time in + his career. After going to the half trailing by 24 points, Brady and the Patriots + scored 31 unanswered points. The Patriots won after a muffed punt in overtime + when Stephen Gostkowski scored a field goal.[269] With the win, Brady earned + AFC Offensive Player of the Week honors.[270] With a Week 16 win over the Baltimore + Ravens, Brady collected his 147th win as a starting quarterback to tie Dan Marino + for fourth place all time, and the following week he defeated the Buffalo Bills + to tie John Elway for third place. In the victory over the Bills, Brady recorded + a 32-yard punt.[271] Brady was named to the Pro Bowl for the ninth time in career + and was ranked third on the NFL Top 100 Players of 2014 players list in the + offseason.[272][273] + + Brady s Patriots finished the season 12–4, to earn the second seed in the AFC + and a first-round bye.[274] In the Divisional Round matchup against the Indianapolis + Colts, Brady made his 25th playoff appearance, breaking Brett Favre s career + record for playoff appearances by a quarterback (Jerry Rice appeared in 29 playoff + games). He passed for 198 yards as the Patriots won 43–22 behind a four-touchdown + performance from LeGarrette Blount.[275] The following week, the Patriots lost + 26–16 to the Denver Broncos in the AFC Championship, eliminating Brady and the + Patriots from the playoffs. In the loss, Brady was 24-for-38 for 277 yards and + touchdown, along with two carries for seven yards and a rushing touchdown.[276] + + Brady in September 2014 against the Minnesota Vikings + + Brady started the 2014 season with a 33–20 loss to the Miami Dolphins.[277] + It was Brady s first opening day loss since the 2003 season. Brady recorded + 241 yards and a touchdown in the loss. New England rebounded against the Minnesota + Vikings, but Brady struggled, throwing for 149 yards and a touchdown in a 30–7 + win.[278] Against the Oakland Raiders, Brady was pressured all day, but threw + for 234 yards and a touchdown in 16–9 win.[279] After a humiliating 41–14 loss + to the Kansas City Chiefs, Brady led New England to back-to-back wins against + the Cincinnati Bengals and the Buffalo Bills.[280][281] Brady then defeated + the New York Jets with a 261-yard performance that included three touchdowns.[282] + The following week, a 51–23 embarrassment of the Chicago Bears saw Brady throw + for 354 yards and a season-high five touchdowns.[283] After passing for 333 + yards, and 257 yards in his next two games against the Denver Broncos and Indianapolis + Colts respectively, Brady defeated the Detroit Lions 34–9 with 349 passing yards + and two touchdowns against only one interception.[284] The Patriots winning + streak was put to the test against the Green Bay Packers in Week 13. Down 13–0 + early, Brady threw for 245 yards and two touchdowns. Still down 26–21, Brady + was unable to give the Patriots their eighth consecutive victory.[285] After + trailing 14–3 at the San Diego Chargers, Brady rallied his team with 317 passing + yards, two touchdowns, and one interception, to a 23–14 comeback win.[286] Brady + clinched his NFL record 12th AFC East division title with 287 passing yards, + two touchdowns, and an interception. Brady struggled in his final two games, + throwing for only 182 yards, a touchdown, and an interception in 17–16 victory + against the Jets, and 80 yards in one half of the final regular season game + against the Buffalo Bills, a 17–9 loss, though Julian Edelman, Rob Gronkowski, + and three starting offensive linemen did not play either the entirety or the + majority of the final game, and Brady only played in the first half.[287] Brady + was named to his tenth career Pro Bowl and was ranked third by his fellow players + on the NFL Top 100 Players of 2015.[288][289] + + In a 35–31 Divisional Round win over the Ravens, Brady threw for three touchdowns + and ran in a fourth, breaking Curtis Martin s club record for rushing touchdowns + in the playoffs; Brady also broke Joe Montana s record for playoff touchdowns + with 46. After the Ravens scored on their first two possessions, the Patriots + were quickly down 14–0. Brady led New England on an eight-play, 78-yard drive, + and ran for a score to cut the Ravens lead to 14–7. In the second quarter, Brady + s 15 yard touchdown pass to Danny Amendola tied the score at 14–14. After getting + the ball back, Brady threw an interception at the end of the first half. Joe + Flacco capitalized on it by throwing an 11-yard touchdown strike to tight end + Owen Daniels to give Baltimore a 21–14 halftime lead. Down 28–14, Brady engineered + an 80-yard drive, culminating in a touchdown to Rob Gronkowski to cut the lead + to 28–21. The Patriots tied the game once again at 28 off of a trick play where + Brady passed laterally to Julian Edelman who then threw a 51-yard touchdown + to Danny Amendola. Ravens kicker Justin Tucker drilled a 25-yard field goal + to give Baltimore a 31–28 4th quarter lead. Brady got the ball back, and threw + a 23-yard touchdown to wide receiver Brandon LaFell to give the Patriots their + first lead, up 35–31. After a Duron Harmon interception and a Joe Flacco Hail + Mary attempt failed, Brady clinched his record ninth AFC Championship Game, + fourth straight, and the third championship game against the Indianapolis Colts.[290] + After a 45–7 blowout, Brady advanced to play in his sixth Super Bowl, breaking + a tie with John Elway for most career Super Bowl appearances by a quarterback. + Against the Colts, Brady threw for 226 yards and three passing touchdowns with + one interception[291] + + In Super Bowl XLIX at University of Phoenix Stadium in Glendale, Arizona, Brady + completed 37-of-50 passes for 328 yards, four touchdowns, and two interceptions. + He guided a then-record ten-point fourth quarter comeback as the Patriots defeated + the Seattle Seahawks 28–24 to give Brady his fourth Super Bowl ring, tying him + with Joe Montana and Terry Bradshaw for most Super Bowl victories by a starting + quarterback.[292] He was named Super Bowl MVP for the third time, tying Montana + s record. Brady s 37 completed passes in the game set a Super Bowl record at + the time, which Brady himself would break in Super Bowl LI two years later.[293] + + Further information: Deflategate + + On May 6, 2015, the NFL published a 243-page report regarding the deflation + of footballs used in the previous season s AFC Championship Game.[294] The report + concluded that, more likely than not, Brady was at least generally aware of + the intentional deflation. On May 11, Brady was suspended for four games by + the NFL for his involvement based on substantial and credible evidence that + Brady knew Patriots employees were deflating footballs and that he failed to + cooperate with the investigators.[295] On May 11, Troy Vincent—NFL Executive + Vice President of Football Operations—penned a letter to Brady that stated in + part: Your actions as set forth in the report clearly constitute conduct detrimental + to the integrity of and public confidence in the game of professional football. + [296] Vincent s letter further stated: With respect to your particular involvement, + the report established that there is substantial and credible evidence to conclude + you were at least generally aware of the actions of the Patriots employees + involved in the deflation of the footballs and that it was unlikely that their + actions were done without your knowledge. Moreover, the report documents your + failure to cooperate fully and candidly with the investigation, including by + refusing to produce any relevant electronic evidence (emails, texts, etc.), + despite being offered extraordinary safeguards by the investigators to protect + unrelated personal information, and by providing testimony that the report concludes + was not plausible and contradicted by other evidence. [296] Brady, through the + NFL Players Association, officially appealed the suspension on May 14.[297] + + On July 28, NFL Commissioner Roger Goodell announced the upholding of Brady + s four-game suspension.[298] Brady gave permission to the NFLPA to appeal the + suspension in federal court.[299] Goodell cited Brady s destruction of his cell + phone as a critical factor in his decision to uphold Brady s suspension.[300][301] + The NFL also filed papers in federal court seeking to confirm Roger Goodell + s decision.[302] On July 29 Brady released a statement on his Facebook page + that criticized Goodell s decision to uphold the suspension, saying in part I + am very disappointed by the NFL s decision to uphold the 4 game suspension against + me. I did nothing wrong, and no one in the Patriots organization did either... + I will not allow my unfair discipline to become a precedent for other NFL players + without a fight. [303][304] + + Commentary on the initial punishment was mixed. Bleacher Report writer Mike + Freeman made a statement agreeing with Goodell s decision, saying the penalties + were brutal, but it deserved to be. [305] Various commentators also implied + that the prior reputation of the Patriots organization as a team that bends + rules appeared to factor into the harshness of the punishment.[305][306] Others + described the punishment as firm but fair .[307] + + On September 3, 2015, Judge Richard M. Berman of the United States District + Court for the Southern District of New York vacated Brady s suspension; this + ruling allowed Brady to play in the first four games of the 2015 NFL season. + In his decision, Judge Berman cited the NFL s failure to provide proper notice + to Brady of the charges against him and the potential for a suspension.[308] + Post-appeal commentary also criticized Goodell for manipulating Brady s testimony at + the appeal hearing in his decision.[309] + + In the NFL Kickoff Game, Brady led the Patriots to a 28–21 win over the Pittsburgh + Steelers. He threw for 288 yards and four touchdowns, three of them to Rob Gronkowski.[310] + The Patriots victory was the 161st victory of Brady s career, all with the + Patriots, which surpassed the record held by former Green Bay Packers quarterback + Brett Favre for most regular season wins by a starting quarterback with a single + team. In Week 2, Brady threw for 466 yards and three touchdowns against the + Buffalo Bills. Through the first five games of the season, Brady threw a total + of 14 touchdowns with one interception and had a quarterback rating of 118.4.[311] + In Week 8, a 36–7 victory over the Miami Dolphins, he had 356 passing yards + and four touchdowns to earn his 25th AFC Offensive Player of the Week title.[312][313] + + Despite Brady s success, the Patriots were hit by many injuries to key players + on offense, including wide receiver Julian Edelman, and the Patriots eventually + lost their first game against the Denver Broncos, who were without Peyton Manning, + in Denver on the Sunday after Thanksgiving following a 10–0 start.[314] The + Patriots then lost three of their remaining five games to finish 12–4 for a + fourth straight season, tied with the Cincinnati Bengals and Denver Broncos + for the AFC s best record. The Denver Broncos clinched the No. 1 seed due to + their victories over both the Patriots and the Bengals, while the Patriots finished + with the AFC s No. 2 seed due to having a better record against common opponents + than the Cincinnati Bengals.[315][316] Brady finished the regular season with + a league-leading 36 touchdown passes and seven interceptions.[317] He was named + to his 11th Pro Bowl (seventh straight), and was ranked as the second best player + on the NFL Top 100 Players of 2016 behind only league MVP Cam Newton.[318][319] + + With the return of Julian Edelman from a foot injury, the Patriots defeated + the Kansas City Chiefs in the Divisional Round by a score of 27–20 after advancing + with a first round bye.[320] Brady completed 28 of 42 passes for 302 yards and + two passing touchdowns and one rushing touchdown as he led the team to their + fifth consecutive AFC championship game.[321] The Patriots advanced to the AFC + Championship to face Peyton Manning and the Denver Broncos at Sports Authority + Field at Mile High. It would turn out to be the 17th and final meeting between + the two storied quarterbacks, as Manning would announce his retirement after + the season ended. The Broncos top-ranked defense harassed Brady, who completed + 27-of-56 passes with two interceptions and a touchdown, all day, and the Patriots + eventually lost the game 20–18 after a potential game-tying two-point conversion + attempt failed with 17 seconds left in regulation.[322] + + On February 29, 2016, Brady signed a two-year contract extension covering the + 2018 and 2019 seasons.[323] + + Three days later, the NFL appealed Judge Richard M. Berman s 2015 decision to + vacate Brady s four-game suspension as punishment for his alleged role in the + Deflategate scandal. At the March 3, 2016, hearing in New York City, the three-judge + panel of the United States Court of Appeals for the Second Circuit questioned + Players Association lawyer Jeffrey L. Kessler more intensely than NFL lawyer + Paul Clement, with Circuit Judge Denny Chin even stating that the evidence + of ball tampering is compelling, if not overwhelming. [324] + + On April 25, 2016, Judge Richard M. Berman s decision to block Brady s four-game + suspension was overturned by the U.S. Appeals Court.[325][326] Circuit Judge + Barrington Daniels Parker Jr., joined by Circuit Judge Chin, wrote that they + could not second-guess the arbitration but were merely determining it met + the minimum legal standards established by the Labor Management Relations Act + of 1947 .[327] Circuit Chief Judge Robert Katzmann dissented, writing that the + NFL s fines for using stickum was highly analogous and that here the Commissioner + was doling out his own brand of industrial justice. [328] + + On May 23, 2016, Brady appealed for his case to be reheard by the full U.S. + 2nd Circuit Court.[329] The 2nd Circuit Court denied Brady s request for an + en banc hearing on July 13.[330] Two days later, on Friday, July 15, 2016, Brady + announced on his Facebook page that he would give up his Deflategate fight and + accept his suspension for the first four regular season games of the 2016 season. + Prior to Brady s suspension, he had not missed a single regular season or postseason + game since the start of the 2009 season. + + After serving his four-game suspension, Brady made his 2016 season debut on + October 9 on the road against the Cleveland Browns; he completed 28-of-40 passes + for 406 yards and three touchdowns in a 33–13 victory to earn AFC Offensive + Player of the Week.[331][332] In his home debut the following week, Brady completed + 29-of-35 passes for 376 yards and three touchdowns in a 35–17 victory over the + Cincinnati Bengals.[333] In Week 7, Brady completed 19 of 26 passes for 222 + yards and two touchdowns as New England defeated the Pittsburgh Steelers 27–16.[334] + The next week, the Patriots defeated the Buffalo Bills 41–25, with Brady completing + 22-of-33 passes for 315 yards and four touchdowns.[335] Brady s outstanding + numbers during his first four games following the suspension earned him the + AFC Offensive Player of the Month award for October.[336] + + Following a bye week, Brady and the Patriots faced the Seattle Seahawks in a + Week 10 rematch of Super Bowl XLIX. Brady completed 23-of-32 passes for 316 + yards, one interception, and no touchdowns in a 31–24 loss that saw the two + teams trade leads seven times.[337] In Week 11, Brady completed 24-of-40 passes + for 280 yards, four touchdowns, and no interceptions in a 30–17 road win against + his childhood team, the San Francisco 49ers. Brady s performance against San + Francisco earned him AFC Offensive Player of the Week honors for Week 11.[338] + Those four touchdown passes also gave him 444 career regular season touchdown + passes with one team, breaking Brett Favre s record. The following week, Brady + completed 30-of-50 passes for 286 yards and two touchdowns in a 22–17 road victory + against the New York Jets.[339] The win was also the Patriots 500th victory + (including playoffs) in franchise history. During this victory, Brady also became + the fifth quarterback to record 60,000 career regular season passing yards, + joining Peyton Manning, Brett Favre, Drew Brees, and Dan Marino. The following + week, Brady completed 33-of-46 passes for 269 yards and one touchdown as the + Patriots defeated the Los Angeles Rams by a score of 26–10.[340] The Patriots win + against the Rams gave Brady his 201st career victory, including playoff games, + breaking Peyton Manning s record of 200.[341] In Week 14, Brady completed 25 + of 38 passes for 406 yards, three touchdowns, and one interception during a + 30–23 victory against the Baltimore Ravens on Monday Night Football.[342] + + The next week, Brady completed 16-of-32 passes for 188 yards in a 16–3 victory + in Denver.[343] With this victory, the Patriots clinched an eighth consecutive + AFC East title and a seventh consecutive first-round bye in the playoffs, both + NFL records.[344] On December 20, 2016, Brady was named to the Pro Bowl for + the eighth straight season and 12th time overall.[345][346] In Week 16, Brady + threw for 17 of 27 passes for 214 yards, three touchdowns, and no interceptions + as he led the Patriots to a 41–3 win over the Jets.[347] In Week 17, Brady completed + 25-of-33 passes for 276 yards, three touchdowns, and no interceptions in a 35–14 + victory over the Miami Dolphins in the regular season finale that gave the Patriots + home field advantage throughout the AFC playoffs.[348] Brady s 276 yards against + Miami moved him ahead of former Miami quarterback Dan Marino into fourth place + on the NFL s all-time passing yards list. Brady s three touchdowns against Miami + also gave him 28 passing touchdowns against two interceptions for the regular + season. This broke the previous record of Nick Foles s 27:2 TD:INT ratio which + was set in 2013 with the Philadelphia Eagles.[349] Brady was named to the AP + All-Pro Second Team, behind Matt Ryan of the Atlanta Falcons, who was named + to the AP All-Pro First Team.[350] Brady was also ranked first on the NFL Top + 100 Players of 2017 as the best player in the league, becoming the first player + to be named as #1 twice since the listing started.[351] + + Brady hoisting the Vince Lombardi Trophy for the fifth time in his career after + winning Super Bowl LI + + Brady and the Patriots began their postseason run in the Divisional Round, hosting + the Houston Texans, who had the league s No. 1 total defense. Brady completed + 18-of-38 passes for 287 yards, two touchdowns, and two interceptions as the + Patriots won 34–16, clinching a record sixth consecutive trip to the AFC Championship + Game.[352] The Patriots then defeated the Pittsburgh Steelers, 36–17. Against + the Steelers, Brady completed 32 of 42 passes for 384 yards, three touchdowns, + and no interceptions. The win gave Brady and Patriots head coach Bill Belichick + their record seventh conference title as a quarterback–head coach tandem, and + the Patriots an NFL record ninth Super Bowl appearance.[353] + + Brady and the Patriots faced the NFC champion Atlanta Falcons—who boasted the + league s highest scoring offense—in Super Bowl LI at NRG Stadium in Houston, + Texas on Sunday, February 5, 2017. Brady threw for 43 completions on 62 attempts + for 466 passing yards—all Super Bowl records at the time. Brady also threw for + two touchdowns and an interception. After trailing 28–3 midway through the third + quarter, Brady and the Patriots scored 25 unanswered points to tie the game + at the end of regulation. This resulted in the first overtime in Super Bowl + history. After winning the overtime coin toss, Brady led the Patriots down the + field to score a touchdown and win the game by a score of 34–28,[354] completing + the largest comeback win in both team history and Super Bowl history. With the + victory, Brady won his fifth Super Bowl, which set a record for most Super Bowl + victories of any quarterback in history and tied defensive player Charles Haley + for the most Super Bowl victories for any player. In addition, Brady set another + record by winning his fourth Super Bowl MVP award for his clutch performance.[355] + + After the game, it was discovered that Brady s jersey had gone missing from + the Patriots locker room at NRG Stadium.[356] The FBI, in collaboration with + Mexican authorities, recovered the jersey from the home of Martin Mauricio Ortega, + a Mexican tabloid writer, along with Brady s jersey from Super Bowl XLIX.[357] + + On May 12, 2017, Brady was announced as the cover athlete for Madden NFL 18.[358] + + In a CBS interview on May 17, 2017, Charlie Rose asked Brady s wife, Gisele + Bündchen, if she wanted Brady to retire, despite the fact that he was playing + at a high level. Bündchen mentioned that Brady suffered from a concussion in + the 2016 season, saying, I mean he has concussions pretty much every—I mean + we don t talk about—but he does have concussions. I don t really think it s + a healthy thing for anybody to go through.”[359][360] + + Following the Bündchen interview, the NFL released a statement: We have reviewed + all reports relating to Tom Brady from the unaffiliated neurotrauma consultants + and certified athletic trainer spotters who worked at Patriots’ home and away + 2016 season games as well as club injury reports that were sent to the league + office. There are no records that indicate that Mr. Brady suffered a head injury + or concussion, or exhibited or complained of concussion symptoms. Today we have + been in contact with the NFLPA and will work together to gather more information + from the club s medical staff and Mr. Brady .[361][362] Brady s agent, Don Yee, + said that Brady was not diagnosed with a concussion during the 2016 season.[363] + + The Patriots opened up their 2017 season in the NFL Kickoff Game on September + 7 at home against the Kansas City Chiefs. Brady had 267 passing yards in the + game, which the Patriots lost 42–27.[364] In Week 2, Brady threw three touchdown + passes in the first quarter of a game for the first time in his career in a + 36–20 win over the New Orleans Saints.[365] He finished the game with 447 passing + yards and three touchdowns, earning him his 28th AFC Offensive Player of the + Week award.[366] This broke the record previously held by Peyton Manning for + the most AFC Offensive Player of the Week awards in a career.[367] In Week 3, + Brady threw for 378 passing yards and five touchdowns as he led the Patriots + to a 36–33 comeback win against the Houston Texans, a performance that earned + him AFC Offensive Player of the Week honors for the second straight week, and + the 29th for his career.[368] In Week 4, Brady played well again, throwing for + 307 yards, two touchdowns, and no interceptions, but the Carolina Panthers upset + the Patriots 33–30 on a last second field goal from Graham Gano as time expired. + In the Patriots next game, a narrow 19–14 win against the Tampa Bay Buccaneers + on Thursday Night Football, Brady completed 30 out of 40 passes for 303 yards, + one touchdown, and one interception. With this victory, Brady became the third + quarterback in NFL history to record 186 career regular season victories, tying + Peyton Manning and Brett Favre for the most such wins of any quarterback in + NFL history.[369] On October 10, it was unveiled that Brady was diagnosed with + an AC joint sprain in his left (non-throwing) shoulder.[370][371] During Week + 6 against the New York Jets, Brady threw for 257 passing yards, two touchdowns, + and an interception as the Patriots won 24–17. Brady obtained his 187th career + win, setting the record for most regular season wins in NFL history.[372] The + next week, the Patriots hosted the Atlanta Falcons in a rematch of Super Bowl + LI on Sunday Night Football. Brady was efficient, completing 21 of 29 passes + for 249 yards and two touchdowns as the Patriots defeated the Falcons, 23–7.[373] + The following week, Brady completed 32-of-47 passes for 333 yards and one touchdown + in a 21–13 win against the Los Angeles Chargers. With the win against the Chargers, + the Patriots headed into their bye week with an AFC best 6–2 record.[374] + + Coming off their bye week, Brady and the Patriots traveled to Denver for a Sunday + Night Football match against the Denver Broncos. The Patriots dominated the + game, winning 41–16, with Brady completing 25 of 34 passes for 266 yards and + three touchdowns. For his performance against Denver, Brady was named the AFC + Offensive Player of the Week for the third time in the season.[375] After spending + the next week training at the United States Air Force Academy in Colorado Springs, + Colorado, Brady and the Patriots traveled to Mexico City for a special regular + season match with the Oakland Raiders. Like the previous week, the Patriots + won big, this time by a final score of 33–8. Brady completed 30 of 37 passes + for 339 yards and three touchdowns in the win. During Week 12 against the Miami + Dolphins, Brady finished with 227 passing yards, 4 touchdowns, and an interception + as the Patriots won 35–17. Brady became the first quarterback at age 40 to throw + for 4 touchdowns in a game. Brady was named AFC Offensive Player of the Month + for November.[376] During Week 13 against the Buffalo Bills, Brady finished + with 258 passing yards and an interception as the Patriots won 23–3. During + the game, Brady yelled at offensive coordinator Josh McDaniels after failing + to execute a play properly in the first quarter. Brady claimed that this wasn + t his first incident with McDaniels, with whom he had worked together for 13 + years, with a fruitful relationship.[377][378] The following week, the Patriots + traveled to Miami to face the Dolphins on Monday Night Football. The Dolphins + held off a late comeback attempt to defeat the Patriots 27–20, with Brady completing + 24 of 43 passes for 233 yards, a touchdown, and two interceptions.[379] In Week + 15, Brady completed 22 of 35 passes for 298 yards, a touchdown, and an interception + as he led the Patriots to a 27–24 comeback victory against the Pittsburgh Steelers.[380] + With this victory, the Patriots secured their ninth straight AFC East division + title. On December 19, Brady was selected to the Pro Bowl for the 13th time + in his career.[381][382] On Christmas Eve against the Buffalo Bills, Brady completed + 21 of 28 passes for 224 yards, two touchdowns, and an interception as the Patriots + won their twelfth game of the season, 37–16.[383] With this win, combined with + a loss by the Jacksonville Jaguars later in the day, the Patriots clinched a + first-round bye for the eighth straight year.[384] In the regular season finale + against the New York Jets on New Year s Eve, Brady completed 18 of 37 passes + for 190 yards, two touchdowns, and no interceptions in a 26–6 victory. With + the win, the Patriots clinched home-field advantage throughout the AFC playoffs.[385] + Brady finished the 2017 regular season as the NFL s passing yards leader with + 4,577 passing yards, making him the oldest player ever to lead the league in + passing yards.[386] He was named a first-team All-Pro by the Associated Press + for the third time in his career.[387] Earning 40 of 50 votes, Brady was named + the NFL Most Valuable Player for the third time in his career.[388] + + Brady playing in Super Bowl LII + + Brady and the Patriots began their postseason run by hosting the Tennessee Titans + in the Divisional Round of the playoffs. Brady completed 35 passes out of 53 + attempts for 337 yards, 3 touchdowns, and no interceptions in a 35–14 Patriots + victory.[389] With the win, the Patriots advanced to the AFC Championship Game + for the seventh straight year. Days after the divisional round, it was revealed + that Brady had a minor cut on his right hand, which required stitches.[390] + Despite this injury, Brady managed to start the AFC Championship Game, where + the Patriots faced off against the Jacksonville Jaguars. Brady led a fourth + quarter comeback to lead the Patriots to a 24–20 victory. He finished the game + with 26 completions out of 38 attempts for 290 passing yards, two passing touchdowns, + and no interceptions.[391] The win gave Brady and Patriots head coach Bill Belichick + their eighth conference title as a quarterback–head coach tandem, and the Patriots + a berth in Super Bowl LII, their tenth Super Bowl appearance as a team, both + of which extended NFL records. In Super Bowl LII at U.S. Bank Stadium in Minneapolis, + Minnesota, the Patriots faced off against the Philadelphia Eagles and their + second-string quarterback Nick Foles. Brady completed 28 passes on 48 attempts + for 3 touchdowns, no interceptions, and a Super Bowl record 505 yards – which + also set a new record for the most passing yards by a quarterback in any postseason + game in NFL history. With roughly two minutes remaining in the game and the + Eagles leading 38–33, Brady was strip-sacked by Brandon Graham. The Eagles recovered + the fumble and cemented their 41–33 win with a field goal, securing their first + franchise Super Bowl victory.[392] This was the third time overall that Brady + had lost in a Super Bowl, becoming the fourth starting quarterback in Super + Bowl history to lose at least three Super Bowls (Jim Kelly, Fran Tarkenton, + and John Elway).[393] In addition, this was the first time he had lost a Super + Bowl to a team and a quarterback other than the New York Giants and Eli Manning, + respectively.[394] + + Brady started his 19th professional season with 277 passing yards, three touchdowns, + and one interception in a 27–20 victory over the Houston Texans in the season + opener.[395][396] After losses to the Jacksonville Jaguars and Detroit Lions + over the next two games, Brady had 274 passing yards, three touchdowns, and + two interceptions in a 38–7 victory over the Miami Dolphins in Week 4.[397] + In the following game, a 38–24 victory over the Indianapolis Colts, he had 341 + passing yards, three touchdowns, and two interceptions to go with a rushing + touchdown. One of his touchdown passes went to Josh Gordon, who became the NFL-record + 71st different player to catch a touchdown from Brady.[398][399] In Week 6, + a 43–40 victory over the Kansas City Chiefs on Sunday Night Football, Brady + had 340 passing yards and a passing touchdown to go with a four-yard rushing + touchdown.[400] In Week 7, a 38–31 victory over the Chicago Bears, he had 277 + passing yards, three passing touchdowns, and one interception.[401] In Week + 12, against the New York Jets, Brady passed for 283 yards, with two touchdowns + and no interceptions and a 115.4 passer rating in a 27–13 victory.[402] In Week + 13, Brady reached 1,000 career rushing yards in a 24–10 victory over the Minnesota + Vikings, becoming the oldest player to reach that mark since 1970.[403] In Week + 15, Brady reached 70,000 passing yards, becoming only the fourth quarterback + in NFL history to accomplish the feat. He finished with 279 passing yards as + the Patriots lost 10–17 to the Pittsburgh Steelers.[404] During Week 16 against + the Buffalo Bills, Brady was limited to 126 passing yards, but the Patriots + combined for 273 rushing yards and won 24–12, clinching the AFC East pennant + for the 10th consecutive season and 16th time in 18 years.[405] In Week 17, + Brady completed 24 of 33 passes for 250 yards, and 4 touchdowns in a 38–3 win + against the Jets that allowed the Patriots to clinch the AFC s #2 seed and a + first-round bye in the AFC playoffs.[406][407] Brady finished the season completing + 375 of 570 passes (a 65.8% completion rate), 4,355 yards, 29 touchdowns and + 11 interceptions.[408] + + Following their first-round bye, the Patriots started their playoff run against + the Los Angeles Chargers in the Divisional Round. The Patriots jumped out to + a 35–7 halftime lead en route to a 41–28 win that saw Brady complete 34 of 44 + passes for 343 yards, a touchdown, and no interceptions.[409] With the win, + the Patriots advanced to the AFC Championship Game for the eighth consecutive + year, this time to face the Chiefs at Arrowhead Stadium.[410] + + In the AFC Championship Game, the Patriots opened the game with a 80-yard, 15-play + opening drive capped with a 1-yard Sony Michel rushing touchdown. The Patriots + went into halftime with a 14–0 lead. However, the Chiefs battled back in the + second half and Harrison Butker hit a 39-yard field goal for the Chiefs with + just 8 seconds remaining in regulation to send the game into overtime with a + score of 31–31. The Patriots won the coin toss to start overtime and elected + to receive the ball. Brady led the Patriots on a 75-yard drive that resulted + in a game-winning 2-yard rushing touchdown by Rex Burkhead. With the victory, + Brady earned a Super Bowl appearance for the third straight season and the ninth + time overall in his career. Brady finished the game completing 30 of 46 attempts, + with 348 yards passing, one passing touchdown, and two interceptions.[411] In + Super Bowl LIII at Mercedes-Benz Stadium in Atlanta, Georgia, Brady completed + 21 of 35 passes for 262 passing yards and an interception as the Patriots won + 13–3 over the Los Angeles Rams in the lowest-scoring Super Bowl in history. + With the victory, the Patriots became the second NFL team to win six Super Bowls, + tying the Pittsburgh Steelers for the most in NFL history. In addition, Brady + became the first player ever to win six Super Bowls as well as the oldest quarterback + at 41 years of age to win a Super Bowl.[412][413] + + Won the Super Bowl + + AP NFL MVP + + 1 0 1 3 33.3 6 2.0 6 0 0 42.4 0 0 0 0 0 0 0 0 0–0 + + 15 14 264 413 63.9 2,843 6.9 91 18 12 86.5 36 43 1.2 0 41 216 12 3 11–3 + + 16 16 373 601 62.1 3,764 6.3 49 28 14 85.7 42 110 2.6 1 31 190 11 5 9–7 + + 16 16 288 474 60.8 3,692 7.8 50 28 14 92.6 43 28 0.7 0 26 162 7 5 14–2 + + 16 16 319 516 61.8 3,529 6.8 62 24 12 87.9 49 102 2.1 0 26 175 12 4 12–4 + + 16 16 398 578 68.9 4,806 8.3 69 50 8 117.2 37 98 2.6 2 21 128 6 4 16–0 + + 1 1 7 11 63.6 76 6.9 26 0 0 83.9 0 0 0 0 0 0 0 0 1–0 + + 16 16 371 565 65.7 4,398 7.8 81 28 13 96.2 29 44 1.5 1 16 86 4 2 10–6 + + 16 16 401 611 65.6 5,235 8.6 99 39 12 105.6 43 109 2.5 3 32 173 6 2 13–3 + + 16 16 401 637 63.0 4,827 7.6 83 34 8 98.7 23 32 1.4 4 27 182 2 0 12–4 + + 12 12 291 432 67.4 3,554 8.2 79 28 2 112.2 28 64 2.3 0 15 87 5 0 11–1 + + Total‡ + + ‡ Career totals accurate as of the end of the 2018 regular season.[414] + + Passing[415] + + 3 3 60 97 61.9 572 5.9 29 1 1 77.3 8 22 2.8 1 5 36 1 0 3–0 + + 3 3 75 126 59.5 792 6.3 52 5 2 84.5 12 18 1.5 0 0 0 0 0 3–0 + + 3 3 55 81 67.9 587 7.2 60 5 0 109.4 7 3 0.4 1 0 0 1 1 3–0 + + 2 2 35 63 55.6 542 8.6 73 4 2 92.2 3 8 2.7 0 4 12 2 0 1–1 + + 3 3 70 119 58.8 724 6.1 49 5 4 76.5 8 18 2.2 0 4 22 2 0 2–1 + + 3 3 77 109 70.6 737 6.8 53 6 3 96.0 4 −1 −0.2 0 8 52 1 1 2–1 + + 1 1 23 42 54.8 154 3.7 24 2 3 49.1 0 0 0 0 3 22 1 1 0–1 + + 3 3 75 111 67.6 878 7.9 61 8 4 100.4 9 10 1.1 1 3 15 0 0 2–1 + + 2 2 54 94 57.4 664 7.1 49 4 2 84.7 3 4 1.3 0 1 9 0 0 1–1 + + 3 3 93 135 68.9 921 6.8 46 10 4 100.3 9 13 1.4 1 3 16 0 0 3–0 + + 3 3 93 142 65.5 1,137 8.0 48 7 3 97.7 9 13 1.4 0 9 42 0 0 3–0 + + 3 3 89 139 64.0 1,132 8.1 50 8 0 108.6 7 8 1.1 0 4 19 1 1 2–1 + + 3 3 85 125 68.0 953 7.6 35 2 3 85.8 5 −4 −0.8 0 1 9 1 0 3–0 + + 16 27 59.3 145 5.4 1 0 86.2 1 3 3.0 0 W 20–17 1–0 + + 32 48 66.7 354 7.4 3 1 100.5 2 12 6.0 0 W 32–29 1–0 + + 23 33 69.7 236 7.2 2 0 110.2 1 −1 −1.0 0 W 24–21 1–0 + + 29 48 60.4 266 5.5 1 0 82.5 0 0 0 0 L 17–14 0–1 + + 43 62 69.4 466 7.5 2 1 95.2 1 15 15.0 0 W 34–28 (OT) 1–0 + + 28 48 58.3 505 10.5 3 0 115.4 1 6 6.0 0 L 41–33 0–1 + + 21 35 60.0 262 7.5 0 1 71.3 2 −2 −1.0 0 W 13–3 1–0 + + Regular season (career) + + Most games won by a quarterback: 207[417] + + Best touchdown to interception ratio in a season: 28:2[418] + + Most wins on the road by a quarterback: 92[419] + + Most wins at home by a quarterback: 115 [420] + + Only quarterback to have three consecutive games with 300+ passing yards, 3+ + Touchdown-passes and 0 interceptions[421] + + Oldest QB to lead the league in passing yards: 40 [422] + + Most yards in a single season for a quarterback aged 40 and older (age 40): + 4,577[422] + + Most touchdown passes with one team: 517[423] + + Oldest player to win NFL MVP: 40 [424] + + Most career passing yards with one team: 70,514[424] + + Most games played: 40[425][426] + + Most games started: 40[427] + + Most games won by a starting quarterback: 30[427] + + Most consecutive wins by a starting quarterback: 10 (2001, 2003–2005) + + Most consecutive wins to start a career by a starting quarterback: 10 (2001, + 2003–2005) + + Most career home wins by a starting quarterback: 20 (2001–2019) + + Most consecutive home wins by a starting quarterback: 9 (2013–2019) + + Most touchdown passes: 73[428] + + Most passing yards: 11,179[429] + + Most passing yards in a single playoff game: 505 (Super Bowl LII)[18] + + Most passes completed: 1,005[430] + + Most passes attempted: 1,589[430] + + Most passes intercepted: 34[431] + + Most division titles won by a starting quarterback: 16[427] + + Most NFL conference championship appearances by a starting quarterback: 13[432] + + Most NFL conference championship wins by a starting quarterback: 9[433] + + Oldest Quarterback to win an AFC title game: 41 years, 5 months, 17 days + + Most career 300+ passing yard games: 16[430] + + Most game-winning drives: 13[100] + + Most multi-TD passes: 23[433] + + Super Bowl (career) + + Most passing yards: 2,838[18] + + Most passes completed: 256[18] + + Most passes attempted: 392[18] + + Most wins as starting QB: 6[100] + + Most passes completed in first half of a single Super Bowl: 20 (XLIX)[435] + + Most passes completed in a single Super Bowl: 43 (LI)[100] + + Most passes attempted in a single Super Bowl: 62 (LI)[100] + + Most passing yards in a single Super Bowl: 505 (LII)[18] + + Most Super Bowl appearances: 9[436] + + Most passing attempts without an interception in a single Super Bowl: 48 (XLII + & LII)[437] + + Oldest QB to start a Super Bowl: 41 yrs 6 months 0 days + + Oldest QB to win a Super Bowl: 41 yrs 6 months 0 days + + Oldest player to win Super Bowl MVP: 39 yrs 6 months 2 days + + Most consecutive completions in a single Super Bowl: 16 (XLVI)[437] + + Most game-winning drives: 6[438] + + Most wins as a player: 6. + + Brady has been featured as a guest star on some popular television programs, + hosting Saturday Night Live in 2005[439] and voicing himself in the 2005 The + Simpsons episode Homer and Ned s Hail Mary Pass and the 2006 Family Guy episode + ( Patriot Games ; both football-themed episodes were broadcast within a week + of that year s Super Bowl.[440][441] In 2009, he appeared as himself in a sixth + season episode of Entourage.[442] In 2015, he had cameo appearances as fictionalized + versions of himself in the Entourage movie[443] and Ted 2.[444] + + In 2007, Brady was a model for the Stetson cologne.[445] Brady has endorsed + brands including Uggs, Under Armour, Movado, Aston Martin and Glaceau Smartwater. + According to Forbes, he earned about $7 million from endorsements alone in 2014.[446][447][448] + In 2016, he began appearing in a Beautyrest Black commercial campaign for Simmons + Bedding Company.[449] In 2016, he launched his own line of vegan snacks.[450] + + On January 20, 2016, Brady announced the launch of his peak performance website + TB12Sports.com. The site features information on Brady s training regimen and + includes a store to purchase TB12 equipment and merchandise.[451] Later in the + year, on August 23, 2016, the TB12 brand then expanded to offer a snack line. + The snacks contain raw, vegan, and organic ingredients that are also free of + gluten and dairy.[452] The following month, Brady, alongside Boston Private + and Robert Paul Properties, announced the formation of the TB12 Foundation. + The purpose of the nonprofit foundation is to provide free post-injury rehabilitation + care and training to underprivileged, young athletes.[453] In March 2017, Brady + moved beyond his snack line and partnered with meal-kit startup Purple Carrot + to offer his own line of TB12 Performance Meals. The meals utilize whole foods + and focus on providing nutrients for workout recovery.[454][455] On September + 19, 2017, Simon & Schuster published Brady s first book, The TB12 Method: How + to Achieve a Lifetime of Sustained Peak Performance. Within 48 hours, it had + become a number one best-seller on Amazon.com.[456] The book also reached #1 + on the The New York Times weekly Best Sellers list, to be featured in the edition + of October 8, 2017.[457] + + Filmmaker Gotham Chopra filmed Brady during the 2017 offseason and regular season + for a Facebook Watch documentary series entitled Tom vs Time. According to The + New York Times, the documentary follows Brady as he conducts his ongoing subversion + campaign against the actuarial tables of quarterback longevity. [458] + + Brady riding a bicycle for charity at the Best Buddies Ride in Hyannis, Massachusetts, + in May 2009 + + Brady dated actress Bridget Moynahan from 2004 until late 2006.[459] On February + 18, 2007, Moynahan confirmed to People magazine that she was more than three + months pregnant with Brady s child.[459][460] Brady and Moynahan ended their + relationship sometime in early December 2006, around the time Moynahan became + pregnant.[461] John Edward Thomas Moynahan[462] was born in August 2007, at + Saint John s Health Center in Santa Monica, California.[463] + + Brady began dating Brazilian supermodel Gisele Bündchen in December 2006.[464] + In 2009, Brady said they had been set up on a blind date by a mutual friend.[465] + Brady and Bündchen married on February 26, 2009, in an intimate Catholic ceremony + in Santa Monica, California.[466] Together, they have two children: a son named + Benjamin Rein born in December 2009,[467] and a daughter named Vivian Lake born + in December 2012.[468] + + Brady and baseball player Kevin Youkilis became brothers-in-law in 2012, when + Youkilis married Brady s sister Julie.[469] + + Brady and his family live in Brookline, Massachusetts, and New York City.[470] + Brady s health regimen includes Transcendental Meditation, yoga, an 80/20 diet + (meaning 80% alkaline and 20% acidic), early bed time, resistance training and + neuroplasticity training.[471] + + Brady attended the 2004 State of the Union Address as a special guest of then-President + George W. Bush.[472] In 2004, he told ESPN The Magazine that being a U.S. Senator + would be his craziest ambition .[473][474] + + Brady is a friend of President Donald Trump;[475][476] in 2017, Brady indicated + he had known Trump for 16 years .[477] At a political event in New Hampshire + on the day before the 2016 presidential election, Trump said he had received + a call from Brady, and that Brady told him Donald, I support you, you re my + friend, and I voted for you. However, after Gisele Bündchen was asked directly + on Instagram whether she and Brady backed Trump, Bündchen answered NO! .[478] + After a Trump campaign Make America Great Again cap was photographed in Brady + s locker, Brady said that Bündchen told him not to discuss politics anymore, + which he thought was a good decision .[479] Brady did not join most of his + teammates from the New England Patriots in visiting Trump and the White House + in April 2017, citing personal family matters .[480] + + While there has been speculation that Brady would run for political office,[481] + in a 2015 interview he stated he had no interest in doing so.[482][483][484] + + In 2018, he endorsed Republican Helen Brady (no relation), who was running for + State Auditor of Massachusetts. Brady lost the election to Democrat Suzanne + Bump.[485][486][487] + + Brady and his family adhere to a controversial, strict diet, the TB12 Method + , that has attracted much media attention.[488][489] He advocates drinking 1/32 + of one s body weight in water daily.[490] He avoids consumption of most fruits, + mushrooms, tomatoes, peppers, eggplants, coffee, Gatorade, white sugar or flour, + gluten, dairy, soda, cereal, white rice, potatoes, and bread.[491][492] + + Other professional athletes including Kirk Cousins[493] and Mark Scheifele have + started to adopt his regimen.[494][495] + + Lists of Michigan Wolverines football passing leaders + + List of most wins by a National Football League starting quarterback + + List of Saturday Night Live guests + + ^ He did not start as a rookie, and missed nearly all of 2008 with a torn ACL.[14][15] + + ^ Reiss, Mike (January 1, 2017). Tom Brady sets NFL record for best TD to INT + ratio in a season . ESPN.com. Archived from the original on December 11, 2018. + Retrieved January 6, 2019. + + ^ In multiple seasons, from 1950 to 2018, requiring Pass Completion % >= 1, + sorted by most games matching criteria. (Note: Click on Games Won column to + sort.) . www.pro-football-reference.com. Pro Football Reference. Retrieved December + 3, 2018. + + ^ Brady, Welker get kick out of 99-yard touchdown . USATODAY.COM. Retrieved + 2019-02-12. + + ^ NFL (2017-08-03), Tom Brady s 40 Longest Touchdown Passes | NFL Highlights, + retrieved 2019-02-12 + + ^ Van Valkenburg, Kevin. Let all debate end: Tom Brady is the GOAT . ESPN.com. + Retrieved January 29, 2019. + + ^ Tom Brady greatest QB of all time? It s now safe to make that argument – + The Denver Post . Archived from the original on August 8, 2016. Retrieved June + 20, 2016. + + ^ Freeman, Mike. Brady Takes Throne as QB GOAT . Bleacher Report. Archived + from the original on July 7, 2016. Retrieved June 20, 2016. + + ^ Paine, Neil (February 6, 2015). Tom Brady s (Statistical) Place In The Pantheon + Of NFL QBs . FiveThirtyEight. Archived from the original on June 8, 2016. Retrieved + June 20, 2016. + + ^ Tom Brady, Joe Montana head top 10 quarterbacks in NFL history – National + Football League . Archived from the original on October 21, 2016. Retrieved + October 20, 2016. + + ^ Plaschke, Bill. Super Bowl 2019: Dazed and confused, Goff shows his age in + Atlanta . Los Angeles Times. Los Angeles Times. Retrieved February 4, 2019. + + ^ 25 of the greatest NFL Draft picks ever . CBS. CBS Interactive. Archived + from the original on February 22, 2017. Retrieved February 21, 2017. + + ^ Gaines, Cork. How the Patriots pulled off the biggest steal in NFL history + . Business Insider. Business Insider. Archived from the original on February + 22, 2017. Retrieved February 21, 2017. + + ^ Reineking, Jim. Top all-time NFL draft steals . NFL. NFL Enterprise LLC. + Archived from the original on February 22, 2017. Retrieved February 21, 2017. + + ^ Sources: Brady out with ACL tear . Yahoo Sports. Archived from the original + on October 15, 2015. Retrieved July 29, 2015. + + ^ Tom Brady . Pro-Football-Reference.com. Archived from the original on February + 6, 2018. Retrieved July 29, 2015. + + ^ Tom Brady named NFL s MVP for third time of career . NFL.com. Archived from + the original on July 26, 2018. Retrieved July 26, 2018. + + ^ Brady becomes first QB to 200 regular-season wins in NFL . Retrieved October + 15, 2018. + + ^ a b c d e f g 99-yard TDs . Pro Football Hall of Fame. Archived from the + original on March 28, 2018. Retrieved March 28, 2018. Cite error: Invalid + tag; name :1 defined multiple times with different content (see the help page). + + ^ Reiss, Mike (July 28, 2015). NFL s statement on upholding Tom Brady s suspension + at four games . ESPN.com. Archived from the original on December 27, 2016. Retrieved + December 26, 2016. + + ^ https://www.upi.com/amp/Super-Bowl-LIII-Patriots-beat-Rams-Brady-wins-record-6th-Lombardi-Trophy/5201549235499/ + + ^ Tom Brady bio at . TV Guide. Archived from the original on May 16, 2009. + Retrieved August 4, 2012. + + ^ Little brother big shot-thepostgame . Archived from the original on March + 2, 2010. Retrieved February 2, 2010. + + ^ a b Tom Brady s roots run deep into 19th-century Boston . The Boston Globe. + March 4, 2017. Archived from the original on March 6, 2017. Retrieved March + 6, 2017. + + ^ Gisele, Tom Brady Christen Baby Benjamin . Us Weekly. June 23, 2010. Archived + from the original on September 26, 2012. Retrieved September 12, 2010. + + ^ Collie, Ashley Jude (July 1, 2004). The Brady Brunch . American Way. Archived + from the original on January 20, 2010. Retrieved September 27, 2010. + + ^ Schorn, Daniel (December 23, 2007). Tom Brady: The Winner . CBS News. Archived + from the original on January 2, 2011. Retrieved January 11, 2011. + + ^ Tom Brady Family Tree . Makemyfamilytree.com. Archived from the original + on July 21, 2012. Retrieved August 4, 2012. + + ^ Tom Brady connection to Irish Famine ancestors from Boston discovered . IrishCentral. + March 6, 2017. Archived from the original on March 6, 2017. Retrieved March + 6, 2017. + + ^ Judge, Clark (February 7, 2005). Only 27, Brady seals his Hall of Fame credentials + . CBSSports.com. Archived from the original on February 10, 2005. Retrieved + December 26, 2007. + + ^ New England Patriots vs. Oakland Raiders – Recap – October 2, 2011 . ESPN. + October 2, 2011. Retrieved October 29, 2011. + + ^ Jim Ducibella (June 28, 2005), W&M s football facilities growing , Virginia + Pilot and Ledger-Star, p. 3, archived from the original on June 10, 2014, retrieved + January 12, 2014 + + ^ Profile Archived March 5, 2016, at the Wayback Machine, boston.com; accessed + November 12, 2014. + + ^ 2004 Athletic Hall of Fame Inductees . Junípero Serra High School. Archived + from the original on September 27, 2007. Retrieved December 26, 2007. + + ^ a b Story of boy named Tom Brady . NY Daily News. Archived from the original + on December 8, 2015. Retrieved December 8, 2015. + + ^ JockBio: Tom Brady Biography . www.jockbio.com. Archived from the original + on December 11, 2015. Retrieved December 4, 2015. + + ^ Lessons from Tom Brady s Recruiting in College . NCSA Athletic Recruiting + Blog. Archived from the original on December 8, 2015. Retrieved December 8, + 2015. + + ^ 1995 tops 1998 as Michigan s best recruiting class . www.maizeandbluenews.com. + Archived from the original on December 8, 2015. Retrieved December 4, 2015. + + ^ a b c d Tom Brady . New England Patriots. Archived from the original on March + 14, 2015. Retrieved December 8, 2015. + + ^ a b c The College Recruitment of Tom Brady . Bleacher Report. Archived from + the original on November 14, 2015. Retrieved December 4, 2015. + + ^ Things fell apart when Cal lost Brady . East Bay Times. February 2, 2008. + Archived from the original on October 25, 2017. Retrieved October 24, 2017. + + ^ Tom Brady apparently silently committed to Cal before he visited Michigan + . USA Today High School Sports. March 1, 2017. Archived from the original on + October 25, 2017. Retrieved October 24, 2017. + + ^ Tom Brady: The Story of a Baseball Failure . Major League Baseball. Archived + from the original on December 8, 2015. Retrieved December 4, 2015. + + ^ Tom Brady – Official New England Patriots biography . New England Patriots. + Archived from the original on March 5, 2005. Retrieved January 11, 2010. + + ^ Montreal Expos tried desperately to get Tom Brady to pick baseball over football + . Patriots Wire. July 11, 2017. Archived from the original on July 15, 2017. + Retrieved July 11, 2017. + + ^ The College Recruitment of Tom Brady . Bleacher Report. Archived from the + original on November 14, 2015. Retrieved December 8, 2015. + + ^ Tom Brady Biography . Biography. Bio. Archived from the original on December + 8, 2015. Retrieved December 7, 2015. + + ^ Knoblauch, Max (September 18, 2014). Tom Brady s Old Internships Look Really + Cute on His Résumé . Mashable. Archived from the original on September 22, 2014. + Retrieved September 25, 2014. + + ^ Kinney, Aaron (February 24, 2012). Serra to name football stadium after Brady + . San Jose Mercury News. Archived from the original on February 3, 2015. Retrieved + February 3, 2015. + + ^ Bradford, Rob (January 19, 2009). The Tom Brady Interview (in Toronto) . + WEEI Sportsradio Network. Archived from the original on March 1, 2009. Retrieved + May 18, 2010. + + ^ a b Rosenberg, Michael (January 9, 2012). Tom Brady As You Forgot Him . Sports + Illustrated. Archived from the original on February 23, 2016. Retrieved August + 22, 2015. + + ^ 1997 Michigan Wolverines Schedule and Results . College Football at Sports-Reference.com. + Archived from the original on February 24, 2018. Retrieved March 17, 2018. + + ^ Jenkins, Lee (January 31, 2008). Self-made man . Sports Illustrated. Archived + from the original on January 11, 2010. Retrieved January 11, 2010. + + ^ Pedulla, Tom (October 31, 2006). Decorated Patriots QB feels he still has + something to prove . USA Today. Archived from the original on January 26, 2008. + Retrieved December 27, 2007. + + ^ Tom Brady s Guru Archived September 9, 2018, at the Wayback Machine, by + Eric Adelson, January 11, 2011. + + ^ 60 Minutes Sports (Interview). YouTube. Archived from the original on January + 16, 2016. Retrieved January 6, 2019. + + ^ MGoBlue Statistics Archive . University of Michigan. Archived from the original + on September 7, 2004. Retrieved December 27, 2007. + + ^ Notes and Quotes from The Game . Ohio State Buckeyes Athletics. Archived + from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Capital One Bowl: Capital One Bowl football game resource for college football + fans . September 5, 2008. Archived from the original on February 8, 2007. Retrieved + September 5, 2008. + + ^ U-M Win Streak Comes to End at Michigan State, 34–31 – University of Michigan + . University of Michigan Athletics. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Schutte, Dustin. Throwback Thursday: Tom Brady s NFL Success Began at Michigan + . Usports. Archived from the original on September 10, 2018. Retrieved January + 6, 2019. + + ^ OSU-Michigan 1999: Buckeyes left out of bowl season after 24–17 loss to Wolverines + . Cleveland.com. Archived from the original on December 28, 2017. Retrieved + December 28, 2017. + + ^ Michigan Claims 35–34 Overtime Victory over Alabama – University of Michigan + . University of Michigan Athletics. Archived from the original on December 26, + 2017. Retrieved December 25, 2017. + + ^ 1999 Michigan Wolverines Schedule and Results . College Football at Sports-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ Tom Brady College & Pro Football Statistics - Totalfootballstats.com . www.totalfootballstats.com. + Archived from the original on November 6, 2015. Retrieved December 8, 2015. + + ^ Tom Brady . sports-reference.com. Sports Reference LLC. Archived from the + original on September 11, 2016. Retrieved September 2, 2016. + + ^ Historical NFL Wonderlic Scores . wonderlictestsample.com. Archived from + the original on September 2, 2016. Retrieved September 2, 2016. + + ^ Tom Brady . nfldraftscout.com. Archived from the original on August 29, 2016. + Retrieved August 29, 2016. + + ^ Yang, Nicole (March 3, 2017). Tom Brady digs up old T-shirt and harsh scouting + reports from NFL combine . Boston Globe. Archived from the original on September + 2, 2018. Retrieved January 6, 2019. + + ^ Iyer, Vinnie (March 19, 2015). Draft throwback: Read how Tom Brady nailed + his own scouting report . Sporting News. Archived from the original on April + 21, 2018. Retrieved January 6, 2019. + + ^ Tom Brady vs. the Browns: A contrast in winning ways . Archived from the + original on November 16, 2018. Retrieved January 6, 2019. + + ^ Wilner, Barry (January 13, 2013). Patriots beat Texans 41–28, Ravens up next + . Yahoo! Sports. Archived from the original on January 16, 2013. Retrieved January + 13, 2013. + + ^ Greenberg, Alan (September 27, 2001). In Brady They Trust: Belichick Has + Faith In Backup-turned-starter . Hartford Courant. Archived from the original + on December 1, 2017. Retrieved January 6, 2019. + + ^ Cafardo, Nick (January 7, 2002). Patriots clinch AFC East with blowout in + Carolina . Boston Globe. Archived from the original on December 1, 2017. Retrieved + January 6, 2019. + + ^ Lynch, Andrew (January 26, 2017). The 10 biggest gambling upsets in Super + Bowl history, ranked . Fox Sports. Archived from the original on December 1, + 2017. Retrieved January 6, 2019. + + ^ Cimini, Rich. Super Bowl XXXVI: Vinatieri and Pats beat Rams in Star-Spangled + Stunner . New York Daily News. Archived from the original on December 1, 2017. + Retrieved January 6, 2019. + + ^ Longest winning streaks in sports . USA Today. Archived from the original + on December 1, 2017. Retrieved January 6, 2019. + + ^ NFL: Brady and Patriots stride past outmatched Jets . The New York Times. + December 27, 2005. Archived from the original on December 1, 2017. Retrieved + January 6, 2019. + + ^ Associated Press (January 7, 2006). McGinest, Patriots sack Jaguars 28–3 + . NFL.com. Archived from the original on December 1, 2017. Retrieved January + 6, 2019. + + ^ Associated Press (December 29, 2007). Patriots break scoring record, Brady + and Moss set season marks . NFL. Archived from the original on December 9, 2017. + Retrieved November 27, 2017. + + ^ Shaughnessy, Dan (December 30, 2007). Just perfect: Patriots make history, + beat Giants for 16–0 season . Boston Globe. Archived from the original on December + 1, 2017. Retrieved January 6, 2019. + + ^ Bayne, Bijan (December 24, 2007). 2007 Patriots vs. 1972 Dolphins: Who Would + Win Batttle of the Undefeateds? . Bleacher Report. Archived from the original + on September 9, 2018. Retrieved January 6, 2019. + + ^ Statistics Bowl – How The 2007 Patriots And The 1972 Dolphins Compare Scientifically + . Science 2.0. December 30, 2008. Archived from the original on September 9, + 2018. Retrieved January 6, 2019. + + ^ Associated Press (January 5, 2008). Brady takes 49 of 50 votes in MVP voting + . ESPN. Archived from the original on September 9, 2018. Retrieved January 6, + 2019. + + ^ AP athletes of the year: Brady makes being a superstar look almost routine + . Deseret News. December 22, 2007. Archived from the original on September 9, + 2018. Retrieved January 6, 2019. + + ^ Battista, Judy (February 4, 2008). Giants Stun Patriots in Super Bowl XLII + . The New York Times. + + ^ Springer, Shira (September 11, 2008). Brady has both ACL and MCL tears . + Boston Globe. Archived from the original on December 19, 2017. Retrieved January + 6, 2019. + + ^ Associated Press. Tom Brady Wins AP Comeback Player Award . CBS News. Archived + from the original on September 25, 2018. Retrieved January 6, 2019. + + ^ Forsberg, Chris (September 12, 2011). Brady s INT streak ends at 358 attempts + . ESPN. Archived from the original on December 1, 2017. Retrieved January 6, + 2019. + + ^ Zimmer, John; Marini, Matt, eds. (2013). Official 2013 National Football League + Record & Fact Book (PDF). New York: National Football League. ISBN 978-1-603-20980-9. + Retrieved February 3, 2015. + + ^ NFL.com Wire Reports (February 6, 2011). Patriots Brady wins second MVP + award by unanimous decision . Archived from the original on December 1, 2017. + Retrieved January 6, 2019. + + ^ FanSided Staff (November 24, 2015). Best moments in NFL history: Lawrence + Taylor wins 1986 NFL MVP . FanSided. Archived from the original on December + 1, 2017. Retrieved January 6, 2019. + + ^ AP NFL Most Valuable Player Winners . Pro Football Reference. Archived from + the original on June 10, 2016. Retrieved January 6, 2019. + + ^ Super Bowl Most Valuable Player Winners . Pro Football Reference. Archived + from the original on August 3, 2017. Retrieved January 6, 2019. + + ^ 2011 NFL Top 100 . Pro Football Reference. Archived from the original on + January 2, 2019. Retrieved January 6, 2019. + + ^ Hutchins, Andy (February 6, 2012). Super Bowl 46: Bill Belichick s Coaching + Errors Leave Patriots On Losing End . SB Nation. Archived from the original + on September 9, 2018. Retrieved January 6, 2019. + + ^ Brady s big night ends with plenty of new entries in SB record book . Fox + Sports. February 2, 2015. Archived from the original on September 9, 2018. Retrieved + January 6, 2019. + + ^ SI Wire (February 1, 2015). Patriots QB Tom Brady named Super Bowl XLIX MVP + . Sports Illustrated. Archived from the original on September 9, 2018. Retrieved + January 6, 2019. + + ^ 2016-Reg-Week-4 . Patriots.com. October 2, 2016. Archived from the original + on May 4, 2017. Retrieved January 6, 2019. + + ^ King, Peter (February 6, 2017). Super Bowl 51: Patriots Take the Fifth in + Epic Comeback . Sports Illustrated. Archived from the original on December 30, + 2018. Retrieved January 6, 2019. + + ^ a b c d e DaSilva, Cameron (February 5, 2017). Every record Tom Brady broke + in his fifth Super Bowl win . Fox Sports. Archived from the original on October + 5, 2018. Retrieved January 6, 2019. + + ^ Martin, Jill. New England Patriots win Super Bowl LIII for 6th title . CNN. + + ^ 2005 NFL Leaders and Leaderboards . Pro Football Reference. Archived from + the original on August 14, 2018. Retrieved January 6, 2019. + + ^ NFL Career Passing Rating Leaders Archived November 18, 2018, at the Wayback + Machine Pro-Football-Reference.com + + ^ Hochman, Benjamin (February 2, 2015). Tom Brady greatest QB of all time? + It s now safe to make that argument . Denver Post. Archived from the original + on March 4, 2016. Retrieved January 6, 2019. Tom Brady Cements His Legacy as + Greatest Quarterback of All Time . Bleacher Report. February 2, 2015. Archived + from the original on August 4, 2018. Retrieved January 6, 2019. + + ^ NFL Rules Named After Players Archived October 28, 2018, at the Wayback Machine + . Sports Illustrated, August 19, 2014. Accessed September 13, 2018. + + ^ Sean Cunningham. How NFL Rules Changes Created a Golden Era of Quarterback + Stats Archived December 21, 2018, at the Wayback Machine . RealClearLife, November + 30, 2017. Accessed September 13, 2018. + + ^ Full 2000 NFL Draft . National Football League. Archived from the original + on September 6, 2011. Retrieved August 14, 2012. + + ^ Graham, Tim (April 10, 2011). Tom Brady cries when recalling 2000 draft . + ESPN. Archived from the original on January 1, 2019. Retrieved January 6, 2019. + + ^ Holley, Michael (2004). Patriots Reign. HarperCollins. ISBN 0-06-075794-9. + + ^ Top 10 NFL draft steals . Msn.foxsports.com. Archived from the original on + August 7, 2011. Retrieved October 29, 2011. + + ^ NFL s top 10 draft steals in league history . National Football League. April + 18, 2010. Archived from the original on April 19, 2008. Retrieved October 29, + 2011. + + ^ Football, National. news: Brady, Favre, Manning voted to list of top 10 draft + picks of all time . National Football League. Archived from the original on + September 13, 2011. Retrieved October 29, 2011. + + ^ Best NFL Draft Picks . Mynfldraft.com. Archived from the original on October + 28, 2011. Retrieved October 29, 2011. + + ^ https://boston.cbslocal.com/2012/01/20/brady-told-patriots-kraft-im-best-decision-this-organization-has-ever-made/ + + ^ Coach Hears Venom\Belichick Part of Problem? . Worcester Telegram and Gazette. + November 14, 2000. Retrieved August 15, 2012. + + ^ a b c d e f g h i j Tom Brady – #12 QB . National Football League. Archived + from the original on November 22, 2018. Retrieved January 6, 2019. + + ^ New England Patriots at Detroit Lions – November 23rd, 2000 . Pro Football + Reference. Retrieved July 2, 2017. + + ^ #TBT: When Tom Brady Made His Debut and No One Really Gave it Much Thought + . Archived from the original on August 16, 2017. Retrieved January 6, 2019. + + ^ Lowe, Mike (September 24, 2012). Pats fizzle when it counts . Portland Press + Herald. Retrieved August 14, 2012. + + ^ a b c d e f Tom Brady . National Football League. Archived from the original + on December 26, 2007. Retrieved December 26, 2007. + + ^ Indianapolis Colts at New England Patriots – September 30th, 2001 . Pro-Football-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ New England Patriots at Miami Dolphins – October 7th, 2001 . Pro-Football-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ 2001 NFL Week 5 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on August 1, 2017. Retrieved March 18, 2018. + + ^ Cafardo, Nick (October 15, 2001). Something special: Brady-led rally erases + mates earlier errors . The Boston Globe. Archived from the original on November + 5, 2012. Retrieved August 14, 2012. + + ^ Cafardo, Nick (October 1, 2012). Hold your horses: Patriots rout Colts as + defense shows season is not lost . Boston Globe. Archived from the original + on November 5, 2012. Retrieved August 14, 2012. + + ^ 2001 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on February 12, 2018. Retrieved March 17, 2018. + + ^ 2001 NFL Week 11 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on July 30, 2017. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots - December 22nd, 2001 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ NFL Pro Bowl 2002 – National Football League game summary (PDF). National + Football League. Archived (PDF) from the original on October 26, 2012. Retrieved + August 14, 2012. + + ^ Howe, Jeff. Patriots reflect on Snow Bowl during 10-year anniversary of + tuck rule game . NESN. Archived from the original on January 20, 2012. Retrieved + August 15, 2012. + + ^ Divisional Round - Oakland Raiders at New England Patriots - January 19th, + 2002 . Pro-Football-Reference.com. Retrieved 2019-02-17. + + ^ Bledsoe s return sparks Patriots past Steelers 24–17 . CNN. Associated Press. + Archived from the original on December 25, 2005. + + ^ AFC Championship – New England Patriots at Pittsburgh Steelers – January + 27th, 2002 . Pro-Football-Reference.com. Archived from the original on December + 28, 2017. Retrieved March 17, 2018. + + ^ Caesar, Dan (January 30, 2002). 14-Point spread isn t about respect . St. + Louis Post-Dispatch. Retrieved August 15, 2012. + + ^ Cotey, John (January 26, 2003). Madden sticks by his wrong call last year + . St. Petersburg Times. Archived from the original on November 6, 2012. Retrieved + August 15, 2012. + + ^ Camps, Mark (February 5, 2002). Brady beats two Joes as youngest Super QB + . San Francisco Chronicle. Archived from the original on August 12, 2017. Retrieved + August 11, 2017. + + ^ Silverstein, Tom; Christl, Cliff (February 4, 2002). Brady coolly fits the + bill . Milwaukee Journal Sentinel. Archived from the original on January 24, + 2013. + + ^ PRO FOOTBALL; Bledsoe Is Traded To the Bills . The New York Times. April + 22, 2002. ISSN 0362-4331. Archived from the original on December 26, 2017. Retrieved + December 25, 2017. + + ^ Pittsburgh Steelers at New England Patriots – September 9th, 2002 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ 2002 NFL Week 1 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on July 30, 2017. Retrieved March 18, 2018. + + ^ New England Patriots at Buffalo Bills – November 3rd, 2002 . Pro-Football-Reference.com. + Archived from the original on December 4, 2017. Retrieved March 18, 2018. + + ^ 2002 NFL Week 9 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on March 19, 2018. Retrieved March 18, 2018. + + ^ 2002 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on March 28, 2009. Retrieved August 14, 2012. + + ^ 2003 New England Patriots . Pro Football Reference. Archived from the original + on August 2, 2012. Retrieved August 14, 2012. + + ^ New England Patriots at Denver Broncos – November 3rd, 2003 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots - December 7th, 2003 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ 2003 NFL Week 17 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Wilner, Barry (January 2, 2004). Manning. McNair split MVP honors . USA Today. + Archived from the original on April 26, 2010. Retrieved August 14, 2012. + + ^ Divisional Round – Tennessee Titans at New England Patriots – January 10th, + 2004 . Pro-Football-Reference.com. Archived from the original on March 16, 2018. + Retrieved March 17, 2018. + + ^ AFC Championship – Indianapolis Colts at New England Patriots – January 18th, + 2004 . Pro-Football-Reference.com. Archived from the original on March 17, 2018. + Retrieved March 17, 2018. + + ^ Super Bowl XXXVIII – New England Patriots vs. Carolina Panthers – February + 1st, 2004 . Pro-Football-Reference.com. Archived from the original on December + 28, 2017. Retrieved March 17, 2018. + + ^ Super Bowl XXXVIII MVP: Tom Brady . National Football League. Archived from + the original on November 7, 2012. Retrieved August 14, 2012. + + ^ Longest Winning Streaks . Pro Football Hall of Fame. Archived from the original + on January 16, 2010. Retrieved January 3, 2010. + + ^ Bill Belichick – Head Coach . New England Patriots. Archived from the original + on September 25, 2011. Retrieved August 14, 2012. + + ^ 2004 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on March 30, 2018. Retrieved March 17, 2018. + + ^ a b 2004 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on August 5, 2012. Retrieved August 14, 2012. + + ^ Quarterback fought 103-degree fever, chills . Associated Press. Archived + from the original on October 4, 2015. Retrieved January 6, 2019. + + ^ Super Bowl XXXIX . National Football League. Archived from the original on + June 21, 2018. Retrieved August 14, 2012. + + ^ Davis, Scott. 12 teams have won multiple Super Bowls and the Rams are trying + to join the group . Business Insider. Retrieved February 4, 2019. + + ^ Dillon Returns From Injury To Push Patriots Past Jets . Lakeland Ledger. + December 5, 2005. Retrieved August 15, 2012. + + ^ Cafardo, Nick (November 2, 2005). Dillon s resolve solved a few offensive + problems . The Boston Globe. Archived from the original on December 3, 2013. + Retrieved August 15, 2012. + + ^ New England Patriots at Atlanta Falcons – October 9th, 2005 . Pro-Football-Reference.com. + Archived from the original on March 14, 2018. Retrieved March 18, 2018. + + ^ 2005 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Associated Press. Archived from the original on August 4, 2012. Retrieved August + 14, 2012. + + ^ 2005 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on September 25, 2018. Retrieved March 18, 2018. + + ^ Wild Card – Jacksonville Jaguars at New England Patriots – January 7th, 2006 + . Pro-Football-Reference.com. Archived from the original on December 28, 2017. + Retrieved December 28, 2017. + + ^ Divisional Round – New England Patriots at Denver Broncos – January 14th, + 2006 . Pro-Football-Reference.com. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Drehs, Wayne. Brady, Patriots finally feel playoff defeat . ESPN. Archived + from the original on November 10, 2012. Retrieved August 14, 2012. + + ^ Reiss, Mike (January 31, 2006). Brady s groin may be hurt . The Boston Globe. + Archived from the original on January 5, 2009. Retrieved December 26, 2007. + + ^ Buffalo Bills at New England Patriots - September 10th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ New England Patriots at Minnesota Vikings - October 30th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ New England Patriots at Green Bay Packers - November 19th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ 2006 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on February 8, 2010. Retrieved August 14, 2012. + + ^ Maske, Mark (December 19, 2006). Romo Gets Pro Bowl Nod in NFC, Brady Doesn + t in AFC . The Washington Post. Archived from the original on October 6, 2008. + Retrieved December 26, 2007. + + ^ McClain, John (July 2, 2007). Young to replace Rivers at Pro Bowl . Houston + Chronicle. Archived from the original on January 5, 2008. Retrieved December + 26, 2007. + + ^ Brady, Patriots shake feisty Jets, roll on to San Diego . ESPN. Archived + from the original on November 13, 2014. Retrieved August 14, 2012. + + ^ Hayes, Neil. Super Chargers top Super Bowl list . NBC Sports. Archived from + the original on November 2, 2012. Retrieved August 14, 2012. + + ^ Clayton, John. Patriots teach Chargers a lesson in playoff football . ESPN. + Archived from the original on August 9, 2012. Retrieved August 14, 2012. + + ^ Pasquarelli, Len. .Manning shakes label of not being able to win big one + . ESPN. Archived from the original on November 13, 2012. Retrieved August 14, + 2012. + + ^ Byrne, Kerry J. (June 3, 2009). Best individual seasons of 2000s . Sports + Illustrated. Archived from the original on November 3, 2012. Retrieved January + 11, 2010. + + ^ Top 10 greatest quarterback seasons Archived November 17, 2015, at the Wayback + Machine, NFL Nation Blog, espn.go.com; accessed November 12, 2014. + + ^ 2007 New England Patriots . Pro Football Reference. Archived from the original + on February 9, 2010. Retrieved January 11, 2010. + + ^ 2007 NFL Week 17 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on August 2, 2017. Retrieved March 18, 2018. + + ^ Banks, Don (October 12, 2007). Litmus test . Sports Illustrated. Archived + from the original on November 30, 2007. Retrieved December 8, 2007. + + ^ Brady s six TDs give him 27 TDs after seven games . ESPN. Archived from the + original on November 22, 2015. Retrieved January 6, 2019. + + ^ Young, Shalise Manza (November 4, 2007). Patriots 24, Colts 20: Tom s got + you, Babe . The Providence Journal. Archived from the original on November 7, + 2007. Retrieved December 26, 2007. + + ^ Patriots break scoring record, Brady and Moss set season marks . NFL.com. + Associated Press. December 29, 2007. Archived from the original on December + 9, 2017. Retrieved August 11, 2017. + + ^ Brady an easy winner in AP Male Athlete of Year balloting . USA Today. Associated + Press. December 21, 2007. Archived from the original on January 23, 2011. Retrieved + January 28, 2012. + + ^ 2007 NFL All-Pros . Pro-Football-Reference.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ 2007 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on March 16, 2018. Retrieved March 18, 2018. + + ^ Mihoces, Gary (January 13, 2008). Perfect Pats, Brady make short work of + Jaguars . USA Today. Archived from the original on November 14, 2010. Retrieved + November 30, 2008. + + ^ Pats put away Chargers for fourth Super Bowl berth in seven years . ESPN. + Associated Press. January 20, 2008. Archived from the original on September + 24, 2008. Retrieved November 30, 2008. + + ^ Super Bowl XLII – New York Giants vs. New England Patriots – February 3rd, + 2008 . Pro-Football-Reference.com. Archived from the original on February 2, + 2011. Retrieved January 24, 2018. + + ^ Foot injury may sideline Tom Brady for another game . USA Today. Associated + Press. August 2008. Retrieved September 28, 2015. + + ^ Brady to have season-ending knee surgery, will be placed on IR . NFL.com. + Archived from the original on December 17, 2018. Retrieved January 6, 2019. + + ^ Reiss, Mike (September 8, 2008). Pats confirm Brady out for the year . The + Boston Globe. Archived from the original on July 25, 2012. Retrieved September + 8, 2008. + + ^ Springer, Shira (September 10, 2008). Sources: Brady tore ACL and MCL . The + Boston Globe. Archived from the original on January 5, 2009. Retrieved September + 10, 2008. + + ^ Chronic right shoulder injury slows Brady . NBC Sports. Associated Press. + September 6, 2007. Archived from the original on September 9, 2007. Retrieved + December 27, 2007. + + ^ Farmer, Sam (June 2, 2009). Tom Brady s doctor says knee recovery exceeds + expectations . Los Angeles Times. Archived from the original on January 12, + 2012. Retrieved November 7, 2011. + + ^ Brady Has More Procedures Done on Knee, Report Says . The New York Times. + Associated Press. October 23, 2008. Archived from the original on January 19, + 2015. Retrieved November 30, 2008. + + ^ Springer, Shira (October 24, 2008). Brady s recovery hits snag . The Boston + Globe. Archived from the original on October 27, 2008. Retrieved November 30, + 2008. + + ^ 2008 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on January 27, 2018. Retrieved January 24, 2018. + + ^ Buffalo Bills at New England Patriots – September 14th, 2009 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Keefe, Neil. Brady Named AFC Offensive Player of the Week . NESN. Retrieved + August 14, 2012. + + ^ Brady throws six TD passes as Patriots ice winless Titans . Associated Press. + Archived from the original on November 14, 2012. Retrieved August 14, 2012. + + ^ Tennessee Titans at New England Patriots – October 18th, 2009 . Pro-Football-Reference.com. + Archived from the original on December 30, 2017. Retrieved March 18, 2018. + + ^ Brady sets a record for TDs in a quarter . The Washington Times. October + 19, 2009. Archived from the original on January 12, 2014. Retrieved January + 11, 2010. + + ^ Brady, Patriots get historic win thanks to rout of visiting Titans . NFL.com. + Retrieved 2019-02-11. + + ^ Breer, Albert R. (January 4, 2010). Brady dealing with broken finger on throwing + hand . The Boston Globe. Archived from the original on October 29, 2010. Retrieved + January 4, 2010. + + ^ 2009 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on August 21, 2018. Retrieved March 17, 2018. + + ^ Brady named Comeback Player of the Year . NBC Sports. Associated Press. January + 6, 2010. Archived from the original on August 18, 2012. Retrieved January 6, + 2010. + + ^ Ravens fast start puts Pats on heels, out of playoffs . ESPN. Associated + Press. January 10, 2010. Archived from the original on January 13, 2010. Retrieved + January 20, 2010. + + ^ Battista, Judy (September 10, 2010). Patriots Brady Signs League s Richest + Deal, at the Moment . The New York Times. Archived from the original on January + 19, 2012. Retrieved September 11, 2010. + + ^ Matuszewski, Erik (October 4, 2010). Tom Brady Gets 100th Career Win in NFL + as Patriots Rout Dolphins 41–14 . Bloomberg. Archived from the original on October + 8, 2010. Retrieved October 11, 2010. + + ^ Woodhead keeps contributing as Pats withstand Colts comeback attempt . National + Football League. Associated Press. November 21, 2010. Archived from the original + on November 23, 2010. Retrieved November 22, 2010. + + ^ Krasner, Steven (November 21, 2010). Brady ties mark with 25th straight home + W . ESPNBoston.com. Archived from the original on November 23, 2010. Retrieved + November 22, 2010. + + ^ New England Patriots at Detroit Lions – November 25th, 2010 . Pro-Football-Reference.com. + Archived from the original on January 1, 2018. Retrieved March 18, 2018. + + ^ 2010 NFL Week 12 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on September 9, 2018. Retrieved March 18, 2018. + + ^ Frenz, Erik. Patriots Vs. Lions: Tom Brady Enjoys Perfect Passer Rating on + Thanksgiving . Bleacher Report. Retrieved 2019-02-06. + + ^ Brady s Perfect Game Leads Patriots Over Lions . The New York Times. 2010-11-25. + Retrieved 2019-02-06. + + ^ Patriots destroy Jets . London Free Press. Archived from the original on + December 1, 2012. Retrieved August 14, 2012. + + ^ New York Jets at New England Patriots – December 6th, 2010 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ NFL Single-Season Passer Rating Leaders . Archived from the original on December + 25, 2018. Retrieved January 6, 2019. + + ^ Springer, Shira & Walker, Monique (January 20, 2011). Brady to have foot + surgery today . The Boston Globe. Archived from the original on November 2, + 2012. Retrieved January 20, 2011. + + ^ Tom Brady unanimous as NFL MVP . Associated Press. Archived from the original + on August 3, 2012. Retrieved August 14, 2012. + + ^ Top 100: Tom Brady . New England Patriots. Archived from the original on + March 19, 2018. Retrieved March 18, 2018. + + ^ Divisional Round – New York Jets at New England Patriots – January 16th, + 2011 . Pro-Football-Reference.com. Archived from the original on December 17, + 2017. Retrieved March 17, 2018. + + ^ Jets back up talk as Sanchez throws three TDs, defense knocks down Brady + . Archived from the original on December 28, 2014. Retrieved December 29, 2014. + + ^ 2011 NFL Week 1 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on August 30, 2018. Retrieved March 18, 2018. + + ^ Tom Brady picks apart Dolphins as 517-yard, 4-TD opener fuels Pats . ESPN. + September 12, 2011. Archived from the original on September 28, 2011. Retrieved + September 13, 2011. + + ^ Tom Brady, Chad Henne Combine For Slew of NFL Records On Monday Night Football + . September 13, 2011. Archived from the original on November 7, 2012. Retrieved + September 17, 2011. + + ^ San Diego Chargers at New England Patriots – September 18th, 2011 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots – December 24th, 2011 . Pro-Football-Reference.com. + Archived from the original on January 4, 2018. Retrieved March 18, 2018. + + ^ 2011 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved January 24, 2018. + + ^ The Top 100: Players of 2012 : Tom Brady . NFL.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ Belichick: No quarterback I d rather have . weei.com. Archived from the + original on 2017-01-29. Retrieved 2019-01-06. + + ^ Quinton Carter, David Bruton exit hurt . ESPN. Archived from the original + on January 16, 2012. Retrieved August 14, 2012. + + ^ Cannizzaro, Mark. Patriots redefine postseason success for coach-quarterback + duo . New York Post. Retrieved August 16, 2012. + + ^ Patriots Beat Ravens 23–20 in AFC Championship Game . Fox News. Associated + Press. January 22, 2012. Archived from the original on July 17, 2012. Retrieved + August 14, 2012. + + ^ For second time in five seasons, Giants top Brady, Patriots in Super Bowl + . Associated Press. Archived from the original on August 17, 2012. Retrieved + August 14, 2012. + + ^ Houston Texans at New England Patriots – December 10th, 2012 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved March 18, 2018. + + ^ Tom Brady. Tom Brady, QB for the New England Patriots at . Nfl.com. Archived + from the original on November 22, 2018. Retrieved July 6, 2013. + + ^ Top 100 Players of 2013 : Tom Brady . NFL.com. Retrieved 2019-02-11. + + ^ Divisional Round – Houston Texans at New England Patriots – January 13th, + 2013 . Pro-Football-Reference.com. Archived from the original on February 1, + 2018. Retrieved March 17, 2018. + + ^ Wilner, Barry. NFL Playoffs: Patriots 41, Texans 28: Brady passes idol as + Pats pound Texans . Arizona Daily Star. Retrieved 2019-02-11. + + ^ AFC Championship – Baltimore Ravens at New England Patriots – January 20th, + 2013 . Pro-Football-Reference.com. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Timeline: Patriots-Ravens rivalry through the years - The Boston Globe . + BostonGlobe.com. Retrieved 2019-02-17. + + ^ Wesseling, Chris (February 25, 2013). Tom Brady, New England Patriots agree + to extension . National Football League. Archived from the original on February + 27, 2013. Retrieved February 25, 2013. + + ^ King, Peter (February 26, 2013). More on Tom Brady s amazing deal; mail – + NFL – Peter King – SI.com . Sportsillustrated.cnn.com. Archived from the original + on May 20, 2013. Retrieved July 6, 2013. + + ^ New England Patriots at Buffalo Bills – September 8th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved January 24, 2018. + + ^ New York Jets at New England Patriots – September 12th, 2013 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved January 24, 2018. + + ^ New England Patriots at Cincinnati Bengals – October 6th, 2013 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved January 24, 2018. + + ^ New Orleans Saints at New England Patriots – October 13th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Denver Broncos at New England Patriots – November 24th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 22, 2017. Retrieved December 16, 2017. + + ^ Buffalo Bills at New England Patriots - December 29th, 2013 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ 2013 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on March 7, 2018. Retrieved March 18, 2018. + + ^ Top 100 Players of 2014 : Tom Brady . New England Patriots. Archived from + the original on September 11, 2016. Retrieved March 18, 2018. + + ^ 2013 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on January 23, 2018. Retrieved January 24, 2018. + + ^ Divisional Round – Indianapolis Colts at New England Patriots – January 11th, + 2014 . Pro-Football-Reference.com. Archived from the original on November 14, + 2017. Retrieved March 17, 2018. + + ^ AFC Championship – New England Patriots at Denver Broncos – January 19th, + 2014 . Pro-Football-Reference.com. Archived from the original on November 15, + 2017. Retrieved November 14, 2017. + + ^ New England Patriots at Miami Dolphins – September 7th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Minnesota Vikings – September 14th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Oakland Raiders at New England Patriots – September 21st, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Kansas City Chiefs – September 29th, 2014 . Pro-Football-Reference.com. + Archived from the original on November 9, 2017. Retrieved March 17, 2018. + + ^ New England Patriots at Buffalo Bills – October 12th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved March 17, 2018. + + ^ New York Jets at New England Patriots – October 16th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Chicago Bears at New England Patriots – October 26th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Detroit Lions at New England Patriots – November 23rd, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Green Bay Packers – November 30th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at San Diego Chargers – December 7th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Orton, Bills beat Patriots 17–9 . New England Patriots. Archived from the + original on February 5, 2017. Retrieved January 6, 2019. + + ^ Top 100 Players of 2015 : No. 3 Tom Brady . NFL.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ Divisional Round – Baltimore Ravens at New England Patriots – January 10th, + 2015 . Pro-Football-Reference.com. Archived from the original on December 26, + 2017. Retrieved December 28, 2017. + + ^ AFC Championship – Indianapolis Colts at New England Patriots – January 18th, + 2015 . Pro-Football-Reference.com. Archived from the original on December 1, + 2017. Retrieved December 28, 2017. + + ^ Super Bowl XLIX – Seattle Seahawks vs. New England Patriots – February 1st, + 2015 . Pro-Football-Reference.com. Archived from the original on January 30, + 2018. Retrieved March 17, 2018. + + ^ Patriots beat the Seahawks in dramatic finale . BBC Sport. February 1, 2015. + Archived from the original on February 4, 2015. Retrieved February 2, 2015. + + ^ INVESTIGATIVE REPORT CONCERNING FOOTBALLS USED DURING THE AFC CHAMPIONSHIP + GAME ON JANUARY 18, 2015 (PDF). nfl.com. National Football League. Retrieved + May 6, 2015. + + ^ Rosenthal, Gregg (May 11, 2015). Patriots Tom Brady suspended 4 games . + National Football League. Archived from the original on May 13, 2015. Retrieved + May 11, 2015. + + ^ a b NFL releases statement on Patriots violations . National Football League. + May 11, 2015. Archived from the original on May 13, 2015. Retrieved May 12, + 2015. + + ^ Patra, Kevin (May 14, 2015). Tom Brady NFLPA appeal four game suspension + . National Football League. Archived from the original on May 18, 2015. Retrieved + May 14, 2015. + + ^ NFL upholds four-game suspension of Tom Brady . cbsnews.com. July 28, 2015. + Archived from the original on July 29, 2015. Retrieved July 29, 2015. + + ^ Report: Tom Brady Authorizes NFLPA To Appeal His Case In Federal Court . + NESN.com. Archived from the original on July 29, 2015. Retrieved July 29, 2015. + + ^ Rosenthal, Gregg (July 28, 2015). Roger Goodell upholds Tom Brady suspension + . National Football League. Archived from the original on July 29, 2015. Retrieved + July 28, 2015. + + ^ Gantt, Darin (July 28, 2015). Goodell cites destroying phone in upholding + Tom Brady s suspension . NBC Sports. Archived from the original on July 29, + 2015. Retrieved July 28, 2015. + + ^ Armstrong, Kevin; et al. (July 28, 2015). NFL hopes to have expected Tom + Brady lawsuit in New York and not Minnesota . New York Daily News. Archived + from the original on July 31, 2015. Retrieved July 28, 2015. + + ^ Tom Brady rips the NFL s Deflategate decision on his Facebook page . USA + Today. Archived from the original on September 9, 2018. Retrieved January 6, + 2019. + + ^ Robert Kraft attacks the NFL, apologizes to Patriots fans . Yahoo Sports. + July 29, 2015. Archived from the original on August 12, 2017. Retrieved January + 6, 2019. + + ^ a b Freeman, Mike (May 11, 2015). NFL Deflategate Message: No Player Is Above + the Rules, Not Even Tom Brady . Bleacher Report. Archived from the original + on May 15, 2015. Retrieved January 6, 2019. + + ^ Adelson, Eric (May 11, 2015). Tom Brady allowed the new NFL Way to smack + Patriot Way in stunning fashion . Yahoo! Sports. Archived from the original + on September 29, 2018. Retrieved January 6, 2019. Somewhere along the line, + the debate over what happened in the hours and minutes leading up to the AFC + championship game in January went beyond air pressure and weather conditions, + and became a referendum on the character of Tom Brady and his franchise. + + ^ O Connor, Ian. Tom Brady should skip appeal, tell truth now . ESPN.com. Archived + from the original on May 15, 2015. Retrieved May 12, 2015. + + ^ NYSD Decision and Order . + + ^ Roger Goodell Made Tom Brady Seem Dishonest In Deflategate Appeal Ruling + . NESN.com. Archived from the original on February 7, 2016. Retrieved February + 7, 2016. + + ^ Pittsburgh Steelers at New England Patriots – September 10th, 2015 . Pro-Football-Reference.com. + Archived from the original on November 10, 2017. Retrieved December 28, 2017. + + ^ Very rare performance by Tom Brady reflects his greatness . ESPN.com. Archived + from the original on October 27, 2015. Retrieved October 28, 2015. + + ^ Miami Dolphins at New England Patriots – October 29th, 2015 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ New England Patriots at Denver Broncos – November 29th, 2015 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ 2015 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved March 17, 2018. + + ^ 2015 NFL Passing . Pro-Football-Reference.com. Archived from the original + on February 12, 2018. Retrieved March 17, 2018. + + ^ Top 100 Players of 2016 : No. 2 Tom Brady . NFL.com. Archived from the original + on August 31, 2018. Retrieved January 6, 2019. + + ^ Divisional Round – Kansas City Chiefs at New England Patriots – January 16th, + 2016 . Pro-Football-Reference.com. Archived from the original on December 26, + 2017. Retrieved March 17, 2018. + + ^ Golen, Jimmy (January 16, 2016). Patriots to 5th straight AFC title game, + beat Chiefs 27–20 . Associated Press. Foxborough, Massachusetts: AP Sports. + Associated Press. Retrieved February 17, 2019. + + ^ New England at Denver – 2016-01-24 – National Football League – Yahoo! Sports + . Yahoo Sports. Archived from the original on November 19, 2018. Retrieved January + 6, 2019. + + ^ Reiss, Mike. New deal links Tom Brady to Patriots through 2019 . ESPN.com. + Archived from the original on March 1, 2016. Retrieved February 29, 2016. + + ^ Volin, Ben (March 3, 2016). Brady s lawyer feels pressure from judges . The + Boston Globe. Archived from the original on April 16, 2016. Retrieved April + 26, 2016. + + ^ Orr, Connor (April 25, 2016). Tom Brady s four-game suspension reinstated + . NFL.com. Archived from the original on April 26, 2016. Retrieved April 25, + 2016. + + ^ Tom Brady s four-game suspension upheld . ESPN. April 25, 2016. Archived + from the original on April 26, 2016. Retrieved April 25, 2016. + + ^ Volin, Ben (April 25, 2016). Brady must serve Deflategate suspension, appeals + court rules . The Boston Globe. Archived from the original on April 27, 2016. + Retrieved April 26, 2016. + + ^ Gershman, Jacob (April 25, 2016). Why the NFL Won its Deflategate Appeal + . The Wall Street Journal. Archived from the original on April 28, 2016. Retrieved + April 26, 2016. + + ^ Tom Brady keeps Deflategate battle going with another appeal of suspension + Archived October 5, 2018, at the Wayback Machine May 23, 2015. + + ^ Brady s Deflategate appeal denied by court . Archived from the original on + July 16, 2016. Retrieved January 6, 2019. + + ^ New England Patriots at Cleveland Browns – October 9th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ Cincinnati Bengals at New England Patriots – October 16th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Pittsburgh Steelers – October 23rd, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Buffalo Bills – October 30th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Ortega, Mark E. (November 3, 2016). Tom Brady, David Johnson are Players + of the Month . NFL.com. Archived from the original on September 25, 2018. Retrieved + January 6, 2019. + + ^ Seattle Seahawks at New England Patriots – November 13th, 2016 . Pro-Football-Reference.com. + Archived from the original on August 4, 2017. Retrieved December 28, 2017. + + ^ Lam, Quang M. (November 23, 2016). Tom Brady, Kirk Cousins among Players + of Week . NFL.com. Archived from the original on November 24, 2016. Retrieved + January 6, 2019. + + ^ New England Patriots at New York Jets – November 27th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Los Angeles Rams at New England Patriots – December 4th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Reiss, Mike. Tom Brady wins NFL-record 201st game . ESPN.com. Archived from + the original on December 6, 2016. Retrieved December 13, 2016. + + ^ Howe, Jeff. Patriots, despite miscues, outlast Ravens to move to 11–2 . The + Boston Herald. Archived from the original on December 20, 2016. Retrieved December + 13, 2016. + + ^ New England Patriots at Denver Broncos – December 18th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Patriots top Broncos, clinch AFC East, first-round bye . Archived from the + original on December 19, 2016. Retrieved January 6, 2019. + + ^ NFL announces 2017 Pro Bowl rosters . NFL.com. December 20, 2016. Archived + from the original on November 17, 2018. Retrieved January 6, 2019. + + ^ Archived copy . Archived from the original on January 2, 2017. Retrieved + January 1, 2017. CS1 maint: Archived copy as title (link) + + ^ Patriots clinch home-field advantage in AFC playoffs . Archived from the + original on December 20, 2018. Retrieved January 6, 2019. + + ^ Hurley, Michael (January 1, 2017). Tom Brady Sets NFL Record For Best TD-To-INT + Ratio Of All Time . CBS Boston. Archived from the original on January 4, 2017. + Retrieved January 2, 2017. + + ^ Three rookies, Matt Ryan among players named to All-Pro team . NFL.com. January + 6, 2017. Archived from the original on June 17, 2018. Retrieved January 6, 2019. + + ^ Top 100 Players of 2017 : No. 1 New England Patriots quarterback Tom Brady + . NFL.com. Archived from the original on June 17, 2018. Retrieved January 6, + 2019. + + ^ Patra, Kevin (January 15, 2017). Patriots Top Texans, Move on to AFC Championship + . Around the NFL. National Football League. Archived from the original on January + 29, 2017. Retrieved February 6, 2017. + + ^ Wesseling, Chris (January 23, 2017). Patriots Shred Steelers, Advance to + Ninth Super Bowl . Around the NFL. National Football League. Archived from the + original on February 2, 2017. Retrieved February 6, 2017. + + ^ Super Bowl LI – New England Patriots vs. Atlanta Falcons – February 5th, + 2017 . Pro-Football-Reference.com. Archived from the original on August 7, 2017. + Retrieved August 6, 2017. + + ^ Super Bowl Most Valuable Player Winners . Pro-Football-Reference.com. Archived + from the original on August 3, 2017. Retrieved January 24, 2018. + + ^ Tom Brady s stolen Super Bowl jerseys returned to Patriots . Fox News. March + 23, 2017. Archived from the original on April 11, 2017. Retrieved April 10, + 2017. + + ^ Tom Brady Super Bowl jersey thief investigation . Sports Illustrated. Archived + from the original on April 24, 2017. Retrieved August 11, 2017. + + ^ GOAT edition: Brady on Madden NFL 18 cover . ESPN.com. Archived from the + original on May 13, 2017. Retrieved May 13, 2017. + + ^ Press, Associated. Gisele Bundchen: Tom Brady had a concussion last year + . Archived from the original on September 22, 2017. Retrieved January 6, 2019. + + ^ Igel, Lee. Gisele Bündchen Casts Doubt On Adequacy Of NFL Concussion Protocol + . Archived from the original on September 15, 2017. Retrieved January 6, 2019. + + ^ NFL Investigating After Gisele Claims Tom Brady Suffered a Concussion . Archived + from the original on September 11, 2017. Retrieved January 6, 2019. + + ^ NFL looking into Tom Brady concussion claim by Gisele Bundchen . Archived + from the original on December 8, 2018. Retrieved January 6, 2019. + + ^ Agent: Tom Brady not diagnosed with concussion in 16 . Archived from the + original on October 19, 2018. Retrieved January 6, 2019. + + ^ Tom Brady: We didn t dig very deep on Thursday night . Pro Football Talk. + Archived from the original on September 8, 2017. Retrieved September 8, 2017. + + ^ WATCH: In Year 18, Tom Brady finally does something he s never done before + . CBSSports.com. September 17, 2017. Archived from the original on January 1, + 2019. Retrieved January 6, 2019. + + ^ Maya, Adam (September 20, 2017). Tom Brady, J.J. Nelson among Players of + the Week . NFL.com. Archived from the original on December 22, 2018. Retrieved + January 6, 2019. + + ^ Tom Brady takes another title away from his nemesis Peyton Manning . Archived + from the original on January 1, 2019. Retrieved January 6, 2019. + + ^ Lam, Quang M. (September 27, 2017). Tom Brady, Kirk Cousins among Players + of the Week . NFL.com. Archived from the original on September 27, 2017. Retrieved + January 6, 2019. + + ^ Tom Brady Ties Brett Favre, Peyton Manning for Most Regular-Season Wins by + QB . Bleacher Report. Archived from the original on January 1, 2019. Retrieved + January 6, 2019. + + ^ Orr, Conor. Tom Brady has sprain to non-throwing shoulder . NFL. Archived + from the original on October 11, 2017. Retrieved October 10, 2017. + + ^ Patra, Kevin. Brady isn t worried about his shoulder: I m good . NFL. Archived + from the original on October 12, 2017. Retrieved October 11, 2017. + + ^ Tom Brady becomes NFL s career QB wins leader . Archived from the original + on November 25, 2018. Retrieved January 6, 2019. + + ^ Tom Brady, Patriots roll through fog past Falcons . Archived from the original + on January 1, 2019. Retrieved January 6, 2019. + + ^ Los Angeles Chargers at New England Patriots – October 29th, 2017 . Pro-Football-Reference.com. + Archived from the original on November 7, 2017. Retrieved December 7, 2017. + + ^ Maya, Adam (November 15, 2017). Tom Brady, Cam Newton among Players of the + Week . NFL.com. Archived from the original on July 1, 2018. Retrieved January + 6, 2019. + + ^ Case Keenum wins NFC player of month honors . Archived from the original + on January 27, 2018. Retrieved January 6, 2019. + + ^ Hanzus, Dan. Tom Brady, Josh McDaniels have sideline disagreement . NFL. + Archived from the original on December 3, 2017. Retrieved December 3, 2017. + + ^ Sessler, Marc. Patriots overcome ugly start to scatter Bills in Buffalo . + NFL. Archived from the original on December 3, 2017. Retrieved December 3, 2017. + + ^ New England Patriots at Miami Dolphins – December 11th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved January 24, 2018. + + ^ New England Patriots at Pittsburgh Steelers – December 17th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 29, 2017. Retrieved December 28, 2017. + + ^ NFL announces 2018 Pro Bowl rosters . NFL. Archived from the original on + December 20, 2017. Retrieved December 19, 2017. + + ^ Buffalo Bills at New England Patriots – December 24th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ Patriots secure first-round bye for eighth straight year . Archived from + the original on November 10, 2018. Retrieved January 6, 2019. + + ^ Patriots clinch home-field advantage through playoffs . + + ^ NFL offensive production falls despite record for Brady . www.boston.com. + Archived from the original on November 10, 2018. Retrieved January 6, 2019. + + ^ Wilner, Barry. Steelers Antonio Brown, unanimous choice on AP All-Pro Team + . AP News. AP. + + ^ Wesseling, Chris (February 3, 2018). Tom Brady named NFL s MVP for third + time of career . NFL.com. Archived from the original on July 26, 2018. Retrieved + January 6, 2019. + + ^ Divisional Round – Tennessee Titans at New England Patriots – January 13th, + 2018 . Pro-Football-Reference.com. Archived from the original on January 18, + 2018. Retrieved January 18, 2018. + + ^ Patra, Kevin (January 19, 2018). Tom Brady (thumb) questionable for Patriots + vs. Jags . NFL.com. Archived from the original on January 20, 2018. Retrieved + January 20, 2018. + + ^ AFC Championship – Jacksonville Jaguars at New England Patriots – January + 21st, 2018 . Pro-Football-Reference.com. Archived from the original on January + 24, 2018. Retrieved January 24, 2018. + + ^ Super Bowl LII – Philadelphia Eagles vs. New England Patriots – February + 4th, 2018 . Pro-Football-Reference.com. Archived from the original on March + 1, 2018. Retrieved March 17, 2018. + + ^ Super Bowl 50: How many quarterbacks have lost multiple Super Bowls? . syracuse.com. + Retrieved 2019-02-12. + + ^ Is Super Bowl LII Loss the End of Patriots and Tom Brady s Dynasty? . Bleacher + Report. Archived from the original on February 5, 2018. Retrieved February 5, + 2018. + + ^ At 41 and going strong, Tom Brady awaits a 19th season . USA TODAY. Archived + from the original on October 30, 2018. Retrieved October 29, 2018. + + ^ Despite changes, Patriots offense still rolling behind Tom Brady in win over + Texans . USA TODAY. Archived from the original on October 29, 2018. Retrieved + October 29, 2018. + + ^ Brady Throws 3 TDs As Patriots Blow Out Dolphins To Improve To 2–2 . CBS + Boston. September 30, 2018. Archived from the original on October 29, 2018. + Retrieved October 29, 2018. + + ^ Brady, Patriots roll past banged-up Colts . Duluth News Tribune. Archived + from the original on October 30, 2018. Retrieved October 29, 2018. + + ^ Tom Brady sets another NFL record with TD pass to Josh Gordon . USA Today. + October 5, 2018. Archived from the original on October 31, 2018. Retrieved October + 30, 2018. + + ^ Brady, Patriots top Chiefs for wild 43–40 win . USA TODAY. Archived from + the original on October 29, 2018. Retrieved October 29, 2018. + + ^ Brady throws 3 TDs, Patriots hang on to beat Bears 38–31 . AP NEWS. October + 21, 2018. Archived from the original on October 30, 2018. Retrieved October + 29, 2018. + + ^ Tom Brady: Game Logs at NFL.com . National Football League. Archived from + the original on November 22, 2018. Retrieved November 26, 2018. + + ^ Colin J. Liotta, Tom Brady (finally) reaches 1,000 career rushing yards USA + Today. From the original on December 3, 2018. Retrieved January 9, 2019 + + ^ Tom Brady reaches 70,000 passing yards . NFL. Archived from the original + on December 18, 2018. Retrieved December 16, 2018. + + ^ Pats win AFC East again, take back No. 2 seed . ESPN.com. December 23, 2018. + Retrieved January 22, 2019. + + ^ Sullivan, Tara. Tara Sullivan: Vintage Tom Brady returns, just in time for + the playoffs – The Boston Globe . BostonGlobe.com. Retrieved January 22, 2019. + + ^ Tom Brady tunes up and Patriots clinch first-round bye after routing Jets + . ESPN.com. December 30, 2018. Retrieved January 22, 2019. + + ^ Schrock, Joshua (December 30, 2018). Tom Brady s New Year s Resolution Will + Make Bill Belichick, Patriots Fans Happy . NESN.com. Retrieved January 22, 2019. + + ^ Hightower, Kyle (January 13, 2019). Michel scores 3 TDs, Patriots roll past + Chargers . KOIN. Retrieved February 6, 2019. + + ^ Chargers vs. Patriots – Game Recap – January 13, 2019 – ESPN . ESPN.com. + Retrieved January 22, 2019. + + ^ Patriots make 3rd straight Super Bowl, beat Chiefs 37–31 OT . Associated + Press. January 20, 2019. Retrieved January 21, 2019. + + ^ New England Patriots win Super Bowl LIII . NFL. Retrieved February 3, 2019. + + ^ Tom Brady sets record for most Super Bowl wins by NFL player with six . USA + TODAY. Retrieved February 6, 2019. + + ^ Tom Brady . NFL.com. Archived from the original on December 7, 2015. Retrieved + December 7, 2015. + + ^ Tom Brady s Career Touchdown Plays . Pro-Football-Reference.com. Archived + from the original on July 11, 2015. Retrieved July 29, 2015. + + ^ In multiple seasons, from 1950 to 2018, requiring Pass Completion % >= 1, + sorted by most games matching criteria. (Note: Click on Games Won column to + sort) . www.pro-football-reference.com. Pro Football Reference, LLC. Retrieved + January 1, 2019. + + ^ Reiss, Mike (November 14, 2017). Tom Brady relishes chance to silence fans + while playing on road . ESPN.com. Archived from the original on February 9, + 2018. Retrieved February 8, 2018. + + ^ https://www.footballdb.com/stats/qb-records.html?alltime=1&type=reg&letter=&sort=w + + ^ WHAT TO LOOK FOR – WEEK 11 . nflcommunications.com. November 15, 2017. Archived + from the original on February 9, 2018. Retrieved February 8, 2018. + + ^ a b Porter, Conor (January 1, 2018). Tom Brady achieved another amazing NFL + record in 2017 . GiveMeSport. Archived from the original on February 9, 2018. + Retrieved February 8, 2018. + + ^ Tom Brady joins select club with 500th career touchdown pass . MLive.com. + Archived from the original on October 6, 2018. Retrieved October 5, 2018. + + ^ a b Archived copy . Archived from the original on November 6, 2018. Retrieved + November 6, 2018. CS1 maint: Archived copy as title (link) + + ^ NFL Playoff Records: Individual – Passing . nfl.com. Archived from the original + on July 22, 2015. Retrieved July 30, 2015. + + ^ Adamski, Chris. Brady, Big Ben meet again in AFC title game . TribLIVE.com. + Archived from the original on January 27, 2017. Retrieved January 24, 2017. + + ^ a b c Stites, Adam (February 4, 2018). What NFL records does Tom Brady already + own? . SBNation.com. Archived from the original on February 10, 2018. Retrieved + February 9, 2018. + + ^ Schechter, Lee (January 11, 2015). Brady s 46th TD breaks Montana s playoff + mark . ESPN.com. Archived from the original on February 9, 2018. Retrieved February + 8, 2018. + + ^ Reiss, Mike (January 19, 2015). Brady sets NFL s postseason passing record + . ESPN.com. Archived from the original on February 9, 2018. Retrieved February + 8, 2018. + + ^ a b c David Smith, Michael (January 8, 2018). In his 35th postseason game, + Tom Brady will add to his many records . Yahoo Sports. Archived from the original + on February 9, 2018. Retrieved February 9, 2018. + + ^ Tom Brady passes Brett Favre for most career interceptions in the postseason + . SB Nation. Archived from the original on May 15, 2018. Retrieved May 15, 2018. + + ^ The QB With the Most Conference Championship Appearance? . NFL RUSH. January + 19, 2017. Archived from the original on January 25, 2018. Retrieved February + 9, 2018. + + ^ a b Game Notes: Patriots extend NFL-record to 10th Super Bowl overall . New + England Patriots. January 21, 2018. Archived from the original on February 9, + 2018. Retrieved February 9, 2018. + + ^ Super Bowl Records: Individual – Passing . nfl.com. Archived from the original + on August 10, 2015. Retrieved July 29, 2015. + + ^ Breech, John (February 2, 2015). Tom Brady broke, tied or extended 9 Super + Bowl records . CBSSports.com. Archived from the original on January 23, 2018. + Retrieved February 9, 2018. + + ^ Tom Brady, Bill Belichick make NFL history with record 7th Super Bowl appearance + . abcnews.com. Archived from the original on January 29, 2017. Retrieved January + 23, 2017. + + ^ a b Kirk, Jason (February 5, 2018). Pats now own 75 Super Bowl records, including + most losses . SBNation.com. Archived from the original on April 4, 2018. Retrieved + April 4, 2018. + + ^ Patriots, Tom Brady keep rewriting Super Bowl record book . + + ^ Hanzus, Dan. Tom Brady is game for another SNL hosting gig . National Football + League. Archived from the original on August 17, 2012. Retrieved August 17, + 2012. + + ^ Bark, Ed (February 6, 2005). Fox gets animated after the Super Bowl . Dallas + Morning News. Retrieved August 17, 2012. + + ^ Patriots News and Notes . Patriots Insider. Fox Sports. Archived from the + original on January 27, 2013. Retrieved August 17, 2012. + + ^ Entourage Fore (TV Episode 2009) – IMDb . IMDb. Archived from the original + on March 26, 2017. Retrieved August 11, 2017. + + ^ Entourage: Tom Brady replaced Manning brothers in Season 6 cameo . Sports + Illustrated. May 28, 2015. Archived from the original on August 11, 2017. Retrieved + August 11, 2017. + + ^ Tom Brady s Ted 2 Cameo Features Deflategate Line From Mark Wahlberg . + NESN. June 24, 2015. Archived from the original on August 11, 2017. Retrieved + August 11, 2017. + + ^ Buttons NY – Sound + Picture » Vote for your favorite Stetson Cologne man, + win a $10 gift card, and Listen to the latest Stetson Radio ad, with the original + Stetson Jingle! . Archived from the original on January 1, 2019. Retrieved January + 6, 2019. + + ^ Tom Brady . Forbes. Archived from the original on March 19, 2015. Retrieved + April 1, 2015. + + ^ Peyton Manning vs. Tom Brady Endorsements: Who s No. 1 In Commercial Appeal? + . Archived from the original on April 2, 2015. Retrieved April 1, 2015. + + ^ Ember, Sydney Tom Brady Still a Key Part of Under Armour s Broader Ad Push + Archived January 1, 2019, at the Wayback Machine New York Times. August 25, + 2015 + + ^ Beautyrest Black and Tom Brady Score for Sleep – BedTimes . Archived from + the original on January 2, 2019. Retrieved January 6, 2019. + + ^ Reimer, Alex (August 23, 2016). Tom Brady s Vegan Snacks Only Add to His + Bourgeois Profile . Forbes. Archived from the original on January 1, 2019. Retrieved + January 6, 2019. + + ^ Tom Brady Announces Launch Of TB12 Website, Online Store (Photo) . NESN.com. + January 21, 2016. Archived from the original on September 28, 2017. Retrieved + September 27, 2017. + + ^ Tom Brady Launches Raw Snack Line Under His TB12 Brand . NCA. Retrieved September + 27, 2017. + + ^ Tom Brady and TB12 Launch TB12 Foundation for Young Athletes – Physical Therapy + Products . Physical Therapy Products. Archived from the original on September + 28, 2017. Retrieved September 27, 2017. + + ^ This New Meal Delivery Plan Will Help You Eat Like Tom Brady . Archived from + the original on September 28, 2017. Retrieved September 27, 2017. + + ^ Garcia, Ahiza. Tom Brady launches meal kit service . CNNMoney. Archived from + the original on September 28, 2017. Retrieved September 27, 2017. + + ^ O Connor, Ian (September 20, 2017). Tom Brady has No. 1 book on Amazon, Hillary + at No. 2. As they said at Michigan, all he does is winpic.twitter.com/glGlzkGGRd + . @Ian_OConnor. Retrieved September 21, 2017. + + ^ Tom Brady s TB12 Method Is a Best Seller . Boston Magazine. Archived from + the original on September 28, 2017. Retrieved September 29, 2017. + + ^ Leibovich, Mark (2018). Tom Brady Gave a Filmmaker Unusual Access to His + Private Life . The New York Times. ISSN 0362-4331. Archived from the original + on January 10, 2018. Retrieved January 10, 2018. + + ^ a b Dagostino, Mark (December 14, 2006). Tom Brady, Bridget Moynahan Split + Up . People. Archived from the original on October 12, 2007. Retrieved December + 27, 2007. + + ^ Smith, Liz (February 18, 2007). It s Brady Baby For Sixy Star . New York + Post. Archived from the original on February 20, 2007. Retrieved December 27, + 2007. + + ^ Shanahan, Mark (February 18, 2007). Ex-Brady Girlfriend Says She s Pregnant + With His Child . The Boston Globe. Archived from the original on March 11, 2007. + Retrieved November 30, 2008. + + ^ Boehm, Kristin (August 28, 2007). Bridget Moynahan Thankful for Healthy + Baby . People. Archived from the original on November 13, 2008. Retrieved November + 30, 2008. + + ^ Bridget Moynahan Welcomes a Baby Boy . People. August 23, 2007. Archived + from the original on June 28, 2008. Retrieved November 30, 2008. + + ^ Tom Brady & Gisele Bundchen: New Couple? . People. Archived from the original + on September 6, 2015. Retrieved December 7, 2012. + + ^ Patriots Quarterback Tom Brady on Football, Fatherhood, and Gisele Bündchen + . Archived from the original on October 2, 2013. Retrieved April 27, 2013. + + ^ Cedenheim, Pernilla (February 27, 2009). Model Tom Brady & Gisele Bündchen: + Married! . People. Archived from the original on May 20, 2016. Retrieved April + 27, 2018. + + ^ Gisele Bündchen & Tom Brady Have a Boy . People. December 9, 2009. Archived + from the original on July 2, 2017. Retrieved August 11, 2017. + + ^ Gisele Bündchen and Tom Brady Welcome Daughter Vivian Lake . People. December + 7, 2015. Archived from the original on September 5, 2015. Retrieved August 11, + 2017. + + ^ Farrar, Doug. Boston (in) Common: Kevin Youkilis set to marry Tom Brady s + sister . Archived from the original on February 10, 2012. Retrieved February + 10, 2012. + + ^ Hua, Karen (February 2, 2017). Inside The Multimillion-Dollar Homes Of Tom + Brady . Forbes. Archived from the original on August 11, 2017. Retrieved August + 11, 2017. + + ^ The Tao Of Tom: How Tom Brady Uses An 80–20 Diet, Meditation, Yoga & One + Book To Age Backwards . Retrieved January 24, 2018. + + ^ The Best There Ever Was? . GQ. August 5, 2005. Archived from the original + on July 30, 2017. Retrieved July 30, 2017. + + ^ Tom Brady vs. Peyton Manning For Republican Presidential Nomination? Some + Believe It s Possible . WBZ-TV (CBS Boston). June 7, 2017. Archived from the + original on July 13, 2017. Retrieved July 30, 2017. + + ^ Super Bowl QB Tom Brady s No Patriot . The Smoking Gun. January 26, 2004. + Archived from the original on July 29, 2017. Retrieved July 30, 2017. + + ^ Leibovich, Mark (February 1, 2017). The Uncomfortable Love Affair Between + Donald Trump and the New England Patriots . The New York Times. Archived from + the original on February 6, 2017. Retrieved February 2, 2017. + + ^ Sports figures who support Donald Trump . Archived from the original on August + 28, 2018. Retrieved January 6, 2019. + + ^ Boren, Cindy. It s just a friendship : Tom Brady opens up a little about + President Trump . The Washington Post. Archived from the original on January + 24, 2017. Retrieved January 24, 2017. + + ^ Rappeport, Alan. Did Tom Brady and Gisele Bündchen Back Donald Trump? She + Says No, and He s Not Saying . The New York Times. Archived from the original + on February 16, 2017. Retrieved January 24, 2017. + + ^ Chestang, Raphael. Tom Brady Says Wife Gisele Bundchen Doesn t Want Him Talking + Politics . ET Online. Archived from the original on January 30, 2017. Retrieved + January 24, 2017. + + ^ Tom Brady will not attend Patriots visit to White House due to personal + family matters . Sports Illustrated. Sports Illustrated. Archived from the + original on April 9, 2018. Retrieved April 9, 2018. + + ^ Kamisar, Ben (February 1, 2015). 5 NFL stars who could run for office . The + Hill. Archived from the original on March 12, 2016. Retrieved February 5, 2017. + + ^ Klosterman, Chuck (November 18, 2015). Tom Brady Talks to Chuck Klosterman + About Deflategate (Sort Of . . .) . GQ. Archived from the original on February + 1, 2016. Retrieved February 5, 2017. + + ^ Durkee, Travis (November 18, 2015). Sorry, America, Tom Brady will never + run for president . Sporting News. Archived from the original on February 7, + 2017. Retrieved February 5, 2017. + + ^ Tack, Travis (November 14, 2016). Tom Brady Won t Talk Politics, Doesn t + Want To Run For Office . Politicus Sports. Archived from the original on February + 7, 2017. Retrieved February 5, 2017. + + ^ https://www.bostonherald.com/2018/10/12/helen-brady-hopes-tom-brady-photo-gives-campaign-a-boost/ + + ^ http://blog.masslive.com/patriots/2016/11/tom_brady_give_em_helen_ad.html + + ^ LaFratta, Kristin (November 6, 2018). 2018 Massachusetts Election: State + Auditor live results (Suzanne M. Bump, Helen Brady, Daniel Fisherman, Edward + J. Stamas) . Mass Live. Retrieved January 21, 2019. + + ^ Archived copy . Archived from the original on November 25, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on December 6, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on November 5, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on October 9, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + Pierce, Charles (2006), Moving the Chains: Tom Brady and the Pursuit of Everything, + Farrar, Straus and Giroux, ISBN 0-374-21444-1 + + Wikiquote has quotations related to: Tom Brady + + Wikimedia Commons has media related to Tom Brady. + + Michigan Wolverines bio + + Career statistics and player information from NFL.com · ESPN · Yahoo! Sports + · SI.com · Pro-Football-Reference · Rotoworld + + Tom Brady on IMDb + + New England Patriots current roster + + 2 Brian Hoyer + + 14 Braxton Berrios + + 16 Darren Andrews + + 21 Duron Harmon + + 22 Obi Melifonwu + + 23 Patrick Chung + + 24 Stephon Gilmore + + 26 Sony Michel + + 27 J. C. Jackson + + 29 Duke Dawson + + 35 Keion Crossen + + 36 Brandon King + + 43 Nate Ebner + + 44 Christian Sam + + 46 James Develin + + 49 Joe Cardona + + 51 Ja Whaun Bentley + + 52 Elandon Roberts + + 53 Kyle Van Noy + + 54 Dont a Hightower + + 58 Keionta Davis + + 60 David Andrews + + 61 Marcus Cannon + + 62 Joe Thuney + + 63 Brian Schwenke + + 66 James Ferentz + + 69 Shaq Mason + + 70 Adam Butler + + 75 Ted Karras + + 76 Isaiah Wynn + + 80 Stephen Anderson + + 85 Ryan Izzo + + 91 Deatrich Wise Jr. + + 93 Lawrence Guy + + 95 Derek Rivers + + 97 Ufomba Kamalu + + 5 Danny Etling (Future) + + 17 Damoun Patterson (Future) + + 39 A. J. Howard (Future) + + 45 Trent Harris (Future) + + 48 Calvin Munson (Future) + + 72 Dan Skipper (Future) + + 74 Cole Croston (Future) + + 92 Frank Herron (Future) + + -- Jake Eldrenkamp (Future) + + -- Ryker Mathews (Future) + + -- David Parry (Future) + + 3 Stephen Gostkowski (UFA) + + 6 Ryan Allen (UFA) + + 10 Josh Gordon (RFA) + + 13 Phillip Dorsett (UFA) + + 15 Chris Hogan (UFA) + + 25 Eric Rowe (UFA) + + 30 Jason McCourty (UFA) + + 31 Jonathan Jones (RFA) + + 33 Jeremy Hill (UFA) + + 50 Ramon Humber (UFA) + + 55 John Simon (UFA) + + 59 Albert McClellan (UFA) + + 67 Ulrick John (UFA) + + 68 LaAdrian Waddle (UFA) + + 71 Danny Shelton (UFA) + + 77 Trent Brown (UFA) + + 81 Cody Hollister (ERFA) + + 84 Cordarrelle Patterson (UFA) + + 90 Malcom Brown (UFA) + + 98 Trey Flowers (UFA) + + List of starting quarterbacks in the National Football League (as of Week 17 + of the 2018 NFL season) + + Josh Allen (Buffalo Bills) + + Tom Brady (New England Patriots) + + Sam Darnold (New York Jets) + + Lamar Jackson (Baltimore Ravens) + + Jeff Driskel (Cincinnati Bengals) + + Baker Mayfield (Cleveland Browns) + + Deshaun Watson (Houston Texans) + + Andrew Luck (Indianapolis Colts) + + Blake Bortles (Jacksonville Jaguars) + + Blaine Gabbert (Tennessee Titans) + + Case Keenum (Denver Broncos) + + Patrick Mahomes (Kansas City Chiefs) + + Derek Carr (Oakland Raiders) + + Eli Manning (New York Giants) + + Nick Foles (Philadelphia Eagles) + + Josh Johnson (Washington Redskins) + + Mitchell Trubisky (Chicago Bears) + + Matthew Stafford (Detroit Lions) + + Kirk Cousins (Minnesota Vikings) + + Matt Ryan (Atlanta Falcons) + + Kyle Allen (Carolina Panthers) + + Teddy Bridgewater (New Orleans Saints) + + Jameis Winston (Tampa Bay Buccaneers) + + Josh Rosen (Arizona Cardinals) + + Jared Goff (Los Angeles Rams) + + Nick Mullens (San Francisco 49ers) + + Russell Wilson (Seattle Seahawks) + + Tom Brady—awards, championships, and honors + + Peyton Manning Record for NFL passing touchdowns in a single season + + Michigan Wolverines starting quarterbacks + + Barmore (1880) + + Horton (1881) + + McNeil (1883–1885) + + Farrand (1887) + + F. Smith (1888) + + Sherman (1891) + + Sanderson (1892) + + Baird (1893–1895) + + Richards (1895–1897) + + Drumheller (1896) + + Felver (1896–1897) + + Talcott (1898) + + McGinnis (1900) + + Weeks (1901–1902) + + Norcross (1904–1905) + + Barlow (1905) + + Wasmund (1907–1909) + + McMillan (1910–1911) + + Huebel (1912) + + Hughitt (1913–1914) + + Roehm (1915) + + Sparks (1916, 1919) + + Knode (1918) + + Bank (1920–1921) + + Uteritz (1921–1923) + + Rockwell (1924) + + Friedman (1925–1926) + + Simrall (1929) + + Tessmer (1930–1931) + + Newman (1930–1932) + + Fay (1933) + + Jennings (1934) + + Renner (1935) + + Evashevski (1938–1940) + + Ceithaml (1941–1942) + + Wiese (1943) + + Ponsetto (1944–1945) + + Yerges (1945–1947) + + Elliott (1948) + + Ghindia (1949) + + Putich (1950) + + Topor (1951–1952) + + Baldacci (1953–1954) + + Maddock (1955) + + Van Pelt (1956–1957) + + Ptacek (1958) + + Noskin (1959) + + Stamos (1960–1961) + + Glinka (1960–1961) + + Timberlake (1962–1964) + + Gabler (1965) + + Vidmer (1965–1967) + + Den. Brown (1967–1968) + + Moorhead (1969–1970) + + Slade (1971) + + Franklin (1972–1974) + + Leach (1975–1978) + + Dickey (1979) + + Wangler (1979–1980) + + S. Smith (1981–1983) + + Zurbrugg (1984) + + Harbaugh (1984–1986) + + Dem. Brown (1987–1988) + + Taylor (1987–1989) + + Grbac (1989–1992) + + Collins (1993–1994) + + Dreisbach (1995–1996) + + Griese (1995–1997) + + Brady (1998–1999) + + Henson (2000) + + Navarre (2000–2003) + + Henne (2004–2007) + + Mallett (2007) + + Threet (2008) + + Forcier (2009) + + Robinson (2010–2012) + + Gardner (2012–2014) + + Morris (2013–2014) + + Rudock (2015) + + Speight (2016–2017) + + O Korn (2016–2017) + + Peters (2017) + + Patterson (2018– ) + + 1997 Michigan Wolverines football—AP national champions + + Jeff Backus + + Scott Dreisbach + + Tommy Hendricks + + Marcus Knight + + DeWayne Patmon + + Rob Renes + + Aaron Shea + + Glen Steele + + Tai Streets + + Sam Sword + + Jerame Tuman + + Andre Weathers + + Head coach: Lloyd Carr + + Assistant coaches: Vance Bedford + + Mike DeBord + + Jim Herrmann + + Stan Parrish + + New England Patriots 2000 NFL draft selections + + Adrian Klemm + + J. R. Redmond + + Greg Randall + + Dave Stachelski + + Jeff Marriott + + Casey Tisdale + + Boston / New England Patriots starting quarterbacks + + Butch Songin (1960–1961) + + Tom Greene (1960) + + Babe Parilli (1961–1967) + + Tom Yewcic (1962) + + Eddie Wilson (1965) + + Don Trull (1967) + + Mike Taliaferro (1968–1970) + + Tom Sherman (1968) + + Joe Kapp (1970) + + Jim Plunkett (1971–1975) + + Steve Grogan (1975–1990) + + Neil Graff (1975) + + Matt Cavanaugh (1980–1982) + + Tom Owen (1981) + + Tony Eason (1983–1989) + + Tom Ramsey (1987–1988) + + Bob Bleier (1987) + + Doug Flutie (1987–1989) + + Marc Wilson (1989–1990) + + Tommy Hodson (1990–1992) + + Hugh Millen (1991–1992) + + Scott Zolak (1992, 1995, 1998) + + Drew Bledsoe (1993–2001) + + Scott Secules (1993) + + Tom Brady (2001–present) + + Matt Cassel (2008) + + Jacoby Brissett (2016) + + Associated Press NFL Offensive Player of the Year Award winners + + 1974: Stabler + + 1975: Tarkenton + + 1982: Fouts + + 1983: Theismann + + 1984: Marino + + 1986: Dickerson + + 1988: Craig + + 1989: Montana + + 1995: Favre + + 2006: Tomlinson + + 2008: Brees + + 2017: Gurley + + 2018: Mahomes + + Associated Press NFL Most Valuable Player Award winners + + 1957: J. Brown + + 1960: Van Brocklin + + 1962: J. Taylor + + 1963: Tittle + + 1966: Starr + + 1969: Gabriel + + 1970: Brodie + + 1972: L. Brown + + 1975: Tarkenton 1976: Jones + + 1980: Sipe + + 1982: Moseley + + 1987: Elway + + 1988: Esiason + + 1997: Favre & Sanders + + 2002: Gannon + + 2003: Manning & McNair + + 1962: Robustelli + + 1970: Blanda + + 1974: Olsen + + 1977: Griese + + 1983: Riggins + + 1988: Cunningham + + 2010: Vick + + 2017: Wentz + + 1975: Hampton + + 1995: Harbaugh & Hearst + + 1996: Bettis + + 2000: J. Johnson + + 2002: Maddox + + 2011: Stafford + + 2014: Gronkowski + + 2018: Luck + + New England Patriots Super Bowl XXXVI champions + + 4 Adam Vinatieri + + 11 Drew Bledsoe + + 12 Tom Brady (MVP) + + 13 Ken Walter + + 14 Walter Williams + + 15 Jimmy Farris + + 16 Scott McCready + + 19 Damon Huard + + 21 J. R. Redmond + + 22 Terrance Shaw + + 23 Antwan Harris + + 24 Ty Law + + 25 Leonard Myers + + 26 Matt Stevens + + 27 Terrell Buckley + + 28 Brock Williams + + 29 Hakim Akbar + + 30 Je Rod Cherry + + 31 Ben Kelly + + 32 Antowain Smith + + 33 Kevin Faulk + + 34 Tebucky Jones + + 35 Patrick Pass + + 36 Lawyer Milloy + + 38 Ray Hill + + 44 Marc Edwards + + 45 Otis Smith + + 48 Arther Love + + 49 Jabari Holloway + + 50 Mike Vrabel + + 51 Bryan Cox + + 52 Ted Johnson + + 53 Larry Izzo + + 54 Tedy Bruschi + + 55 Willie McGinest + + 58 Matt Chatham + + 59 Andy Katzenmoyer + + 60 Drew Inzer + + 61 Stephen Neal + + 62 Setema Gali + + 63 Joe Andruzzi + + 64 Greg Randall + + 65 Damien Woody + + 66 Lonie Paxton + + 67 Grey Ruegamer + + 68 Tom Ashworth + + 70 Adrian Klemm + + 71 Chris Sullivan + + 72 Matt Light + + 74 Kenyatta Jones + + 75 Maurice Anderson + + 76 Grant Williams + + 77 Mike Compton + + 80 Troy Brown + + 82 Curtis Jackson + + 83 Rod Rutledge + + 84 Fred Coleman + + 85 Jermaine Wiggins + + 86 David Patten + + 88 Terry Glenn + + 90 Marty Moore + + 91 Bobby Hamilton + + 92 David Nugent + + 93 Richard Seymour + + 94 Jace Sayler + + 95 Roman Phifer + + 96 Brandon Mitchell + + 97 Riddick Parker + + 98 Anthony Pleasant + + 99 Kole Ayi + + Coaches: Ned Burke + + Ivan Fears + + Randy Melvin + + Dante Scarnecchia + + New England Patriots Super Bowl XXXVIII champions + + 6 Rohan Davey + + 10 Jamin Elliott + + 16 Kliff Kingsbury + + 17 Dedric Ward + + 18 Chas Gessner + + 21 Mike Cloud + + 22 Asante Samuel + + 26 Eugene Wilson + + 31 Larry Centers + + 34 Chris Akins + + 38 Tyrone Poole + + 39 Shawn Mayer + + 44 Fred McCrary + + 46 Brian Kinchen + + 48 Tully Banta-Cain + + 49 Sean McDermott + + 51 Don Davis + + 59 Rosevelt Colvin + + 60 Wilbert Brown + + 62 Tim Provost + + 64 Gene Mruczkowski + + 67 Dan Koppen + + 71 Russ Hochstein + + 75 Jamil Soriano + + 76 Brandon Gorin + + 81 Bethel Johnson + + 82 Daniel Graham + + 83 Deion Branch + + 84 Fred Baxter + + 85 J. J. Stokes + + 87 David Givens + + 88 Christian Fauria + + 90 Dan Klecko + + 92 Ted Washington + + 94 Ty Warren + + 96 Rick Lyle + + 97 Jarvis Green + + 99 Ethan Kelley + + Coaches: Romeo Crennel + + Sean Gustus + + New England Patriots Super Bowl XXXIX champions + + 8 Josh Miller + + 10 Kevin Kasper + + 13 Jim Miller + + 14 P. K. Sam + + 18 Cedric James + + 19 Ricky Bryant + + 21 Randall Gay + + 23 Omare Lowe + + 27 Rabih Abdullah + + 28 Corey Dillon + + 29 Earthwind Moreland + + 31 Hank Poteat + + 32 Kory Chapman + + 34 Cedric Cobbs + + 39 Guss Scott + + 42 Dexter Reid + + 46 Zeron Flemister + + 47 Justin Kurpeikis + + 49 Eric Alexander + + 65 Lance Nimmo + + 69 Buck Rasmussen + + 74 Billy Yates + + 75 Vince Wilfork + + 83 Deion Branch (MVP) + + 84 Benjamin Watson + + 85 Jed Weaver + + 91 Marquise Hill + + 96 Rodney Bailey + + 98 Keith Traylor + + New England Patriots Super Bowl XLIX champions + + 3 Stephen Gostkowski + + 6 Ryan Allen + + 8 Garrett Gilbert + + 10 Jimmy Garoppolo + + 16 Jonathan Krause + + 17 Aaron Dobson + + 21 Malcolm Butler + + 22 Stevan Ridley + + 24 Darrelle Revis + + 25 Kyle Arrington + + 26 Logan Ryan + + 27 Tavon Wilson + + 29 LeGarrette Blount + + 31 Justin Green + + 34 Shane Vereen + + 35 Jonas Gray + + 36 Tyler Gaffney + + 37 Alfonzo Dennard + + 39 Brandon Browner + + 41 Daxton Swanson + + 45 Cameron Gordon + + 47 Michael Hoomanawanui + + 48 Danny Aiken + + 50 Rob Ninkovich + + 51 Jerod Mayo + + 53 Eric Martin + + 58 Darius Fleming + + 59 Chris White + + 62 Ryan Wendell + + 63 Dan Connolly + + 64 Chris Barker + + 65 Jordan Devey + + 66 Bryan Stork + + 67 Josh Kline + + 68 Caylin Hauptmann + + 71 Cameron Fleming + + 72 Joe Vellano + + 74 Dominique Easley + + 76 Sebastian Vollmer + + 80 Danny Amendola + + 81 Tim Wright + + 82 Josh Boyce + + 84 Brian Tyms + + 90 Zach Moore + + 91 Jamie Collins + + 92 Jake Bequette + + 94 Chris Jones + + 95 Chandler Jones + + 96 Sealver Siliga + + 97 Alan Branch + + 99 Michael Buchanan + + – James Morris + + – Greg Orton + + Coaches: Stephen Belichick + + Josh Boyer + + Joe Judge + + Harold Nash + + Chad O Shea + + New England Patriots Super Bowl LI champions + + 14 Michael Floyd + + 16 Devin Lucien + + 17 DeAndrew White + + 19 Malcolm Mitchell + + 22 Justin Coleman + + 24 Cyrus Jones + + 25 Eric Rowe + + 27 D. J. Foster + + 31 Jonathan Jones + + 44 Trevor Bates + + 47 Glenn Gronkowski + + 51 Barkevious Mingo + + 55 Jonathan Freeny + + 63 Tre Jackson + + 65 Jamil Douglas + + 66 Chase Farris + + 68 LaAdrian Waddle + + 74 Woodrow Hamilton + + 82 Matt Lengel + + 83 Greg Scruggs + + 88 Martellus Bennett + + 90 Malcom Brown + + 92 Geneo Grissom + + 95 Chris Long + + 96 Darius Kilgo + + 98 Trey Flowers + + 99 Vincent Valentine + + Raymond Ventrone + + 5 Danny Etling + + 11 Julian Edelman (MVP) + + 17 Riley McCarron + + 17 Damoun Patterson + + 39 A. J. Howard + + 42 Jomal Wiltz + + 45 Trent Harris + + 48 Calvin Munson + + 50 Ramon Humber + + 55 John Simon' + __selected-sentences__: + - 'Most games won by a quarterback: 237[2]' + episode_done: true + eval_labels: + - 'Most games won by a quarterback: 237[2]' + id: KnowledgeGenerationTeacher + text: "I work as a freelance accountant.\nI enjoy reading books. \nSame here!\ + \ What kind of books do you read?\nAll fiction! With COVID this past summer,\ + \ I read 16 books in 3 months. You?\nI am a big Harry Potter nerd! What do\ + \ you do for work?\nAudit banks. You?\nI do taxes actually!\nGood for you!\ + \ Are you watching the Superbowl this year?\nI will! It is on the 7th right\ + \ ?\nIt is. Are you a Brady fan or foe?\nSome where in the middle. That guy\ + \ is good, he has most games won by a quarterback/. He seems huble" +- - __select-docs-titles__: + - U S History and Historical Documents USAGov + __selected-docs__: + - 'U.S. History and Historical Documents + + Discover highlights from American history, including military events and founding + documents. + + Military History and Museums + + Military Memorials and Monuments + + The U.S. National Anthem + + The history of the United States is vast and complex, but can be broken down + into moments and time periods that divided, unified, and changed the United + States into the country it is today: + + The American Revolution (sometimes referred to as the American War of Independence + or the Revolutionary War) was a conflict that lasted from 1775-1783 and allowed + the original 13 colonies to remain independent from Great Britain. + + American politician and soldier George Washington became the first president + of the United States in 1789, serving two terms. + + Beginning in Great Britain in the late 1790s, the Industrial Revolution eventually + made its way to the United States and changed the focus of the U.S. economy + and the way it manufactured products. + + In 1803, President Thomas Jefferson agreed to the Louisiana Purchase, successfully + adding 530 million acres of land to the United States. The area was purchased + from France for $15 million. The following year, President Jefferson assigned + Meriwether Lewis (who asked for help from William Clark) to head west and explore + the newly purchased land. It took about a year and a half for the duo to reach + the west coast. + + The War of 1812 resolved outstanding tensions between the United States and + Great Britain. The two year war ended British military posts on U.S. soil and + British interference with American trade. + + The American Civil War divided the United States in two—the Northern States + versus the Southern States. The outcome of the four year battle (1861-1865) + kept the United States together as one whole nation and ended slavery. + + On December 17, 1903, brothers Wilbur and Orville Wright became the first people + to maintain a controlled flight in a powered, heavier-than-air machine. The + Wright Flyer only flew for 12 seconds for a distance of 120 feet, but the technology + would change the modern world forever. + + On April 6, 1917, the United States entered World War I by declaring war on + Germany. + + After nearly 100 years of protests, demonstrations, and sit-ins, women of the + United States were officially granted the right to vote after the 19th Amendment + was ratified on August 26, 1920. + + The worst economic crisis to happen in the United States occurred when the stock + market crashed in October 1929, resulting in the Great Depression. + + World War II officially begins in September 1939 after Germany invades Poland. + The United States didn’t enter the war until after the Japanese attack on Pearl + Harbor on December 7, 1941. + + On August 6 and August 9, 1945, the United States dropped an atomic bomb on + the Japanese cities of Hiroshima and Nagasaki, effectively ending World War + II. + + After World War II, an agreement was reached to divide Korea into two parts: + a northern half to be controlled by the Soviet Union and a southern half to + be controlled by the United States. The division was originally meant as a temporary + solution, but the Soviet Union managed to block elections that were held to + elect someone to unify to the country. Instead, the Soviet Union sent North + Korean troops across the 38th parallel leading to the three-year-long (1950-1953) + Korean War. + + From 1954-1968, the African-American Civil Rights movement took place, especially + in the Southern states. Fighting to put an end to racial segregation and discrimination, + the movement resulted in the 1964 Civil Rights Act, the 1965 Voting Rights Act, + and the 1968 Fair Housing Act. + + The Vietnam War was a nearly 20-year battle (November 1, 1955–April 30, 1975) + between North Vietnam and South Vietnam. North Vietnam won the war and Vietnam + became a unified country. + + The Apollo 11 mission (July 16-24, 1969) allowed United States astronauts Neil + Armstrong and Edwin “Buzz” Aldrin to become the first humans to walk on the + moon’s surface. + + The terrorist attacks on September 11, 2001, changed the United States forever. + Less than a month later (October 7, 2001) the United States began the War in + Afghanistan, which is still happening today. + + On March 20, 2003, the United States invaded and occupied Iraq. The war lasted + for more than eight years before it was officially declared over on December + 18, 2011. + + In 2008, Barack Obama became the first African-American to be elected president + of the United States. + + The Library of Congress has compiled a list of historic events for each day + of the year, titled This Day in History. The website is updated daily and + visitors can view the previous day s history as well as whatever documents, + pictures, or outside information is available for each historical event. + + The American History section of the Library of Congress is separated by time + period or subject and offers an in-depth look at the history of the United States. + + The Declaration of Independence is one of the most important documents in the + history of the United States. + + It took Thomas Jefferson 17 days to write the Declaration of Independence. + + On July 2, 1776, Congress voted to declare independence from Great Britain. + + On July 4, 1776, Congress voted to accept the Declaration of Independence, marking + July 4 as Independence Day. + + To learn more, you may want to: + + Read the complete text of the Declaration of Independence. + + Order a printed copy of the document. + + Contact the National Archives and Records Administration. + + The foundation of the American government, its purpose, form, and structure, + are in the Constitution of the United States. The Constitutional Convention + adopted the Constitution on September 17, 1787. + + The Bill of Rights is the first 10 amendments to the Constitution. It guarantees + greater constitutional protection for individual liberties and lists specific + prohibitions on government power. There are 27 Constitutional Amendments in + all. The 27th Amendment, which was originally proposed in 1789, was not ratified + until 1992. + + Where to View the Constitution + + You can view the original, parchment copy of the Constitution at the National + Archives Building. You can also view an online copy of the U.S. Constitution + or order a printed copy of the Constitution. + + The United States Armed Forces date to 1775, when America needed a defense force + to protect the original 13 colonies from a British invasion. Today, there are + five branches: + + The United States Army is the oldest (established June 14, 1775) and largest + of the five branches. Soldiers are responsible for performing land-based military + operations. + + The United States Navy mainly operates from the waters (seas and oceans) providing + protection both in the water and in the air. + + The modern-day United States Air Force is the youngest of the five branches + (established September 18, 1947). Before the modern-day Air Force was created, + it was an arm of the U.S. Army, dating to 1907. Airmen are responsible for carrying + out aerial military operations. + + The United States Marine Corps is the smallest of the four branches under the + Department of Defense. Marines provide both land and sea support to the Army, + Navy, Air Force, and, in times of war, Coast Guard. + + The United States Coast Guard is the only branch that falls under the Department + of Homeland Security. The Coast Guard is multi-functional, with many peacetime + missions. Coast Guard missions include: maritime search and rescue, maritime + law enforcement, marine environmental protection, and ports, waterways, and + coastal security. + + Military museums offer visitors insight into the history, defining moments, + and current status of the branches of the U.S. Armed Forces: + + The U.S. Army does not have an official museum but there are interactive exhibits + available online as well as smaller, more focused museums located across the + country. + + There is a plan in progress to develop a national museum in the Washington, + DC, area. + + The National Museum of the Marine Corps is located next to the Marine Corps + Base in Quantico, Virginia, and features exhibits on the actions of Marines + during World Wars I and II, the Korean War, and the Vietnam War. + + Located in downtown Washington, DC, the National Museum of the U.S. Navy has + exhibits on different navigational tools used by the Navy as well as artifacts + captured by the Navy. + + The National Museum of the U.S. Air Force is located at Wright-Patterson Air + Force Base in Ohio and features a collection of aircraft used throughout the + history of the Air Force. + + The United States Coast Guard Museum is located on the campus of the Coast Guard + Academy in New London, Connecticut, and features artifacts from the nearly 230-year + history of the Coast Guard. + + Across the United States, military memorials and monuments commemorate wars, + battles, and those who lived and served during those times. Popular points of + interest by each major war include: + + American Revolution: + + Valley Forge National Historical Park is located in Pennsylvania and is a reminder + of the sacrifices made by soldiers at one of the best-known locations from the + American Revolution. + + Adams National Historic Park is located in Massachusetts and offers visitors + a chance to see the birthplace of Presidents John Adams and John Quincy Adams. + + Morristown National Historic Park in New Jersey is a memorial to those members + of George Washington’s army who survived an unusually cold winter. + + The USS Constitution Museum, located in Massachusetts, provides interactive + exhibits on life on the frigate as well as how the ship handled different battles. + + Fort McHenry in Baltimore, Maryland, is the location that inspired the writing + of the Star-Spangled Banner. + + The African American Civil War Memorial and Museum in Washington, DC, has collections + and exhibits to help visitors remember the African Americans who fought in the + Civil War. + + The National Park Service has an online Civil War database that contains information + on the soldiers and sailors who fought in the Civil War. + + Fredericksburg and Spotsylvania National Military Park in Virginia reminds visitors + of some of the Civil War’s most devastating battles. + + Gettysburg National Military Park is located on the site of the Civil War’s + deadliest battle—and is often referred to as the turning point of the entire + war. + + The National Museum of Civil War Medicine in Maryland has exhibits on those + who volunteered to take care of the sick and wounded during the Civil War. + + President s Park in Washington, DC, includes monuments to the thousands of fallen + American soldiers of the First and Second Infantry Divisions. + + The National World War I Museum and Memorial in Kansas City, Missouri, has various + artifacts from the war—including uniforms, tanks and weapons, and illustrations, + political cartoons and soldiers drawings created during the Great War. + + The US Marine Corps War Memorial, also known as the Iwo Jima Memorial, is located + in Virginia near Arlington National Cemetery. + + The World War II Valor in the Pacific National Monument, near Pearl Harbor in + Honolulu, Hawaii, includes the USS Arizona Memorial and exhibits on events that + occurred in the Pacific Theater during the war. + + The National WW II Memorial in Washington, DC, is a tribute to those who served + during the war in battle and at home. + + The Korean War Veterans Memorial depicts those who fought in the three-year + war. + + In Washington, DC, the Vietnam Veterans Memorial has the names of the 58,000 + Americans who died during the conflict etched into the walls of the monument. + + Visit the National Park Service to search for more military memorials and monuments + located throughout the United States. + + The Star-Spangled Banner is the national anthem of the United States of America. + To celebrate a victory over British forces during the War of 1812, U.S. soldiers + raised a large American flag at Fort McHenry in Baltimore, Maryland, on September + 14, 1814. Inspired by those events, Francis Scott Key wrote a poem called Defence + of Fort M Henry, which eventually became the Star Spangled Banner and the United + States national anthem.' + __selected-sentences__: + - American politician and soldier George Washington became the first president + of the United States in 1789, serving two terms. + episode_done: true + eval_labels: + - American politician and soldier George Washington became the first president + of the United States in 1789, serving two terms. + id: KnowledgeGenerationTeacher + text: 'I live in the usa. + + I love to play golf. + + General Washington was the first president of the United States.' +- - __select-docs-titles__: + - Cherry Tree Myth George Washington s Mount Vernon + __selected-docs__: + - 'Cherry Tree Myth + + Home Washington Library Center for Digital History Digital Encyclopedia Cherry + Tree Myth + + Author Philip Levy discusses his book, Where the Cherry Tree Grew. Levy explains + the history, mythology, and archeology of Ferry Farm, Washington s boyhood home + in Fredericksburg, Virginia. + + The Man and Myth + + The story of the cherry tree is not the only Washington-related myth! Mount + Vernon invites you to separate fact from fiction and learn about the real George + Washington. + + Washington grew up with little formal schooling. However, from the joint influence + of role models and literature, Washington steadfastly preserved the importance + of ideas ranging from honor to humanity to hospitality. + + The cherry tree myth is the most well-known and longest enduring legend about + George Washington. In the original story, when Washington was six years old + he received a hatchet as a gift and damaged his father’s cherry tree. When his + father discovered what he had done, he became angry and confronted him. Young + George bravely said, “I cannot tell a lie…I did cut it with my hatchet.” Washington’s + father embraced him and rejoiced that his son’s honesty was worth more than + a thousand trees.1 + + Ironically, this iconic story about the value of honesty was invented by one + of Washington’s first biographers, an itinerant minister and bookseller named + Mason Locke Weems. After Washington’s death in 1799 people were anxious to learn + about him, and Weems was ready to supply the demand. As he explained to a publisher + in January 1800, “Washington you know is gone! Millions are gaping to read something + about him…My plan! I give his history, sufficiently minute…I then go on to show + that his unparalleled rise and elevation were due to his Great Virtues.”2 Weems’ + biography, The Life of Washington, was first published in 1800 and was an instant + bestseller. However the cherry tree myth did not appear until the book’s fifth + edition was published in 1806. + + Learn More About Parson Weems + + Although there were other myths about Washington in Weems’s book, the cherry + tree myth became the most popular. Weems had several motives when he wrote The + Life of Washington and the cherry tree myth. Profit was certainly one of them; + he rightly assumed that if he wrote a popular history book about Washington + it would sell. Weems was also able to counter the early tradition of deifying + Washington by focusing on his private virtues, rather than his public accomplishments. + A Federalist admirer of order and self-discipline, Weems wanted to present Washington + as the perfect role model, especially for young Americans. + + The cherry tree myth and other stories showed readers that Washington’s public + greatness was due to his private virtues. Washington’s achievements as a general + and president were familiar to people in the early nineteenth century, but little + was known about his relationship with his father, who died when Washington was + only eleven years old. As one Pennsylvanian observed, “The facts and anecdotes + collected by the author are well calculated to exhibit the character of that + illustrious man, and Christian hero.”3 Weems knew what the public wanted to + read, and as a result of his success he is considered one of the fathers of + popular history. + + Weems wrote his version of the cherry tree myth to appeal to a broad audience, + but decades later William Holmes McGuffey composed a series of grammar school + textbooks that recast the anecdote as a children s story. McGuffey was a Presbyterian + minister and a college professor who was passionate about teaching morality + and religion to children. His books, known as McGuffey’s Readers, gave him the + perfect opportunity. First published in 1836, the readers remained in print + for nearly a hundred years and sold over 120 million copies. + + McGuffey s version of the cherry tree myth appeared in his Eclectic Second Reader + for almost twenty years, including the German-language edition from 1854. In + McGuffey s version of the story, Washington s language was formalized, and he + showed more deference to his father’s authority. For example, when Washington’s + father explains the sin of lying, McGuffey has young George respond tearfully, Father, + do I ever tell lies?”4 + + As ministers concerned with moral and religious reform, McGuffey and Weems had + similar motives for writing. Both men also believed that the best way to improve + the moral fiber of society was to educate children. Washington provided the + perfect role model, and McGuffey turned the cherry tree myth into a story specifically + aimed at children. Follow-up questions at the end of McGuffey’s cherry tree + story reinforce its message: “How did his father feel toward him when he made + his confession? What may we expect by confessing our faults?”5 + + By the 1830s, the cherry tree myth was firmly entrenched in American culture, + as the case of Joice Heth clearly shows. Heth was an elderly enslaved woman + purchased by P.T. Barnum in 1835. He made her into a sideshow attraction, billing + her as the slave who had raised George Washington. (If true, this would have + made her 161 years old.) Heth had many physical characteristics of extreme old + age, most likely due to her lifetime in slavery. The stories she told about + Washington--including the cherry tree myth--were right out of Weems. Heth was + credible because she was telling stories that people already knew. + + The cherry tree myth has endured for more than two hundred years probably because + we like the story, which has become an important part of Americans cultural + heritage. It has been featured in comic strips and cartoons, especially political + cartoons. Americans like to use the myth as a standard for politicians; presidents + from William McKinley and Theodore Roosevelt to Richard Nixon, George W. Bush, + and Barack Obama have been featured in cherry-tree themed cartoons. The longevity + of the cherry tree myth is demonstrative of both American ideals and Washington’s + legacy. + + 1 Mason Locke Weems, The Life of Washington the Great (Augusta, GA: George P. + Randolph, 1806), 8-9. + + 2 Mason Locke Weems to Mathew Carey, January 12, 1800, in Paul Leicester Ford, + Mason Locke Weems: His Works, His Ways: A Bibliography Left Unfinished, 3 vols. + (New York: Plimpton Press, 1929), 2: 8-9. + + 3 Proposals of Mason L. Weems, Dumfries, for publishing by subscription, The + Life of George Washington, with curious anecdotes, equally honourable to himself + and exemplary to his young countrymen (Philadelphia: Carey, 1809). + + 4 William Holmes McGuffey, The Eclectic Second Reader (Cincinnati: Truman and + Smith, 1836), 113-115. + + Harris, Christopher. Mason Locke Weems’s Life of Washington: The Making of + a Bestseller. Southern Literary Journal, 19 (1987): 92-102. + + Lengel, Edward G. Inventing George Washington: America’s Founder in Myth and + Memory. New York: HarperCollins, 2010. + + McGuffey, William H. The Eclectic Second Reader. Cincinnati: Truman and Smith, + 1836. + + Weems, Mason L. The Life of Washington the Great: Enriched with a Number of + Very Curious Anecdotes, Perfectly in Character, and Equally Honorable to Himself, + and Exemplary to his Young Countrymen. Augusta, GA: George P. Randolph, 1806.' + __selected-sentences__: + - The story of the cherry tree is not the only Washington-related myth! Mount + Vernon invites you to separate fact from fiction and learn about the real George + Washington. + episode_done: true + eval_labels: + - The story of the cherry tree is not the only Washington-related myth! Mount + Vernon invites you to separate fact from fiction and learn about the real George + Washington. + id: KnowledgeGenerationTeacher + text: 'I live in the usa. + + I love to play golf. + + General Washington was the first president of the United States. + + Yes and he chopped down a cherry tree. + + Washington cutting down a cherry tree is a myth.' +- - __select-docs-titles__: + - George Washington Was a Master of Deception The Atlantic + __selected-docs__: + - 'George Washington Was a Master of Deception + + The Founding Fathers relied on deceit in championing American independence—and + that has lessons for the present. + + Contributing editor at The Atlantic + + The French military leader Marquis de Lafayette and General George Washington + at the Valley Forge encampment of the Continental Army during the winter of + 1777–78AP + + As we celebrate Thanksgiving weekend, a holiday first declared by George Washington’s + presidential proclamation in 1789, it is worth remembering that deception played + a pivotal role in America’s birth. Our shining city on the hill owes much to + the dark arts. George Washington, Benjamin Franklin, and other Founding Fathers + are remembered today as virtuous creators of a bold new democracy. But they + were also cunning manipulators of their information environment—a side of the + founding story that has often been neglected by history. + + George Washington’s inability to tell a lie is a lie. That old cherry-tree fable—in + which young George admits to his father that he did, indeed, chop down the tree + with his hatchet—was invented by a Washington biographer named Mason Locke Weems + in 1806 to boost his book sales. In truth, Washington was an avid spymaster + with a talent for deception that would remain unequaled by American presidents + for the next 150 years. During the Revolutionary War, Washington was referred + to by his own secret code number (711), made ready use of ciphers and invisible + ink, developed an extensive network of spies that reported on British troop + movements and identified American traitors, and used all sorts of schemes to + protect his forces, confuse his adversaries, and gain advantage. His military + strategy was to outsmart and outlast the enemy, not outfight him. He used intelligence + to avoid more battles than he fought, and to trick the British into standing + down when standing up could have meant the end of the Continental Army. + + Cassandra Good: Did George Washington “have a couple of things in his past”? + + Washington began using deception soon after he took command of the Continental + Army in 1775. After a summer of skirmishes around Boston, rebel gunpowder was + nearly gone; Washington’s soldiers had enough only for nine bullets per man. + To hide this potentially fatal weakness from the British while he scrambled + to get supplies, Washington ordered that fake gunpowder casks be filled with + sand and shipped to depots where they would be spotted by British spies. He + also ordered a secret paramilitary mission to seize gunpowder stores in Bermuda + that failed only because another secret rebel mission had gotten there first + but nobody bothered to tell Washington. Throughout the war, Washington wrote + reports inflating his troop strength that were designed to fall into the hands + of traitors within his own ranks or agents hiding among the British. During + the brutal winter of 1777–78 at Valley Forge, with his troops starving, freezing, + and dwindling in number, Washington penned fake documents that referred to phantom + infantry and cavalry regiments to convince British General Sir William Howe + that the rebels were too strong to attack. It worked. Had Howe known the truth + and pressed his advantage, the Continental Army might not have survived the + winter. + + Washington’s deceptions even involved French bread. On August 19, 1781, he confided + in his diary, “French bakery to veil our real movements and create apprehensions + for Staten Island.” Because French bread was a major source of food for the + troops, Washington bet that stationing French bake ovens in New Jersey would + help convince British General Sir Henry Clinton that French and American forces + were planning to remain in the New York area and attack Staten Island when in + fact they were marching south, to attack Lord Cornwallis at Yorktown, Virginia. + The deception was convincing, and it helped win the war. Washington was able + to muster superior forces and slow British reinforcements, leading to Cornwallis’s + surrender at Yorktown. Washington wrote later that victory depended on fooling + even his own troops. “Nor were less pains taken to deceive our own Army,” he + wrote to Noah Webster in 1788, “for I had always conceived, when the imposition + did not completely take place at home, it could never sufficiently succeed abroad.” + + Meanwhile, in Paris, Benjamin Franklin secured pivotal French support for the + war through a combination of diplomacy and duplicity. Wearing homespun clothes + and a coonskin cap, Franklin carefully cultivated his image as a virtuous and + simple countryman seeking independence from the domineering British—a ploy that + capitalized on French views of the British and made him wildly popular in French + social circles. At the same time, Franklin waged a covert propaganda campaign + from his Paris basement, where he set up a printing press and wrote articles + designed to sway opinion across Europe. A printer by trade, Franklin even imported + European paper and type to make his documents look more authentic. + + Read: George Washington’s broken dream of a national university + + Some of Franklin’s writings were outright lies. In 1777, for example, he wrote + a fake letter from a German prince to the commander of mercenary troops fighting + with the British in America in which he complains he is being cheated from money + owed to him and tells the commander to let wounded soldiers die so the British + will pay more. The letter created an uproar in Europe over Britain’s use of + mercenaries. In 1782, Franklin created a forgery of a Boston newspaper that + included fake local news and even fake advertisements. The main “story” quoted + a letter from Captain Samuel Gerrish of the New England militia claiming that + the British royal governor of Canada was paying Indian allies for American scalps, + and that many of the scalps sold were from women and children. The story was + picked up and used by Whig opponents of the war in Britain. Franklin’s use of + deception was so skillful, the CIA named him a Founding Father of American intelligence + a century later. + + America’s revolutionary experience with deception suggests two enduring lessons. + The first is that deception almost always unravels. Washington never expected + his deceits to last long. They were used to buy time—holding enemies at bay + for days, weeks, maybe months. Franklin operated on a longer timetable to influence + opinion and secure alliances during the war, but he never assumed his lies would + remain intact. In fact, they didn’t; we now know that Franklin’s own American + delegation in Paris was heavily penetrated by a British agent. + + The second lesson is that deception is a dangerous animal, and therefore must + be used with great care, to advance a truly just cause. One key difference between + the past and the present isn’t the use of half-truths, spin, lies, and deception. + It’s their purpose. The Founders knowingly used the dark arts for a noble collective + end. Their purpose was to deceive and divide British troops, unify domestic + compatriots, and woo French allies to forge a new nation. Their audacious experiment + sought to grant much greater political power to the people rather than live + under the yoke of a distant king. It was an inspiring and unifying enterprise + worthy of the deception it required.' + __selected-sentences__: + - George Washington’s inability to tell a lie is a lie. That old cherry-tree fable—in + which young George admits to his father that he did, indeed, chop down the tree + with his hatchet—was invented by a Washington biographer named Mason Locke Weems + in 1806 to boost his book sales. In truth, Washington was an avid spymaster + with a talent for deception that would remain unequaled by American presidents + for the next 150 years. During the Revolutionary War, Washington was referred + to by his own secret code number (711), made ready use of ciphers and invisible + ink, developed an extensive network of spies that reported on British troop + movements and identified American traitors, and used all sorts of schemes to + protect his forces, confuse his adversaries, and gain advantage. His military + strategy was to outsmart and outlast the enemy, not outfight him. He used intelligence + to avoid more battles than he fought, and to trick the British into standing + down when standing up could have meant the end of the Continental Army. + episode_done: true + eval_labels: + - George Washington’s inability to tell a lie is a lie. That old cherry-tree fable—in + which young George admits to his father that he did, indeed, chop down the tree + with his hatchet—was invented by a Washington biographer named Mason Locke Weems + in 1806 to boost his book sales. In truth, Washington was an avid spymaster + with a talent for deception that would remain unequaled by American presidents + for the next 150 years. During the Revolutionary War, Washington was referred + to by his own secret code number (711), made ready use of ciphers and invisible + ink, developed an extensive network of spies that reported on British troop + movements and identified American traitors, and used all sorts of schemes to + protect his forces, confuse his adversaries, and gain advantage. His military + strategy was to outsmart and outlast the enemy, not outfight him. He used intelligence + to avoid more battles than he fought, and to trick the British into standing + down when standing up could have meant the end of the Continental Army. + id: KnowledgeGenerationTeacher + text: 'I live in the usa. + + I love to play golf. + + General Washington was the first president of the United States. + + Yes and he chopped down a cherry tree. + + Washington cutting down a cherry tree is a myth. + + Did not know that, I thought he was telling the truth to his mother and did + not tell lies. + + He was actually a spy, and told many lies.' +num_episodes: 516 +num_examples: 2881 diff --git a/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_SearchQueryTeacher_test.yml b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_SearchQueryTeacher_test.yml new file mode 100644 index 00000000000..6df0a45f5ea --- /dev/null +++ b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_SearchQueryTeacher_test.yml @@ -0,0 +1,86 @@ +acts: +- - episode_done: true + eval_labels: + - new movies in new york + id: SearchQueryGenerationTeacher + is_last_search_query: false + text: 'I live in New York, New York. + + I like going to the moives. + + I love to get the overpriced snacks.' +- - episode_done: true + eval_labels: + - upcomming movies + id: SearchQueryGenerationTeacher + is_last_search_query: true + text: 'I live in New York, New York. + + I like going to the moives. + + I love to get the overpriced snacks.' +- - episode_done: true + eval_labels: + - movie toy story + id: SearchQueryGenerationTeacher + is_last_search_query: true + text: 'I live in New York, New York. + + I like going to the moives. + + I love to get the overpriced snacks. + + Have you seen any good movies lately? + + I have. I liked Toy Story. There was a marathon.' +- - episode_done: true + eval_labels: + - pixar animation studios technology + id: SearchQueryGenerationTeacher + is_last_search_query: true + text: 'I live in New York, New York. + + I like going to the moives. + + I love to get the overpriced snacks. + + Have you seen any good movies lately? + + I have. I liked Toy Story. There was a marathon. + + All four movies in the Toy Story series are great. Tom Hanks, Tim Allen, and + Don Rickles are all truly great actors and the creativity of the Pixar Animation + Studios team is really top notch. + + It is neat to see how they progressed in the series with the quality.' +- - episode_done: true + eval_labels: + - laptop lost files pixar + id: SearchQueryGenerationTeacher + is_last_search_query: true + text: 'I live in New York, New York. + + I like going to the moives. + + I love to get the overpriced snacks. + + Have you seen any good movies lately? + + I have. I liked Toy Story. There was a marathon. + + All four movies in the Toy Story series are great. Tom Hanks, Tim Allen, and + Don Rickles are all truly great actors and the creativity of the Pixar Animation + Studios team is really top notch. + + It is neat to see how they progressed in the series with the quality. + + You''re right. The quality of all of Pixar''s movies have increased over the + years. This is due, in no small part, to the fact that they have long term teams + that work together on multiple projects. Further, Pixar, as a company, cares + more about creating high quality movies than they do making the most money possible. + This is their company''s culture and the reason for their continuing success. + + I once heard someone erased progress on it like a saved file but someone had + it on their laptop or something.' +num_episodes: 503 +num_examples: 2466 diff --git a/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_SearchQueryTeacher_train.yml b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_SearchQueryTeacher_train.yml new file mode 100644 index 00000000000..16212e32310 --- /dev/null +++ b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_SearchQueryTeacher_train.yml @@ -0,0 +1,66 @@ +acts: +- - episode_done: true + id: SearchQueryGenerationTeacher + is_last_search_query: true + labels: + - Chopped + text: 'My favorite tv show is Chopped. + + They play along with the show + + I just watched chopped for 3 hours straight. The baskets were hard in some of + them.' +- - episode_done: true + id: SearchQueryGenerationTeacher + is_last_search_query: true + labels: + - Chopped + text: "My favorite tv show is Chopped.\nThey play along with the show\nI just\ + \ watched chopped for 3 hours straight. The baskets were hard in some of them.\n\ + \ Baskets? I don't know anything about this show. Is it something about cooking?\n\ + Yes it is. Chefs have a basket with 4 mystery ingredients. They compete to make\ + \ the best meal from the ingredients. " +- - episode_done: true + id: SearchQueryGenerationTeacher + is_last_search_query: true + labels: + - types of cuisine + text: "My favorite tv show is Chopped.\nThey play along with the show\nI just\ + \ watched chopped for 3 hours straight. The baskets were hard in some of them.\n\ + \ Baskets? I don't know anything about this show. Is it something about cooking?\n\ + Yes it is. Chefs have a basket with 4 mystery ingredients. They compete to make\ + \ the best meal from the ingredients. \nIt sounds like quite a challenge! Do\ + \ you watch every episode? Have you tried to make the dishes yourself?\nYes,\ + \ I agree. Some of the ingredients I've never heard of. I try to watch as many\ + \ as I can, but not all. I only imagine what I would make. I have never tried\ + \ by myself. " +- - episode_done: true + id: SearchQueryGenerationTeacher + is_last_search_query: true + labels: + - foodie + text: "My favorite tv show is Chopped.\nThey play along with the show\nI just\ + \ watched chopped for 3 hours straight. The baskets were hard in some of them.\n\ + \ Baskets? I don't know anything about this show. Is it something about cooking?\n\ + Yes it is. Chefs have a basket with 4 mystery ingredients. They compete to make\ + \ the best meal from the ingredients. \nIt sounds like quite a challenge! Do\ + \ you watch every episode? Have you tried to make the dishes yourself?\nYes,\ + \ I agree. Some of the ingredients I've never heard of. I try to watch as many\ + \ as I can, but not all. I only imagine what I would make. I have never tried\ + \ by myself. \nI think it would be a big challenge to do what Chefs on the program\ + \ do. Is there a type of cuisine that they normally feature? Or it it cuisine\ + \ from around the world? \nYes, i forgot to mention there is also only a 20\ + \ or thirty minute time limit, depending on the round. The cuisine is from around\ + \ the world. Fine dining to street style. " +- - episode_done: true + id: SearchQueryGenerationTeacher + is_last_search_query: true + labels: + - Tom Hanks movies + text: 'My favorite actor is Tom Hanks. + + It''s absolutely incredible how many hit movies Tom Hanks has put out + + What is your favorite Tom Hanks movie of them all?' +num_episodes: 8614 +num_examples: 41476 diff --git a/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_SearchQueryTeacher_valid.yml b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_SearchQueryTeacher_valid.yml new file mode 100644 index 00000000000..d5c69825eba --- /dev/null +++ b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_SearchQueryTeacher_valid.yml @@ -0,0 +1,49 @@ +acts: +- - episode_done: true + eval_labels: + - bank audit + id: SearchQueryGenerationTeacher + is_last_search_query: true + text: "I work as a freelance accountant.\nI enjoy reading books. \nSame here!\ + \ What kind of books do you read?\nAll fiction! With COVID this past summer,\ + \ I read 16 books in 3 months. You?\nI am a big Harry Potter nerd! What do\ + \ you do for work?\nAudit banks. You?" +- - episode_done: true + eval_labels: + - Superbowl 2021 + id: SearchQueryGenerationTeacher + is_last_search_query: true + text: "I work as a freelance accountant.\nI enjoy reading books. \nSame here!\ + \ What kind of books do you read?\nAll fiction! With COVID this past summer,\ + \ I read 16 books in 3 months. You?\nI am a big Harry Potter nerd! What do\ + \ you do for work?\nAudit banks. You?\nI do taxes actually!\nGood for you!\ + \ Are you watching the Superbowl this year?" +- - episode_done: true + eval_labels: + - Tom Brady records + id: SearchQueryGenerationTeacher + is_last_search_query: true + text: "I work as a freelance accountant.\nI enjoy reading books. \nSame here!\ + \ What kind of books do you read?\nAll fiction! With COVID this past summer,\ + \ I read 16 books in 3 months. You?\nI am a big Harry Potter nerd! What do\ + \ you do for work?\nAudit banks. You?\nI do taxes actually!\nGood for you!\ + \ Are you watching the Superbowl this year?\nI will! It is on the 7th right\ + \ ?\nIt is. Are you a Brady fan or foe?" +- - episode_done: true + eval_labels: + - the United States of America + id: SearchQueryGenerationTeacher + is_last_search_query: false + text: 'I live in the usa. + + I love to play golf.' +- - episode_done: true + eval_labels: + - USA upheval + id: SearchQueryGenerationTeacher + is_last_search_query: false + text: 'I live in the usa. + + I love to play golf.' +num_episodes: 516 +num_examples: 2881 diff --git a/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_WizardDialogGoldKnowledgeTeacher_test.yml b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_WizardDialogGoldKnowledgeTeacher_test.yml new file mode 100644 index 00000000000..e84f13af7a2 --- /dev/null +++ b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_WizardDialogGoldKnowledgeTeacher_test.yml @@ -0,0 +1,6656 @@ +acts: +- - __retrieved-docs-urls__: + - https://www.comingsoon.net/ + - https://www.movieinsider.com/movies/2021 + - https://www.moviefone.com/coming-soon/ + - https://www.amctheatres.com/movies + - https://timesofindia.indiatimes.com/entertainment/upcoming-movies/upcoming-hindi-movies + __retrieved-docs__: + - 'By Grant Hermanns On February 16, 2019 + + The film is set to debut on Netflix! + + The main series will reportedly conclude with the tenth movie. + + Daniel Craig returns for one last time as James Bond + + By Spencer Perry On February 16, 2019 + + By Joey Mills On February 16, 2019 + + The Umbrella Academy Episode 1 Recap The Umbrella Academy season 1 episode 1 + kicks off in Russia on October 1, […] + + By Kylie Hemmert On February 16, 2019 + + Andrew Bernstein to Direct The Outsider Adaptation of Stephen King’s Novel + + The Emmy-nominated director will also executive produce the HBO drama + + Netflix will release the movie later this yaer + + Rock will also serve as executive producer for the NBC pilot + + Netflix’s You Season 2 Begins Production + + Season 2 will be loosely based on the second series novel, Hidden Bodies + + By Max Evry On February 15, 2019 + + Rodriguez directs CS’s Max Evry and scores the scene live on guitar! + + “The Academy has heard the feedback from its membership” + + “I get to do fowl things to one of my all-time favorite comic book characters + in animation!” + + By Maggie Dela Paz On February 15, 2019 + + The series will return on April 4 + + The long-awaited film will open in the U.S. this coming April + + The limited series will follow the God of Mischief influencing human history + + Star Wars: Episode IX is scheduled for release on December 20 + + Junkie XL Set to Score Sonic the Hedgehog Soundtrack + + The film stars Ben Schwartz as the voice of Sonic + + The series is set to stream on Shudder. + + The sequel series will begin production later this year.' + - '2021 Movies: Upcoming Movies 2021 + + Last Updated: 2 weeks ago | By Brian D. Renner, Editor + + Top & Best 2021 Movies + + The Flash: Flashpoint + + Filter By: Date + + Genres All (37) 3D (1) Action (14) Adaptation (2) Adventure (12) Animation (11) + Based on Toy (1) Comedy (4) Comic Book (1) Dark Comedy (1) Drama (1) Family + (9) Fantasy (4) Horror (1) Kids (1) Musical (1) Political (1) Reboot (1) Sci-Fi + (2) Sequel (6) Shot-In-3D (1) Stop-Motion (1) Superhero (7) + + January | February | March | April | May | June | July | August | September + | October | November | December | TBA + + January 2021 Movies 1 Movies Coming Out + + January 2021 s top movie releases are Untitled WB Event Film #1 (2021). + + Untitled WB Event Film #1 (2021) + + February 2021 Movies 3 Movies Coming Out + + February 2021 s top movie releases are Untitled Marvel II (2021), Untitled WB + Event Film #2 (2021)… more + + February 2021 s top movie releases are Untitled Marvel II (2021), Untitled WB + Event Film #2 (2021) and Untitled Disney Live Action I (2021). + + Untitled Marvel II (2021) + + Untitled Disney Live Action I (2021) + + March 2021 Movies 5 Movies Coming Out + + March 2021 s top movie releases are The Boss Baby 2, Untitled Disney Live Action + (2021), Untitled F… more + + March 2021 s top movie releases are The Boss Baby 2, Untitled Disney Live Action + (2021), Untitled Fox/Marvel Film (2021), Foster and Luck. + + Untitled Fox/Marvel Film (2021) + + Untitled Disney Live Action (2021) + + April 2021 Movies 1 Movies Coming Out + + April 2021 s top movie releases are Fast & Furious 10. + + May 2021 Movies 4 Movies Coming Out + + May 2021 s top movie releases are Doctor Strange 2, Untitled Marvel I (2021), + DC Super Pets and Unt… more + + May 2021 s top movie releases are Doctor Strange 2, Untitled Marvel I (2021), + DC Super Pets and Untitled Disney Live Action II (2021). + + Untitled Marvel I (2021) + + Untitled Disney Live Action II (2021) + + June 2021 Movies 3 Movies Coming Out + + June 2021 s top movie releases are Jurassic World 3, The Batman and Untitled + Pixar Animation (2021)… more + + June 2021 s top movie releases are Jurassic World 3, The Batman and Untitled + Pixar Animation (2021). + + Untitled Pixar Animation (2021) + + July 2021 Movies 4 Movies Coming Out + + July 2021 s top movie releases are Indiana Jones 5, Untitled Illumination Animated + Film (2021), Mis… more + + July 2021 s top movie releases are Indiana Jones 5, Untitled Illumination Animated + Film (2021), Mission: Impossible 7 and Untitled Disney Live Action III (2021). + + Untitled Illumination Animated Film (2021) + + Untitled Disney Live Action III (2021) + + August 2021 Movies 1 Movies Coming Out + + August 2021 s top movie releases are The Suicide Squad. + + September 2021 Movies 1 Movies Coming Out + + September 2021 s top movie releases are Spooky Jack. + + October 2021 Movies 2 Movies Coming Out + + October 2021 s top movie releases are Untitled Paramount/Hasbro Event Film (2021) + and Untitled Disn… more + + October 2021 s top movie releases are Untitled Paramount/Hasbro Event Film (2021) + and Untitled Disney Live Action IV (2021). + + Untitled Paramount/Hasbro Event Film (2021) + + Untitled Disney Live Action IV (2021) + + November 2021 Movies 3 Movies Coming Out + + November 2021 s top movie releases are Dungeons & Dragons, Untitled Marvel III + (2021) and Untitled… more + + November 2021 s top movie releases are Dungeons & Dragons, Untitled Marvel III + (2021) and Untitled Disney Animation 3D (2021). + + Untitled Marvel III (2021) + + Untitled Disney Animation 3D (2021) + + December 2021 Movies 3 Movies Coming Out + + December 2021 s top movie releases are Wicked, Avatar 3 and Untitled WB Animation + Event Film (2021)… more + + December 2021 s top movie releases are Wicked, Avatar 3 and Untitled WB Animation + Event Film (2021). + + Untitled WB Animation Event Film (2021) + + To Be Announced (TBA) 2021 Movies 4 Movies + + TBA 2021 Movie Releases + + My Father’s Dragon + + Wendell and Wild' + - 'Showing Movies sorted by Release Date + + How to Train Your Dragon: The Hidden WorldOpening February 22, 2019 + + The Hole in the GroundOpening March 1, 2019 + + Captain MarvelOpening March 8, 2019 + + Wonder ParkOpening March 15, 2019 + + The MustangOpening March 15, 2019 + + Captive StateOpening March 15, 2019 + + Triple ThreatOpening March 19, 2019 + + DumboOpening March 29, 2019 + + Shazam!Opening April 5, 2019 + + Missing LinkOpening April 12, 2019 + + AfterOpening April 12, 2019 + + Mary MagdaleneOpening April 12, 2019 + + The Curse of La LloronaOpening April 19, 2019 + + Under the Silver LakeOpening April 19, 2019 + + Drunk ParentsOpening April 19, 2019 + + Avengers: EndgameOpening April 26, 2019 + + UglyDollsOpening May 3, 2019 + + Pokémon Detective PikachuOpening May 10, 2019 + + A Dog s JourneyOpening May 17, 2019 + + John Wick: Chapter 3 -- Parabellum + + John Wick: Chapter 3 -- ParabellumOpening May 17, 2019 + + The Sun Is Also a StarOpening May 17, 2019 + + AladdinOpening May 24, 2019 + + Dark PhoenixOpening June 7, 2019 + + The Other Side of Heaven 2: Fire of Faith + + The Other Side of Heaven 2: Fire of FaithOpening June 7, 2019' + - 'Featured MoviesAMC independentSensory Friendly Films + + Premium OfferingsIMAX VR at AMCAMC Live Q&ADolby Cinema at AMCDolby Cinema 3DIMAX + at AMCIMAX 3DPRIME at AMCPRIME 3DD-BOXD-BOX 3DBigDBigD 3DRealD 3D3D70mmSensory + Friendly FilmsOpen Caption (On-screen Subtitles) + + Pre-show and trailers run for approximately 20 minutes before the movie starts.2 + hr 3 minNRReleased Feb 14 + + Get $5 Bonus Bucks with Premiere + + Join, extend or upgrade to AMC Stubs Premiere™ by 3/31 and earn $5 Bonus Bucks! + Plus, enjoy a year of premium perks, including a $5 reward for every $50 spent + and waived online ticketing fees. + + Join Now Upgrade/Renew' + - 'Mitwa Janam Janam Ke + + Did you know Munni Badnaam Huyee was a remake of a song from a Pakistani film + + Did you know Kartik Aaryan is a major cricket fanatic? + + Did you know that Farah Khan had planned Happy New Year all the way back in + 2004? + + Did you know Katrina Kaif was Anurag Basu s first choice to narrate the story + in ‘Barfi!’? + + 2019 Oscar Nominated S... + + Thomas & Friends: Big ... + + Arandavanukku Irundath... + + Vaarikkuzhiyile Kolapa... + + Kalbettada Darodekorar... + + Borof + + Kambalabettu Bhatrena ... + + Kori Rotti + + Upcoming Movies / + + Ajay Devgn-Sridevi + + Salman - Bhansali + + Nick - Priyanka + + Siddhant Chaturvedi + + Bhumi Pednekar, Sushant Singh Rajput, Manoj Bajpayee, Ashutosh Rana, Ranvir + Shorey + + Talha Arshad Reshi, Rasika Dugal, Sumit Kaul + + 01 Mar 2019 | 2 hrs 2 mins + + Aftab Shivdasani, Shreyas Talpade, Sonnalli Seygall, Ishita Dutta, Pavan Malhotra, + Vijay Raaz, Jameel Khan + + Kartik Aaryan, Kriti Sanon, Aparshakti Khurana, Pankaj Tripathi, Vinay Pathak + + Amitabh Bachchan, Taapsee Pannu, Amrita Singh, Manav Kaul + + Pratap Saurabh Singh, Preetyka Chauhan + + ajay devgn, Anil Kapoor, Madhuri Dixit, Riteish Deshmukh, arshad warsi, Jaaved + Jaaferi, Sanjay Mishra, Johnny Lever, Mahesh Manjrekar, Boman Irani, Aashish + Chaudhary, Ashwin Mushran, Rajpal Yadav, Pitobash Tripathy, Vijay Patkar + + Critic s Rating:2.0 + + Comedy | U + + Prit Kamani, Anshuman Malhotra, Tushar Pandey, Simran Sharma + + Aishwarya Rajesh, Nakul Choudharry + + Horror, Mystery, Thriller | A + + 15 Feb 2019 | 1 hr 57 mins + + Nabinoor Mansury + + Action, Drama, Romance | A + + Gautam Gulati, Ruhi Singh + + Rahul Bagga, Nancy Thakkar, Akhilendra Mishra + + Romance, Drama | UA + + Ansh Gupta, Saurabh Sharma, Aditi Bhagat + + Amartya Ray, barun sobti, Rajit Kapoor, Panchi Bora, Chaiti Ghoshal, Rajesh + Sharma, Geetika Tyagi + + Sport, Drama + + Anjali Patil, Makrand Deshpande, Sonia Albizuri, Nachiket Purnapatre + + Nawazuddin Siddiqui, Sanya Malhotra, Denzil Smith + + Ali Fazal, Sanjay Mishra, Ashutosh Rana, Yashpal Sharma, Shraddha Srinath, Sikander + Kher, Pankaj Tripathi, Reecha Sinha + + Abhimanyu Dasani, radhika madan, Gulshan Devaiah, Mahesh Manjrekar, Jimit Trivedi + + Comedy, Drama | U + + Akshay Kumar, parineeti chopra, Edward Sonnenblick, Mark Bennington, Pavan Malhotra, + Ashwath Bhatt, Rana Ranbir, Mir Sarwar + + rajkummar rao, Kangana Ranaut + + Zaheer Iqbal, Pranutan Bahl + + Vidyut Jammwal, Makarand Deshpande, Atul Kulkarni, Pooja Sawant + + Adventure, Action, Family, Thriller + + Sonam Kapoor, Dulquer Salmaan, Anil Kapoor, Sanjay Kapoor + + 05 Apr 2019 | 1 hr 24 mins + + John Abraham, Mouni Roy + + Alia Bhatt, Madhuri Dixit, varun dhawan, Aditya Roy Kapur, Sonakshi Sinha, Sanjay + Dutt, Hiten Tejwani + + Kriti Sanon, Diljit Dosanjh, Varun Sharma + + Tiger Shroff, Ananya Panday, Samir Soni, Tara Sutaria, Rajesh Kumar + + Chhota Bheem Kung Fu Dhamaka + + 10 May 2019 | 2 hrs 2 mins + + Ajay Devgn, Tabu, rakul preet singh + + Sidharth Malhotra, Parineeti Chopra + + Salman Khan, Tabu, Katrina Kaif, Disha Patani, sunil grover, varun dhawan + + 05 Jun 2019 | 1 hr 52 mins + + Shahid Kapoor, Kiara Advani + + Jacqueline Fernandez, Sushant Singh Rajput, Vikramjeet Virk, Sapna Pabbi, Boman + Irani, Pankaj Tripathi + + Action, Thriller, Drama, Adventure | A + + 05 Jul 2019 | 1 hr 10 mins + + Karan Deol, Saher Bamba + + Hrithik Roshan, Mrunal Thakur, Aditya Shrivastava, Pankaj Tripathi, Mohammed + Zeeshan Ayyub + + Amitabh Bachchan, Ranbir Kapoor, Alia Bhatt, Mouni Roy, Nagarjuna Akkineni, + dimple kapadia + + Adventure, Fantasy, Sci-Fi + + Prabhas, Neil Nitin Mukesh, Shraddha Kapoor, Jackie Shroff, Tinnu Anand, Arun + Vijay, Chunky Pandey, Mandira Bedi + + Hindi, Tamil, Telugu, Malayalam + + Sushant Singh Rajput, Shraddha Kapoor, Prateik Babbar, Varun Sharma, Tahir Raj + Bhasin + + 30 Aug 2019 | 1 hr 44 mins + + Rajkummar Rao, mouni roy, Boman Irani + + Akshay Kumar, Kareena Kapoor, Diljit Dosanjh, Kiara Advani + + Nushrat Bharucha, Ayushmann Khurrana + + Sunny Kaushal, Rukshar Dhillon + + Jhund + + Riteish Deshmukh, Sidharth Malhotra, Tara Sutaria, rakul preet singh + + Farhan Akhtar, Priyanka Chopra, Zaira Wasim + + Akshay Kumar, Riteish Deshmukh, Boman Irani, bobby deol, kriti sanon, pooja + hegde, Kriti Kharbanda + + 25 Oct 2019 | 2 hrs 2 mins + + varun dhawan, Shraddha Kapoor, Nora Fatehi + + Ajay Devgn, Saif Ali Khan + + Drama, History | UA + + Panipat: The Great Betrayal + + Sanjay Dutt, kriti sanon, Arjun Kapoor, Padmini Kolhapure + + 25 Dec 2019 | 1 hr 52 mins + + Tiger Shroff, Shraddha Kapoor + + Sanjay Dutt, Alia Bhatt, Pooja Bhat, Aditya Roy Kapur, Sidharth Malhotra + + Ranveer Singh, Vijay Deverakonda, Ammy Virk, Harrdy Sandhu, Sunny Kaushal, Jiiva, + Sahil Khattar, Chirag Patil, Tahir Raj Bhasin, Saqib Saleem + + Drama, Biography, Musical | UA + + Indranee Talukder + + Abhimanyu Singh, Vrajesh Hirjee, Prashant Narayanan, Uday Tikekar, Anupam Shyam, + Mrinmai Kolwalkar, Ehsaan Qureshi + + Drama, Crime, Thriller | UA + + Sachiin Joshi, Vivan Bhatena, nargis fakhri, mona singh, Navneet Kaur Dhillon, + Ali Asgar + + Horror, Drama, Suspense, Thriller | A + + Zuber K. Khan, Sapna Choudhary, Vikrant Anand, Anju Jadhav + + Bharath Seeni, Subiksha, Gautham Vasudev Menon, Krisha Kurup + + Sanjana Sen, Deana Uppal, Akbar Khan, Mohit Gaur + + Drama, Thriller | A + + Raashul Tandon, Manisha Ram Kelkar, Chetan Hansraj, Vik Khanna, Alisha Farrer + + Comedy, Thriller | A + + Farhan Akhtar, Annu Kapoor, Kamal Sidhu, Mathieu Carriere, Valentina Carnelutti, + Maitrey Bajpai + + Comedy, Drama | UA + + SP Chauhan: A Struggling Man + + Jimmy Sheirgill, Yuvika Chaudhary, Yashpal Sharma, Vijay Kumar Dogra + + Picture Ki Cheerphad `Papi Gudia + + Gaurav Kapoor + + Anil Kapoor, Sonam Kapoor, Rajkummar Rao, Juhi Chawla, Madhumalti Kapoor, Regina + Cassandra, Abdul Quadir Amin, Brijendra Kala, Seema Pahwa, Abhishek Duhan + + Umakant Pandey Purush Ya ... ? + + Shivangi Singh, Ajeet Singh, Shrikant Karanjgaonkar, Gurpech Singh Samagh, Neha, + Pramod Rathod + + Sandeep Singh, Anamika Shukla, Subrato, Monika + + 26 Jan 2019 | 1 hr 30 mins + + Aanand Gangwar, Sikander Abbas, Aslam Qureshi, Kailash Soni + + Kangana Ranaut, Atul Kulkarni, Jisshu Sengupta, Suresh Oberoi, Danny Denzongpa, + Kulbhushan Kharbanda, Mohammed Zeeshan Ayyub, Ankita Lokhande, Taher Shabbir, + Manish Wadhwa, Yash Tonk, Mishti Chakravarty, Unnati Davara + + Hindi, Tamil, Telugu + + Drama, Biography, History, Action | UA + + nawazuddin siddiqui, amrita rao + + Hindi, Marathi + + Drama, Biography | UA + + Shishir Sharma, Yajuvendra Singh, Rashmi Mishra + + Moin Khan, Saagar Kale, Nyla Masood + + Emraan Hashmi, Shreya Dhanwanthary, Ammar Taalwala + + Radhika Apte, Akshay Oberoi, Ravi Kishan, Shilpa Shukla, Akshat Verma, Siddhanth + Kapoor, Adil Hussain, Ajinkya Deo + + Comedy, Crime, Mystery | UA + + Avinash Dhyani, Alka Amin, Virendra Saxena, Shishir Sharma, Sumit Gulati, Mukesh + Tiwari, Gireesh Kr. Sahdev, Prashil Rawat + + Drama, Biography, War | UA + + arshad warsi, Saurabh Shukla, Sara Loren, Kanchan Awasthi, elli avram, Flora + Saini, Peeyush Suhaney, Varun Badola, Mihika Verma, Anangsha Biswas + + Comedy | UA + + Govinda, Shakti Kapoor, Digangana Suryavanshi, Govind Namdeo, Mahesh Anand, + Mishika Chourasia + + Chhappan Bhai + + Noushad, Azitabh + + Drama, Comedy | U + + Woh Jo Tha Ek Massiah Maulana Azad + + Linesh Fanse, Sirali Gupta, Marmik Gupta, Deepak Acharya, Chand Ansari, Arati + Gupte, Sudhir Joglekar + + Drama, Biopic | UA + + Rahul Roy, Akansha Shivhare, Trivikram Mattoo + + Falsafa: The Other Side + + Manit Joura, Sumit Gulati, Ridhima Grover, Geetanjali Singh + + Drama, Action, Thriller | UA + + Elena Kazan, Vicky Ahuja, Shoaib Ibrahim, Sparsh Sharma, Jashan Kohli, Vishwas + Kini, Farnaz Shetty + + Drama, Action, War | UA + + Anupam Kher, Akshaye Khanna, Suzanne Bernert, Arjun Mathur, Aahana Kumra, Avtar + Sahni, Vimal Verma, Anil Rastogi, Mike Gassaway, Atul Sharma, Manoj Anand, Divya + Seth + + Drama, Biography | U + + Vicky Kaushal, Yami Gautam, Kirti Kulhari, Vikramjeet Virk, Paresh Rawal, Manish + Chaudhary, Anil George, Swaroop Sampat + + Atul Kulkarni, Divya Dutta, Mohan Agashe + + Thriller, Mystery | A + + Mugdha Godse, Disha Sachdeva, Deepak Antani, Johny Nirmal + + Drama, Romance | A + + Ananth Narayan Mahadevan, Mona Ambegaonkar, Veena Nair, Arpit Chaudhary, Abhay + Kulkarni + + rajeev khandelwal, Usha Jadhav, Chelsie Preston Crayford + + Dharma Bhai + + Sai Dharam Tej, Lavanya Tripathi, Ashish Vidyarthi, Sayaji Shinde, Rahul Dev + + Ajay Tripathi, Gulfam Khan, Alam Siddiqui + + Ranveer Singh, Sara Ali Khan, Sonu Sood, Siddharth Jadhav, Ajay Devgn, Suresh + Oberoi, Naushaad Abbas, Abdul Quadir Amin + + Action, Comedy, Drama | UA + + Shah Rukh Khan, Anushka Sharma, Katrina Kaif, Tigmanshu Dhulia, Mohammed Zeeshan + Ayyub, Brijendra Kala, Abhay Deol, Sheeba Chaddha, Vipin Sharma, Salman Khan, + R. Madhavan, Rani Mukerji, kajol, Karisma Kapoor, Alia Bhatt, Sridevi + + Hindi, Tamil + + Ayub Khan, Brijendra Kala, Varsha Manikchand Shrivastav + + Brijendra Kala, Manav Sohal, Vaishnavi Dhanraj, Shravani Goswami + + Comedy, Drama, Romance | A + + Bhaagte Raho + + Rajpal Yadav, Riya Deepsi, Abhay Kabir Raichand, Sunil Pal, Dinesh Hingoo, Gopi + Bhalla + + Aryan Neeraaj Ananda, Ankita Bahuguna, Anjani Kumar Singh, Anaika Soti, Sahil + Shekh, ​Vinayak Mishra, Abhishek Soti, Abhishek Mahendru, Preena Jhamb + + Drama, Sport | U + + Shefali Shah, Neeraj Kabi, Bhagwan Tiwari, Bidita Bag, Priyanshu Painyuli + + Popular in Movies + + Bhojpuri song Jhumka Jhulaniya Ft. Khesari Lal Y... + + Bhojpuri Song Jable Jagal Bani Ft. Khesari Lal Yadav and Kaja... + + Akshay Kumar s Kesari trailer: Bollywood celebs are speechles... + + Watch: Bhojpuri song Choliye Me Aatkal Paran Ft. Pawan Singh ... + + Latest Holi Special Bhojpuri song Bhatar Gaile Dilli Ho sung ... + + Ram Gopal Varma taunts Pak PM; Kangana Ranaut gets trolled for ... + + Does it get difficult for Taimur Ali Khan when mom Kareena Kapo... + + Did govt deny Jamia’s request to honour Shah Rukh Khan with doc... + + Total Dhamaal: Exclusive interview of Ajay Devgn and Riteish De... + + Akshay Kumar s Kesari trailer inspires a hilarious meme fest ... + + Is Radhika Madan ready to act in Hindi Medium 2 ? + + Why Indra Kumar hasn t worked with his sister Aruna Irani after... + + Shah Rukh Khan misses daughter Suhana Khan and here s the proof... + + Throwback video! When Salman Khan teased Katrina Kaif for missi... + + Pulwama terror attack: Ram Gopal Varma taunts Pakistan Prime Mi...' + __selected-docs__: + - __noselected-docs__ + __selected-sentences__: + - __no_passages_used__ + episode_done: false + eval_labels: + - Have you seen any good movies lately? + id: WizInternetWizardTeacher + search_query: upcomming movies + text: "__knowledge__ __no_passages_used__ __endknowledge__ \n I live in New York,\ + \ New York.\nI like going to the moives.\nI love to get the overpriced snacks." +- - __retrieved-docs-urls__: + - http://www.mtv.com/news/movie/toy-story/ + - https://www.imdb.com/title/tt0114709/ + - https://toystory.disney.com/ + - https://movies.disney.com/toy-story-4 + - https://en.wikipedia.org/wiki/Toy_Story + __retrieved-docs__: + - 'Will Poulter s Toy Story-Inspired Halloween Costume Is Both Terrifying And + Perfect + + WHY ARE HIS TEETH LIKE THIS + + Pixar s New Suburban Fantasy Sounds Like A Real Tearjerker + + Director Dan Scanlon was inspired by the father he never knew + + Disney Confirms Every Pixar Film Is Connected With An Easter Egg-Filled Video + + When can we start calling it the Pixar Extended Universe? + + 9 Aliens Who Could’ve Convinced Zayn To Leave One Direction + + Maybe Take Me Home was a message to his true people galaxies away? + + Was This Character In Toy Story 2 Secretly A Villain In Disguise? + + A Toy Story 2 Reddit fan theory posits one of Andy s toys was actually responsible + for getting Woody kidnapped. + + 21 Disney Characters That Have Delighted Us Since We First Met The Mouse 87 + Years Ago + + In honor of the 87th anniversary of Mickey Mouse s big screen debut, we re listing + 21 of our other favorite Disney characters. + + Jocelyn Rish 11/18/2015 + + An Artist Illustrated The People Who Voiced Famous Disney Movies As Their Characters + And It’s Awesome + + What would the voices of ‘Frozen’ look like if it was a live-action movie instead + of a cartoon? + + Joseph Lamour RococoCocoa 09/02/2015 + + 8 Shocking Secrets From The Making Of Pixar s Toy Story + + The makers of Toy Story reveal shocking details about the making of the film + for its 20th anniversary. + + Why There d Be No Toy Story Without Totoro + + Celebrating Studio Ghibli s lasting influence on animation on the studio s 30th + anniversary. + + See 16 Starbucks Sleeves Transformed Into Disney Characters + + From Ariel to Aladdin, check out how one graphic desinger transformed these + Starbucks sleeves into your favorite Disney characters. + + Cory Midgarden Coryazy 04/02/2015 + + This Mashup Of Annabelle And Toy Story Turns Woody Into Your Worst Nightmare + + This mashup video of Toy Story and Annabelle confirms once and for all that + Woody was a serial killer this whole time. + + Toy Story 3 Will Be More Than Just A Repetition, Stars Insist + + Tim Allen, who voices Buzz Lightyear, says sequel really expands the emotion of + first two films. + + Scariest Onscreen Dolls: From Chucky To Saw To ... Toy Story ? + + Friday s Dead Silence continues grand tradition of inanimate villains. + + Should Buzz Lightyear Really Be Hanging With Van Gogh? MOMA Thinks So + + New York s Museum of Modern Art featuring revolutionary Pixar new-media exhibit + through February 6.' + - 'G | 1h 21min | Animation, Adventure, Comedy | 22 November 1995 (USA) + + John Lasseter (original story by), Pete Docter (original story by) | 6 more + credits » + + Tom Hanks, Tim Allen, Don Rickles | See full cast & crew » + + Bo Peep leads a rescue mission in first Toy Story 4 clip + + Toy Story 4 Clip Sends Bo Peep and Woody on a Rescue Mission + + Mark Wahlberg and Will Ferrell s Favourite Holiday Movies + + The Movies and TV Shows of Joss Whedon + + 2019 Watched list + + بشوفها + + Films that I can watch when I am not home alone (parents are in) + + Search for Toy Story on Amazon.com + + Title: Toy Story (1995) + + 90s Movie to TV Series + + Top Rated Movies #89 | Nominated for 3 Oscars. Another 25 wins & 20 nominations. + See more awards » + + 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. + + Stars: Mike Myers, Eddie Murphy, Cameron Diaz + + A Lion cub crown prince is tricked by a treacherous uncle into thinking he caused + his father s death and flees into exile in despair, only to learn in adulthood + his identity and his responsibilities. + + Directors: Roger Allers, Rob Minkoff + + Stars: Matthew Broderick, Jeremy Irons, James Earl Jones + + Directors: Pete Docter, Ronnie Del Carmen + + Stars: Amy Poehler, Bill Hader, Lewis Black + + Directors: Chris Wedge, Carlos Saldanha + + Stars: Denis Leary, John Leguizamo, Ray Romano + + Tom Hanks ... Woody (voice) + + Tim Allen ... Buzz Lightyear (voice) + + Don Rickles ... Mr. Potato Head (voice) + + Jim Varney ... Slinky Dog (voice) + + Wallace Shawn ... Rex (voice) + + John Ratzenberger ... Hamm (voice) + + Annie Potts ... Bo Peep (voice) + + John Morris ... Andy (voice) + + Erik von Detten ... Sid (voice) + + Laurie Metcalf ... Mrs. Davis (voice) + + R. Lee Ermey ... Sergeant (voice) + + Sarah Freeman ... Hannah (voice) + + Penn Jillette ... TV Announcer (voice) + + Jack Angel ... Shark / Rocky Gibraltar (voice) + + Spencer Aste ... Wounded Soldier (voice) + + A little boy named Andy loves to be in his room, playing with his toys, especially + his doll named Woody . But, what do the toys do when Andy is not with them, + they come to life. Woody believes that his life (as a toy) is good. However, + he must worry about Andy s family moving, and what Woody does not know is about + Andy s birthday party. Woody does not realize that Andy s mother gave him an + action figure known as Buzz Lightyear, who does not believe that he is a toy, + and quickly becomes Andy s new favorite toy. Woody, who is now consumed with + jealousy, tries to get rid of Buzz. Then, both Woody and Buzz are now lost. + They must find a way to get back to Andy before he moves without them, but they + will have to pass through a ruthless toy killer, Sid Phillips. Written by John + Wiggins + + toy | rivalry | cowboy | cgi animation | claw crane | See All (224) » + + Proud to be a vegetable See more » + + Toy Story in 3-D See more » + + Pixar Animation Studios - 1200 Park Avenue, Emeryville, California, USA See + more » + + Dolby SR | Sonics-DDP (3D re-release)| SDDS + + Introduced to the National Film Registry in 2005, its first year of eligibility + for such an accolade. See more » + + When Buzz is sitting on the floor of Sid s room, he is wearing his Mrs. Nesbitt apron. + As Sid s toys converge on Buzz, the apron is gone but is tossed away an instant + later while the toys work on him. See more » + + Andy: [playing with and mimicking the voices of his toys; holding Mr. Potato + Head] All right, everyone! This... is a stick-up. Don t anybody move! Now empty + that safe! + + [empties Hamm the piggy bank and coins fall out] + + Andy: Ooh, hoo hoo! Money, money, money! + + [has Potato Head kiss the money; as Bo Peep] + + Andy: Stop it! Stop it, you mean old potato! + + [as Potato Head] + + Andy: Quiet, Bo Peep! Or your sheep get run over! + + [as the sheep, on a toy car track] + + Andy: Help! Baaa! Help us! + + This is the first Pixar film to feature the Production Babies section, which + lists babies born to the crew members during production. This would become a + trademark in the following years, in films like A Bug s Life (1998), Toy Story + 2 (1999), Monsters, Inc. (2001) and Finding Nemo (2003). See more » + + Several other sequences that included words were rewritten in different languages + for international releases. Among these are the don t count on it from the + 8 ball, posters in Andy and Sid s rooms, and the words on the television screen + during the Buzz Lightyear Commercial See more » + + Featured in WatchMojo: Top 10 Most Memorable Movies of 1995 (2015) See more + » + + Q: What is the Morse code used by Babyface in Sid s room? + + Q: Is Toy Story based on a book? + + Every Kid s Fantasy + + 3 February 2009 | by alexkolokotronis – See all my reviews + + Toy Story is the film that started Pixar Animated Studios into its long string + of never ending success. What Pixar does is not just absorb the younger demographic + and keep the older ones mildly entertained. It completely absorbs everyone watching + no matter the age or the level of maturity, films of Pixar, starting from Toy + Story, have kept a certain magical touch around it with an unexpected amount + of depth. Everyone as a child imagines their toys will come alive and go on + their own adventures. One of the great things Pixar does is that it does not + attract audiences with its overloaded superstar casts but rather with its material. + The only superstar here is Tom Hanks and Tim Allen is the next most aforementioned + voice over. Unlike what most people think their is an actually a method to casting + for animated films as there is to a live-action one. As a result of this Pixar + stays faithful to its material and creates a great genuine and warm feeling + around the film and its characters.' + - 'Watch your favorite Toy Story Toons! + + Toy Story Toons - Small Fry + + When Buzz Lightyear is left behind at a fast food restaurant Woody and the gang + must devise a way to rescue their friend. + + Hawaiian Vacation - Toy Story Toons + + Woody and Buzz lead a group of toys in giving Ken and Barbie the Hawaiian vacation + of their dreams. + + Play your favorite Toy Story games + + Toy Story of TERROR! - Creepy Crawl Space + + Help Jessie, Woody, and Buzz locate their missing pals! + + Toy Story 3 - Bubble Bounce + + Help Rex throw the best party ever! + + Woody s Fantastic Adventure + + Help Woody find his friends in Bonnie s room. + + Woody s Big Escape + + Help Woody Escape! + + See your favorite moments with Woody and his friends! + + Toy Story of Terror Blu-ray and Digital HD Trailer + + Join Buzz, Woody, and the gang on an adventure full of mystery and suspense. + New on Blu-ray and Digital HD Aug 19. + + Toy Story of TERROR! Trailer + + See your favorite characters in a new Halloween television special on ABC in + Toy Story of TERROR! + + Toy Story Play Set - DISNEY INFINITY + + Woody - DISNEY INFINITY + + Rustle up some action with Woody, the fastest-moving cowboy in the West. Shake + the snakes outta your boots and get moving. + + I am Buzz Lightyear; I come in peace. + + Unfamiliar Territory + + Terrain seems a bit unstable. No readout yet if the air is breathable. And there + seems to be no sign of intelligent life anywhere. + + All right, that s enough! Look, we re all very impressed with Andy s new toy. + + Ahhh! This is the part where we blow up! + + Woody Mocks Buzz + + Buzz look, an alien! + + I m Buzz Lightyear, Space Ranger, Universe Protection Unit. My ship has crash-landed + here by mistake. + + I wanted to thank you, Woody, for saving my flock. + + Coming soon to Blu-ray, DVD, Digital HD, & Disney Movies Anywhere! + + Toy Story That Time Forgot Combo Pack + + Commentary with Toy Story that Time Forgot director, Steve Purcell, and head + of story, Derek Thompson + + Toy Story Goes to Comic-Con + + Feel the power - and sing along - as Reptillus Maximus sings his soulful ballad, My + Unexpected Friend. + + 2 Versions Included (My Unexpected Friend with Reptillus Maximus & My Unexpected + Friend – You Sing it!) + + A 2D animated opening for the fictional animated TV series, Battlesaurs . + + Montage for toolkits produced for Toy Story That Time Forgot. + + Deleted Scenes with Intros & Outros + + Battlesuars Christmas + + Light of Play + + Prisoners of Bone + + Trixie’s Proposal + + Toy Story That Time Forgot DVD + + In this behind-the-scenes look at Toy Story That Time Forgot, the filmmakers + share a peek at the origins of the Battlesaurs world and culture + + Enjoy all the Toy Story movies and TV specials! + + Led by Woody, Andy s toys live happily in his room until Andy s birthday brings + Buzz Lightyear onto the scene. + + Andy heads off to Cowboy Camp, leaving his toys to their own devices. + + What starts out as a fun road trip for the Toy Story gang takes an unexpected + turn for the worse when the trip detours to a motel. + + Toy Story Toy Story 2 Toy Story 3 Toy Story of TERROR! Toy Story That Time Forgot + + Toy Story 4 | Big Game Ad Every Disney Thing We re Looking Forward to in 2019 + | News by Oh My Disney Our Favorite Disney Moments from 2018 | News by Oh My + Disney Disney Door Decor for Halloween | Disney DIY by Disney Family 3 Disney•Pixar + Nail Art Ideas | TIPS by Disney Style + + Woody s Big Escape Toy Story 3 - Bubble Bounce Woody s Wild Adventure Toy Story + 3 - Day Care Dash + + Sheriff Woody Buzz Lightyear Jessie Rex Aliens + + © Disney, All Rights Reserved, Toy Story' + - 'Watch the new Big Game Ad from Toy Story 4. See the film in theatres Summer + 2019! + + Woody’s journey in “Toy Story 4” includes a visit to a carnival where he meets + Ducky and Bunny, two carnival prizes who are eager to be won. But when their + plans are rudely interrupted by Woody and his friends, they find themselves + on an unexpected adventure with a group of toys who have no idea what it feels + like to be tacked to a prize wall.' + - 'This article is about the original Toy Story film. For other uses, see Toy + Story (disambiguation). + + 1995 American animated film directed by John Lasseter + + November 19, 1995 (1995-11-19) (El Capitan Theatre) + + Toy Story is a 1995 American computer-animated buddy comedy film produced by + Pixar Animation Studios and released by Walt Disney Pictures. The feature film + directorial debut of John Lasseter, it was the first entirely computer-animated + feature film, as well as the first feature film from Pixar. The screenplay was + written by Joss Whedon, Andrew Stanton, Joel Cohen, and Alec Sokolow from a + story by Lasseter, Stanton, Pete Docter, and Joe Ranft. The film features music + by Randy Newman, and was executive-produced by Steve Jobs and Edwin Catmull. + It features the voices of Tom Hanks, Tim Allen, Don Rickles, Wallace Shawn, + John Ratzenberger, Jim Varney, Annie Potts, R. Lee Ermey, John Morris, Laurie + Metcalf, and Erik von Detten. + + Taking place in a world where anthropomorphic toys come to life when humans + are not present, the plot focuses on the relationship between an old-fashioned + pull-string cowboy doll named Woody and an astronaut action figure, Buzz Lightyear, + as they evolve from rivals competing for the affections of their owner Andy + Davis, to friends who work together to be reunited with him after being separated. + + Following the success of Pixar s 1988 short film Tin Toy, the company was approached + by Disney to produce a computer-animated feature film told from a small toy + s perspective. Lasseter, Stanton, and Docter wrote early story treatments, which + were rejected by Disney, who wanted the film s tone to be edgier . After several + disastrous story reels, production was halted and the script was rewritten to + better reflect the tone and theme Pixar desired: toys deeply want children + to play with them, and [...] this desire drives their hopes, fears, and actions + . The studio, then consisting of a relatively small number of employees, produced + the film under only minor financial constraints. + + Toy Story premiered at the El Capitan Theatre in Los Angeles, California, on + November 19, 1995, and was released in North America on November 22, 1995. It + was the highest-grossing film during its opening weekend,[4] eventually earning + over $373 million at the worldwide box office. It was acclaimed by critics and + audiences, who praised the technical innovation of the 3D animation, the wit + and thematic sophistication of the screenplay, the musical score, and the voice + performances of Hanks and Allen; it is considered by many to be one of the best + animated films ever made.[5] The film received three Academy Award nominations, + including Best Original Screenplay, Best Original Song for You ve Got a Friend + in Me , and Best Original Score, as well as winning a Special Achievement Academy + Award.[6] In 2005, its first year of eligibility, it was inducted into the National + Film Registry for being culturally, historically, or aesthetically significant + .[7] + + In addition to home media and theatrical re-releases, Toy Story-inspired material + includes toys, video games, theme park attractions, spin-offs, merchandise, + and three sequels—Toy Story 2 (1999), Toy Story 3 (2010) and Toy Story 4 (2019)—all + of which garnered commercial success and critical acclaim. A spin-off TV series + called Buzz Lightyear of Star Command aired from 2000 to 2001, starting with + a direct-to-video film, Buzz Lightyear of Star Command: The Adventure Begins.[8][9] + + 3.4 Production shutdown + + 3.7 Editing and pre-release + + 4.2 3-D re-release + + 6.1 To Infinity and Beyond + + 7 Expanded franchise + + 7.1 Software and merchandise + + 7.2 Theme park attractions + + In a world where toys are living things but pretend to be lifeless when humans + are present, a group of toys, owned by a boy named Andy Davis, are caught off-guard + when Andy s birthday party is moved up a week, as his family (including his + mother and infant sister Molly) is preparing to move the following week. Andy + s toys—including Bo Peep, Mr. Potato Head, Rex the dinosaur, Hamm the piggy + bank and Slinky Dog—fear they will be replaced by new toys that Andy receives + during the party. To ease the situation, Sheriff Woody—the toys leader and + Andy s favorite toy—sends out army men, led by Sarge, to spy on the party and + report the gift arrivals to the other toys via baby monitors. The toys are relieved + when the party appears to end without any of them being supplanted by newer + toys, but then Andy receives a surprise gift: a Buzz Lightyear action figure. + + Buzz thinks he is a real space ranger who has crash-landed on a strange planet. + Buzz quickly impresses the other toys with his various features, and Andy begins + to favor him, which makes Woody feel rejected compared to the newer, sleeker + and more advanced Buzz. Two days before the move, Andy s mother tells him that + he can only bring one toy to a family outing at the Pizza Planet restaurant. + Knowing that Andy will choose Buzz, Woody attempts to trap Buzz behind a desk + but ends up knocking him out of the window, causing most of the other toys (except + Slinky and Bo) to accuse Woody of murdering Buzz out of jealousy. Before they + can exact revenge, Andy arrives and, after failing to find Buzz, takes Woody. + + When the family stops for gas, Woody finds that Buzz has hitched a ride on their + van. The two fight, falling out of the van in the process, and the family drives + away, stranding them. They manage to reach Pizza Planet by hitching a ride on + a delivery truck. Buzz, still believing he is a real space ranger despite Woody + s attempts to convince him otherwise, gets them stuck in a crane game full of + alien toys, where they are retrieved by Andy s sadistic, toy-destroying neighbor, + Sid Phillips. At Sid s house, the two watch in horror as Sid steals his sister + Hannah s doll, claiming the doll is sick, and then performs surgery to replace + the doll s head with that of a pterodactyl. + + While attempting to escape, Buzz sees a television commercial for a Buzz Lightyear + action figure and, after failing to fly out a window (breaking his arm off in + the process), realizes he is just a toy and becomes despondent. Woody attempts + to signal Andy s toys for help, but they misunderstand his gesture and ignore + him. Sid s mutant toys fix Buzz s arm, and Woody restores Buzz s confidence + by telling him about the joy he can bring to Andy as a toy. The next morning, + as Sid is about to launch Buzz on a firework rocket, Woody and the mutant toys + come to life in front of Sid, terrifying him into no longer mistreating toys. + Woody bids the mutant toys farewell and escapes with Buzz—only to see Andy and + his family departing for their new home. + + The duo try to make it to the moving truck, but Sid s dog Scud sees them and + gives chase. Buzz saves Woody from Scud but is left behind, so Woody attempts + to rescue him with Andy s remote-controlled car, RC. Thinking that Woody is killing RC + as well, the other toys attack and toss him off the truck. Buzz and RC retrieve + Woody; the other toys realize their mistake and begin to help, but RC s batteries + become depleted before he reaches the truck. Realizing that Sid s rocket is + still strapped to Buzz s back, Woody ignites it, hurtling them towards the truck. + Woody throws RC into the truck before he and Buzz soar into the air; Buzz opens + his wings to free himself from the rocket just before it explodes, and he glides + with Woody to safety inside a box in the Davis s van, right next to Andy, who + concludes they were in the car all along. + + On Christmas Day at their new home, Woody and Buzz stage another reconnaissance + mission to prepare for the new toy arrivals; one of the toys is Mrs. Potato + Head, to Mr. Potato Head s delight. As Woody jokingly asks what might be worse + than Buzz, they discover Andy s new gift is a puppy, and the two share a worried + smile. + + Main article: List of Toy Story characters + + Tom Hanks as Woody, a pull-string cowboy doll who is Andy s favourite toy. + + Tim Allen as Buzz Lightyear, a space ranger action figure and Woody s rival, + who later becomes his best friend. + + Don Rickles as Mr. Potato Head, a cynical potato-shaped doll with put-together + pieces on his body. + + Jim Varney as Slinky Dog, a dachshund slinky toy. + + Wallace Shawn as Rex, a nervous green Tyrannosaurus figurine. + + John Ratzenberger as Hamm, a smart-talking piggy bank. + + Annie Potts as Bo Peep, a porcelain shepherdess doll and Woody s love interest. + + John Morris as Andy Davis, Woody and Buzz s owner. + + Erik von Detten as Sid Phillips, Andy s next door neighbor, who tortures toys + for his own amusement. + + Laurie Metcalf as Mrs. Davis, Andy s mother. + + R. Lee Ermey as Sergeant, the leader of a large troop of plastic green army + men. + + Sarah Freeman as Hannah Phillips, Sid s younger sister. + + Penn Jillette as the Buzz Lightyear TV commercial announcer. + + The entrance to Pixar s studio lot in Emeryville, California + + Director John Lasseter s first experience with computer animation was during + his work as an animator at Walt Disney Feature Animation, when two of his friends + showed him the light-cycle scene from Tron. It was an eye-opening experience + which awakened Lasseter to the possibilities offered by the new medium of computer-generated + animation.[10] Lasseter tried to pitch The Brave Little Toaster as a fully computer-animated + film to Disney, but the idea was rejected and Lasseter was fired.[11] He then + went on to work at Lucasfilm and in 1986, he became a founding member of Pixar. + In 1986, Pixar was purchased by entrepreneur and Apple Inc. co-founder Steve + Jobs.[12] At Pixar, Lasseter created short, computer-animated films to show + off the Pixar Image Computer s capabilities. In 1988 Lasseter produced the short + film Tin Toy told from the perspective of a toy and referencing Lasseter s love + of classic toys. Tin Toy won the 1988 Academy Award for Best Animated Short + Film, the first computer-generated film to do so.[13] + + Tin Toy gained Disney s attention, and the new team at The Walt Disney Company—CEO + Michael Eisner and chairman Jeffrey Katzenberg in the film division—began a + quest to get Lasseter to come back.[13] Lasseter, grateful for Jobs faith in + him, felt compelled to stay with Pixar, telling co-founder Ed Catmull, I can + go to Disney and be a director, or I can stay here and make history. [13] Katzenberg + realized he could not lure Lasseter back to Disney and therefore set plans into + motion to ink a production deal with Pixar to produce a film.[13] Disney had + always made all their movies in-house and refused to change this. But when Tim + Burton, who used to work at Disney, wanted to buy back the rights to The Nightmare + Before Christmas, Disney struck a deal allowing him to make it as a Disney movie + outside the studio. This opened the door for Pixar to make their movies outside + Disney.[14] + + Both sides were willing. Catmull and fellow Pixar co-founder Alvy Ray Smith + had long wanted to produce a computer-animated feature, but only in the early + 1990s were the computers cheap and powerful enough to make this possible.[15][16] + In addition, Disney had licensed Pixar s Computer Animation Production System + (CAPS), and that made it the largest customer for Pixar s computers.[17] Jobs + made it apparent to Katzenberg that although Disney was happy with Pixar, it + was not the other way around: We want to do a film with you, said Jobs. That + would make us happy. [17] At this same time, Peter Schneider, president of Walt + Disney Feature Animation, was potentially interested in making a feature film + with Pixar.[15] When Catmull, Smith and head of animation Ralph Guggenheim met + with Schneider in the summer of 1990, they found the atmosphere to be puzzling + and contentious. They later learned that Katzenberg intended that if Disney + were to make a film with Pixar, it would be outside Schneider s purview, which + aggravated Schneider.[18] After that first meeting, the Pixar contingent went + home with low expectations and was surprised when Katzenberg called for another + conference. Catmull, Smith, and Guggenheim were joined by Bill Reeves (head + of animation research and development), Jobs, and Lasseter. They brought with + them an idea for a half-hour television special called A Tin Toy Christmas. + They reasoned that a television program would be a sensible way to gain experience + before tackling a feature film.[19] + + They met with Katzenberg at a conference table in the Team Disney building at + the Walt Disney Studios in Burbank.[19] Catmull and Smith considered it would + be difficult to keep Katzenberg interested in working with the company over + time. They considered it even more difficult to sell Lasseter and the junior + animators on the idea of working with Disney, who had a bad reputation for how + they treated their animators, and Katzenberg, who had built a reputation as + a micromanaging tyrant.[19] Katzenberg asserted this himself in the meeting: Everybody + thinks I m a tyrant. I am a tyrant. But I m usually right. [17] He threw out + the idea of a half-hour special and eyed Lasseter as the key talent in the room: John, + since you won t come work for me, I m going to make it work this way. [17][19] + He invited the six visitors to mingle with the animators— ask them anything + at all —and the men did so, finding they all backed up Katzenberg s statements. + Lasseter felt he would be able to work with Disney and the two companies began + negotiations.[20] Pixar at this time was on the verge of bankruptcy and needed + a deal with Disney.[17] Katzenberg insisted that Disney be given the rights + to Pixar s proprietary technology for making 3-D animation, but Jobs refused.[20] + In another case, Jobs demanded Pixar would have part ownership of the film and + its characters, sharing control of both video rights and sequels, but Katzenberg + refused.[17] Disney and Pixar reached accord on contract terms in an agreement + dated May 3, 1991, and signed on in early July.[21] Eventually, the deal specified + that Disney would own the picture and its characters outright, have creative + control, and pay Pixar about 12.5% of the ticket revenues.[22][23] It had the + option (but not the obligation) to do Pixar s next two films and the right to + make (with or without Pixar) sequels using the characters in the film. Disney + could also kill the film at any time with only a small penalty. These early + negotiations became a point of contention between Jobs and Eisner for many years.[17] + + An agreement to produce a feature film based on Tin Toy with a working title + of Toy Story was finalized and production began soon thereafter.[24] + + The original treatment for Toy Story, drafted by Lasseter, Andrew Stanton, and + Pete Docter, had little in common with the eventually finished film.[25] It + paired Tinny, the one-man band from Tin Toy, with a ventriloquist s dummy and + sent them on a sprawling odyssey. Under studio head Jeffrey Katzenberg, Woody + was the main villain, abusing the other toys until they rallied against him; + however, after Disney executives saw the storyboards, they relinquished creative + control to Pixar.[26] The core idea of Toy Story was present from the treatment + onward, however: that toys deeply want children to play with them, and that + this desire drives their hopes, fears, and actions. [25] Katzenberg felt the + original treatment was problematic and told Lasseter to reshape Toy Story as + more of an odd-couple buddy picture, and suggested they watch some classic buddy + movies, such as The Defiant Ones and 48 Hrs., in which two characters with different + attitudes are thrown together and have to bond.[27][28] Lasseter, Stanton, and + Docter emerged in early September 1991 with the second treatment, and although + the lead characters were still Tinny and the dummy, the outline of the final + film was beginning to take shape.[27] + + The script went through many changes before the final version. Lasseter decided + Tinny was too antiquated ; the character was first changed to a military action + figure and then given a space theme. Tinny s name changed to Lunar Larry, then + Tempus from Morph, and eventually Buzz Lightyear (after astronaut Buzz Aldrin).[29] + Lightyear s design was modeled on the suits worn by Apollo astronauts as well + as G.I. Joe action figures. In addition, the green and purple color scheme on + Lightyear s suit was inspired by Lasseter and his wife, Nancy, whose favorite + colors were green and purple respectively.[30][31] Woody, the second character, + was inspired by a Casper the Friendly Ghost doll that Lasseter had when he was + a child. Originally, Woody was a ventriloquist s dummy with a pull-string (hence + the name Woody). However, character designer Bud Luckey suggested that Woody + could be changed to a cowboy ventriloquist dummy. John Lasseter liked the contrast + between the Western and the science fiction genres and the character immediately + changed. Eventually, all the ventriloquist dummy aspects of the character were + deleted, because the dummy was designed to look sneaky and mean. [32] However + they kept the name Woody to pay homage to the Western actor Woody Strode.[29] + The story department drew inspiration from films such as Midnight Run and The + Odd Couple,[33] and Lasseter screened Hayao Miyazaki s Castle in the Sky (1986) + for further influence. + + Toy Story s script was strongly influenced by the ideas of screenwriter Robert + McKee. The members of Pixar s story team—Lasseter, Stanton, Docter and Joe Ranft—were + aware that most of them were beginners at feature-film writing. None of them + had any feature story or writing credits to their name besides Ranft, who had + taught a story class at CalArts and done some storyboard work.[32] Seeking insight, + Lasseter and Docter attended a three-day seminar in Los Angeles given by McKee. + His principles, grounded in Aristotle s Poetics, dictated that a character emerges + most realistically and compellingly from the choices that the protagonist makes + in reaction to his problems.[34] Disney also appointed the duo Joel Cohen and + Alec Sokolow and, later, Joss Whedon to help develop the script. Whedon found + that the script wasn t working but had a great structure; he added the character + of Rex and sought a pivotal role for Barbie.[35] He also re-visioned Buzz Lightyear + from a dim-witted but cheerful and self-aware character to an action figure + who isn t aware that he s a toy—an epiphany that transformed the movie.[36] + The story team continued to touch up the script as production was underway. + Among the late additions was the encounter between Buzz and the alien squeaky + toys at Pizza Planet, which emerged from a brainstorming session with a dozen + directors, story artists, and animators from Disney.[37] + + Katzenberg gave approval for the script on January 19, 1993, at which point + voice casting could begin.[38] Lasseter always wanted Tom Hanks to play the + character of Woody. Lasseter claimed Hanks has the ability to take emotions + and make them appealing. Even if the character, like the one in A League of + Their Own, is down-and-out and despicable. [38] Paul Newman, who subsequently + accepted the role of Doc Hudson in another Pixar film Cars, was considered for + the role of Woody.[39] Billy Crystal was approached to play Buzz, but turned + down the role, which he later regretted; he subsequently accepted the role of + Mike Wazowski in another Pixar film, Monsters, Inc.. In addition to Crystal, + Bill Murray, Chevy Chase and Jim Carrey were also considered for Buzz.[40][41][42][43][44][45] + Lasseter took the role to Tim Allen, who was appearing in Disney s Home Improvement, + and he accepted.[46] Crystal later stated in an interview that he wouldn t have + been right as Buzz and that Allen was fantastic in the role.[47][48] + + To gauge how an actor s voice might fit with a character, Lasseter borrowed + a common Disney technique: animate a vocal monolog from a well-established actor + to meld the actor s voice with the appearance or actions of the animated character.[35] + This early test footage, using Hanks voice from Turner & Hooch, convinced Hanks + to sign on to the film.[38][49] Toy Story was both Hanks and Allen s first + animated film, and they recorded their lines together to make their characters’ + chemistry and interactions realistic.[50] + + Production shutdown + + Every couple of weeks, Lasseter and his team showed Disney their latest storyboards + or footage. Pixar impressed Disney with their technical innovation, but convincing + Disney of the plot was more difficult. At each of Pixar s presentations, Katzenberg + tore much of it up, giving out detailed comments and notes. Katzenberg wanted + primarily to add more edginess to the two main characters.[28] Disney wanted + the film to appeal to both children and adults, and they asked for adult references + to be added to the film.[38] After many rounds of notes from Katzenberg and + other Disney executives, the general consensus was that Woody had been stripped + of almost all charm.[28][46] Hanks, while recording the dialogue for the story + reels, exclaimed at one point that the character was a jerk.[28] Lasseter and + his Pixar team had the first half of the movie ready to screen, so they brought + it down to Burbank to show to Katzenberg and other Disney executives on November + 19, 1993—an event they later dubbed the Black Friday Incident .[38][51] The + results were disastrous. Schneider—who was never particularly enamored of Katzenberg + s idea of having outsiders make animation for Disney—declared it a mess and + ordered that production be stopped immediately.[52] Katzenberg asked colleague + Thomas Schumacher why the reels were bad. Schumacher replied bluntly: Because + it s not their movie any more; it s completely not the movie that John set out + to make. [51] + + Lasseter was embarrassed by what was on the screen, later recalling, It was + a story filled with the most unhappy, mean characters that I ve ever seen. He + asked Disney for two weeks to rework the script, and Katzenberg was supportive.[51] + Lasseter, Stanton, Docter and Ranft delivered the news of the production shutdown + to the production crew, many of whom had left other jobs to work on the project. + The crew shifted to television commercials while the head writers worked out + a new script. Although Lasseter attempted to keep morale high by remaining outwardly + buoyant, the production shutdown was a very scary time, recalled story department + manager BZ Petroff.[53] Schneider had initially wanted to shut down production + altogether and fire all recently hired animators.[54] Katzenberg put the film + under the wing of Walt Disney Feature Animation. The Pixar team was pleased + that the move would give them an open door to counseling from Disney s animation + veterans. Schneider, however, continued to take a dim view of the project and + went over Katzenberg s head to urge Eisner to cancel it.[27] Stanton retreated + into a small, dark, windowless office, emerging periodically with new script + pages. He and the other story artists then drew the shots on storyboards. Whedon + came back to Pixar for part of the shutdown to help with the revision, and the + script was revised in two weeks as promised.[53] When Katzenberg and Schneider + halted production on Toy Story, Jobs funded the project personally. Jobs did + not insert himself into the creative process, but instead managed the relationship + with Disney.[51] + + The Pixar team came back with a new script three months later, with the character + of Woody altered from being the tyrannical boss of Andy s toys to being their + wise and caring leader. It also included a more adult-oriented staff meeting + amongst the toys rather than the juvenile group discussion that had existed + in earlier drafts. Buzz Lightyear s character was also changed to make it more + clear to the audience that he really doesn t realize he s a toy .[54] Katzenberg + and Schneider approved the new approach and, by February 1994, the film was + back in production.[51] The voice actors returned in March 1994 to record their + new lines.[38] When production was greenlit, the crew quickly grew from its + original size of 24 to 110, including 27 animators, 22 technical directors, + and 61 other artists and engineers.[55][56] In comparison, The Lion King, released + in 1994, required a budget of $45 million and a staff of 800.[55] In the early + budgeting process, Jobs was eager to produce the film as efficiently as possible, + impressing Katzenberg with his focus on cost-cutting. Despite this, the $17 + million production budget proved inadequate, especially given the major revision + that was necessary after Katzenberg had pushed them to make Woody too edgy. + Jobs demanded more funds to complete the film and insisted that Disney was liable + for the cost overruns. Katzenberg was not willing, but Ed Catmull was able to + reach a compromise.[51] + + We couldn t have made this movie in traditional animation. This is a story that + can only really be told with three-dimensional toy characters. ... Some of the + shots in this film are so beautiful. + + —Tom Schumacher, Vice President of Walt Disney Feature Animation[57] + + Recruiting animators for Toy Story was brisk; the magnet for talent was not + the mediocre pay but the allure of taking part in the first computer-animated + feature.[56] Lasseter said of the challenges of computer animation, We had + to make things look more organic. Every leaf and blade of grass had to be created. + We had to give the world a sense of history. So the doors are banged up, the + floors have scuffs. [38] The film began with animated storyboards to guide the + animators in developing the characters. 27 animators worked on the film, using + 400 computer models to animate the characters. Each character was first either + created out of clay or modeled from a computer-drawn diagram before reaching + the computer-animated design.[58] Once the animators had a model, its articulation + and motion controls were coded; this allowed each character to move in a variety + of ways, such as talking, walking, or jumping.[58] Out of all the characters, + Woody was the most complex, as he required 723 motion controls, including 212 + for his face and 58 for his mouth.[38][59] The first piece of animation, a 30-second + test, was delivered to Disney in June 1992, when the company requested a sample + of what the film would look like. Lasseter wanted to impress Disney with a number + of things in the test that could not be done in traditional, hand-drawn animation, + such as Woody s yellow plaid shirt with red stripes, the reflections in Buzz + s helmet and the decals on his space suit, or Venetian blind shadows falling + across Andy s room.[32] + + Every shot in the film passed through the hands of eight different teams. The + art department gave each shot its color scheme and general lighting.[60] Under + Craig Good, the layout department then placed the models in the shot, framed + it by setting the location of the virtual camera, and programmed any camera + movement. To make the medium feel as familiar as possible, they sought to stay + within the limits of what might be done in a live-action film with real cameras, + dollies, tripods, and cranes.[60] Headed by directing animators Rich Quade and + Ash Brannon, each shot went from Layout to the animation department. Lasseter + opted against Disney s approach of assigning an animator to work on a character + throughout a film, but made certain exceptions in scenes where he thought acting + was particularly critical.[60] The animators used the Menv program to set each + character in the desired pose. Once a sequence of hand-built poses (or keyframes + ) was created, the software built poses for the frames in-between.[61] The animators + studied videotapes of the actors for inspiration, and Lasseter rejected automatic + lip-syncing.[61] To sync the characters mouths and facial expressions to the + actors recorded voices, animators spent a week per 8 seconds of animation.[58] + + Afterward, the animators compiled the scenes and developed a new storyboard + with the computer-animated characters. They then added shading, lighting, visual + effects, and finally used 300 computer processors to render the film to its + final design.[58][59] Under Tom Porter, the shading team used RenderMan s shader + language to create shader programs for each of a model s surfaces. A few surfaces + in Toy Story came from real objects: a shader for the curtain fabric in Andy + s room used a scan of actual cloth.[62] Under Galyn Susman and Sharon Calahan, + the lighting team orchestrated the final lighting of the shot after animation + and shading. Each completed shot then went into rendering on a render farm of + 117 Sun Microsystems computers that ran 24 hours a day.[37] Finished animation + emerged in a steady drip of around three minutes a week.[63] Depending on its + complexity, each frame took from 45 minutes up to 30 hours to render. The film + required 800,000 machine hours and 114,240 frames of animation in total.[38][58][64] + There are over 77 minutes of animation spread across 1,561 shots.[60] A camera + team, aided by David DiFrancesco, recorded the frames onto film stock. To fit + a 1.85:1 aspect ratio, Toy Story was rendered at a mere 1,536 by 922 pixels, + with each of them corresponding to roughly a quarter-inch of screen area on + a typical cinema screen.[37] During post-production, the film was sent to Skywalker + Sound, where the sound effects were mixed with the music score.[59] + + Main article: Toy Story (soundtrack) + + Disney was concerned with Lasseter s position on the use of music. Unlike other + Disney films of the time, Lasseter did not want the film to be a musical, saying + it was a buddy film featuring real toys. Joss Whedon agreed, saying, It would + have been a really bad musical, because it s a buddy movie. It s about people + who won t admit what they want, much less sing about it. ... Buddy movies are + about sublimating, punching an arm, I hate you. It s not about open emotion. + [38] However, Disney favored the musical format, claiming Musicals are our + orientation. Characters breaking into song is a great shorthand. It takes some + of the onus off what they re asking for. [38] Disney and Pixar reached a compromise: + the characters in Toy Story would not break into song, but the film would use + non-diegetic songs over the action, as in The Graduate, to convey and amplify + the emotions that Buzz and Woody were feeling.[35] Disney and Lasseter tapped + Randy Newman to compose the film. The edited Toy Story was due to Newman and + Gary Rydstrom in late September 1995 for their final work on the score and sound + design, respectively.[65] + + Lasseter said, His songs are touching, witty, and satirical, and he would deliver + the emotional underpinning for every scene. [38] Newman wrote three original + songs for the film, developing the film s signature song You ve Got a Friend + in Me in one day.[38] The soundtrack for Toy Story was produced by Walt Disney + Records and was released on November 22, 1995, the week of the film s release. + + Editing and pre-release + + It was difficult for crew members to perceive the film s quality during much + of the production process when the finished footage was in scattered pieces + and lacked elements like music and sound design.[63] Some animators felt the + film would be a significant disappointment commercially but felt animators and + animation fans would find it interesting.[63] According to Lee Unkrich, one + of the original editors of Toy Story, a scene cut out of the original final + edit featured Sid, after Pizza Planet, torturing Buzz and Woody violently; Unkrich + decided to cut right into the scene where Sid is interrogating the toys because + the movie s creators thought the audience would love Buzz and Woody by that + point.[66] Another scene, in which Woody tried to get Buzz s attention when + he was stuck in the box crate, was shortened because the creators felt it would + lose the energy of the movie.[66] Peter Schneider had grown optimistic about + the film as it neared completion, and he announced a United States release date + of November, coinciding with Thanksgiving weekend and the start of the winter + holiday season.[67] + + Sources indicate that executive producer Steve Jobs lacked confidence in the + film during its production, and he had been talking to various companies, ranging + from Hallmark to Microsoft, about selling Pixar.[51][67] However, as the film + progressed, Jobs became increasingly excited about it, feeling that he might + be on the verge of transforming the movie industry.[51] As scenes from the movie + were finished, he watched them repeatedly and had friends come by his home to + share his new passion. Jobs decided that the release of Toy Story that November + would be the occasion to take Pixar public.[51] A test audience near Anaheim + in late July 1995 indicated the need for last-minute tweaks, which added further + pressure to the already frenetic final weeks. Response cards from the audience + were encouraging, but were not top of the scale, adding further question as + to how audiences would respond.[65] The film ended with a shot of Andy s house + and the sound of a new puppy. Michael Eisner, who attended the screening, told + Lasseter afterward that the film needed to end with a shot of Woody and Buzz + together, reacting to the news of the puppy.[65] + + The El Capitan Theatre in Los Angeles, where Toy Story s Los Angeles, California + s premiere took place on November 19, 1995. + + There were two premieres of Toy Story in November 1995. Disney organized one + at the El Capitan Theatre in Los Angeles and built a fun house featuring the + characters, Totally Toy Story, next door.[68] Jobs did not attend; he instead + rented the Regency, a similar theater in San Francisco, and held his own premiere + the next night—at which, instead of Tom Hanks and Tim Allen, the guests were + Silicon Valley celebrities such as Larry Ellison and Andy Grove. The dueling + premieres highlighted an issue between the companies: whether Toy Story was + a Disney or a Pixar film.[69] The audience appeared to be captivated by the + film, wrote David Price in his 2008 book The Pixar Touch. Adult-voiced sobs + could be heard during the quiet moments after Buzz Lightyear fell and lay broken + on the stairway landing. [70] Toy Story opened on 2,281 screens in the United + States on November 22, 1995 (before later expanding to 2,574 screens).[70] It + was paired alongside a reissue of a Roger Rabbit short called Rollercoaster + Rabbit, while select prints contained The Adventures of André and Wally B.. + + The film was also shown at the Berlin International Film Festival out of competition + from February 15 to 26, 1996.[71][72] Elsewhere, the film opened in March 1996.[67] + + Marketing for the film included $20 million spent by Disney for advertising + as well as advertisers such as Burger King, PepsiCo, Coca-Cola, and Payless + ShoeSource paying $125 million in promotions for the film.[73] Marketing consultant + Al Ries reflected on the promotion: This will be a killer deal. How can a kid, + sitting through a one-and-a-half-hour movie with an army of recognizable toy + characters, not want to own one? [74] Despite this, Disney Consumer Products + was slow to see the potential of Toy Story.[67] When the Thanksgiving release + date was announced in January 1995, many toy companies were accustomed to having + eighteen months to two years of lead time and passed on the project. In February + 1995, Disney took the idea to Toy Fair, a toy industry trade show in New York. + There, a Toronto-based company with a factory based in China, Thinkway Toys, + became interested. Although Thinkway was a small player in the industry, mainly + producing toy banks in the form of film characters, it acquired the worldwide + master license for Toy Story toys simply because no one else wanted it.[75] + Walt Disney Home Video put a trailer for the film on seven million copies of + the VHS re-release of Cinderella; the Disney Channel ran a television special + on the making of Toy Story; Walt Disney World in Florida held a daily Toy Story + parade at Disney-MGM Studios.[65] + + It was screenwriter Joss Whedon s idea to incorporate Barbie as a character + who could rescue Woody and Buzz in the film s final act.[76] The idea was dropped + after Mattel objected and refused to license the toy. Producer Ralph Guggenheim + claimed that Mattel did not allow the use of the toy as They [Mattel] philosophically + felt girls who play with Barbie dolls are projecting their personalities onto + the doll. If you give the doll a voice and animate it, you re creating a persona + for it that might not be every little girl s dream and desire. [38] Hasbro likewise + refused to license G.I. Joe (mainly because Sid was going to blow one up, prompting + the filmmakers to instead use a fictional toy, Combat Carl), but they did license + Mr. Potato Head.[38] The only toy in the movie that was not in production was + Slinky Dog, which had been discontinued since the 1970s. When designs for Slinky + were sent to Betty James (Richard James s wife) she said that Pixar had improved + the toy and that it was cuter than the original.[77] + + 3-D re-release + + On October 2, 2009, the film was re-released in Disney Digital 3-D.[78] The + film was also released with Toy Story 2 as a double feature for a two-week run[79] + which was extended due to its success.[80] In addition, the film s second sequel, + Toy Story 3, was also released in the 3-D format.[78] Lasseter commented on + the new 3-D re-release: + + The Toy Story films and characters will always hold a very special place in + our hearts and we re so excited to be bringing this landmark film back for audiences + to enjoy in a whole new way thanks to the latest in 3-D technology. With Toy + Story 3 shaping up to be another great adventure for Buzz, Woody and the gang + from Andy s room, we thought it would be great to let audiences experience the + first two films all over again and in a brand new way.[81] + + Translating the film into 3-D involved revisiting the original computer data + and virtually placing a second camera into each scene, creating left eye and + right eye views needed to achieve the perception of depth.[82] Unique to computer + animation, Lasseter referred to this process as digital archaeology. [82] The + process took four months, as well as an additional six months for the two films + to add the 3-D. The lead stereographer Bob Whitehill oversaw this process and + sought to achieve an effect that affected the emotional storytelling of the + film: + + When I would look at the films as a whole, I would search for story reasons + to use 3-D in different ways. In Toy Story, for instance, when the toys were + alone in their world, I wanted it to feel consistent to a safer world. And when + they went out to the human world, that s when I really blew out the 3-D to make + it feel dangerous and deep and overwhelming.[82] + + Unlike other countries, the United Kingdom received the films in 3-D as separate + releases. Toy Story was released on October 2, 2009. Toy Story 2 was instead + released January 22, 2010.[83] The re-release performed well at the box office, + opening with $12,500,000 in its opening weekend, placing at the third position + after Zombieland and Cloudy with a Chance of Meatballs.[84] The double feature + grossed $30.7 million in its five-week release.[84] + + Toy Story was released by Walt Disney Home Video on VHS and LaserDisc on October + 29, 1996, with no bonus material. In the first week of this release, VHS rentals + totaled $5.1 million, debuting Toy Story as the week s No. 1 video.[85] Over + 21.5 million VHS copies were sold the first year.[86] A deluxe edition widescreen + LaserDisc 4-disc box set was released on December 18, 1996. On January 11, 2000, + the film was re-released on VHS, but this time as the first video to be part + of the Walt Disney Gold Classic Collection with the bonus short film Tin Toy. + This release sold two million copies.[86] + + The film was released for the first time on DVD on October 17, 2000, in a two-pack + with its first sequel Toy Story 2. The same day, a 3-disc Ultimate Toy Box set + was released, featuring Toy Story, Toy Story 2, and a third disc of bonus materials + with Toy Story in a 35 mm Widescreen print and Toy Story 2 only being in FullScreen.[86] + The twin-pack release was later released individually on March 20, 2001 with + the film available in both Widescreen and FullScreen. The DVD-pack, U.T.B. set + and the original DVD use the 35 mm print of the film to create the copies, rather + than using the original files to encode the movie directly to video. The DVD + two-pack, the Ultimate Toy Box set, the Gold Classic Collection VHS and DVD, + and the original DVD were all put in the Disney Vault on May 1, 2003. On September + 6, 2005, a 2-disc 10th Anniversary Edition was released featuring much of + the bonus material from the Ultimate Toy Box , including a retrospective special + with John Lasseter, a home theater mix, as well as a new digital Widescreen + picture with the 35 mm Fullscreen version being retained.[87] This DVD went + back in the Disney Vault on January 31, 2009 along with Toy Story 2. The 10th + Anniversary release was the last version of Toy Story to be released before + taken out of the Disney Vault lineup along with Toy Story 2. Also on September + 6, 2005, a UMD of Toy Story featuring some deleted scenes, a filmmakers reflect + and a new Legacy of Toy Story was released for the Sony PlayStation Portable. + + The film was available for the first time on Blu-ray in a Special Edition Combo + Pack that included two discs, the Blu-ray, and the DVD versions of the film. + This combo-edition was released by Walt Disney Studios Home Entertainment on + March 23, 2010, along with its sequel.[88] There was a DVD-only re-release on + May 11, 2010.[89] Another Ultimate Toy Box , packaging the Combo Pack with + those of both sequels, became available on November 2, 2010. On November 1, + 2011, the first three Toy Story films were re-released all together, each as + a DVD/Blu-ray/Blu-ray 3D/Digital Copy combo pack (four discs each for the first + two films, and five for the third film). They were also released on Blu-ray + 3D in a complete trilogy box set. Toy Story was released on 4K UHD Blu-ray on + June 4, 2019.[90] + + Yes, we worry about what the critics say. Yes, we worry about what the opening + box office is going to be. Yes, we worry about what the final box office is + going to be. But really, the whole point why we do what we do is to entertain + our audiences. The greatest joy I get as a filmmaker is to slip into an audience + for one of our movies anonymously and watch people watch our film. Because people + are 100 percent honest when they re watching a movie. And to see the joy on + people s faces, to see people really get into our films... to me is the greatest + reward I could possibly get. + + —John Lasseter, reflecting on the impact of the film[91] + + Toy Story received critical acclaim. On Rotten Tomatoes, the film has an approval + rating of 100% based on 89 reviews, with an average rating of 9.01/10. The website + s critical consensus reads, Entertaining as it is innovative, Toy Story reinvigorated + animation while heralding the arrival of Pixar as a family-friendly force to + be reckoned with. [92] On Metacritic, the film has a score of 95 out of 100, + based on 26 reviews, indicating universal acclaim .[93] Audiences polled by + CinemaScore gave the film an average grade of A on an A+ to F scale.[94] + + Leonard Klady of Variety commended the animation s ... razzle-dazzle technique + and unusual look and that the camera loops and zooms in a dizzying fashion + that fairly takes one s breath away. [95] Roger Ebert of the Chicago Sun-Times + compared the film s innovative animation to Disney s Who Framed Roger Rabbit, + saying that both movies take apart the universe of cinematic visuals and put + it back together again, allowing us to see in a new way. [96] Due to the film + s creative animation, Richard Corliss of TIME claimed that it was ... the year + s most inventive comedy. [97] + + The voice cast was also praised by various critics. Susan Wloszczyna of USA + Today approved of the selection of Hanks and Allen for the lead roles.[98] Kenneth + Turan of the Los Angeles Times stated that Starting with Tom Hanks, who brings + an invaluable heft and believability to Woody, Toy Story is one of the best + voiced animated features in memory, with all the actors ... making their presences + strongly felt. [99] Several critics also recognized the film s ability to appeal + to various age groups, specifically children and adults.[96][100] Owen Gleiberman + of Entertainment Weekly wrote It has the purity, the ecstatic freedom of imagination, + that s the hallmark of the greatest children s films. It also has the kind of + spring-loaded allusive prankishness that, at times, will tickle adults even + more than it does kids. [101] + + In 1995, Toy Story was ranked eighth in TIME s list of the Best 10 films of + 1995 .[102] In 2011, TIME named it one of the 25 All-TIME Best Animated Films + .[103] It also ranks at number 99 in Empire magazine s list of the 500 Greatest + Films of All Time and as the highest-ranked animated movie .[104] + + In 2003, the Online Film Critics Society ranked the film as the greatest animated + film of all time.[105] In 2007, the Visual Effects Society named the film 22nd + in its list of the Top 50 Most Influential Visual Effects Films of All Time + .[106] The film is ranked 99th on the AFI s list of the 100 greatest American + Films of All-Time .[107][108][109] It was one of the only two animated films + on that list, the other being Snow White and the Seven Dwarfs (1937). It was + also the sixth best in the animation genre on AFI s 10 Top 10. + + Director Terry Gilliam praised the film as a work of genius. It got people + to understand what toys are about. They re true to their own character. And + that s just brilliant. It s got a shot that s always stuck with me, when Buzz + Lightyear discovers he s a toy. He s sitting on this landing at the top of the + staircase and the camera pulls back and he s this tiny little figure. He was + this guy with a massive ego two seconds before... and it s stunning. I d put + that as one of my top ten films, period. [110] + + Before the film s release, executive producer and Apple Inc. co-founder Steve + Jobs stated If Toy Story is a modest hit—say $75 million at the box office, + we ll [Pixar and Disney] both break even. If it gets $100 million, we ll both + make money. But if it s a real blockbuster and earns $200 million or so at the + box office, we ll make good money, and Disney will make a lot of money. Upon + its release on November 22, 1995, Toy Story managed to gross more than $350 + million worldwide.[64] Disney chairman Michael Eisner stated I don t think + either side thought Toy Story would turn out as well as it has. The technology + is brilliant, the casting is inspired, and I think the story will touch a nerve. + Believe me, when we first agreed to work together, we never thought their first + movie would be our 1995 holiday feature, or that they could go public on the + strength of it. [64] The film s first five days of domestic release (on Thanksgiving + weekend) earned it $39,071,176.[111] The film placed first in the weekend s + box office with $29.1 million[3] and maintained the number-one position at the + domestic box office for the next two weekends. Toy Story became the highest-grossing + domestic film of 1995, beating Batman Forever, Apollo 13 (also starring Tom + Hanks), Pocahontas, Casper, Waterworld, and GoldenEye.[112] At the time of its + release, it was the third-highest-grossing animated film of all time, after + The Lion King (1994) and Aladdin (1992).[23] When not considering inflation, + Toy Story is number 96 on the list of the highest-grossing domestic films of + all time.[113] The film had gross receipts of $191.8 million in the U.S. and + Canada and $181.8 million in international markets for a total of $373.6 million + worldwide.[3] At the time of its release, the film ranked as the 17th-highest-grossing + film (unadjusted) domestically and the 21st-highest-grossing film worldwide. + + Main article: List of Pixar awards and nominations: Toy Story + + Lasseter with the Special Achievement Oscar + + The film won and was nominated for various other awards including a Kids Choice + Award, MTV Movie Award, and a British Academy Film Award, among others. John + Lasseter received an Academy Special Achievement Award in 1996 for the development + and inspired application of techniques that have made possible the first feature-length + computer-animated film. [114][115] Additionally, the film was nominated for + three Academy Awards, two to Randy Newman for Best Music—Original Song, for You + ve Got a Friend in Me , and Best Music—Original Musical or Comedy Score.[116] + It was also nominated for Best Original Screenplay for the work by Joel Cohen, + Pete Docter, John Lasseter, Joe Ranft, Alec Sokolow, Andrew Stanton and Joss + Whedon, making Toy Story the first animated film to be nominated for an Academy + Award writing category.[116] + + Toy Story won eight Annie Awards, including Best Animated Feature . Animator + Pete Docter, director John Lasseter, musician Randy Newman, producers Bonnie + Arnold and Ralph Guggenheim, production designer Ralph Eggleston, and writers + Joel Cohen, Alec Sokolow, Andrew Stanton, and Joss Whedon all won awards for Best + Individual Achievement in their respective fields for their work on the film. + The film also won Best Individual Achievement in technical achievement.[117] + + Toy Story was nominated for two Golden Globe Awards, one for Best Motion Picture—Comedy + or Musical, and one for Best Original Song—Motion Picture for Newman s You + ve Got a Friend in Me .[118] At both the Los Angeles Film Critics Association + Awards and the Kansas City Film Critics Circle Awards, the film won Best Animated + Film .[119][120] Toy Story is also among the top ten in the BFI list of the + 50 films you should see by the age of 14,[121][122] and the highest-placed (at + No. 99) animated film in Empire magazine s list of 500 Greatest Movie of All + Time .[123] In 2005, Toy Story, along with Toy Story 2 was voted the 4th greatest + cartoon in Channel 4 s 100 Greatest Cartoons poll, behind The Simpsons, Tom + and Jerry, and South Park.[124] + + Toy Story had a large impact on the film industry with its innovative computer + animation. After the film s debut, various industries were interested in the + technology used for the film. Graphics chip makers desired to compute imagery + similar to the film s animation for personal computers; game developers wanted + to learn how to replicate the animation for video games; and robotics researchers + were interested in building artificial intelligence into their machines that + compared to the film s lifelike characters.[125] Various authors have also compared + the film to an interpretation of Don Quixote as well as humanism.[126][127] + In addition, Toy Story left an impact with its catchphrase To Infinity and + Beyond , sequels, and software, among others. In 2005 (10 years after its theatrical + release), the film was selected for preservation in the National Film Registry + by the United States Library of Congress, one of only six films to be selected + in its first year of eligibility.[128] + + Buzz Lightyear s classic line To Infinity and Beyond has seen usage not only + on themed merchandise, but among philosophers and mathematical theorists as + well.[129][130][131] In 2008, during STS-124 astronauts took an action figure + of Buzz Lightyear into space on the Discovery Space Shuttle as part of an educational + experience for students while stressing the catchphrase. The action figure was + used for experiments in zero-g.[132] It was reported in 2008 that a father and + son had continually repeated the phrase to help them keep track of each other + while treading water for 15 hours in the Atlantic Ocean.[133] The phrase occurs + in the lyrics of Beyoncé s 2008 song Single Ladies (Put a Ring on It) , during + the bridge.[134] In 2012, the late Capital STEEZ released a song titled Infinity + and Beyond in reference to the phrase as part of his AmeriKKKan Korruption + mixtape.[135] + + Expanded franchise + + Main article: Toy Story (franchise) + + Toy Story has spawned three sequels: Toy Story 2 (1999), Toy Story 3 (2010), + and Toy Story 4 (2019). Initially, the first sequel to Toy Story was going to + be a direct-to-video release, with development beginning in 1996.[136] However, + after the cast from Toy Story returned and the story was considered to be better + than that of a direct-to-video release, it was announced in 1998 that the sequel + would see a theatrical release.[137] + + Toy Story 2 was released to theaters November 24, 1999 and saw the return of + the majority of the voice cast from the first film. The sequel focuses on Buzz + leading Andy s toys on a mission to rescue Woody after he is stolen by a greedy + toy collector. The film was equally well received by critics, many of whom thought + it was even better than the first installment, earning a rare 100% approval + rating at Rotten Tomatoes, based on 163 reviews.[138] At Metacritic, the film + earned a favorable rating of 88/100 based on 34 reviews.[139] The film s widest + release was 3,257 theaters and it grossed $497 million worldwide, becoming the + second-most successful animated film after The Lion King at the time of its + release.[140][141] + + Toy Story 3 was released to theaters June 18, 2010 and centers on Andy s mother + accidentally donating the toys to a day-care center when Andy, now a teenager, + is preparing to go to college. Once there, they must hurry home before Andy + leaves.[142][143] Again, the majority of the cast from the prior two films returned, + with Slinky Dog voiced by Blake Clark due to Jim Varney s death in 2000. It + was the first film in the franchise to be released in 3-D for its first run, + though the first two films, which were originally released in 2-D, were re-released + in 3-D in 2009 as a double feature.[142] Like its predecessors, Toy Story 3 + received enormous critical acclaim, earning a 98% approval rating from Rotten + Tomatoes.[144] It also grossed more than $1 billion worldwide, making it the + highest-grossing animated film until the release of 2013 s Frozen.[145] + + Toy Story 4 was released theatrically on June 21, 2019[8][9] and centers on + Woody reuniting with Bo Peep, who was given away by Andy s mother years ago, + while also coming to terms with his own continued purpose as a toy. It was originally + set to be directed by John Lasseter and co-directed by Josh Cooley, but Lasseter + stepped down in July 2017, leaving Cooley as the sole director.[146] Most of + the cast of the previous films again reprised their character roles, with Mr. + Potato Head voiced through archive recordings due to Don Rickles death in 2017.[147] + + In November 1996, the Disney on Ice: Toy Story ice show opened which featured + the cast s voices as well as Randy Newman s music.[148] In April 2008, the Disney + Wonder cruise ship launched Toy Story: The Musical shows on its cruises.[149] + + Toy Story also led to a spin-off direct-to-video animated film, Buzz Lightyear + of Star Command: The Adventure Begins, as well as the animated television series + Buzz Lightyear of Star Command.[150] The film and series followed Buzz Lightyear + and his friends at Star Command as they uphold justice across the galaxy. Although + the film was criticized for not using the same animation as the Toy Story films, + it sold three million VHS and DVDs in its first week of release.[151][152] The + television series brought further commercial and critical acclaim, winning a + Daytime Emmy in 2001 for Outstanding Sound Editing. The series ran for a total + of 65 episodes.[citation needed] + + Following the release of Toy Story 3, a series of Toy Story short films have + been shown in theaters in front of other Disney features: Hawaiian Vacation + (shown before Cars 2), centering on Barbie and Ken on vacation in Bonnie s room, + Small Fry (shown before The Muppets), centering on Buzz being left in a fast-food + restaurant, and Partysaurus Rex (shown before the 3D re-release of Finding Nemo), + centering on Rex partying with bath toys.[citation needed] + + In January 2013, a fan-made live-action version of the film was posted on YouTube + that received more than 20 million views before being taken down by Disney for + copyright of the audio.[153][154][155] In February 2016, the video returned + to YouTube.[156] + + In October 2013, ABC aired Toy Story of Terror!, promoting it as Pixar s first + television special.[157] In the special, Mr. Potato Head disappears and the + other toys have to find him.[citation needed] + + On December 2, 2014, ABC aired Toy Story That Time Forgot. In the story, the + toys are trapped in room with a group of humanoid dinosaur warrior toys called + Battlesaurs who do not know that they are toys and must escape.[158] + + Software and merchandise + + Disney s Animated Storybook: Toy Story and Disney s Activity Center: Toy Story + were released for Windows and Mac OS.[159] Disney s Animated Storybook: Toy + Story was the best selling software title of 1996, selling over 500,000 copies.[160] + Two console video games were released for the film: the Toy Story video game, + for the Sega Genesis, Super Nintendo Entertainment System, Game Boy, and PC + as well as Toy Story Racer, for the PlayStation (which contains elements from + Toy Story 2).[161] Pixar created original animations for all of the games, including + fully animated sequences for the PC titles.[citation needed] + + Toy Story had a large promotion before its release, leading to numerous tie-ins + with the film including images on food packaging.[74] A variety of merchandise + was released during the film s theatrical run and its initial VHS release including + toys, clothing, and shoes, among other things.[162] When an action figure for + Buzz Lightyear and Sheriff Woody was created it was initially ignored by retailers. + However, after over 250,000 figures were sold for each character before the + film s release, demand continued to expand, eventually reaching over 25 million + units sold by 2007.[91] + + Toy Story and its sequels have inspired multiple attractions at the theme parks + of Walt Disney World and Disneyland: + + Buzz Lightyear s Space Ranger Spin at the Magic Kingdom casts theme park guests + as cadets in Buzz s Space Ranger Corps. Guests ride through various scenes featuring + Emperor Zurg s henchmen, firing laser cannons at their Z symbols, scoring + points for each hit.[163] + + Buzz Lightyear s Astro Blasters at Disneyland is similar to Space Ranger Spin, + except that the laser cannons are hand-held rather than mounted to the ride + vehicle.[164] + + Buzz Lightyear s Astro Blasters at Walt Disney World s DisneyQuest, despite + the identical name to the Disneyland attraction, is a bumper car style attraction + in which guests compete against each other not only by ramming their ride vehicles + into each other but also by firing asteroids (playground balls) at each other.[165] + + Toy Story Midway Mania! at both Walt Disney World s Disney s Hollywood Studios + and Disneyland s Disney California Adventure features a series of interactive + carnival-type games hosted by the Toy Story characters. Guests ride in vehicles + while wearing 3-D glasses, and using a pull-string cannon to launch virtual + rings, darts, baseballs, etc. Disney announced an update to the attraction to + add characters from Toy Story 3 several months before the film s release date.[166][167] + + World of Color at Disney California Adventure is a large nighttime water and + light show. Some of the scenes projected on the water screens feature animation + from the Toy Story films.[168] + + Toy Story Playland at Disneyland Paris and Hong Kong Disneyland, opened in August + 2010 and November 2011 respectively. The area is designed to create the illusion + of shrinking the guest down to the size of a toy, and to play in Andy s backyard + in several themed rides.[169] + + Toy Story Land opened at Disney s Hollywood Studios on June 30, 2018, with rides + including the Slinky Dog Dash and Alien Swirling Saucers.[170] + + Toy Story s cast of characters forms the basis for the naming of the releases + of the Debian computer operating system, from Debian 1.1 Buzz, the first release + with a codename, in 1996, to Debian 11 Bullseye, the most-recently announced + future release.[171][172] + + In 2013, Pixar designed a Gromit Lightyear sculpture based on the Aardman + Animations character Gromit for Gromit Unleashed which sold for £65,000.[173] + + List of films with a 100% rating on Rotten Tomatoes + + ^ Toy Story . British Board of Film Classification. Archived from the original + on September 21, 2013. Retrieved August 2, 2013. + + ^ Toy Story (1995) – Financial Information . The Numbers. Archived from the + original on December 5, 2014. Retrieved December 7, 2014. + + ^ a b c Toy Story (1995) . Box Office Mojo. Archived from the original on May + 22, 2012. Retrieved August 20, 2016. + + ^ Toy Story . The Numbers. Archived from the original on March 16, 2009. Retrieved + March 11, 2009. + + ^ Sources that refer to Toy Story being referred to as one of the best animated + films of all time include: + + Top 25 Animated Movies of All-Time – Movies Feature at IGN . Movies.ign.com. + June 18, 2011. Archived from the original on July 11, 2018. Retrieved July 8, + 2011. + + Best Animated Movies (5–1) – The Moviefone Blog . Blog.moviefone.com. June 2, + 2008. Archived from the original on July 8, 2012. Retrieved July 8, 2011. + + Best Animated Films – Toy Story . Rotten Tomatoes. Archived from the original + on October 17, 2011. Retrieved July 8, 2011. + + 10 Top 10 . AFI. Archived from the original on May 18, 2010. Retrieved July + 8, 2011. + + Time Out s Top 50 Animated Movies of All Time Curated by Terry Gilliam | /Film + . Slashfilm.com. October 7, 2009. Archived from the original on November 7, + 2018. Retrieved July 8, 2011. + + The Movie Blog s 10 Best Animated Films of All Time . The Movie Blog. Archived + from the original on November 6, 2018. Retrieved July 8, 2011. + + Corliss, Richard (June 23, 2011). Toy Story, 1995 – The 25 All-TIME Best Animated + Films . Time. Archived from the original on September 13, 2012. Retrieved July + 8, 2011. + + ^ King, Susan (September 30, 2015). How Toy Story changed the face of animation, + taking off like an explosion . Los Angeles Times. Archived from the original + on October 2, 2015. Retrieved September 30, 2015. + + ^ Librarian of Congress Adds 25 Films to National Film Registry – News Releases + (Library of Congress) . Loc.gov. Archived from the original on August 9, 2009. + Retrieved June 10, 2013. + + ^ a b McClintock, Pamela (October 8, 2015). Cars 3 and Incredibles 2 Get + Release Dates; Toy Story 4 Bumped a Year . The Hollywood Reporter. Archived + from the original on November 17, 2015. Retrieved October 8, 2015. + + ^ a b Lang, Brent (October 26, 2016). Incredibles 2 Hitting Theaters a Year + Early, Toy Story 4 Pushed Back to 2019 . Variety. Archived from the original + on April 9, 2019. Retrieved October 26, 2016. + + ^ Paik 2007, p. 38. + + ^ Waterman Gives Brave Little Toaster a New Lease of Life (Exclusive) . The + Wrap. Archived from the original on June 13, 2018. Retrieved July 9, 2017. + + ^ a b c d Isaacson 2011, p. 181. + + ^ How Pixar became the world s greatest animation company . www.telegraph.co.uk. + Archived from the original on June 25, 2018. Retrieved July 8, 2017. + + ^ a b Price 2008, p. 117. + + ^ Droidmaker takes an entertaining & informative look back at the development + of computer animation . Archived from the original on June 23, 2018. Retrieved + June 22, 2018. + + ^ a b c d e f g Isaacson 2011, p. 206. + + ^ a b c d Price 2008, p. 119. + + ^ Kanfer 2000, p. 229. + + ^ a b Burrows, Peter; Grover, Ronald (November 23, 1998). Steve Jobs, Movie + Mogul . Bloomberg BusinessWeek. Archived from the original on June 13, 2011. + Retrieved March 11, 2009. + + ^ Schlender, Brent (May 17, 2006). Pixar s magic man . CNNMoney.com. Archived + from the original on July 15, 2012. Retrieved March 11, 2009. + + ^ Cezary Jan Strusiewicz (February 1, 2011). 5 Insane Early Drafts of Famous + Films . Archived from the original on October 14, 2013. Retrieved March 23, + 2015. + + ^ a b c Price 2008, p. 124. + + ^ Disney s Buzz Lightyear and Wall-E explore space for NASA . Space.com. June + 24, 2008. Archived from the original on July 24, 2012. Retrieved March 13, 2009. + + ^ Paik 2007, p. 103. + + ^ Charlie Rose (December 2, 2011). Charlie Rose Interview of John Lasseter + . Archived from the original on December 8, 2011. Retrieved November 21, 2016. + + ^ Kirsten Acuna (September 23, 2014). Toy Story Had An Unwatchable Script + Until Joss Whedon Saved It . Business Insider. Archived from the original on + July 2, 2019. Retrieved July 2, 2019. + + ^ a b c d e f g h i j k l m n o Toy Wonder . Entertainment Weekly. December + 8, 1995. Archived from the original on December 5, 2012. Retrieved March 11, + 2009. + + ^ Evans, Bradford (March 17, 2011). The Lost Roles of Jim Carrey . Splitsider. + Archived from the original on August 8, 2015. Retrieved March 28, 2016. Early + in Toy Story s development, producers wanted Paul Newman as Woody and Jim Carrey + as Buzz Lightyear, with the two actors representing Old Hollywood and New Hollywood, + respectively. + + ^ Evans, Bradford (February 17, 2011). The Lost Roles of Bill Murray . Archived + from the original on May 20, 2015. Retrieved May 25, 2015. + + ^ Farr, John (September 19, 2014). Bill Murray and the Roles That Got Away + . The Huffington Post. Archived from the original on January 11, 2016. Retrieved + May 25, 2015. + + ^ Locke, Greg W. (August 26, 2011). The Top 25 Roles Bill Murray Didn t Take + . Archived from the original on November 25, 2011. Retrieved May 25, 2015. + + ^ THE FACES & FACTS BEHIND DISNEY CHARACTERS . E!. Archived from the original + on March 14, 2016. Retrieved April 3, 2016. + + ^ Kozak, Jim (August 2005). Serenity Now! . In Focus. National Association + of Theatre Owners. Archived from the original on August 3, 2005. Retrieved August + 10, 2015. Ironically, Disney put the kibosh on the person they wanted for Buzz + Lightyear because he wasn t famous enough, so we couldn t use Jim Carrey. But + they had Tom Hanks in place. + + ^ Evans, Bradford. The Lost Roles of Chevy Chase . Splitsider. Archived from + the original on February 2, 2013. Retrieved November 21, 2016. + + ^ Fischer, Paul. Billy Crystal – Cranky Critic StarTalk . Archived from the + original on December 18, 2001. Retrieved March 11, 2009. + + ^ Pearlman, Cindy (October 28, 2001). Crystal clear on Monsters (Fee required). + Chicago Sun-Times. Archived from the original on January 13, 2012. Retrieved + March 16, 2009. + + ^ Toy Story (10th Anniversary Edition) – (Making Toy Story) (DVD). Walt Disney + Home Entertainment. September 6, 2005. Event occurs at 6:43. + + ^ Michael, Dennis (November 25, 1995). Toy Story stars say being animated + is hard work . CNN. Archived from the original on December 10, 2012. Retrieved + March 12, 2009. + + ^ a b c d e f g h i Isaacson 2011, p. 208. + + ^ a b Toy Story (10th Anniversary Edition) – (Filmmakers Reflect) (DVD). Walt + Disney Home Entertainment. September 6, 2005. + + ^ a b Toy Story : The Inside Buzz . Entertainment Weekly. December 8, 1995. + Archived from the original on May 22, 2012. Retrieved July 8, 2011. + + ^ Hicks, Chris (October 13, 1995). Animation: Disney is Still King . Deseret + News. Archived from the original on January 21, 2013. Retrieved October 17, + 2012. + + ^ a b c d e Snider, Burr (December 1995). The Toy Story Story . Wired. pp. + 1–6. Archived from the original on October 17, 2013. Retrieved March 13, 2009. + + ^ a b c Henne, Mark; Hickel, Hal; Johnson, Ewan; Konishi, Sonoks (February 25–28, + 1996). The Making of Toy Story (PDF). CompCon 96. Technologies for the Information + Superhighway Digest of Papers. Santa Clara, CA: 463–468. ISBN 0-8186-7414-8. + Archived from the original (PDF) on June 26, 2010. Retrieved March 13, 2009. + + ^ a b c Schlender, Brent (September 18, 1995). Steve Jobs Amazing Movie Adventure + Disney Is Betting on Computerdom s Ex-Boy Wonder To Deliver This Year s Animated + Christmas Blockbuster. Can He Do For Hollywood What He Did For Silicon Valley? + . CNN. Archived from the original on June 4, 2012. Retrieved March 12, 2009. + + ^ a b Lasseter, John (2005). Toy Story Deleted Scenes (Toy Story 10th Anniversary + Edition) (Media notes). Disney. + + ^ a b c d Price 2008, pp. 139–142. + + ^ Kronke, David (November 21, 1995). After Toy Story Credits Roll, the Fun + Comes Alive . Los Angeles Times. Archived from the original on May 20, 2016. + Retrieved September 7, 2015. + + ^ Isaacson 2011, p. 209. + + ^ Programme 1996 . Berlinale. Archived from the original on October 7, 2014. + Retrieved December 6, 2014. + + ^ 1996 Yearbook . Berlinale. Archived from the original on December 5, 2014. + Retrieved December 6, 2014. + + ^ Elliott, Stuart (November 22, 1995). The Media Business: Advertising; Coca-Cola, + Pepsico and Burger King sign on with Disney for a happy ending with Toy Story tie-ins + . The New York Times. Archived from the original on July 13, 2012. Retrieved + March 12, 2009. + + ^ a b Reyes, Sonia (November 23, 1995). It s A Toy Story Told at the Cash Register + . Daily News. New York. Archived from the original on September 6, 2018. Retrieved + October 17, 2012. + + ^ tnarwani (July 21, 2008). The Lost Joss Whedon/Pixar Connection . Archived + from the original on September 6, 2018. Retrieved March 11, 2009. + + ^ Witchel, Alex (February 21, 1996). Talking Toys with Betty James; Persevering + for Family and Slinky . The New York Times. Archived from the original on January + 30, 2013. Retrieved February 26, 2009. + + ^ a b Richards, Olly (January 24, 2008). Toy Story Movies Going 3D . Empire. + Archived from the original on November 7, 2018. Retrieved March 11, 2009. + + ^ Germain, David (March 31, 2009). Disney does 3-D with Toy Story, Beast reissues + . USA Today. Archived from the original on February 5, 2013. Retrieved October + 17, 2012. + + ^ David Chen (October 12, 2009). Lee Unkrich Announces Kristen Schaal and Blake + Clark Cast in Toy Story 3; Toy Story 3D Double Feature To Stay in Theaters . + Archived from the original on September 10, 2012. Retrieved October 12, 2009. + + ^ Toy Story Franchise Going 3-D . VFXWorld.com. January 24, 2008. Retrieved + March 12, 2009. + + ^ a b c Murphy, Mekado (October 1, 2009). Buzz and Woody Add a Dimension . + The New York Times. Archived from the original on January 29, 2014. Retrieved + February 18, 2010. + + ^ Toy Story in 3D: MSN Review . Archived from the original on October 2, 2009. + Retrieved October 3, 2009. + + ^ a b Toy Story/Toy Story 2 (3D) . Box Office Mojo. Archived from the original + on July 31, 2012. Retrieved February 18, 2010. + + ^ Snow, Shauna (November 8, 1996). Arts and entertainment reports from The + Times, national and international news services and the nation s press . Los + Angeles Times. Archived from the original on February 6, 2014. Retrieved March + 12, 2009. + + ^ a b c Hettrick, Scott (June 21, 2000). Disney packages Toy Story and sequel + together for DVD . VideoBusiness.com. Archived from the original on October + 19, 2006. Retrieved March 12, 2009. + + ^ Otto, Jeff (September 2, 2005). Double Dip Digest: Toy Story . IGN. Archived + from the original on July 7, 2012. Retrieved March 12, 2009. + + ^ Amazon.com – Toy Story (Two-Disc Special Edition Blu-rayDVD Combo w/ Blu-ray + Packaging) . Amazon.com. February 10, 2010. ASIN B0030IIYWA. + + ^ Amazon.com – Toy Story (Special Edition) . Amazon.com. Archived from the + original on March 2, 2016. Retrieved May 3, 2010. + + ^ Toy Story 4K Blu-ray, archived from the original on May 13, 2019, retrieved + May 13, 2019 + + ^ a b Paik 2007, p. 104. + + ^ Toy Story (1995) . Rotten Tomatoes. Fandango Media. Archived from the original + on July 7, 2019. Retrieved November 12, 2019. + + ^ Toy Story Reviews . Metacritic. CBS Interactive. Archived from the original + on May 22, 2012. Retrieved March 11, 2009. + + ^ Find Cinemascore . CinemaScore. Archived from the original on January 2, + 2018. Retrieved October 20, 2016. + + ^ Klady, Leonard (November 20, 1995). Toy Story . Variety. Archived from the + original on September 8, 2018. Retrieved March 11, 2009. + + ^ a b Ebert, Roger (November 22, 1995). Toy Story . RogerEbert.com. Ebert Digital + LLC. Archived from the original on October 17, 2013. Retrieved March 11, 2009. + + ^ Corliss, Richard (November 27, 1995). They re Alive! . Time. Archived from + the original on December 11, 2012. Retrieved March 11, 2009. + + ^ Wloszczyna, Susan. Toy Story . USA Today. Archived from the original on May + 28, 2009. Retrieved March 11, 2009. + + ^ Turan, Kenneth (November 22, 1995). MOVIE REVIEWS : The Secret Life of Toys: + A Story for All Ages : The animated film s visual dazzle will delight kids, + while adults will appreciate the wised-up jokes . Los Angeles Times. Archived + from the original on January 27, 2013. Retrieved October 17, 2012. + + ^ Ansen, David (November 27, 1995). Toy Story . Newsweek. Retrieved March 11, + 2009. + + ^ Gleiberman, Owen (November 27, 1995). Toy Story . Entertainment Weekly. Archived + from the original on December 20, 2007. Retrieved March 11, 2009. + + ^ The Best of 1995 . Time. December 25, 1995. Archived from the original on + December 8, 2012. Retrieved March 12, 2009. + + ^ Corliss, Richard (June 23, 2011). The 25 All-TIME Best Animated Films – Toy + Story . Time. Archived from the original on September 13, 2012. Retrieved August + 19, 2011. + + ^ The 500 Greatest Movies of All Time . Empire. Archived from the original + on August 14, 2011. + + ^ Ball, Ryan (March 4, 2003). Toy Story Tops Online Film Critics Top 100 . + Animation Magazine. Archived from the original on February 21, 2013. Retrieved + October 17, 2012. + + ^ Star Wars Leads VES Top 50 Most Influential VFX List . VFXWorld.com. May + 11, 2007. Retrieved March 11, 2009. + + ^ Citizen Kane stands the test of time (PDF). American Film Institute. June + 20, 2007. p. 4. Archived (PDF) from the original on November 10, 2016. Retrieved + March 11, 2009. + + ^ American Film Institute (June 17, 2008). AFI Crowns Top 10 Films in 10 Classic + Genres . ComingSoon.net. Archived from the original on June 19, 2008. Retrieved + March 11, 2009. + + ^ Top Ten Animation . American Film Institute. Archived from the original on + June 19, 2008. Retrieved March 11, 2009. + + ^ Time Out s 50 Greatest Animated Films: Part 5 . Time Out London. Archived + from the original on October 8, 2009. Retrieved April 8, 2011. + + ^ Toy Story Daily Box Office . Box Office Mojo. Archived from the original + on May 22, 2012. Retrieved March 11, 2009. + + ^ 1995 Domestic Grosses . Box Office Mojo. Archived from the original on May + 22, 2012. Retrieved March 11, 2009. + + ^ Domestic Grosses #1–100 . Box Office Mojo. Archived from the original on + August 3, 2018. Retrieved March 11, 2009. + + ^ 1995 Academy Awards . infoplease. Archived from the original on January 3, + 2013. Retrieved January 31, 2009. + + ^ Three Pixar execs get special Oscars . San Francisco Chronicle. February + 1, 1996. Archived from the original on June 29, 2012. Retrieved March 12, 2009. + + ^ a b Toy Story (1995) . The New York Times. Archived from the original on + May 11, 2011. Retrieved March 12, 2009. + + ^ Legacy: 24th Annual Annie Award Nominees and Winners (1996) . Annie Awards. + Archived from the original on May 12, 2008. Retrieved March 12, 2009. + + ^ Horn, John (December 21, 1995). Sense And Sensibility Tops Nominations + For Golden Globe Awards . The Seattle Times. Archived from the original on June + 29, 2012. Retrieved March 12, 2009. + + ^ Emerson, Jim. The Los Angeles Film Critics Association . Los Angeles Film + Critics Association Awards. Archived from the original on December 3, 1998. + Retrieved March 12, 2009. + + ^ KCFCC Award Winners . Kansas City Film Critics Circle. Archived from the + original on June 29, 2012. Retrieved March 12, 2009. + + ^ The 50 films you should see by the age of 14 . Daily Mail. July 20, 2005. + Archived from the original on July 24, 2012. Retrieved January 23, 2018. + + ^ BFI Lists / List of Films You Should See By the Age of 14 . TV Tropes. Archived + from the original on January 24, 2018. Retrieved January 23, 2018. + + ^ The 500 Greatest Movies of All Time (100–96) . Emprire. Archived from the + original on August 17, 2011. Retrieved April 1, 2010. + + ^ Channel 4 s 100 Greatest Cartoons . List Challenges. Archived from the original + on September 9, 2018. Retrieved February 24, 2019. + + ^ Porter, Tom; Susman, Galyn (January 1, 2000). Creating Lifelike Characters + in Pixar Movies . Communications of the ACM. Archived from the original on September + 9, 2018. Retrieved March 13, 2009. + + ^ Burningham, Bruce (2000). Walt Disney s Toy Story as Postmodern Don Quixote (PDF). + Cervantes. Cervantes Society of America. 20 (1): 157–174. Archived (PDF) from + the original on July 6, 2008. Retrieved March 13, 2009. + + ^ Hall, Lucia K.B. (March 1, 2000). Toy Stories for Humanists? . The Humanist. + Archived from the original on December 6, 2014. Retrieved March 13, 2009. + + ^ Films Selected to the National Film Registry, Library of Congress – 2005 + . National Film Registry. December 27, 2005. Archived from the original on February + 8, 2014. Retrieved March 11, 2009. + + ^ Dusek, Val (2006). Philosophy of Technology: An Introduction. Blackwell Publishing. + p. 59. ISBN 1-4051-1163-1. + + ^ Introducing student-friendly technology . The Jakarta Post. April 10, 2004. + Archived from the original on July 16, 2012. Retrieved March 13, 2009. + + ^ Matson, John (July 19, 2007). Strange but True: Infinity Comes in Different + Sizes . Scientific American. Archived from the original on September 18, 2012. + Retrieved March 13, 2009. + + ^ Pearlman, Robert Z. (May 29, 2008). Buzz Lightyear Becomes Real Space Ranger + . Space.com. Archived from the original on September 11, 2012. Retrieved March + 12, 2009. + + ^ Toy Story Line Helped Father, Son Survive in Water for 15 Hours . Fox News + Channel. Associated Press. September 10, 2008. Archived from the original on + July 30, 2012. Retrieved March 13, 2009. + + ^ Beyonce Knowles – Single Ladies (Put A Ring On It) Lyrics | AZLyrics.com + . www.azlyrics.com. Archived from the original on February 2, 2019. Retrieved + February 1, 2019. + + ^ Thompson, Anne (January 26, 1996). Could a Toy Story sequel be released straight-to-video + – Woody and Buzz might be coming to a living room near you . Entertainment Weekly. + Archived from the original on December 8, 2012. Retrieved March 12, 2009. + + ^ Cohen, Karl (December 1, 1999). Toy Story 2 Is Not Your Typical Hollywood + Sequel . Animation World Network. Retrieved March 12, 2009. + + ^ Toy Story 2 (1999) . Rotten Tomatoes. Archived from the original on April + 1, 2019. Retrieved March 11, 2009. + + ^ Toy Story 2 Reviews . Metacritic. Retrieved March 11, 2009. + + ^ Toy Story 2 . Box Office Mojo. Archived from the original on May 22, 2012. + Retrieved March 11, 2009. + + ^ Animation #1–100 . Box Office Mojo. Archived from the original on August + 23, 2010. Retrieved March 11, 2009. + + ^ a b Walt Disney Studios (January 24, 2008). Toy Story Trio Goes 3-D! . ComingSoon.net. + Archived from the original on July 24, 2012. Retrieved March 11, 2009. + + ^ Marr, Melissa; Wingfield, Nick (February 19, 2008). Big Media Companies Want + Back in the Game . The Wall Street Journal. Archived from the original on June + 29, 2013. Retrieved March 11, 2009. + + ^ Toy Story 3(Rotten Tomatoes Review) . Rotten Tomatoes. Archived from the + original on May 16, 2019. Retrieved April 16, 2011. + + ^ McClintock, Pamela (March 30, 2014). Box Office Milestone: Frozen Becomes + No. 1 Animated Film of All Time . The Hollywood Reporter. Archived from the + original on March 30, 2014. Retrieved March 30, 2014. + + ^ Khatchatourian, Maane (July 14, 2017). Toy Story 4 : Josh Cooley Becomes + Sole Director as John Lasseter Steps Down . Archived from the original on July + 15, 2017. + + ^ Snekiter, Marc (March 29, 2019). Here s how Toy Story 4 will honor the late + Don Rickles as Mr. Potato Head . Entertainment Weekly. Archived from the original + on March 29, 2019. Retrieved March 29, 2019. + + ^ Putzer, Jerry (November 8, 1996). Toy Story Takes the Ice to the Blue Line + and Beyond! . Daily News. New York. Archived from the original on December 6, + 2008. Retrieved March 12, 2009. + + ^ BWW News Desk (January 9, 2008). Disney Launches Toy Story Musical Aboard + Cruise-Line . BroadwayWorld.com. Archived from the original on December 6, 2008. + Retrieved March 12, 2009. + + ^ Stack, Peter (August 13, 2000). Buzz Lightyear Tops Stack of Kid Stuff . + San Francisco Chronicle. Archived from the original on December 10, 2012. Retrieved + March 12, 2009. + + ^ Fretts, Bruce (August 8, 2000). Buzz Lightyear of Star Command (2008) . Entertainment + Weekly. Archived from the original on December 8, 2012. Retrieved March 12, + 2009. + + ^ Netherby, Jennifer (January 27, 2006). As biggest animated movies stay in + Mouse House . VideoBusiness.com. Archived from the original on February 11, + 2006. Retrieved March 12, 2009. + + ^ Jonason s Movies. Live Action Toy Story is Gone . YouTube. Archived from + the original on November 21, 2018. Retrieved November 21, 2016. + + ^ West, Abby (January 14, 2013). Live-action Toy Story : Two fans love letter + to the film . Entertainment Weekly. Archived from the original on April 9, 2013. + Retrieved March 1, 2013. + + ^ Jonason s Movies. Live Action Toy Story . YouTube. Archived from the original + on January 14, 2013. Retrieved January 12, 2013. + + ^ Jonason s Movies. Live Action Toy Story is back! . YouTube. Archived from + the original on November 21, 2018. Retrieved November 21, 2016. + + ^ Goldblatt, Daniel (August 9, 2013). ABC Sets Premiere Date for Toy Story + OF TERROR! . Variety. Archived from the original on September 9, 2018. Retrieved + December 6, 2014. + + ^ Bacle, Ariana (December 2, 2014). Kristen Schaal s Trixie shines in Toy + Story That Time Forgot . Entertainment Weekly. Archived from the original on + September 8, 2018. Retrieved December 26, 2014. + + ^ Mannes, George (December 1, 1996). A Disney Disc That Hits The Spot . Daily + News. New York. Archived from the original on October 25, 2012. Retrieved October + 17, 2012. + + ^ Kent, Steven L. (July 27, 1997). Tech Reviews—Disney Makes It Look Good, + But Don t Expect Too More . The Seattle Times. Archived from the original on + July 7, 2012. Retrieved March 12, 2009. + + ^ Bassave, Roy (November 28, 1995). Video game of the week: Toy Story . Knight + Ridder. Archived from the original on July 16, 2012. Retrieved March 12, 2009. + + ^ Scally, Robert (October 7, 1996). Toy Story rivals The Lion King for merchandising + muscle – home video . Discount Store News. Archived from the original on December + 10, 2008. Retrieved March 12, 2009. + + ^ Buzz Lightyear s Space Ranger Spin . Archived from the original on September + 8, 2018. Retrieved June 14, 2010. + + ^ Buzz Lightyear s Astro Blasters . Archived from the original on May 22, 2012. + Retrieved June 14, 2010. + + ^ Buzz Lightyear s Astroblasters . Archived from the original on December 6, + 2012. Retrieved June 14, 2010. + + ^ Toy Story Mania! (WDW) . Archived from the original on September 8, 2018. + Retrieved June 14, 2010. + + ^ Toy Story Mania! (DL) . Archived from the original on January 14, 2014. Retrieved + June 14, 2010. + + ^ World of Color . Archived from the original on June 20, 2010. Retrieved November + 22, 2016. + + ^ A short visit to Disneyland Paris . The Press. August 21, 2010. Archived + from the original on February 4, 2011. Retrieved February 27, 2011. + + ^ Toy Story Land – Now Open! . disneyworld.disney.go.com. Archived from the + original on June 12, 2018. Retrieved May 10, 2018. + + ^ The Debian GNU/Linux FAQ – The Debian FTP archives . Debian. April 25, 2015. + Archived from the original on October 11, 2011. Retrieved April 26, 2015. + + ^ Bits from the release team: Winter is Coming (but not to South Africa) . + Debian. July 6, 2016. Archived from the original on July 18, 2016. Retrieved + April 19, 2017. + + ^ GROMIT UNLEASHED 2013: Cracking! Auction of Gromits in Bristol tops the £2m + mark . Bristol Post. Archived from the original on October 27, 2014. + + Isaacson, Walter (2011). Steve Jobs. New York: Simon & Schuster. ISBN 978-1-4516-4853-9. + + Kanfer, Stefan (2000) [1997]. Serious Business: The Art and Commerce of Animation + in America from Betty Boop to Toy Story. New York: Da Capo Press. ISBN 978-0-306-80918-7. + + Paik, Karen (2007). To Infinity and Beyond!: The Story of Pixar Animation Studios. + San Francisco: Chronicle Books. ISBN 978-0-8118-5012-4. + + Price, David (2008). The Pixar Touch: The Making of a Company. New York: Alfred + A. Knopf. ISBN 978-0-307-26575-3. + + Wikimedia Commons has media related to Toy Story. + + Wikiquote has quotations related to: Toy Story + + Official Pixar website + + Toy Story on IMDb + + Toy Story at the TCM Movie Database + + Toy Story at The Big Cartoon DataBase + + Toy Story at AllMovie + + Toy Story at Rotten Tomatoes + + Toy Story at Metacritic + + Toy Story at Box Office Mojo + + Other Disney units + + Unproduced films + + Walt Disney Animation Studios short films (Academy Award Review) + + Cars Toons (2008) + + Tales of the Slayers + + Tales of the Vampires + + John Whedon + + Bellwether Pictures + + Whedonesque.com + + Whedonverse (comics) + + A Bug s Life (1998) (co-director, also wrote) + + BURN-E (2008, short) + + Annie Award for Best Animated Feature + + Retrieved from https://en.wikipedia.org/w/index.php?title=Toy_Story&oldid=940883086 + + 3D re-releases + + Animated buddy films + + Films scored by Randy Newman + + Films directed by John Lasseter + + Films produced by Bonnie Arnold + + Pixar animated films + + Films with screenplays by Joel Cohen + + Films with screenplays by Pete Docter + + Films with screenplays by John Lasseter + + Films with screenplays by Joe Ranft + + Films with screenplays by Alec Sokolow + + Films with screenplays by Andrew Stanton + + Films with screenplays by Joss Whedon + + Films about dolls' + __selected-docs__: + - 'G | 1h 21min | Animation, Adventure, Comedy | 22 November 1995 (USA) + + John Lasseter (original story by), Pete Docter (original story by) | 6 more + credits » + + Tom Hanks, Tim Allen, Don Rickles | See full cast & crew » + + Bo Peep leads a rescue mission in first Toy Story 4 clip + + Toy Story 4 Clip Sends Bo Peep and Woody on a Rescue Mission + + Mark Wahlberg and Will Ferrell s Favourite Holiday Movies + + The Movies and TV Shows of Joss Whedon + + 2019 Watched list + + بشوفها + + Films that I can watch when I am not home alone (parents are in) + + Search for Toy Story on Amazon.com + + Title: Toy Story (1995) + + 90s Movie to TV Series + + Top Rated Movies #89 | Nominated for 3 Oscars. Another 25 wins & 20 nominations. + See more awards » + + 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. + + Stars: Mike Myers, Eddie Murphy, Cameron Diaz + + A Lion cub crown prince is tricked by a treacherous uncle into thinking he caused + his father s death and flees into exile in despair, only to learn in adulthood + his identity and his responsibilities. + + Directors: Roger Allers, Rob Minkoff + + Stars: Matthew Broderick, Jeremy Irons, James Earl Jones + + Directors: Pete Docter, Ronnie Del Carmen + + Stars: Amy Poehler, Bill Hader, Lewis Black + + Directors: Chris Wedge, Carlos Saldanha + + Stars: Denis Leary, John Leguizamo, Ray Romano + + Tom Hanks ... Woody (voice) + + Tim Allen ... Buzz Lightyear (voice) + + Don Rickles ... Mr. Potato Head (voice) + + Jim Varney ... Slinky Dog (voice) + + Wallace Shawn ... Rex (voice) + + John Ratzenberger ... Hamm (voice) + + Annie Potts ... Bo Peep (voice) + + John Morris ... Andy (voice) + + Erik von Detten ... Sid (voice) + + Laurie Metcalf ... Mrs. Davis (voice) + + R. Lee Ermey ... Sergeant (voice) + + Sarah Freeman ... Hannah (voice) + + Penn Jillette ... TV Announcer (voice) + + Jack Angel ... Shark / Rocky Gibraltar (voice) + + Spencer Aste ... Wounded Soldier (voice) + + A little boy named Andy loves to be in his room, playing with his toys, especially + his doll named Woody . But, what do the toys do when Andy is not with them, + they come to life. Woody believes that his life (as a toy) is good. However, + he must worry about Andy s family moving, and what Woody does not know is about + Andy s birthday party. Woody does not realize that Andy s mother gave him an + action figure known as Buzz Lightyear, who does not believe that he is a toy, + and quickly becomes Andy s new favorite toy. Woody, who is now consumed with + jealousy, tries to get rid of Buzz. Then, both Woody and Buzz are now lost. + They must find a way to get back to Andy before he moves without them, but they + will have to pass through a ruthless toy killer, Sid Phillips. Written by John + Wiggins + + toy | rivalry | cowboy | cgi animation | claw crane | See All (224) » + + Proud to be a vegetable See more » + + Toy Story in 3-D See more » + + Pixar Animation Studios - 1200 Park Avenue, Emeryville, California, USA See + more » + + Dolby SR | Sonics-DDP (3D re-release)| SDDS + + Introduced to the National Film Registry in 2005, its first year of eligibility + for such an accolade. See more » + + When Buzz is sitting on the floor of Sid s room, he is wearing his Mrs. Nesbitt apron. + As Sid s toys converge on Buzz, the apron is gone but is tossed away an instant + later while the toys work on him. See more » + + Andy: [playing with and mimicking the voices of his toys; holding Mr. Potato + Head] All right, everyone! This... is a stick-up. Don t anybody move! Now empty + that safe! + + [empties Hamm the piggy bank and coins fall out] + + Andy: Ooh, hoo hoo! Money, money, money! + + [has Potato Head kiss the money; as Bo Peep] + + Andy: Stop it! Stop it, you mean old potato! + + [as Potato Head] + + Andy: Quiet, Bo Peep! Or your sheep get run over! + + [as the sheep, on a toy car track] + + Andy: Help! Baaa! Help us! + + This is the first Pixar film to feature the Production Babies section, which + lists babies born to the crew members during production. This would become a + trademark in the following years, in films like A Bug s Life (1998), Toy Story + 2 (1999), Monsters, Inc. (2001) and Finding Nemo (2003). See more » + + Several other sequences that included words were rewritten in different languages + for international releases. Among these are the don t count on it from the + 8 ball, posters in Andy and Sid s rooms, and the words on the television screen + during the Buzz Lightyear Commercial See more » + + Featured in WatchMojo: Top 10 Most Memorable Movies of 1995 (2015) See more + » + + Q: What is the Morse code used by Babyface in Sid s room? + + Q: Is Toy Story based on a book? + + Every Kid s Fantasy + + 3 February 2009 | by alexkolokotronis – See all my reviews + + Toy Story is the film that started Pixar Animated Studios into its long string + of never ending success. What Pixar does is not just absorb the younger demographic + and keep the older ones mildly entertained. It completely absorbs everyone watching + no matter the age or the level of maturity, films of Pixar, starting from Toy + Story, have kept a certain magical touch around it with an unexpected amount + of depth. Everyone as a child imagines their toys will come alive and go on + their own adventures. One of the great things Pixar does is that it does not + attract audiences with its overloaded superstar casts but rather with its material. + The only superstar here is Tom Hanks and Tim Allen is the next most aforementioned + voice over. Unlike what most people think their is an actually a method to casting + for animated films as there is to a live-action one. As a result of this Pixar + stays faithful to its material and creates a great genuine and warm feeling + around the film and its characters.' + __selected-sentences__: + - Tom Hanks, Tim Allen, Don Rickles | See full cast & crew » + - Pixar Animation Studios - 1200 Park Avenue, Emeryville, California, USA See + more » + episode_done: false + eval_labels: + - All four movies in the Toy Story series are great. Tom Hanks, Tim Allen, and + Don Rickles are all truly great actors and the creativity of the Pixar Animation + Studios team is really top notch. + id: WizInternetWizardTeacher + search_query: movie toy story + text: "__knowledge__ Tom Hanks, Tim Allen, Don Rickles | See full cast & crew\ + \ »\nPixar Animation Studios - 1200 Park Avenue, Emeryville, California, USA\ + \ See more » __endknowledge__ \n I have. I liked Toy Story. There was a marathon." +- - __retrieved-docs-urls__: + - https://nvidianews.nvidia.com/news/pixar-animation-studios-licenses-nvidia-technology-for-accelerating-feature-film-production + - https://digital.hbs.edu/platform-rctom/submission/pixar-animation-studios-creative-kaizen/ + - https://www.pixar.com/careers-at-pixar + - https://pixar.fandom.com/wiki/Pixar_Animation_Studios + - https://en.wikipedia.org/wiki/Pixar + __retrieved-docs__: + - 'Pixar Animation Studios Licenses NVIDIA Technology for Accelerating Feature + Film Production + + SANTA CLARA, CA - To accelerate production of its computer-animated feature + films and short film content, Pixar Animation Studios is licensing a suite of + NVIDIA (NASDAQ: NVDA) technologies related to image rendering, the companies + announced today. + + The multi-year strategic licensing agreement gives Pixar access to NVIDIA s + quasi-Monte Carlo (QMC) rendering methods. These methods can make rendering + more efficient, especially when powered by GPUs and other massively parallel + computing architectures. + + NVIDIA and Pixar have worked together for years to improve workflows in content + creation, said Steven Parker, vice president of engineering and CTO of rendering + technology at NVIDIA. With NVIDIA s QMC sampling technology, Pixar can accelerate + its creative process while continuing to produce visual imagery and animation + of the very highest standard. + + Pixar has long used NVIDIA GPU technology to push the limits of what is possible + in animation and the filmmaking process, said Steve May, vice president and + CTO at Pixar. NVIDIA s particular QMC implementation has the potential to enhance + rendering functionality and significantly reduce our rendering times. + + As part of the agreement, NVIDIA will also contribute ray-tracing technology + to Pixar s OpenSubdiv Project, an open-source initiative to promote high-performance + subdivision surface evaluation on massively parallel CPU and GPU architectures. + This will enable rendering of complex Catmull-Clark subdivision surfaces in + animation with unprecedented precision. + + Keep up with the NVIDIA Blog, and follow us on Facebook, Google+, Twitter, LinkedIn + and Instagram. + + View NVIDIA videos on YouTube and images on Flickr. + + About Pixar Animation Studios + + Pixar Animation Studios, a wholly owned subsidiary of The Walt Disney Company, + is an Academy Award®-winning film studio with world-renowned technical, creative + and production capabilities in the art of computer animation. The Northern California + studio has created some of the most successful and beloved animated films of + all time, including Toy Story, Monsters, Inc., Cars, The Incredibles, Ratatouille, WALL-E, Up, Toy + Story 3 and Brave. Its movies have won 30 Academy Awards® and have grossed + more than $8.7 billion at the worldwide box office to date. Inside Out, Pixar + s fifteenth feature, is currently in theaters worldwide. + + Since 1993, NVIDIA (NASDAQ: NVDA) has pioneered the art and science of visual + computing. The company s technologies are transforming a world of displays into + a world of interactive discovery -- for everyone from gamers to scientists, + and consumers to enterprise customers. More information at http://nvidianews.nvidia.com/ + and http://blogs.nvidia.com/. + + Certain statements in this press release including, but not limited to, statements + as to: the impact of the licensing of NVIDIA s image rendering technologies + to Pixar; and the benefits and impact of NVIDIA s quasi-Monte Carlo rendering + methods and ray-tracing technology are forward-looking statements that are subject + to risks and uncertainties that could cause results to be materially different + than expectations. Important factors that could cause actual results to differ + materially include: global economic conditions; our reliance on third parties + to manufacture, assemble, package and test our products; the impact of technological + development and competition; development of new products and technologies or + enhancements to our existing product and technologies; market acceptance of + our products or our partners products; design, manufacturing or software defects; + changes in consumer preferences or demands; changes in industry standards and + interfaces; unexpected loss of performance of our products or technologies when + integrated into systems; as well as other factors detailed from time to time + in the reports NVIDIA files with the Securities and Exchange Commission, or + SEC, including its Form 10-Q for the quarterly period ended April 26, 2015. + Copies of reports filed with the SEC are posted on the company s website and + are available from NVIDIA without charge. These forward-looking statements are + not guarantees of future performance and speak only as of the date hereof, and, + except as required by law, NVIDIA disclaims any obligation to update these forward-looking + statements to reflect future events or circumstances. + + © 2015 NVIDIA Corporation. All rights reserved. NVIDIA and the NVIDIA logo are + trademarks and/or registered trademarks of NVIDIA Corporation in the U.S. and + other countries. Other company and product names may be trademarks of the respective + companies with which they are associated. Features, pricing, availability and + specifications are subject to change without notice.' + - "Pixar Animation Studios: Creative Kaizen\nBy HBSstudent11\nIliad S.A.: the\ + \ story behind France’s telecommunications maverick\nHow Pixar’s innovative\ + \ production process ensures creative quality for audiences\nPixar: A Winner\n\ + Pixar has been highly effective at aligning its business and operating models\ + \ to drive success. Founded 1986, Pixar has produced 16 feature animated films\ + \ which together have grossed almost $4 billion at the box office (1). Critically\ + \ acclaimed projects include: Toy Story, The Incredibles, Ratatouille, Up, and\ + \ Finding Nemo. Disney took notice of Pixar’s ability to churn out blockbusters,\ + \ and acquired them in 2006 (2). This ability seems to be driven by Pixar’s\ + \ unique model of organization, production, and talent retention.\nPixar makes\ + \ money by unifying art and technology to produce original animated films that\ + \ motivate audiences to buy movie tickets, DVDs, digital copies, and merchandise.\ + \ These films are marketed towards children, but have the emotional depth and\ + \ production quality to appeal to adults. Pixar’s key market differentiator\ + \ is its focus on quality. Instead of throwing out a portfolio of movies every\ + \ year and hoping that a few become blockbusters, Pixar makes big bets on a\ + \ fewer number of films, producing one film every four to five years. It minimizes\ + \ risk by ensuring the quality of these films via a highly monitored production\ + \ process.\nPixar has a very unique operating model compared to other film studios.\ + \ In other studios, new creative teams are formed around new film concepts and\ + \ then disbanded once the films are complete. Pixar takes a drastically different\ + \ approach and retains creative talent as long-term employees. This allows teams\ + \ to improve their skills and operating processes over time with increased repetition\ + \ (3). Pixar leaders believe that the initial idea matters a lot less than the\ + \ people who actually iterate and brainstorm around that idea throughout the\ + \ production process (4). Other key elements of Pixar’s successful operating\ + \ model include:\nIncubator Teams: When concepts are still nascent, small teams\ + \ of directors, writers, and artists serve as incubators that work together\ + \ to improve and expand on the initial ideas. This tests the idea, but also\ + \ serves as a way for teams to feel out their strengths and weaknesses and learn\ + \ how they should work together moving forward (4).\nShared Dailies: Every day,\ + \ directors and producers must show their daily work to everyone (instead of\ + \ just a small team like at other studios). All members of the crew are encouraged\ + \ to offer suggestions for improvement. Dailies serve as a great way to share\ + \ information with the entire team and break down departmental barriers (4).\n\ + Creative Brain Trust: This is a committee of creative leaders in the company\ + \ that directors/producers can access to help solve production problems. An\ + \ important and unique dynamic of this group is that, unlike traditional studio\ + \ development executives, the advisors of this committee have no authority.\ + \ Instead, they are peers whose purpose is solely to offer creative input and\ + \ advice (5).\nPostmortems: These are meetings that occur after a film is finished\ + \ and discuss the successes and failures of the process. This is critical for\ + \ the growth of the teams (as they will largely remain together to work on the\ + \ next Pixar film) and helps improve work output and processes for the future\ + \ (4).\nPixar University: The company offers classes across disciplines to foster\ + \ communication between departments and emphasize the idea of “learning and\ + \ growing together” (3).\nPixar Campus: The campus has an open plan that maximizes\ + \ interaction among colleagues during the workday to stimulate conversation\ + \ and free flow of ideas (3).\nBusiness and Operating Model Alignment\nThe business\ + \ and operating models are both aligned on Pixar’s key competitive advantages:\ + \ creativity and quality. Pixar has become a consumer-facing brand associated\ + \ with a high level of creativity and quality — and they want to sustain this\ + \ brand identity to retain loyal audiences. To ensure that this production value\ + \ is being provided to customers, the production process is highly detail-oriented\ + \ and based on constant iteration, refinement, and team growth and learning.\ + \ A Harvard Business Review article even likened Pixar’s continuous improvement\ + \ model to that of Toyota’s “Kaizen” philosophy (6). The operating model also\ + \ supports the business model and decreases the risk of a very expensive film\ + \ failure by subjecting the work in process to constant quality control checks.\ + \ High levels of cooperation and sharing throughout the production process allows\ + \ for errors in storyline, dialogue, or visual effects to be caught early and\ + \ often — before the process is too far along for these problems to be fixed\ + \ (4). Though this increases the cycle time of the process (often only 2 seconds\ + \ of a film is worked on each day!), Pixar’s box office performance has shown\ + \ that the value gained from this process in quality and creativity added has\ + \ definitely paid off (7).\nSources Cited/Used:\nhttp://www.boxofficemojo.com/franchises/chart/?id=pixar.htm\n\ + http://www.hollywoodreporter.com/news/pixar-disney-animation-john-lasseters-661752\n\ + http://www.nytimes.com/2006/01/29/technology/29iht-pixar30.html?pagewanted=all&_r=0\n\ + https://hbr.org/2008/09/how-pixar-fosters-collective-creativity\nhttp://fortune.com/video/2015/07/14/the-strategy-that-makes-each-pixar-films-successful/\n\ + https://hbr.org/2010/08/what-google-could-learn-from-p\nhttp://www.newyorker.com/magazine/2011/05/16/the-fun-factory\n\ + http://www.bizjournals.com/bizjournals/how-to/growth-strategies/2015/07/3-pixar-strategies-that-can-help-you-grow-revenue.html?page=all\n\ + http://www.fastcodesign.com/1665008/the-inside-story-5-secrets-to-pixar-s-success\n\ + http://www.pixar.com/\ncreativity, film, winner\nFinding LUV at Southwest Airlines\n\ + 8 thoughts on “Pixar Animation Studios: Creative Kaizen”\nDecember 9, 2015\t\ + \ Alice says:\nFascinating– I love Pixar films and really enjoyed reading your\ + \ post. There’s a special exhibition on “The Science Behind Pixar” at the Museum\ + \ of Science in downtown Boston you should check out!\nDecember 10, 2015\t arlo\ + \ says:\nI love Pixar films too, despite being a non-target consumer of Pixar.\ + \ \U0001F642 I really appreciated reading about all the steps they take to ensure\ + \ a high quality film is produced. Hopefully their quality won’t decline given\ + \ their decision to release two films per year (http://pixartimes.com/2013/06/04/the-pixar-perspective-on-making-two-films-a-year/).\n\ + Buzz Lightyear, I am your biggest fan!!! Nice post. Very interesting comparing\ + \ their operating model vs. the rest of Hollywood. I would imagine the reason\ + \ may be related to the criticality of software in teh production process… the\ + \ interface between creative and technical is much more integrative, which may\ + \ motivate keeping people aroudn to drive experience and learning in the more\ + \ complex setting… what do you think?\nDecember 14, 2015\t Buzz Lightyear says:\n\ + I think that the technology/software side of Pixar does have something to do\ + \ with it. Their approach often comes across as more scientific than artistic\ + \ to me. For example, they encourage their tech artists to regularly publish\ + \ articles and present at conferences so that they maintain a strong relationship\ + \ with the academic community.\nIt is interesting to note, however, that elsewhere\ + \ in Hollywood, smaller-scale creative alliances do form. For example, director\ + \ David O. Russell and actress Jennifer Lawrence have worked on multiple movies\ + \ such as Joy, American Hustle, and Silver Linings Playbook together. I also\ + \ saw JJ Abram’s long-time editors (since the show Alias) speak at the LA Film\ + \ Festival this summer, and they said have gotten to know his working style\ + \ over the years, and it seemed like they have refined and improved their working\ + \ processes over time. I am working in development at a production company this\ + \ summer, and hope to learn more about the different operating models happening\ + \ in film/TV and how creative teams form and function!\nhttp://www.filmindependent.org/blogs/j-j-abrams-long-time-editors-reveal-how-to-help-develop-characters-in-the-editing-room/#.Vm9jOxorLUo\n\ + http://deadline.com/2015/12/david-o-russell-joy-oscars-jennifer-lawrence-1201664630/\n\ + December 14, 2015\t Lior says:\nI’m also a huge Pixar fan and appreciate how\ + \ they managed to create and sustain such a strong operating model (with clear\ + \ link to the business model – quality and creativity). We actually tried mimicking\ + \ this model as we evaluated marketing campaigns in P&G (we formed a community\ + \ of brain trust and made sure to share campaign progress with the entire team.\ + \ We also discussed the successes and failures of the process at the end of\ + \ the campaign). I personally think the idea of using Pixar model to build marketing\ + \ campaigns is a powerful one, but we lacked full commitment to the process.\n\ + Building on that… I was wondering what are your thoughts on using this model\ + \ for different industries? For example, the pharmaceutical industry would also\ + \ benefit from high quality “blockbuster” drugs as opposed to “mini-hits”.\n\ + This is very interesting. To be honest I didn’t know Pixar had a significantly\ + \ different positioning to other movie producers, but I did love most of their\ + \ movies. The different areas you described reminded me a lot the Design Thinking\ + \ process we learned in the IDEO case, with teams brainstorming and converging\ + \ during the day and then use the Incubator Team, Shared Dailies and the Creative\ + \ Brain Trust to validate and/or generate new ideas. I wonder whether they do\ + \ something similar with the target audience or if this limited to employees\ + \ within the company.\nDecember 14, 2015\t AClay says:\nGreat article! I wonder\ + \ if Pixar was able to keep its unique culture after the Disney buyout. Disney\ + \ has such a strong culture itself, that I would imagined that it would be hard\ + \ for Disney’s culture to not suffocate Pixar’s culture.\nAlso, Shared Dailies\ + \ sound freighting like Bridgewater’s immediate feedback model to me. I wonder\ + \ how direct their feedback is at Pixar." + - 'Careers at Pixar + + A COLLABORATION BETWEEN ART & TECHNOLOGY + + At Pixar, our goal is to make great films with great people. We are proud of + our tradition of creative and technical excellence and are always looking for + talented people to enrich our work and our community. We believe it’s important + for our studio to reflect the diversity of the society we live in and the worldwide + audiences for whom we make our films. Come see what we have to offer! + + VISIT CAREER LISTINGS + + What format should I submit my resume in? + + Preferred format is PDF. + + How can I add my cover letter to my application? + + Under “My Experience” there is a section to select and upload files. + + How can I submit my portfolio/demo reel? + + Add the link to your online portfolio/demo reel to the Website section under + “My Experience.” If your site is password protected, please be sure to provide + us with the password on the following page. Refer to the job posting for specific + submission requirements. Digital copies are encouraged and preferred. If we + would like to see additional work, you will be contacted. + + How long should my demo reel be? + + Demo reels should be one to three minutes in length. + + Will Pixar contact me regarding the status of my application? + + Due to the quantity of submissions received, we are not able to offer individual + feedback. However, you will receive an email acknowledging receipt of your application. + + How often should I apply? + + We recommend applying when there is a significant change to your work experiences + that might influence your candidacy or if your contact information has changed. + All information is kept on file for two years. + + If I am not authorized to work in the United States, can I still apply at Pixar? + + Pixar works hard to identify top talent from around the world; however, because + the process of obtaining a work visa can be complex, please understand that + not all roles or applicants may be eligible for sponsorship. Before applying, + we encourage you to familiarize yourself with the rules and regulations regarding + temporary work and/or student visas. For additional information, please visit + the United States Citizenship & Immigration Services website: https://www.uscis.gov/ + + Can I submit a creative story and/or script idea? + + No. All of Pixar s ideas and stories are developed internally and it is our + policy not to view any external submissions. For legal reasons we automatically + return all creative material (scripts, synopses, sketches, etc.) unopened and + unread. So, please do not send any kind of creative submission to Pixar. + + Careers At Pixar-Header + + Career FAQs-Header' + - 'From the beginning, I kept saying it s not the technology that s going to entertain + audiences, it s the story. When you go and see a really great live-action film, + you don t walk out and say that new Panavision camera was staggering, it made + the film so good . The computer is a tool, and it s in the service of the story. + + —John Lasseter, co-founder of Pixar + + Where story is king. + + —Company motto + + Pixar Animation Studios, a wholly-owned subsidiary of The Walt Disney Company, + is an Academy Award-winning film studio with world-renowned technical, creative + and production capabilities in the art of computer animation and creators of + some of the most successful and beloved animated films of all time. Pixar has + so far produced twenty feature films: Toy Story, A Bug s Life, Toy Story 2, + Monsters, Inc., Finding Nemo, The Incredibles, Cars, Ratatouille, WALL•E, Up, + Toy Story 3, Cars 2, Brave, Monsters University, Inside Out, The Good Dinosaur, + Finding Dory, Cars 3, Coco and Incredibles 2. + + Pixar s climb to the pinnacle of computer animation success was a quick one + and the company continues to push the envelope in its art and technology inspired + film-making endeavors. + + 1979-85: Origins + + Pixar s tenuous evolution began in the 1970s when millionaire Alexander Schare, + then-president of the New York Institute of Technology (NYIT), was looking for + someone to create an animated film from a sound recording of Tubby the Tuba. + Enter a computer scientist named Ed Catmull with a Ph.D. from the University + of Utah, who along with several others set up house at Schare s expense at NYIT + s Long Island campus to work with computer graphics. Though Tubby the Tuba was + never made, the team successfully produced video artwork. When creative mogul + George Lucas proposed moving the team to the West Coast in 1979 as part of Lucasfilm + Ltd., the breeding ground of the original Star Wars trilogy, Catmull and his + colleagues agreed. + + Over the next few years, Catmull and his ensemble created innovative graphics + programs and equipment for Lucas, including an imaging computer called the Pixar. The + Pixar was then used to develop high-tech graphics and animation sequences for + Lucasfilm projects. Unlike other computers, Pixar s software constructed high-resolution, + three-dimensional color images of virtually anything, from buildings and cars + to tornadoes and aliens. Remarkably, Pixar was also capable of helping medical + professionals at Johns Hopkins diagnose diseases from 3D renderings of CAT-scans + and x-rays, giving weather technicians new images from satellites, and even + helping prospectors locate oil from enhanced seismic readings--all at a speed + some 200 times faster than previous computer programs. + + In 1984, John Lasseter, who had met Catmull at a computer graphics conference + and was employed by Walt Disney Studios, visited Lucasfilm for a month-long + stint. Lasseter, who had graduated from the California Institute of the Arts + where he had won two Student Academy Awards for animated film, decided to stay. + Meanwhile, after spinning off a joint venture called Droid Works, George Lucas + started shopping around Pixar with hopes of a second spinoff. Pixar caught the + interest of several companies, including EDS, then a division of General Motors, + Philips N.V., and computer whiz-kid Steve Jobs, cofounder and chairman of Apple + Computer Inc. Unable to convince Apple s board of directors to invest in or + purchase the fledgling graphics company, Jobs reluctantly abandoned his hopes + for Pixar. + + Yet circumstances changed drastically for Jobs in 1985. Stripped of his responsibilities + and deposed from his Apple kingdom at about the same time the first Pixar computer + went on the market for $105,000, Jobs sold the majority of his Apple stock and + started over. Plunging $12 million into a new computer enterprise named NeXT + Inc., specializing in personal computers for colleges and universities, Jobs + approached Lucas in 1986 and paid $10 million for the San Rafael-based Pixar + and created an independent company. Though Catmull, Lasseter, and crew regarded + Jobs as kin in their quest for high-tech fun and games given his laidback reputation + and status as a computer wonder boy--the new boss instructed them to put aside + their dreams of animation and film and to instead concentrate on technical graphics + they could sell. + + 1986-1991: Highs and Lows + + “ If I knew in 1986 how much it was going to cost to keep Pixar going, I doubt + if I would ve bought the company! The problem was, for many years the cost + of the computers required to make animation we could sell was tremendously high. + ” + + Luckily, Pixar s crew came up with several software innovations, which they + used to create a myriad of products. In 1986 came the first of many Oscar nominations + from the Academy of Motion Picture Arts and Sciences for a short animated film + called Luxo, Jr. Following this was Red s Dream in 1987, then the development + of RenderMan, for which the company applied for and received a patent. A revolutionary + graphics program that allowed computer artists to add color and create texture + to onscreen 3D objects, RenderMan produced stunningly realistic photo images + almost indistinguishable from actual photographs. RenderMan s brand of images + paid off when Tin Toy, written and directed by Lasseter as the first computer-generated + animation, won an Academy Award as Best Animated Short Film in 1988. + + As CEO of Pixar, Jobs expanded the company s leading edge graphics and animation + capabilities by joining forces in July 1989 with the San Francisco-based Colossal + Pictures, a live action, animation, and special effects studio, for collaboration + purposes and to broker Pixar for television commercials and promotional films. + With Colossal s background and experience in broadcast media and Pixar s unique + computer capabilities, the partnership was poised for tremendous success. By + 1990 when more than a dozen RenderMan products were introduced, RenderMan licensing + fees finally began to pay off. Not only were many hardware and software packagers + incorporating the graphics program into their products, but RenderMan was endorsed + by such industry heavyweights as Digital Equipment, IBM, Intel Corporation, + and Sun Microsystems. In addition, Pixar created two commercials in its association + with Colossal. The second commercial, for Life Savers Holes bite-size candies + (which took 12 weeks to produce using RenderMan s software), aired in March + and was a hit with audiences. + + In April 1990, Pixar signed a letter of intent to sell its valuable yet stagnating + hardware operations, including all proprietary hardware technology and imaging + software, to Vicom Systems of Fremont, California. The move, which included + the transfer of 18 of Pixar s 100 employees, was finalized several weeks later + and allowed Pixar to devote the company s full energy to further development + of its rendering capabilities. Before the end of the year, Pixar moved from + San Rafael to new $15 million digs in the Point Richmond Tech Center of Richmond, + California, and reached revenues of just under $3.4 million, though still not + reporting a profit. + + While Jobs s other company, NeXT Inc., seemed to prosper and was expected to + reach $100 million in computer sales, Pixar still struggled to make ends meet + in 1991. In February, 30 employees were laid off, including President Charles + Kolstad. Jobs, sometimes criticized as a mercurial spinmeister with too little + substance to back up his visions and words, was brought to task in the media + for the shortcomings of both companies. Yet salvation came to Pixar in the name + of Toy Story, the first full-length computer-animated feature film, as a collaboration + between Pixar and Lasseter s old stomping grounds, Walt Disney Studios. Signing + a contract to produce quality digital entertainment, Pixar was responsible + for the content and animation of three full-length films; Disney provided the + funding for production and promotional costs, owning the marketing and licensing + fees of the films and their characters. Though Disney retained the lion s share + of revenue and profit, Pixar negotiated for a slice of the gross revenues from + the box office and subsequent video sales. At this juncture, neither Disney + nor Pixar knew the potential of their alliance--one that proved successful beyond + their wildest expectations. + + 1992-95: Magic & Mastery + + In 1992, the joint project between Pixar and Disney, called CAPS (computer animated + production system) was another stellar development, winning Pixar s second Academy + Award (shared with Disney). The following year, Jobs s NeXT Inc., like Pixar + before it, was forced to lay off workers and sell its hardware division to concentrate + on software development and applications. Yet 1993 was a banner year for Pixar, + with RenderMan winning the company s third Academy Award and a Gold Clio (for + advertising excellence) for the funky animated Listerine Arrows commercial. + The next year, Pixar won its second Gold Clio for the Lifesavers Conga commercial, + a colorful romp with a contagious beat. Despite such heavy accolades from critics + and peers, Pixar still had not managed a profit since its spinoff in 1986, and + reported a loss of $2.4 million on revenue of $5.6 million for 1994. + + The following year, in 1995, Pixar was wrapping up its work on Toy Story and + everyone was anxious for the finished result to hit theaters in November. Tom + Hanks, Tim Allen, Don Rickles, and Annie Potts had signed on to voice major + characters, and Randy Newman was composing the film s musical score. By the + end of the third quarter with more than 100,000 copies of RenderMan sold and + a huge licensing deal with Bill Gates and Microsoft, Pixar announced its first-ever + profit of $3.1 million on revenues of $10.6 million. + + For Pixar, 1995 was a string of accelerating successes: first came Toy Story + s pre-Thanksgiving release, grossing over $40 million its first weekend, with + rave reviews from critics and families alike. Leading box office receipts, both + Disney and Pixar hoped Toy Story could best Pochahontas s $140 million take + earlier in the year. Next came Pixar s IPO of 6.9 million shares in November + on the NASDAQ; the market closed at $22 per share, up from its initial offering + of $12 to $14 each, giving Pixar a market value of some $800 million. Jobs, + who since his purchase of Pixar for $10 million had sunk an additional $50 million + into the enterprise, recouped a handsome paper profit of more than $600 million + for his 80 percent stake (the shares eventually hit a high of $45.50 on November + 30th). + + Another boon came when Toy Story garnered several award nominations, including + Randy Newman s score for two Golden Globes and an Oscar; an Oscar for Catmull + and Thomas Porter, director of effects animation or digital scanning technology; + and an additional Special Achievement Oscar for Lasseter s writing, direction, + and technical wizardry for Toy Story. + + 1996-99: Lightning Strikes! + + After the release of Toy Story while part of Pixar s crew worked on a CD-ROM + game of the animated film, others were busy working on several Coca-Cola commercials + for the Creative Arts Agency, hired by Michael Ovitz. Pixar was also immersed + in its next Disney film A Bug s Life, which was scheduled for release in two + years. By February 1996, Toy Story had grossed over $177 million at the box + office and in March Lasseter attended the Academy Awards to receive his Oscar. + He brought along Woody and Buzz, who were part of several sketches and fodder + for running gags during the live telecast. Pixar completed the year with a huge + leap in revenues, up to $38.2 million (from 1995 s $12.1 million), extraordinary + net income of $25.3 million, and stock prices hitting a high of $49 per share + in the fourth quarter.[ + + Though it had been said by Bob Bennett of Autodesk, Inc., a client and competitor + of Pixar, that Pixar is the best in the world at what it does, continued advances + in computer and graphics technology brought considerable competition. Everyone + it seemed--from Digital Domain and Industrial Light & Magic to Microsoft and + Silicon Graphics--was trying their hand at graphics software development. After + the stellar success of Toy Story, all the major motion picture studios were + creating computerized animation, including DreamWorks SKG, Turner Broadcasting, + Warner Brothers, and even Disney. + + Other developments surrounded Jobs, as Apple stumbled horribly and the company + came close to financial ruin. Still attached to the company he had cofounded + and brought to enormous success, Jobs came to its rescue in 1997 shortly after + Apple bought his NeXT Inc. Few doubted Jobs s ability to juggle both Pixar and + Apple, and they were right. Not only did Jobs bring Apple back to the forefront + of the computer industry with the flashy iMac, but Pixar went on to rule the + box office with A Bug s Life. During the magic holiday window of October, + November, and December 1997, A Bug s Life was up against four animated films, + including another insect-related story by Dreamworks SKG, entitled Antz. Dreamworks + had also released The Prince of Egypt and Nickelodeon brought The Rugrats Movie + to the big screen as well. Yet Pixar beat the pack and went on to ring up over + $360 million in worldwide box office receipts, even topping Toy Story. + + Once again Pixar was nominated for and won big at the Academy Awards: two separate + awards for Scientific and Technical Achievement (for the Marionette 3D Animation + System, and for digital painting), as well as another for Best Animated Short + Film (Geri s Game). Pixar also finally received a sizable financial boost in + 1997, as revenues and net income reached $34.7 million and $22.1 million, respectively. + The box office and critical triumphs of both Toy Story and A Bug s Life also + brought a new deal with Disney to produce an additional five pictures within + the next ten years, with both companies as equal partners. The agreement eclipsed + the previous deal; the former s remaining two films became the first two of + the new five-picture negotiation. Lastly, Pixar would sell Disney up to five + percent of its common stock at $15 per share. + + In early 1999 A Bug s Life was released on video and DVD simultaneously and + Pixar s top guns worked feverishly on the sequel to Toy Story, slated for release + in November. The sequel was a gamble, since only one animated feature film had + ever spawned a theater-released follow-up, Disney s The Rescuers Down Under. + Most sequels or prequels were released directly to video; Pixar was ready to + buck the trend. Dollars from its venture with Disney continued to slowly trickle + in and Pixar finished the year with $14.3 million in revenue and net earnings + of $7.8 million. 1999 also brought more kudos for Pixar: David DiFrancesco won + the company s ninth Academy Award (for Technical Achievement), Toy Story 2 opened + in November to sweeping box office dominance (even higher receipts than Star + Wars: The Phantom Menace s first few weeks of release the year before), and + the company celebrated its fifth consecutive profitable year, with revenues + of $121 million and earnings topping $50 million. + + 2000-2009: The New Century + + Pixar was as busy as ever in the 21st century: The company was preparing to + move into its new 225,000-square-foot headquarters in Emeryville, California, + due for completion in mid-2000 and were hard at work on its next full-length + animated film in collaboration with Disney. The new feature was scheduled for + release in 2001, under the working title of Monsters, Inc. The company s fifth + film was tentatively slated for release in 2002, was a top-secret project to + be directed by [[[Andrew Stanton]], who had worked on both Toy Story and A Bug + s Life. Despite a slow, financially difficult beginning, Pixar Animation Studios + had landed on the fast track and was known throughout the world. With its technological + breakthroughs and brilliantly crafted animated films, the sky was the limit + in the coming decade and beyond. As stated in its 1996 annual report, Pixar + succeeded because it was well aware of the pitfalls of film-making: + + “ Though Pixar is the pioneer of computer animation, the essence of our business + is to create compelling stories and memorable characters. It is chiseled in + stone at our studios that no amount of technology can turn a bad story into + a good one. ” + + Monsters, Inc. was followed by Finding Nemo, The Incredibles, Cars, Ratatouille, + WALL•E, and Up, which cemented Pixar s reputation as one of the best-critically + acclaimed movie studios in history. + + 2010-present: To Infinity and Beyond! + + On April 20, 2010, Pixar opened a new studio in the downtown area of Gastown, + Vancouver, B.C., named Pixar Canada. The studio is primarily creating projects + featuring characters from Toy Story and Cars. The studio was shut down on October + 8, 2013 to refocus creative and business efforts and resources under one roof + [1]. + + Pixar released Toy Story 3 on June 18, 2010, which met with universal acclaim + and box-office success. It made over $1.063B and is the highest grossing animated + film of all time. + + John Lasseter fueled speculation on Pixar s future sequels when he stated, If + we have a great story, we ll do a sequel . Cars 2, Pixar s first sequel not + based on Toy Story, was released on June 24, 2011. Brave, Pixar s first fairy-tale, + was released on June 15, 2012. Monsters University, a prequel to Monsters, Inc. + was also announced on April 22, 2010, for release on June 21, 2013. Three original + films were announced in early 2012: Inside Out, set to be released on June 19, + 2015, The Good Dinosaur, to be released on November 25, 2015, and Coco. It was + reported by Comingsoon.net to be released in 2016.[2] A sequel to Finding Nemo, + titled Finding Dory, was announced in April 2013, for release in 2016. + + According to Disney Vault, at the Hero Complex Film Festival 2012, Stanton says + he feels that Pixar will continue to make more sequels, which he said: I’m + sure you’ll see some other sequels of things as they grow because now we are + not so blinded. It’s the originals that keep us really going and it’s the sequels + that are like comfort food, and I think it’s the same way for the audience. + [3][4] + + According to Variety, Derek Connolly and Teddy Newton are working on an untitled + project.[5] Details are, at this stage, very few, but Connolly tells the trade + that he s been instructed to write as though he s telling a story for adults + rather than kids, specifically. It was also announced that Mark Andrews is developing + another film.[6] + + It was also announced that 3 films will be released from 2017 to 2018.[7][8] + It is currently unknown what the films are. + + On March 18, 2014 during Disney s annual shareholder meeting, Disney CEO Bob + Iger announced that Pixar had begun pre-production on Incredibles 2[9] with + The Incredibles director Brad Bird working on the story.[10]. Iger also announced + at the time that development had begun on a third Cars film[9]. + + On October 8, 2015, Disney and Pixar announced that Cars 3 would be released + on June 17, 2017. Coco, the final title of Lee Unkrich s film based on the Day + of the Dead, was dated for November 22, 2017. Toy Story 4 and The Incredibles + 2 were dated for June 15, 2018 and June 21, 2019. Two unknown films from Pixar + were both announced for 2020 releases on March 13 and June 19.[11] Another unknown + Pixar film was dated for June 18, 2021.[12] + + On July 14, 2017, during Disney s D23 Expo, Pixar announced an Untitled Suburban + Fantasy Film to be directed by Dan Scanlon and produced by Kori Rae.[13] + + Since its incorporation, Pixar has been responsible for many important breakthroughs + in the application of computer graphics (CG) for film-making. Consequently, + the company has attracted some of the world s finest talent in this area. Pixar + s technical and creative teams have collaborated since 1986 to develop a wealth + of production software used in-house to create its movies and further the state + of the art in CG film making. This proprietary technology allows the production + of animated images of a quality, richness and vibrancy that are unique in the + industry, and above all, allows the director to precisely control the end results + in a way that is exactly right for the story. Pixar continues to invest heavily + in its software systems and believes that further advancements will lead to + additional productivity and quality improvements in the making of its computer + animated films. + + Pixar also has a long standing tradition of sharing its advances within the + broader CG community, through technical papers, technology partnerships, and + most notably through its publicly available RenderMan product for the highest-quality, + photo-realistic images currently available. RenderMan remains the standard in + CG film visual effects and feature animation and has been honored with an Academy + Award for technical achievement. + + In 2001, the Academy of Motion Picture Arts & Sciences Board of Governors® + honored Ed Catmull, president of Pixar and Disney Animation Studios, Loren Carpenter, + senior scientist, and Rob Cook, vice president of software engineering, with + an Academy Award of Merit (Oscar®) for significant advancements to the field + of motion picture rendering as exemplified in Pixar s RenderMan. In 2002, the + Producer s Guild of America honored Pixar with the Guild s inaugural Vanguard + Award, which recognizes outstanding achievement in new media and technology. + + Pixar s creative department is led by Chief Creative Officer John Lasseter, + an Academy Award®-winning director and animator. Under the guidance of Lasseter, + Pixar has built a creative team that includes a department of highly skilled + animators, a story department and an art department. This team is responsible + for creating, writing, and animating all of Pixar s films. Pixar strives to + hire animators who have superior acting ability - those able to bring characters + and inanimate objects to life as though they have their own thought processes. + In order to attract and retain quality animators, the company founded Pixar + University, which conducts three-month long courses for new and existing animators. + Pixar also has a complete production team which gives the company the capability + to control all elements of production of its films. Pixar has successfully expanded + the production team so projects may be worked on simultaneously. + + Initially, when Pixar was a high-end computer hardware company whose core product + was the Pixar Image Computer, a system primarily sold to government agencies + and the medical community. One of the buyers of Pixar Image Computers was Disney + Studios, which was using the device as part of their secretive CAPS project, + using the machine and custom software to migrate the laborious ink and paint + part of the 2-D animation process to a more automated and thus efficient method. + + Pixar continued its relationship with Walt Disney Feature Animation, a studio + whose corporate parent would ultimately become its most important partner. + + Pixar and Disney had disagreements after the production of Toy Story 2. Originally + intended as a straight-to-video release (and thus not part of Pixar s three-picture + deal), the film was eventually upgraded to a theatrical release during production. + Pixar demanded the film then be counted toward the three-picture agreement, + but Disney refused. Pixar s first five feature films have collectively grossed + more than $2.5 billion, equivalent to the highest per-film average gross in + the industry. Though profitable for both, Pixar later complained that the arrangement + was not equitable. Pixar was responsible for creation and production while Disney + handled marketing and distribution. Profits and production costs were split + 50-50, but Disney exclusively owned all story and sequel rights and also collected + a distribution fee. The lack of story and sequel rights was perhaps the most + onerous aspect to Pixar and set the stage for a contentious relationship. + + The two companies attempted to reach a new agreement in early 2004. The new + deal would be only for distribution, as Pixar intended to control production + and own the resulting film properties themselves. The company also wanted to + finance their films on their own and collect 100 percent of the profits, paying + Disney only the 10 to 15 percent distribution fee. More importantly, as part + of any distribution agreement with Disney, Pixar demanded control over films + already in production under their old agreement, including The Incredibles and + Cars. Disney considered these conditions unacceptable, but Pixar would not concede. + + Disagreements between Steve Jobs and then-Disney Chairman and CEO Michael Eisner + made the negotiations more difficult than they otherwise might have been. They + broke down completely in mid-2004, with Jobs declaring that Pixar was actively + seeking partners other than Disney. Pixar did not enter negotiations with other + distributors. After a lengthy hiatus, negotiations between the two companies + resumed following the departure of Eisner from Disney in September 2005. In + preparation for potential fallout between Pixar and Disney, Jobs announced in + late 2004 that Pixar would no longer release films at the Disney-dictated November + time frame, but during the more lucrative early summer months. This would also + allow Pixar to release DVDs for their major releases during the Christmas shopping + season. An added benefit of delaying Cars was to extend the time frame remaining + on the Pixar-Disney contract to see how things would play out between the two + companies. + + Pending the Disney acquisition of Pixar, the two companies created a distribution + deal for the intended 2007 release of Ratatouille, in case the acquisition fell + through, to ensure that this one film would still be released through Disney + s distribution channels. (In contrast to the earlier Disney / Pixar deal Ratatouille + was to remain a Pixar property and Disney would have received only a distribution + fee.) The completion of Disney s Pixar acquisition, however, nullified this + distribution arrangement + + Disney announced on January 24, 2006 that it had agreed to buy Pixar for approximately + $7.4 billion in an all-stock deal. Following Pixar shareholder approval, the + acquisition was completed May 5, 2006. The transaction catapulted Steve Jobs, + who was the majority shareholder of Pixar with 50.1%, to Disney s largest individual + shareholder with 7% and a new seat on its board of directors. Jobs new Disney + holdings exceed holdings belonging to ex-CEO Michael Eisner, the previous top + shareholder, who still held 1.7%; and Disney Director Emeritus Roy E. Disney, + who held almost 1% of the corporation s shares. As part of the deal, Pixar co-founder + John Lasseter, by then Executive Vice President, became Chief Creative Officer + (reporting to President and CEO Robert Iger and consulting with Disney Director + Roy Disney) of both Pixar and the Walt Disney Animation Studios, as well as + the Principal Creative Adviser at Walt Disney Imagineering, which designs and + builds the company s theme parks. Catmull retained his position as President + of Pixar, while also becoming President of Walt Disney Animation Studios, reporting + to Bob Iger and Dick Cook, chairman of Walt Disney Studio Entertainment. Steve + Jobs position as Pixar s Chairman and Chief Executive Officer was also removed, + and instead he took a place on the Disney board of directors. Lasseter and Catmull + s oversight of both the Disney and Pixar studios did not mean that the two studios + were merging, however. In fact, additional conditions were laid out as part + of the deal to ensure that Pixar remained a separate entity, a concern that + analysts had expressed about the Disney deal.[25] Some of those conditions were + that Pixar HR policies would remain intact, including the lack of employment + contracts. Also, the Pixar name was guaranteed to continue, and the studio would + remain in its current Emeryville, California location with the Pixar sign. + Finally, branding of films made post-merger would be Disney•Pixar (beginning + with Cars). + + On November 22, 1995, Pixar Animation Studios forever impacted the future of + film-making, storytelling and the medium of animation with the release of its + first feature film Disney·Pixar s Toy Story. Released nine years after the founding + of Pixar, Toy Story exhibited years of creative and technical achievements from + a small group of passionate computer scientists and animators, led by present + day President Ed Catmull and Chief Creative Officer John Lasseter. The film, + marking the birth of the new medium of computer animation, went on to become + the highest grossing film of 1995 with $362 million in worldwide box office + receipts. Lasseter, director of Toy Story, was honored with a Special Achievement + Academy Award® for his inspired leadership of the Pixar Toy Story team resulting + in the first feature-length computer animated film. + + Since Toy Story s release in 1995, Pixar Animation Studios, in partnership with + Walt Disney Studios Motion Pictures, has also created and produced A Bug s Life + (1998), Toy Story 2 (1999), Monsters, Inc. (2001), Finding Nemo (2003), The + Incredibles (2004), Cars (2006), Ratatouille (2007), WALL•E (2008), Up (2009), + Toy Story 3 (2010), Cars 2 (2011), Brave (2012), Monsters University (2013), + Inside Out (2015), The Good Dinosaur (2015), Finding Dory (2016), Cars 3 (2017), + Coco (2017), and Incredibles 2 (2018). The feature films have resulted in an + unprecedented streak of both critical and box office successes, and combined + to gross more than $6 billion at the worldwide box office. The first 10 feature + films, through Up, have garnered 35 Academy Award® nominations, nine Oscars®, + six Golden Globes® and numerous other accolades. The company has also been given + special thanks in some of Disney s other non-Pixar based films, such as the + 2016 remake of The Jungle Book. + + Pixar s upcoming film is Toy Story 4 (2019). + + From toys, bugs, monsters, fish, superheroes, and cars to rats, robots, grumpy + old men, fearless young girls, human emotions, dinosaurs and skeletons, Pixar + s talented creative and technical teams have given audiences of all ages some + of the most beloved characters in film. Pairing these unique, relatable characters + with compelling stories and immersive, believable worlds, Pixar continually + delivers on its promise to truly entertain audiences all over the world. + + Pixar Animation Studios has long believed in making short films. In 1986, Pixar + s first-ever short, Luxo, Jr., launched a new direction in animated film-making, + using three-dimensional computer animation to tell a story. Since then, nearly + every feature film that Pixar has released has included a short beforehand, + bringing back a tradition that was once an expected pleasure for film goers. + + Pixar s shorts have helped foster and develop technologies and talent at the + studio, but they are mostly made for one simple reason: love of the art form. + From Tin Toy s (1989) toy-tormenting baby to Partly Cloudy s (2009) adorable + storks, Pixar s shorts have delighted audiences and earned critical praise, + garnering nine Academy Award® nominations and three Best Animated Short Film + Academy Awards®. Day & Night, the studio s most recent short, debuted in theaters + with Toy Story 3. + + Pixar has also released several TV series, including: + + RenderMan is the render software Pixar created in 1988, and now uses to help + produce its CGI films. Since it s creation, RenderMan has become the industry-standard + and has since been used to render many films including The Abyss, Terminator + II, and Jurassic Park. + + Marionette is the animation software developed and used in-house by Pixar Animation + Studios in the animation of their movies and shorts. Marionette is not available + for sale and is only used by Pixar. As a result little is known outside of Pixar + about the detailed workings of this software. + + Pixar claims that Marionette is designed to be intuitive and familiar to animators + who have traditional cel animation experience. Pixar chooses to use a proprietary + system in lieu of the commercial products available and used by other companies + because it can edit the software code to meet their needs. + + Since December 2005, Pixar has held exhibitions celebrating the art and artists + of Pixar, over their first twenty years in animation. + + Pixar held one such exhibition, from April to June 2010, at Science Centre Singapore, + in Jurong East, Singapore. It was their first time holding an exhibition in + Singapore. + + The exhibition highlights consist of work-in-progress sketches from various + Pixar productions, clay sculptures of their characters, and an autostereoscopic + short showcasing a 3D version of the exhibition pieces which is projected through + 4 projectors. Another highlight is the Zoetrope, where visitors of the exhibition + are shown figurines of Toy Story characters animated in real-life through + the zoetrope. + + Pixar celebrated 25 years of animation in 2011, the year when Cars 2 was released. + Pixar celebrated its 20th anniversary with the first Cars. The Pixar: 25 Years + of Animation exhibition was held at the Oakland Museum of California from July + 2010 until January 2011. The exhibition was also held at the Hong Kong Heritage + Museum in Shatin from March to July 2011. + + Pixar: 25 Years of Animation includes all of the artwork from Pixar: 20 Years + of Animation, plus art from Ratatouille, WALL-E, Up, and Toy Story 3. The Hong + Kong exhibition will feature some never-before-seen artwork and animations that + are exclusive to Hong Kong. + + The Science Behind Pixar is a travelling exhibition developed by the Museum + of Science in Boston in collaboration with Pixar. The exhibition demonstrates + the production pipeline at Pixar in the form of the filmmaking process. It started + its tour in June 2015 at the Museum of Science and is expected to be touring + for ten years to other museums around the United States with limited tour availability + beginning in 2021. + + Pixar celebrated its 30th anniversary in 2016, the year they released Finding + Dory. To celebrate, they have upgraded their art exhibition to feature art from + Cars 2, Brave, Monsters University, Inside Out, The Good Dinosaur and Finding + Dory. Pixar: 30 Years of Animation was held at the Museum of Contemporary Art + in Tokyo, Japan from March 5 to May 29, 2016 and at Nagasaki Prefectural Art + Museum in Nagasaki from July 27 to September 8.[14] + + ↑ Pixar Canada shuts its doors in Vancouver + + ↑ New Art From Pixar s Upcoming Films! + + ↑ Pixar: Andrew Stanton Open To ‘Finding Nemo 2′ + ‘Finding Nemo 3D’ Trailer + + ↑ Pixar: Andrew Stanton Is Now Working on ‘Finding Nemo 2′ + + ↑ Connolly: College partnership leads to Guaranteed success + + ↑ Mark Andrews Developing New Pixar Feature Film + + ↑ Disney and Pixar Set 8 Untitled Animated Projects from 2016 – 2018 + + ↑ Disney and Pixar Animation Releases Dated Through 2018 + + ↑ 9.0 9.1 Disney Plans Third ‘Cars,’ ‘The Incredibles 2′ + + ↑ http://deadline.com/2015/10/ant-man-sequel-incredibles-2-release-dates-disney-1201570867/ + + ↑ http://deadline.com/2017/04/star-wars-episode-ix-frozen-sequel-and-the-lion-king-live-action-disney-release-dates-1202077098/ + + ↑ http://variety.com/2017/film/news/pixar-disney-untitled-suburban-fantasy-world-unicorns-d23-1202496455/ + + ↑ Pixar: 30 Years of Animation at Pixar s Official Website + + Pixar official site + + Alvy Pixar History Page + + Retrieved from https://pixar.fandom.com/wiki/Pixar_Animation_Studios?oldid=189270' + - 'computer-animation studio + + This article is about the animation company owned by Disney. For other uses, + see Pixar (disambiguation). + + Pixar s headquarters in Emeryville, California + + Computer animation, motion pictures + + The Graphics Group of Lucasfilm Computer Division + + February 3, 1986; 33 years ago (1986-02-03) in Richmond, California, U.S. + + Jim Morris (President) + + Pete Docter (CCO) + + Pixar Image Computer + + Presto Animation System + + (The Walt Disney Company) + + pixar.com + + Pixar Animation Studios, commonly referred to as Pixar (/ˈpɪksɑːr/), is an American + computer animation film studio based in Emeryville, California, that is a subsidiary + of Walt Disney Studios, owned by The Walt Disney Company. Pixar began in 1979 + as the Graphics Group, part of the Lucasfilm computer division, before its spin-out + as a corporation in 1986, with funding by Apple Inc. co-founder Steve Jobs, + who became the majority shareholder.[2] Disney purchased Pixar in 2006 at a + valuation of $7.4 billion by converting each share of Pixar stock to 2.3 shares + of Disney stock,[4][5] a transaction that resulted in Jobs becoming Disney s + largest single shareholder at the time. Pixar is best known for CGI-animated + feature films created with RenderMan, Pixar s own implementation of the industry-standard + RenderMan image-rendering application programming interface, used to generate + high-quality images. + + Pixar has produced 20 feature films, beginning with Toy Story (1995), which + was the first-ever computer-animated feature film; its most recent film was + Incredibles 2 (2018). All of the studio s films have debuted with CinemaScore + ratings of at least an A−, indicating positive receptions with audiences.[6] + The studio has also produced dozens of short films. As of August 2018[update], + its feature films have earned approximately $13 billion at the worldwide box + office,[7] with an average worldwide gross of $659.7 million per film.[8] Finding + Nemo (2003), along with its sequel Finding Dory (2016), as well as Toy Story + 3 (2010) and Incredibles 2 (2018) are among the 50 highest-grossing films of + all time, with the latter being the second-highest-grossing animated film of + all time with a gross of $1.2 billion. Fifteen of Pixar s films are also among + the 50 highest-grossing animated films of all time. + + The studio has earned 19 Academy Awards, 8 Golden Globe Awards, and 11 Grammy + Awards, among many other awards and acknowledgments. Many of Pixar s films have + been nominated for the Academy Award for Best Animated Feature since its inauguration + in 2001, with nine winning; this includes Finding Nemo (2003) and Toy Story + 3 (2010), along with The Incredibles (2004), Ratatouille (2007), WALL-E (2008), + Up (2009), Brave (2012), Inside Out (2015), and Coco (2017). Monsters, Inc. + (2001) and Cars (2006) are the only two films that were nominated for the award + without winning it, while Cars 2 (2011), Monsters University (2013), The Good + Dinosaur (2015), Finding Dory (2016), and Cars 3 (2017), were not nominated. + Up and Toy Story 3 were also the respective second and third animated films + to be nominated for the Academy Award for Best Picture, the first being Walt + Disney Animation Studios Beauty and the Beast (1991). Luxo Jr., a character + from the studio s 1986 short film of the same name, is the studio s mascot. + + On September 6, 2009, Pixar executives John Lasseter, Brad Bird, Pete Docter, + Andrew Stanton, and Lee Unkrich were presented with the Golden Lion award for + Lifetime Achievement by the Venice Film Festival. The award was given to Lucasfilm + s founder George Lucas. + + 1.2 Independent company + + 1.3 Collaboration with Disney + + 1.4 Acquisition by Disney + + 2 Headquarters (campus) + + 3 Feature films and shorts + + 3.2 Sequels and prequels + + 3.3 Adaptation to television + + 3.4 Animation and live-action + + 3.5 Upcoming projects + + 5 Co-op Program + + 6.1 Pixar: 21 Years of Animation + + 6.3 The Science Behind Pixar + + 6.4 Pixar: The Design of Story + + A Pixar Computer at the Computer History Museum with the 1986–95 logo on it. + + Pixar got its start in 1974 when New York Institute of Technology s (NYIT) founder + Alexander Schure, who was also the owner of a traditional animation studio, + established the Computer Graphics Lab (CGL), recruited computer scientists who + shared his ambitions about creating the world s first computer-animated film. + Edwin Catmull and Malcolm Blanchard were the first to be hired and were soon + joined by Alvy Ray Smith and David DiFrancesco some months later, which were + the four original members of the Computer Graphics Lab.[9] Schure kept pouring + money into the computer graphics lab, an estimated $15 million, giving the group + everything they desired and driving NYIT into serious financial troubles.[10] + Eventually, the group realized they needed to work in a real film studio in + order to reach their goal. Francis Ford Coppola then invited Smith to his house + for a three-day media conference, where Coppola and George Lucas shared their + visions for the future of digital moviemaking.[11] + + When Lucas approached them and offered them a job at his studio, six employees + decided to move over to Lucasfilm. During the following months, they gradually + resigned from CGL, found temporary jobs for about a year to avoid making Schure + suspicious, before they joined The Graphics Group at Lucasfilm.[12][13] + + The Graphics Group, which was one-third of the Computer Division of Lucasfilm, + was launched in 1979 with the hiring of Catmull from NYIT,[14] where he was + in charge of the Computer Graphics Lab. He was then reunited with Smith, who + also made the journey from NYIT to Lucasfilm, and was made the director of The + Graphics Group. At NYIT, the researchers pioneered many of the CG foundation + techniques—in particular the invention of the alpha channel (by Catmull and + Smith).[15] Years later, the CGL produced a few frames of an experimental film + called The Works. After moving to Lucasfilm, the team worked on creating the + precursor to RenderMan, called REYES (for renders everything you ever saw ) + and developed a number of critical technologies for CG—including particle effects and + various animation tools. + + In 1982, the team began working on special effects film sequences with Industrial + Light & Magic. After years of research, and key milestones such as the Genesis + Effect in Star Trek II: The Wrath of Khan and the Stained Glass Knight in Young + Sherlock Holmes,[14] the group, which then numbered 40 individuals, was spun + out as a corporation in February 1986 by Catmull and Smith. Among the 38 remaining + employees, there were also Malcolm Blanchard, David DiFrancesco, Ralph Guggenheim, + and Bill Reeves, who had been part of the team since the days of NYIT. Tom Duff, + also an NYIT member, would later join Pixar after its formation.[2] With Lucas 1983 + divorce, which coincided with the sudden dropoff in revenues from Star Wars + licenses following the release of Return of the Jedi, they knew he would most + likely sell the whole Graphics Group. Worried that the employees would be lost + to them if that happened, which would prevent the creation of the first computer + animated movie, they concluded that the best way to keep the team together was + to turn the group into an independent company. But Moore s Law also said that + the first film was still some years away, and they needed to focus on a proper + product while waiting for computers to become powerful enough. Eventually, they + decided they should be a hardware company in the meantime, with their Pixar + Image Computer as the core product, a system primarily sold to government agencies + and the scientific and medical community.[2][10][16] + + In 1983, Nolan Bushnell founded a new computer-guided animation studio called + Kadabrascope as a subsidiary of his Chuck E. Cheese s Pizza Time Theatres company + (PTT), which was founded in 1977. Only one major project was made out of the + new studio, an animated Christmas movie for NBC starring Chuck E. Cheese and + other PTT mascots. The animation movement would be made using tweening instead + of traditional cel animation. After the North American Video Game Crash of 1983, + Bushnell started selling some subsidiaries of PTT to keep the business afloat. + Sente Technologies (another division, was founded to have games distributed + in PTT stores) was sold to Bally Games and Kadabrascope was sold to Lucasfilm. + The Kadabrascope assets were combined with the Computer Division of Lucasfilm.[17] + Coincidentally, one of Steve Jobs first jobs was under Bushnell in 1973 as + a technician at his other company Atari, which Bushnell sold to Warner Communications + in 1976 to focus on PTT.[18] PTT would later go bankrupt in 1985 and be acquired + by ShowBiz Pizza Place. + + Independent company[edit] + + An Introduction to Ray Tracing (1989) features contributions from several Pixar + employees. + + The newly independent Pixar (1986) was headed by Edwin Catmull as President + and Alvy Ray Smith as Executive Vice President. While looking for investors, + Steve Jobs showed interest, but initially, Lucas found his offer too low. Yet + he eventually accepted after it turned out to be impossible to find other investors. + At that point Smith and Catmull had been turned down 45 times; thirty-five venture + capitalists and 10 large corporations had declined.[19] Jobs, who had recently + been fired from Apple,[2] and was now founder and CEO of the new computer company + NeXT, paid $5 million of his own money to George Lucas for technology rights + and invested $5 million cash as capital into the company, joining the board + of directors as chairman.[2] + + In 1985, while still at Lucasfilm, they had made a deal with the Japanese publisher + Shogakukan to make a computer-animated movie called Monkey, based on the Monkey + King. The project continued sometime after they became a separate company in + 1986, but in the end, it became clear that the technology was simply not there + yet. The computers were not powerful enough and the budget would be too high. + So it was decided to focus on the computer hardware business some more years + while waiting till Moore s law made a computer-animated feature possible.[20][21] + + At the time Walt Disney Studios was interested and eventually bought and used + the Pixar Image Computer and custom software written by Pixar as part of their + Computer Animation Production System (CAPS) project, to migrate the laborious + ink and paint part of the 2D animation process to a more automated method. + + In a bid to drive sales of the system and increase the company s capital, Jobs + suggested to make the system available to mainstream users and released the + product to the market. Pixar employee John Lasseter, who had long been working + on not-for-profit short demonstration animations, such as Luxo Jr. (1986) to + show off the device s capabilities, premiered his creations at SIGGRAPH, the + computer graphics industry s largest convention, to great fanfare.[22] + + However, the Image Computer never sold well.[22] Inadequate sales threatened + to put the company out of business as financial losses grew. Jobs invested more + and more money in exchange for an increased stake in the company, reducing the + proportion of management and employee ownership until eventually, his total + investment of $50 million gave him control of the entire company. In 1989, Lasseter + s growing animation department, originally composed of just four people (Lasseter, + Bill Reeves, Eben Ostby, and Sam Leffler), was turned into a division that produced + computer-animated commercials for outside companies.[1][23][24] In April 1990, + Pixar sold its hardware division, including all proprietary hardware technology + and imaging software, to Vicom Systems, and transferred 18 of Pixar s approximately + 100 employees. That same year, Pixar moved from San Rafael to Richmond, California.[25] + Pixar released some of its software tools on the open market for Macintosh and + Windows systems. RenderMan was one of the leading 3D packages of the early 1990s, + and Typestry was a special-purpose 3D text renderer that competed with RayDream + addDepth. + + During this period Pixar continued its successful relationship with Walt Disney + Animation Studios, a studio whose corporate parent would ultimately become its + most important partner. As 1991 began, however, the layoff of 30 employees in + the company s computer hardware department—including the company s president, + Chuck Kolstad,[26] reduced the total number of employees to just 42, essentially + its original number.[27] Yet Pixar made a historic $26 million deal with Disney + to produce three computer-animated feature films, the first of which was Toy + Story. By then the software programmers, who were doing RenderMan and IceMan, + and Lasseter s animation department, which made television commercials (and + four Luxo Jr. shorts for Sesame Street the same year), were all that remained + of Pixar.[28] + + Despite the total income from these projects the company continued to lose money + and Jobs, as chairman of the board and now the full owner, often considered + selling it. Even as late as 1994 Jobs contemplated selling Pixar to other companies + such as Hallmark Cards, Microsoft co-founder Paul Allen, and Oracle CEO and + co-founder Larry Ellison.[29] Only after learning from New York critics that + Toy Story would probably be a hit—and confirming that Disney would distribute + it for the 1995 Christmas season—did he decide to give Pixar another chance.[30][31] + For the first time, he also took an active leadership role in the company and + made himself CEO.[citation needed] Toy Story went on to gross more than $373 + million worldwide[32] and, when Pixar held its initial public offering on November + 29, 1995, it exceeded Netscape s as the biggest IPO of the year. In only its + first half-hour of trading Pixar stock shot from $22 to $45, delaying trading + because of un-matched buy orders. Shares climbed to $49 before closing the day + at $39.[33] + + During the 1990s and 2000s, Pixar gradually developed the Pixar Braintrust, the + studio s primary creative development process, in which all directors, writers, + and lead storyboard artists at the studio look at each other s projects on a + regular basis and give each other very candid notes (the industry term for + constructive criticism).[34] The Braintrust operates under a philosophy of a filmmaker-driven + studio, in which creatives help each other move their films forward through + a process somewhat like peer review, as opposed to the traditional Hollywood + approach of an executive-driven studio in which directors are micromanaged + through mandatory notes from development executives ranking above the producers.[35][36] + According to Catmull, it evolved out of the working relationship between Lasseter, + Stanton, Docter, Unkrich, and Joe Ranft on Toy Story.[34] + + As a result of the success of Toy Story, Pixar built a new studio at the Emeryville + campus which was designed by PWP Landscape Architecture and opened in November + 2000. + + Collaboration with Disney[edit] + + Pixar and Disney had disagreements over the production of Toy Story 2. Originally + intended as a straight-to-video release (and thus not part of Pixar s three-picture + deal), the film was eventually upgraded to a theatrical release during production. + Pixar demanded that the film then be counted toward the three-picture agreement, + but Disney refused.[37] Though profitable for both, Pixar later complained that + the arrangement was not equitable. Pixar was responsible for creation and production, + while Disney handled marketing and distribution. Profits and production costs + were split 50-50, but Disney exclusively owned all story, character and sequel + rights and also collected a 10- to 15-percent distribution fee. The lack of + story, character and sequel rights was perhaps the most onerous aspect to Pixar + and set the stage for a contentious relationship.[38] + + The two companies attempted to reach a new agreement for ten months before it + fell through in January 2004. The new deal would be only for distribution, as + Pixar intended to control production and own the resulting story, character + and sequel rights themselves while Disney would own the right of first refusal + to distribute any sequels. Pixar also wanted to finance their films on their + own and collect 100 percent of the profits, paying Disney only the 10- to 15-percent + distribution fee.[39] More importantly, as part of any distribution agreement + with Disney, Pixar demanded control over films already in production under their + old agreement, including The Incredibles (2004) and Cars (2006). Disney considered + these conditions unacceptable, but Pixar would not concede.[39] + + Disagreements between Steve Jobs and then-Disney chairman and CEO Michael Eisner + made the negotiations more difficult than they otherwise might have been. They + broke down completely in mid-2004, with Disney forming Circle 7 Animation and + Jobs declaring that Pixar was actively seeking partners other than Disney.[40] + Despite this announcement, Pixar did not enter negotiations with other distributors,[41] + although a Warner Bros. spokesperson told CNN, We would love to be in business + with Pixar. They are a great company. [39] After a lengthy hiatus, negotiations + between the two companies resumed following the departure of Eisner from Disney + in September 2005. In preparation for potential fallout between Pixar and Disney, + Jobs announced in late 2004 that Pixar would no longer release movies at the + Disney-dictated November time frame, but during the more lucrative early summer + months. This would also allow Pixar to release DVDs for their major releases + during the Christmas shopping season. An added benefit of delaying Cars from + November 4, 2005, to June 9, 2006, was to extend the time frame remaining on + the Pixar-Disney contract, to see how things would play out between the two + companies.[41] + + Pending the Disney acquisition of Pixar, the two companies created a distribution + deal for the intended 2007 release of Ratatouille, if the acquisition fell through, + to ensure that this one film would still be released through Disney s distribution + channels. In contrast to the earlier Pixar deal, Ratatouille was to remain a + Pixar property and Disney would have received only a distribution fee. The completion + of Disney s Pixar acquisition, however, nullified this distribution arrangement.[42] + + Acquisition by Disney[edit] + + In 2006, Disney ultimately agreed to buy Pixar for approximately $7.4 billion + in an all-stock deal.[43] Following Pixar shareholder approval, the acquisition + was completed May 5, 2006. The transaction catapulted Jobs, who owned 49.65% + of total share interest in Pixar, to Disney s largest individual shareholder + with 7%, valued at $3.9 billion, and a new seat on its board of directors.[5][44] + Jobs new Disney holdings exceeded holdings belonging to ex-CEO Michael Eisner, + the previous top shareholder, who still held 1.7%; and Disney Director Emeritus + Roy E. Disney, who held almost 1% of the corporation s shares. Pixar shareholders + received 2.3 shares of Disney common stock for each share of Pixar common stock + redeemed. + + As part of the deal, John Lasseter, by then Executive Vice President, became + Chief Creative Officer (reporting directly to President and CEO Robert Iger + and consulting with Disney Director Roy E. Disney) of both Pixar and Walt Disney + Animation Studios (including its division DisneyToon Studios), as well as the + Principal Creative Adviser at Walt Disney Imagineering, which designs and builds + the company s theme parks.[44] Catmull retained his position as President of + Pixar, while also becoming President of Walt Disney Animation Studios, reporting + to Iger and Dick Cook, chairman of the Walt Disney Studios. Jobs position as + Pixar s chairman and chief executive officer was abolished, and instead, he + took a place on the Disney board of directors.[45] + + After the deal closed in May 2006, Lasseter revealed that Iger had realized + Disney needed to buy Pixar while watching a parade at the opening of Hong Kong + Disneyland in September 2005.[46] Iger noticed that of all the Disney characters + in the parade, not one was a character that Disney had created within the last + ten years since all the newer ones had been created by Pixar.[46] Upon returning + to Burbank, Iger commissioned a financial analysis that confirmed that Disney + had actually lost money on animation for the past decade, then presented that + information to the board of directors at his first board meeting after being + promoted from COO to CEO, and the board, in turn, authorized him to explore + the possibility of a deal with Pixar.[47] Lasseter and Catmull were wary when + the topic of Disney buying Pixar first came up, but Jobs asked them to give + Iger a chance (based on his own experience negotiating with Iger in summer 2005 + for the rights to ABC shows for the fifth-generation iPod Classic),[48] and + in turn, Iger convinced them of the sincerity of his epiphany that Disney really + needed to re-focus on animation.[46] + + John Lasseter appears with characters from Up at the 2009 Venice Film Festival. + + Lasseter and Catmull s oversight of both the Disney Animation and Pixar studios + did not mean that the two studios were merging, however. In fact, additional + conditions were laid out as part of the deal to ensure that Pixar remained a + separate entity, a concern that analysts had expressed about the Disney deal.[49] + Some of those conditions were that Pixar HR policies would remain intact, including + the lack of employment contracts. Also, the Pixar name was guaranteed to continue, + and the studio would remain in its current Emeryville, California, location + with the Pixar sign. Finally, branding of films made post-merger would be Disney•Pixar (beginning + with Cars).[50] + + Jim Morris, producer of WALL-E (2008), became general manager of Pixar. In this + new position, Morris took charge of the day-to-day running of the studio facilities + and products.[51] + + After a few years, Lasseter and Catmull were able to successfully transfer the + basic principles of the Pixar Braintrust to Disney Animation, although meetings + of the Disney Story Trust are reportedly more polite than those of the Pixar + Braintrust.[52] Catmull later explained that after the merger, to maintain the + studios separate identities and cultures (notwithstanding the fact of common + ownership and common senior management), he and Lasseter drew a hard line that + each studio was solely responsible for its own projects and would not be allowed + to borrow personnel from or lend tasks out to the other.[53][54] That rule ensures + that each studio maintains local ownership of projects and can be proud of + its own work.[53][54] Thus, for example, when Pixar had issues with Ratatouille + and Disney Animation had issues with Bolt (2008), nobody bailed them out and + each studio was required to solve the problem on its own even when they knew + there were personnel at the other studio who theoretically could have helped.[53][54] + + In November 2014, Morris was promoted to president of Pixar, while his counterpart + at Disney Animation, general manager Andrew Millstein, was also promoted to + president of that studio.[55] Both continue to report to Catmull, who retains + the title of president of both Disney Animation and Pixar.[55] + + On November 21, 2017, Lasseter announced that he was taking a six-month leave + of absence after acknowledging missteps in his behavior with employees in + a memo to staff. According to The Hollywood Reporter and The Washington Post, + Lasseter had a history of alleged sexual misconduct towards employees.[56][57][58] + On June 8, 2018, it was announced that Lasseter would leave Disney Animation + and Pixar at the end of the year, but would take on a consulting role until + then.[59] Pete Docter was announced as Lasseter s replacement as chief creative + officer of Pixar on June 19, 2018.[60] + + On October 23, 2018, it was announced that Ed Catmull would be retiring, and + will stay in an adviser role until July 2019.[61] On January 18, 2019, it was + announced that Lee Unkrich would be leaving Pixar after 25 years.[62] + + On April 20, 2010, Pixar opened Pixar Canada in the downtown area of Vancouver, + British Columbia, Canada.[63] The roughly 2,000 square meters studio produced + seven short films based on Toy Story and Cars characters. In October 2013, the + studio was closed down to refocus Pixar s efforts at its main headquarters.[64] + + Headquarters (campus)[edit] + + The Steve Jobs Building at Pixar s campus in Emeryville + + The atrium of the Pixar campus + + When Steve Jobs, chief executive officer of Apple Inc. and Pixar, and John Lasseter, + then-executive vice president of Pixar, decided to move their studios from a + leased space in Point Richmond, California, to larger quarters of their own, + they chose a 20-acre site in Emeryville, California,[65] formerly occupied by + Del Monte Foods, Inc. The first of several buildings, a high-tech structure + designed by Bohlin Cywinski Jackson,[66] has special foundations and generators + to ensure continued film production, even through major earthquakes. The character + of the building is intended to abstractly recall Emeryville s industrial past. + The two-story steel-and-masonry building is a collaborative space with many + pathways. + + The digital revolution in filmmaking was driven by applied mathematics, including + computational physics and geometry.[67] In 2008, this led Pixar senior scientist + Tony DeRose to offer to host the second Julia Robinson Mathematics Festival + at the Emeryville headquarters.[68] + + Feature films and shorts[edit] + + See also: List of Pixar films, List of Pixar shorts, and List of Pixar awards + and nominations + + While some of Pixar s first animators were former cel animators including John + Lasseter, they also came from computer animation or were fresh college graduates.[14] + A large number of animators that make up the animation department at Pixar were + hired around the time the studio released A Bug s Life (1998), Monsters, Inc. + (2001) and Finding Nemo (2003). Although Toy Story was a successful film, it + was Pixar s first feature film at the time, becoming the first major computer-animation + studio to successfully produce theatrical feature films. The majority of the + animation industry was (and still is) located in Los Angeles while Pixar is + located 350 miles (560 km) north in the San Francisco Bay Area. Also, traditional + hand-drawn animation was still the dominant medium for feature animated films. + + With the scarcity of Los Angeles-based animators willing to move their families + so far north to give up traditional animation and try computer animation, Pixar + s new hires at this time either came directly from college or had worked outside + feature animation. For those who had traditional animation skills, the Pixar + animation software Marionette was designed so that traditional animators would + require a minimum amount of training before becoming productive.[14] + + In an interview with PBS talk show host Tavis Smiley,[69] Lasseter said that + Pixar s films follow the same theme of self-improvement as the company itself + has: with the help of friends or family, a character ventures out into the real + world and learns to appreciate his friends and family. At the core, Lasseter + said, it s gotta be about the growth of the main character and how he changes. + [69] + + As of 2018[update], every Pixar feature film has included a character voiced + by John Ratzenberger, who had famously starred in the TV show Cheers. Pixar + paid tribute to their good luck charm in the end credits of Cars (2006) by + parodying scenes from three of their earlier films, replacing all of the characters + with motor vehicles. After the third scene, Mack (his character in Cars) realizes + that the same actor has been voicing characters in every film. + + Due to the traditions that have occurred within the film such as anthropomorphic + animals and easter egg crossovers between films that have been spotted by Pixar + fans, a blog post entitled The Pixar Theory was published in 2013 by Jon Negroni + proposing that all of the characters within the Pixar universe were related.[70][71][72] + + Sequels and prequels[edit] + + Toy Story 2 was originally commissioned by Disney as a 60-minute direct-to-video + film. Expressing doubts about the strength of the material, John Lasseter convinced + the Pixar team to start from scratch and make the sequel their third full-length + feature film. + + Following the release of Toy Story 2 in 1999, Pixar and Disney had a gentlemen + s agreement that Disney would not make any sequels without Pixar s involvement + despite their own right to do so. After the two companies were unable to agree + on a new deal, Disney announced in 2004 they would plan to move forward on sequels + with/without Pixar and put Toy Story 3 into pre-production at Disney s then-new + CGI division Circle 7 Animation. However, when Lasseter was placed in charge + of all Disney and Pixar animation following Disney s acquisition of Pixar in + 2006, he put all sequels on hold and Toy Story 3 was canceled. In May 2006, + it was announced that Toy Story 3 was back in pre-production with a new plot + and under Pixar s control. The film was released on June 18, 2010 as Pixar s + eleventh feature film. + + Shortly after announcing the resurrection of Toy Story 3, Lasseter fueled speculation + on further sequels by saying, If we have a great story, we ll do a sequel. + [73] Cars 2, Pixar s first non-Toy Story sequel, was officially announced in + April 2008 and released on June 24, 2011 as their twelfth. Monsters University, + a prequel to Monsters, Inc. (2001), was announced in April 2010 and initially + set for release in November 2012;[74] the release date was pushed to June 21, + 2013 due to Pixar s past success with summer releases according to a Disney + executive.[75] + + In June 2011, Tom Hanks, who voiced Woody in the Toy Story series, implied that + Toy Story 4 was in the works, although it had not yet been confirmed by the + studio.[76][77] In April 2013, Finding Dory, a sequel to Finding Nemo, was announced + for a June 17, 2016 release.[78] In March 2014, Incredibles 2 and Cars 3 were + announced as films in development.[79] In November 2014, Toy Story 4 was confirmed + to be in development with Lasseter serving as director.[80] In an interview, + Lasseter stated that [a] lot of people in the industry view us doing sequels + as being for the business of it, but for us, it s pure passion...One of the + things that was very important for me as an artist is to continue directing. + When I direct, I get to work with the individual artists, with the animators. + [81] In August 2015, at the D23 Expo, Lasseter said that the film would focus + on the romance between Woody and Bo Peep.[82] Its story will be built on the + fact that Bo Peep was absent in Toy Story 3, with Woody and Buzz Lightyear trying + to find her and bring her back.[83] + + Adaptation to television[edit] + + Toy Story was the first Pixar film to be adapted for television as Buzz Lightyear + of Star Command film and TV series. Cars became the second with the help of + Cars Toons, a series of 3-to-5-minute short films running between regular Disney + Channel shows and featuring Mater (a tow truck voiced by comedian Larry the + Cable Guy).[84] Between 2013 and 2014, Pixar released its first two television + specials, Toy Story of Terror![85] and Toy Story That Time Forgot. A television + series spin-off of Monsters, Inc. was confirmed in a Disney press release in + November 2017.[86] + + Animation and live-action[edit] + + All Pixar films and shorts to date have been computer-animated features, but + WALL-E so far has been the only Pixar film to not be completely animated as + it featured a small amount of live-action footage while Day & Night is the only + short to feature 2D animation. 1906, the live-action film by Brad Bird based + on a screenplay and novel by James Dalessandro about the 1906 earthquake, was + in development but has since been abandoned by Bird and Pixar. Bird has stated + that he was interested in moving into the live-action realm with some projects while staying + at Pixar [because] it s a very comfortable environment for me to work in . In + June 2018, Bird mentioned the possibility of adapting the novel as a TV series, + with the earthquake sequence as a live-action feature film.[87] + + The Toy Story Toons short Hawaiian Vacation also includes the fish and shark + as live-action. + + Jim Morris, president of Pixar, produced Disney s John Carter (2012) which Andrew + Stanton co-wrote and directed.[88] + + Pixar s creative heads were consulted to fine tune the script for the 2011 live-action + film The Muppets.[89] Similarly, Pixar assisted in the story development of + Disney s The Jungle Book (2016) as well as providing suggestions for the film + s end credits sequence.[90] Both Pixar and Mark Andrews were given an Special + Thanks credit in the film s credits.[91] Additionally, many Pixar animators, + both former and current, were recruited for a traditional hand-drawn animated + sequence for the 2018 film Mary Poppins Returns.[92] + + Pixar representatives have also assisted in the English localization of several + Studio Ghibli films, mainly those from Hayao Miyazaki.[93] + + Upcoming projects[edit] + + It was announced in November 2014 that John Lasseter would direct Toy Story + 4,[80] scheduled for release on June 21, 2019.[94] However, in July 2017, it + was announced that Lasseter had stepped down as director, with Josh Cooley serving + as sole director.[95] + + On July 1, 2016, two upcoming untitled Pixar films were announced to be scheduled + for release on March 6 and June 19, 2020, which are said to be original projects. + One of these has now been revealed to be Onward. [96][97] + + In July 2017, it was announced that Dan Scanlon will direct an original film + about a suburban fantasy world in which two teenaged brothers search for their + missing father.[98] On December 12, 2018, it was announced that the film will + be titled Onward and is slated for a March 6, 2020 release.[99] The film will + star Chris Pratt, Tom Holland, Julia Louis-Dreyfus, and Octavia Spencer.[100] + + On April 25, 2017, two untitled upcoming films are scheduled for June 19, 2020 + and June 18, 2021.[101] On March 1, 2018, two more untitled Pixar films were + announced and scheduled for March 18 and June 17, 2022.[102] + + Franchises[edit] + + Toy Story 4 1995—2019 + + Monsters, Inc. 2 2001—13 + + Finding Nemo 2 2003—16 + + The Incredibles 2 2004—18 + + Cars 3 2006—17 + + Co-op Program[edit] + + The Pixar Co-op Program, a part of the Pixar University professional development + program, allows their animators to use Pixar resources to produce independent + films.[103][104] The first CGI project accepted to the program was Borrowed + Time (2016); all previously accepted films were live-action.[105] + + Since December 2005, Pixar has held exhibitions celebrating the art and artists + of themselves over their first twenty years in animation.[106] + + Pixar: 21 Years of Animation[edit] + + Pixar celebrated its 20th anniversary in 2006 with the release of its seventh + feature film Cars, and held two exhibitions from April to June 2010 at Science + Centre Singapore in Jurong East, Singapore and the London Science Museum in + London.[107] It was their first time holding an exhibition in Singapore. + + The exhibition highlights consist of work-in-progress sketches from various + Pixar productions, clay sculptures of their characters and an autostereoscopic + short showcasing a 3D version of the exhibition pieces which is projected through + four projectors. Another highlight is the Zoetrope, where visitors of the exhibition + are shown figurines of Toy Story characters animated in real-life through + the zoetrope.[107] + + Pixar celebrated its 25th anniversary in 2011 with the release of its twelfth + feature film Cars 2, and held an exhibition at the Oakland Museum of California + from July 2010 until January 2011.[108] The exhibition tour debuted in Hong + Kong and was held at the Hong Kong Heritage Museum in Sha Tin from March 27 + to July 11, 2011.[109][110] In 2013, the exhibition was held in the EXPO in + Amsterdam, The Netherlands. For 6 months from July 6, 2012 until January 6, + 2013 the city of Bonn (Germany) hosted the public showing,[111] + + On November 16, 2013, the exhibition moved to the Art Ludique museum in Paris, + France with a scheduled run until March 2, 2014.[112] The exhibition moved to + three Spanish cities later in 2014 and 2015: Madrid (held in CaixaForum from + March 21 until June 22),[113] Barcelona (held also in Caixaforum from February + until May) and Zaragoza.[114] + + Pixar: 25 Years of Animation includes all of the artwork from Pixar: 20 Years + of Animation, plus art from Ratatouille, WALL-E, Up and Toy Story 3. + + The Science Behind Pixar[edit] + + The Science Behind Pixar is a travelling exhibition that first opened on June + 28, 2015, at the Museum of Science in Boston, Massachusetts. It was developed + by the Museum of Science in collaboration with Pixar. The exhibit features forty + interactive elements that explain the production pipeline at Pixar. They are + divided into eight sections, each demonstrating a step in the filmmaking process: + Modeling, Rigging, Surfaces, Sets & Cameras, Animation, Simulation, Lighting, + and Rendering. Before visitors enter the exhibit, they watch a short video at + an introductory theater showing Mr. Ray from Finding Nemo and Roz from Monsters, + Inc.. + + The exhibition closed on January 10, 2016 and was moved to the Franklin Institute + in Philadelphia, Pennsylvania where it ran from March 12 to September 5. Afterwards, + it moved to the California Science Center in Los Angeles, California and was + open from October 15, 2016 to April 9, 2017. It made another stop at the Science + Museum of Minnesota in St. Paul, Minnesota from May 27 through September 4, + 2017.[115] + + The exhibition opened in Canada on July 1, 2017 at the TELUS World of Science + - Edmonton (TWOSE). + + Pixar: The Design of Story[edit] + + Pixar: The Design of Story was an exhibition held at the Cooper Hewitt, Smithsonian + Design Museum in New York City from October 8, 2015 to September 11, 2016.[116][117] + The museum also hosted a presentation and conversation with John Lasseter on + November 12, 2015 entitled Design By Hand: Pixar s John Lasseter .[116] + + Pixar celebrated its 30th anniversary in 2016 with the release of its seventeenth + feature film Finding Dory, and put together another milestone exhibition. The + exhibition first opened at the Museum of Contemporary Art in Tokyo, Japan from + March 5, 2016 to May 29, 2016. It subsequently moved to the Nagasaki Prefectural + Art Museum National Museum of History, Dongdaemun Design Plaza where it ended + on March 5, 2018 at the Hong Kong Heritage Museum.[118] + + List of Pixar staff + + ^ a b COMPANY FAQS . Pixar. Archived from the original on July 2, 2006. CS1 + maint: BOT: original-url status unknown (link) + + ^ a b c d e f Smith, Alvy Ray. Pixar Founding Documents . Alvy Ray Smith Homepage. + Archived from the original on April 27, 2005. Retrieved January 11, 2011. + + ^ Smith, Alvy Ray. Proof of Pixar Cofounders (PDF). + + ^ Walt Disney Company, Form 8-K, Current Report, Filing Date Jan 26, 2006 (PDF). + secdatabase.com. Retrieved May 12, 2018. + + ^ a b Walt Disney Company, Form 8-K, Current Report, Filing Date May 8, 2006 + . secdatabase.com. Retrieved May 12, 2018. + + ^ Nikki Finke (June 23, 2013). Monsters University Global Total $136.5M: #1 + N.A. With $7 For Pixar s 2nd Biggest; World War Z Zombies $112M Worldwide: + $66M Domestic Is Biggest Opening For Original Live Action Film Since Avatar . + Deadline Hollywood. Retrieved June 23, 2013. + + ^ Pixar . Box Office Mojo. Retrieved August 5, 2018. + + ^ When added to foreign grosses Pixar Movies at the Box Office Box Office Mojo + + ^ Brief History of the New York Institute of Technology Computer Graphics Lab + . Carnegie Mellon University. + + ^ a b The Story Behind Pixar - with Alvy Ray Smith . mixergy.com. + + ^ Moving Innovation: A History of Computer Animation + + ^ CGI Story: The Development of Computer Generated Imaging . lowendmac.com. + June 8, 2014. + + ^ ID 797 - History of Computer Graphics and Animation . Ohio State University. + + ^ a b c d Hormby, Thomas (January 22, 2007). The Pixar Story: Fallon Forbes, + Dick Shoup, Alex Schure, George Lucas and Disney . Low End Mac. Retrieved March + 1, 2007. + + ^ Smith, Alvy Ray (August 15, 1995). Alpha and the History of Digital Compositing (PDF). + Princeton University—Department of Computer Science. Retrieved December 22, + 2013. + + ^ Alvy Pixar Myth 3 . alvyray.com. + + ^ Coll, Steve (October 1, 1984). When The Magic Goes . Inc. + + ^ An exclusive interview with Daniel Kottke . India Today. September 13, 2011. + Archived from the original on May 18, 2012. Retrieved October 27, 2011. + + ^ Kieron Johnson (2017-04-28). Pixar s Co-Founders Heard No 45 Times Before + Steve Jobs Said Yes . Entrepreneur.com. Retrieved 2018-04-11. + + ^ Smith, Alvy Ray (2013-04-17). How Pixar Used Moore s Law to Predict the Future + . Wired. ISSN 1059-1028. Retrieved 2019-02-13. + + ^ Price, David A. (2008-11-22). Pixar s film that never was: Monkey . The + Pixar Touch. Retrieved 2019-02-13. + + ^ a b Pixar Animation Studios . Ohio State University. Retrieved April 22, + 2008. + + ^ Paik, Karen (November 3, 2015). To Infinity and Beyond!: The Story of Pixar + Animation Studios . Chronicle Books – via Google Books. + + ^ Toy Stories and Other Tales . University of Saskatchewan. + + ^ Pixar Animation Studios—Company History . Fundinguniverse.com. Retrieved + July 8, 2011. + + ^ History of Computer Graphics: 1990–99 . Hem.passagen.se. Archived from the + original on April 18, 2005. Retrieved July 8, 2011. + + ^ Fisher, Lawrence M. (April 2, 1991). Hard Times For Innovator in Graphics + . The New York Times. Retrieved July 8, 2011. + + ^ Calonius, Erik (March 31, 2011). Ten Steps Ahead: What Smart Business People + Know That You Don t . Headline – via Google Books. + + ^ Price, David A. (2008). The Pixar Touch: The making of a Company (1st ed.). + New York: Alfred A. Knopf. p. 137. ISBN 9780307265753. + + ^ Schlender, Brent (September 18, 1995). Steve Jobs Amazing Movie Adventure + Disney Is Betting on Computerdom s Ex-Boy Wonder to Deliver This Year s Animated + Christmas Blockbuster. Can He Do for Hollywood What He Did for Silicon Valley? + . CNNMoney. + + ^ Nevius, C.W. (August 23, 2005). Pixar tells story behind Toy Story . San + Francisco Chronicle. Retrieved April 22, 2008. + + ^ Toy Story . Box Office Mojo. Retrieved June 10, 2010. + + ^ Company FAQ s . Pixar. Retrieved + March 29, 2015. + + ^ a b Catmull, Ed (March 12, 2014). Inside The Pixar Braintrust . Fast Company. + Mansueto Ventures, LLC. Retrieved September 28, 2014. + + ^ Wloszczyna, Susan (October 31, 2012). Wreck-It Ralph is a Disney animation + game-changer . USA Today. Retrieved April 5, 2014. + + ^ Pond, Steve (February 21, 2014). Why Disney Fired John Lasseter—And How He + Came Back to Heal the Studio . The Wrap. Retrieved April 5, 2014. + + ^ Hartl, John (July 31, 2000). Sequels to Toy Story, Tail, Dragonheart go + straight to video . The Seattle Times. Retrieved April 22, 2008. + + ^ Bjorkman, James. Disney Animated Film Eras . Animated Film Reviews. Retrieved + June 7, 2014. + + ^ a b c Pixar dumps Disney . CNNMoney. January 29, 2004. Retrieved July 26, + 2015. + + ^ Pixar Says So Long to Disney . Wired. January 29, 2004. Archived from the + original on May 2, 2008. Retrieved April 22, 2008. + + ^ a b Grover, Ronald (December 9, 2004). Steve Jobs s Sharp Turn with Cars + . Business Week. Archived from the original on March 11, 2007. Retrieved February + 23, 2007. + + ^ Pixar Perfectionists Cook Up Ratatouille As Latest Animated Concoction + . Star Pulse. Archived from the original on October 27, 2007. Retrieved April + 22, 2008. + + ^ La Monica, Paul R. (January 24, 2006). Disney buys Pixar . CNN. + + ^ a b Holson, Laura M. (January 25, 2006). Disney Agrees to Acquire Pixar in + a $7.4 Billion Deal . The New York Times. Retrieved April 22, 2008. + + ^ La Monica, Paul R. (January 24, 2006). Disney buys Pixar . CNN. Retrieved + April 22, 2008. + + ^ a b c Schlender, Brent (May 17, 2006). Pixar s magic man . CNN. Retrieved + April 20, 2012. + + ^ Issacson, Walter (2013). Steve Jobs (1st paperback ed.). New York: Simon and + Schuster. p. 439. ISBN 9781451648546. + + ^ Agreement and Plan of Merger by and among The Walt Disney Company, Lux Acquisition + Corp. and Pixar . Securities and Exchange Commission. January 24, 2006. Retrieved + April 25, 2007. + + ^ Bunk, Matthew (January 21, 2006). Sale unlikely to change Pixar culture . + Inside Bay Area. Retrieved April 22, 2008. + + ^ Graser, Marc (September 10, 2008). Morris and Millstein named manager of + Disney studios . Variety. Archived from the original on September 14, 2008. + Retrieved September 10, 2008. + + ^ Kilday, Gregg (December 4, 2013). Pixar vs. Disney Animation: John Lasseter + s Tricky Tug-of-War . The Hollywood Reporter. Retrieved December 4, 2013. + + ^ a b c Bell, Chris (April 5, 2014). Pixar s Ed Catmull: interview . The Daily + Telegraph. Retrieved April 5, 2014. + + ^ a b c Zahed, Ramin (April 2, 2012). An Interview with Disney/Pixar President + Dr. Ed Catmull . Animation Magazine. Retrieved April 5, 2014. + + ^ a b Graser, Marc (November 18, 2014). Walt Disney Animation, Pixar Promote + Andrew Millstein, Jim Morris to President . Variety. Penske Business Media. + Archived from the original on November 21, 2014. Retrieved November 18, 2014. + + ^ Masters, Kim (November 21, 2017). John Lasseter s Pattern of Alleged Misconduct + Detailed by Disney/Pixar Insiders . The Hollywood Reporter. Retrieved November + 24, 2017. + + ^ Zeitchik, Steven (November 21, 2017). Disney animation guru John Lasseter + takes leave after sexual misconduct allegations . The Washington Post. Retrieved + November 21, 2017. + + ^ Masters, Kim (April 25, 2018). He Who Must Not Be Named : Can John Lasseter + Ever Return to Disney? . The Hollywood Reporter. Retrieved May 1, 2018. + + ^ Barnes, Brooks (June 8, 2018). Pixar Co-Founder to Leave Disney After Missteps . + The Hollywood Reporter. Retrieved June 8, 2018. + + ^ Kit, Borys (June 19, 2018). Pete Docter, Jennifer Lee to Lead Pixar, Disney + Animation . The Hollywood Reporter. Retrieved June 19, 2018. + + ^ Kit, Borys (October 23, 2018). Pixar Co-Founder Ed Catmull to Retire . The + Hollywood Reporter. Retrieved October 24, 2018. + + ^ Kit, Borys (January 18, 2019). Toy Story 3, Coco Director Lee Unkrich + Leaving Pixar After 25 Years (Exclusive) . The Hollywood Reporter. Retrieved + January 18, 2019. + + ^ Pixar Canada sets up home base in Vancouver, looks to expand . The Vancouver + Sun. Canada. Archived from the original on April 22, 2010. Retrieved April 20, + 2010. + + ^ Pixar Canada shuts its doors in Vancouver . The Province. October 8, 2013. + Retrieved October 8, 2013. + + ^ Pimentel, Benjamin (August 28, 2000). Lucasfilm Unit Looking at Move To Richmond + / Pixar shifting to Emeryville . San Francisco Chronicle. Archived from the + original on February 2, 2015. + + ^ Bohlin Cywinski Jackson | Pixar Animation Studios . Bohlin Cywinski Jackson. + Archived from the original on August 30, 2014. + + ^ OpenEdition: Hollywood and the Digital Revolution by Alejandro Pardo [in French] + + ^ Julia Robinson Mathematics Festival 2008 Mathematical Sciences Research Institute + + ^ a b Smiley, Tavis (January 24, 2007). Tavis Smiley . PBS. Archived from the + original on November 24, 2007. Retrieved March 1, 2007. + + ^ Dunn, Gaby (July 12, 2013). Pixar Theory connects all your favorite movies + in 1 universe . The Daily Dot. Retrieved July 13, 2013. + + ^ Whitney, Erin (July 12, 2013). The (Mind-Blowing) Pixar Theory: Are All the + Films Connected? . Moviefone. Archived from the original on July 15, 2013. Retrieved + July 13, 2013. + + ^ McFarland, Kevin (July 12, 2013). Read This: A grand unified theory connects + all Pixar films in one timeline . The A.V. Club. Retrieved July 13, 2013. + + ^ Douglas, Edwards (June 3, 2006). Pixar Mastermind John Lasseter . comingsoon.net. + Retrieved March 1, 2007. + + ^ Disney announce Monsters Inc sequel . BBC News. April 23, 2010. Retrieved + April 23, 2010. + + ^ Monsters University Pushed to 2013 . movieweb.com. April 4, 2011. Retrieved + April 4, 2011. + + ^ Tom Hanks reveals Toy Story 4 . June 27, 2011. Retrieved June 27, 2007. + + ^ Access Hollywood June 27, 2011 + + ^ Keegan, Rebecca (September 18, 2013). The Good Dinosaur moved to 2015, + leaving Pixar with no 2014 film . Los Angeles Times. Retrieved September 18, + 2013. + + ^ Vejvoda, Jim (March 18, 2014). Disney Officially Announces The Incredibles + 2 and Cars 3 Are in the Works . IGN. Retrieved March 18, 2014. + + ^ a b Ford, Rebecca (November 6, 2014). John Lasseter to Direct Fourth Toy + Story Film . The Hollywood Reporter. Retrieved November 6, 2014. + + ^ Keegan, Rebecca (November 6, 2014). Pixar to make Toy Story 4 : Why Lasseter + is returning to direct . Los Angeles Times. Retrieved November 21, 2014. + + ^ Giardina, Carolyn (August 14, 2015). D23: Pixar Previews Finding Dory and Toy + Story 4 . The Hollywood Reporter. Retrieved August 18, 2015. + + ^ Foutch, Haleigh (August 14, 2015). Toy Story 4′ Finds Buzz and Woody on + the Search for Bo Peep . Collider. Retrieved August 18, 2015. + + ^ Cars Toons Coming in October To Disney Channel . AnimationWorldNetwork. September + 26, 2008. Retrieved December 4, 2008. + + ^ Cheney, Alexandra (October 13, 2013). Watch A Clip from Pixar s First TV + Special Toy Story OF TERROR! . The Wall Street Journal. Retrieved February + 24, 2014. + + ^ Littleton, Cynthia (November 9, 2017). New Star Wars Trilogy in Works With + Rian Johnson, TV Series Also Coming to Disney Streaming Service . + + ^ Adam Chitwood (June 18, 2018). Brad Bird Says 1906 May Get Made as an Amalgam of + a TV and Film Project . Collider. Retrieved June 18, 2018. + + ^ Jagernauth, Kevin (February 16, 2012). John Carter Producer Jim Morris + Confirms Sequel John Carter: The Gods Of Mars Already In The Works . The Playlist. + Indiewire.com. Retrieved January 22, 2015. + + ^ Kit, Borys (October 14, 2010). Disney Picks Pixar Brains for Muppets Movie + . The Hollywood Reporter. Retrieved June 27, 2011. + + ^ Taylor, Drew. 9 Things Disney Fans Need to Know About The Jungle Book, According + to Jon Favreau . Disney Insider. The Walt Disney Company. Retrieved April 16, + 2016. + + ^ The Jungle Book: Press Kit (PDF). wdsmediafile.com. The Walt Disney Studios. + Retrieved March 29, 2016. + + ^ Mary Poppins Returns - Press Kit (PDF). wdsmediafile.com. Walt Disney Studios. + Retrieved November 29, 2018. + + ^ TURAN, KENNETH (2002-09-20). Under the Spell of Spirited Away . Los Angeles + Times. ISSN 0458-3035. Retrieved 2017-04-20. + + ^ McClintock, Pamela (October 26, 2016). The Incredibles 2 Moves Up to Summer + 2018; Toy Story 4 Pushed to 2019 . The Hollywood Reporter. Retrieved October + 26, 2016. + + ^ Khatchatourian, Maane (July 14, 2017). Toy Story 4 : Josh Cooley Becomes + Sole Director as John Lasseter Steps Down . Variety. Retrieved July 15, 2017. + + ^ Hipes, Patick (October 8, 2015). Disney: Ant Man And The Wasp A Go, Incredibles + 2 Dated & More . Deadline Hollywood. Retrieved October 8, 2015. + + ^ Snetiker, Marc (July 1, 2016). Pixar: No sequels for Ratatouille, WALL-E, + or Inside Out anytime soon . Entertainment Weekly. + + ^ Sneitker, Marc (July 14, 2017). Pixar announces new original suburban fantasy movie + . Entertainment Weekly. Retrieved July 15, 2017. + + ^ Twitter. December 12, 2018 https://twitter.com/Disney/status/1072899016696913920. + Missing or empty |title= (help) + + ^ Hipes, Patrick (December 12, 2018). Pixar s Onward To Star Chris Pratt, + Tom Holland, Julia Louis-Dreyfus & Octavia Spencer . Deadline. Retrieved December + 12, 2018. + + ^ Busch, Anita (April 25, 2017). Star Wars, Frozen 2 And The Lion King + : Disney Unleashes A Barrage Of Release Dates . Deadline Hollywood. Retrieved + April 25, 2017. + + ^ Milligan, Mercedes (March 1, 2018). Disney Pushes Live Mulan to 2020, Dates + Multi-Studio Slate . Animation Magazine. Retrieved March 5, 2018. + + ^ Hill, Libby (October 17, 2016). Two Pixar animators explore the depths of + grief and guilt in Borrowed Time . LA Times. Retrieved February 2, 2017. + + ^ Desowitz, Bill (October 24, 2016). Borrowed Time : How Two Pixar Animators + Made a Daring, Off-Brand Western Short . Indiewire. Retrieved February 2, 2017. + + ^ Failes, Ian (July 29, 2016). How Andrew Coats and Lou Hamou-Lhadj Made The + Independent Short Borrowed Time Inside Pixar . Cartoon Brew. Retrieved February + 2, 2017. + + ^ Pixar: 20 Years of Animation . Pixar. Archived from the original on January + 8, 2007. Retrieved June 28, 2010. + + ^ a b Eng Eng, Wang (April 1, 2010). Pixar animation comes to life at Science + Centre exhibition . MediaCorp Channel NewsAsia. Retrieved June 28, 2010. + + ^ Pixar: 25 Years of Animation . Retrieved January 11, 2011. + + ^ Pixar: 25 Years of Animation . Leisure and Cultural Services Department. + Archived from the original on February 17, 2011. Retrieved January 11, 2011. + + ^ Pixar brings fascinating animation world to Hong Kong Archived August 9, + 2011, at the Wayback Machine, Xinhua, March 27, 2011 + + ^ GmbH, Kunst- und Ausstellungshalle der Bundesrepublik Deutschland. Pixar + - Kunst- und Ausstellungshalle der Bundesrepublik Deutschland - Bonn . www.bundeskunsthalle.de. + + ^ Exposition Pixar (in French). Art Ludique. Retrieved December 30, 2014. + + ^ Pixar: 25 años de animación . Obra Social la Caixa . Archived from the original + on January 24, 2014. Retrieved April 24, 2014. + + ^ Pixar. 25 years of animation Exhibition in Spain . motionpic.com. Archived + from the original on December 31, 2014. Retrieved December 30, 2014. + + ^ The Science Behind Pixar at pixar.com . Archived from the original on July + 8, 2016. Retrieved July 8, 2016. + + ^ a b Pixar: The Design of Story . Cooper Hewitt Smithsonian Design Museum. + 8 October 2015. Retrieved 10 April 2018. + + ^ Cooper Hewitt to Host Pixar Exhibition . The New York Times. July 26, 2015. + + ^ Pixar: 30 Years Of Animation . Pixar Animation Studios. Retrieved 10 April + 2018. + + Pixarat Wikipedia s sister projects + + Pixar s channel on YouTube + + Pixar Animation Studios on IMDb + + Pixar Animation Studios at The Big Cartoon DataBase + + List of the 40 founding employees of Pixar + + Luxo Jr. (1986) + + Red s Dream (1987) + + Knick Knack (1989) + + Boundin (2003) + + Jack-Jack Attack (2005) + + Mr. Incredible and Pals (2005) + + Lifted (2006) + + George and A.J. (2009) + + Hawaiian Vacation (2011) + + Small Fry (2011) + + Partysaurus Rex (2012) + + The Legend of Mor du (2012) + + Party Central (2013) + + Riley s First Date? (2015) + + SparkShorts program + + Purl (2019) + + Pixar Short Films Collection, Volume 1 (2007) + + Beach Chair (1986) + + Flags and Waves (1986) + + Light & Heavy (1990) + + Nemo & Friends SeaRider (2016) + + The Adventures of André & Wally B. (1984) + + It s Tough to Be a Bug! (1998) + + Buzz Lightyear of Star Command: The Adventure Begins (2000) + + Buzz Lightyear of Star Command (2000–01) + + Exploring the Reef (2003) + + Turtle Talk with Crush (2004) + + Borrowed Time (2016) + + List of Pixar characters + + List of Pixar awards and nominations + + List of Pixar film references + + Circle 7 Animation + + Pixar Canada + + Pixar Photoscience Team + + A Computer Animated Hand + + Pixar universe theory + + Proposed acquisition of 21st Century Fox by Disney + + Roy Oliver Disney + + Bob Iger (CEO) + + Alan N. Braverman (SEVP/GC) + + Christine McCarthy (CFO) + + Susan E. Arnold + + Francis A. deSouza + + Bob Iger (Chairman) + + Maria Elena Lagomasino + + Fred H. Langhammer + + Aylwin B. Lewis + + Disney–ABC TV Group + + ABC TV Stations + + Disney Channels US (DisneyNow) + + ESPN (80%) + + A&E Networks (50%) + + Parks, Experiences + + and Consumer Products + + and Interactive Media + + Games and Interactive Experiences + + ESPN International + + Disney Media Distribution + + Super RTLJV + + RTL IIJV + + Reedy Creek Energy + + El Capitan complex + + Hollywood Masonic Temple + + Disney Theatrical Productions (Disney On Broadway) + + Walt Disney Studios (Burbank) + + Alan F. Horn + + Ice Follies And Holiday on Ice + + Parent: The Walt Disney Company + + Return to Apple + + Honors and public recognition + + Laurene Powell Jobs (wife) + + Mona Simpson (sister) + + Chrisann Brennan (mother of his first born) + + Lisa Brennan-Jobs (daughter) + + Stevenote + + More American Graffiti (1979) + + Star Wars: Episode I – The Phantom Menace (1999) + + Star Wars: Droids (1985–86) + + Ewoks (1985–86) + + Maniac Mansion (1990–93) + + The Young Indiana Jones Chronicles (1992–93) + + Star Wars: Clone Wars (2003–05) + + Star Wars: The Clone Wars (2008–present) + + Star Wars Rebels (2014–18) + + Lego Star Wars: The Freemaker Adventures (2016–17) + + Star Wars Detours (unaired) + + Caravan of Courage: An Ewok Adventure (1984) + + Ewoks: The Battle for Endor (1985) + + Star Tours (1987) + + ExtraTERRORestrial Alien Encounter (1995) + + Star Tours – The Adventures Continue (2011) + + The Droid Works + + EditDroid + + SoundDroid + + George Lucas (Founder) + + Kathleen Kennedy (President) + + Howard Roffman (EVP, Franchise Management) + + Parent: Walt Disney Studios (The Walt Disney Company) + + Film studios in the United States and Canada + + Entertainment Studios + + IMAX Pictures + + Lantern Entertainment + + Montecito Picture Company + + Morgan Creek Entertainment + + Producer-owned + + Appian Way Productions + + Bryanston Pictures + + Centropolis Entertainment + + Jim Henson Pictures + + Animation industry in the United States + + Companies/studios + + Ace & Son + + Augenblick Studios + + CBS Animation + + The Curiosity Company + + Fred Wolf Films + + Justin Roiland s Solo Vanity Card Productions! + + MGM Animation + + Prana Studios + + Radical Axis + + Renegade Animation + + SD Entertainment + + ShadowMachine + + Adelaide Productions + + Threshold Entertainment + + MTV Animation + + Wild Canary Animation + + 70/30 Productions + + Adventure Cartoon Productions + + Amblimation + + Cambria Productions + + Crest Animation Productions + + DePatie–Freleng Enterprises + + DNA Productions + + Jetlag Productions + + Kroyer Films + + Laugh-O-Gram Studio + + MGM Animation/Visual Arts + + Rankin/Bass Productions + + Ruby-Spears + + Screen Gems Cartoons + + Spümcø + + Sullivan Bluth Studios + + Sunbow Entertainment + + Van Beuren Studios + + The Animation Guild, I.A.T.S.E. Local 839 + + Animated Infomercial + + History of American comics + + Emeryville Crescent State Marine Reserve + + Bay Street Emeryville + + San Pablo Avenue + + Emeryville Amtrak station + + Emery USD + + German Int. School of Silicon Valley East Bay Campus (closing in spring 2018) + + Shell Development Emeryville + + Cetus Corporation + + Retrieved from https://en.wikipedia.org/w/index.php?title=Pixar&oldid=883769783 + + American animation studios + + Disney production studios + + Film production companies of the United States + + Cinema of the San Francisco Bay Area + + Companies based in Emeryville, California + + Entertainment companies established in 1986 + + Disney acquisitions + + Empire Inspiration Award winners' + __selected-docs__: + - "Pixar Animation Studios: Creative Kaizen\nBy HBSstudent11\nIliad S.A.: the\ + \ story behind France’s telecommunications maverick\nHow Pixar’s innovative\ + \ production process ensures creative quality for audiences\nPixar: A Winner\n\ + Pixar has been highly effective at aligning its business and operating models\ + \ to drive success. Founded 1986, Pixar has produced 16 feature animated films\ + \ which together have grossed almost $4 billion at the box office (1). Critically\ + \ acclaimed projects include: Toy Story, The Incredibles, Ratatouille, Up, and\ + \ Finding Nemo. Disney took notice of Pixar’s ability to churn out blockbusters,\ + \ and acquired them in 2006 (2). This ability seems to be driven by Pixar’s\ + \ unique model of organization, production, and talent retention.\nPixar makes\ + \ money by unifying art and technology to produce original animated films that\ + \ motivate audiences to buy movie tickets, DVDs, digital copies, and merchandise.\ + \ These films are marketed towards children, but have the emotional depth and\ + \ production quality to appeal to adults. Pixar’s key market differentiator\ + \ is its focus on quality. Instead of throwing out a portfolio of movies every\ + \ year and hoping that a few become blockbusters, Pixar makes big bets on a\ + \ fewer number of films, producing one film every four to five years. It minimizes\ + \ risk by ensuring the quality of these films via a highly monitored production\ + \ process.\nPixar has a very unique operating model compared to other film studios.\ + \ In other studios, new creative teams are formed around new film concepts and\ + \ then disbanded once the films are complete. Pixar takes a drastically different\ + \ approach and retains creative talent as long-term employees. This allows teams\ + \ to improve their skills and operating processes over time with increased repetition\ + \ (3). Pixar leaders believe that the initial idea matters a lot less than the\ + \ people who actually iterate and brainstorm around that idea throughout the\ + \ production process (4). Other key elements of Pixar’s successful operating\ + \ model include:\nIncubator Teams: When concepts are still nascent, small teams\ + \ of directors, writers, and artists serve as incubators that work together\ + \ to improve and expand on the initial ideas. This tests the idea, but also\ + \ serves as a way for teams to feel out their strengths and weaknesses and learn\ + \ how they should work together moving forward (4).\nShared Dailies: Every day,\ + \ directors and producers must show their daily work to everyone (instead of\ + \ just a small team like at other studios). All members of the crew are encouraged\ + \ to offer suggestions for improvement. Dailies serve as a great way to share\ + \ information with the entire team and break down departmental barriers (4).\n\ + Creative Brain Trust: This is a committee of creative leaders in the company\ + \ that directors/producers can access to help solve production problems. An\ + \ important and unique dynamic of this group is that, unlike traditional studio\ + \ development executives, the advisors of this committee have no authority.\ + \ Instead, they are peers whose purpose is solely to offer creative input and\ + \ advice (5).\nPostmortems: These are meetings that occur after a film is finished\ + \ and discuss the successes and failures of the process. This is critical for\ + \ the growth of the teams (as they will largely remain together to work on the\ + \ next Pixar film) and helps improve work output and processes for the future\ + \ (4).\nPixar University: The company offers classes across disciplines to foster\ + \ communication between departments and emphasize the idea of “learning and\ + \ growing together” (3).\nPixar Campus: The campus has an open plan that maximizes\ + \ interaction among colleagues during the workday to stimulate conversation\ + \ and free flow of ideas (3).\nBusiness and Operating Model Alignment\nThe business\ + \ and operating models are both aligned on Pixar’s key competitive advantages:\ + \ creativity and quality. Pixar has become a consumer-facing brand associated\ + \ with a high level of creativity and quality — and they want to sustain this\ + \ brand identity to retain loyal audiences. To ensure that this production value\ + \ is being provided to customers, the production process is highly detail-oriented\ + \ and based on constant iteration, refinement, and team growth and learning.\ + \ A Harvard Business Review article even likened Pixar’s continuous improvement\ + \ model to that of Toyota’s “Kaizen” philosophy (6). The operating model also\ + \ supports the business model and decreases the risk of a very expensive film\ + \ failure by subjecting the work in process to constant quality control checks.\ + \ High levels of cooperation and sharing throughout the production process allows\ + \ for errors in storyline, dialogue, or visual effects to be caught early and\ + \ often — before the process is too far along for these problems to be fixed\ + \ (4). Though this increases the cycle time of the process (often only 2 seconds\ + \ of a film is worked on each day!), Pixar’s box office performance has shown\ + \ that the value gained from this process in quality and creativity added has\ + \ definitely paid off (7).\nSources Cited/Used:\nhttp://www.boxofficemojo.com/franchises/chart/?id=pixar.htm\n\ + http://www.hollywoodreporter.com/news/pixar-disney-animation-john-lasseters-661752\n\ + http://www.nytimes.com/2006/01/29/technology/29iht-pixar30.html?pagewanted=all&_r=0\n\ + https://hbr.org/2008/09/how-pixar-fosters-collective-creativity\nhttp://fortune.com/video/2015/07/14/the-strategy-that-makes-each-pixar-films-successful/\n\ + https://hbr.org/2010/08/what-google-could-learn-from-p\nhttp://www.newyorker.com/magazine/2011/05/16/the-fun-factory\n\ + http://www.bizjournals.com/bizjournals/how-to/growth-strategies/2015/07/3-pixar-strategies-that-can-help-you-grow-revenue.html?page=all\n\ + http://www.fastcodesign.com/1665008/the-inside-story-5-secrets-to-pixar-s-success\n\ + http://www.pixar.com/\ncreativity, film, winner\nFinding LUV at Southwest Airlines\n\ + 8 thoughts on “Pixar Animation Studios: Creative Kaizen”\nDecember 9, 2015\t\ + \ Alice says:\nFascinating– I love Pixar films and really enjoyed reading your\ + \ post. There’s a special exhibition on “The Science Behind Pixar” at the Museum\ + \ of Science in downtown Boston you should check out!\nDecember 10, 2015\t arlo\ + \ says:\nI love Pixar films too, despite being a non-target consumer of Pixar.\ + \ \U0001F642 I really appreciated reading about all the steps they take to ensure\ + \ a high quality film is produced. Hopefully their quality won’t decline given\ + \ their decision to release two films per year (http://pixartimes.com/2013/06/04/the-pixar-perspective-on-making-two-films-a-year/).\n\ + Buzz Lightyear, I am your biggest fan!!! Nice post. Very interesting comparing\ + \ their operating model vs. the rest of Hollywood. I would imagine the reason\ + \ may be related to the criticality of software in teh production process… the\ + \ interface between creative and technical is much more integrative, which may\ + \ motivate keeping people aroudn to drive experience and learning in the more\ + \ complex setting… what do you think?\nDecember 14, 2015\t Buzz Lightyear says:\n\ + I think that the technology/software side of Pixar does have something to do\ + \ with it. Their approach often comes across as more scientific than artistic\ + \ to me. For example, they encourage their tech artists to regularly publish\ + \ articles and present at conferences so that they maintain a strong relationship\ + \ with the academic community.\nIt is interesting to note, however, that elsewhere\ + \ in Hollywood, smaller-scale creative alliances do form. For example, director\ + \ David O. Russell and actress Jennifer Lawrence have worked on multiple movies\ + \ such as Joy, American Hustle, and Silver Linings Playbook together. I also\ + \ saw JJ Abram’s long-time editors (since the show Alias) speak at the LA Film\ + \ Festival this summer, and they said have gotten to know his working style\ + \ over the years, and it seemed like they have refined and improved their working\ + \ processes over time. I am working in development at a production company this\ + \ summer, and hope to learn more about the different operating models happening\ + \ in film/TV and how creative teams form and function!\nhttp://www.filmindependent.org/blogs/j-j-abrams-long-time-editors-reveal-how-to-help-develop-characters-in-the-editing-room/#.Vm9jOxorLUo\n\ + http://deadline.com/2015/12/david-o-russell-joy-oscars-jennifer-lawrence-1201664630/\n\ + December 14, 2015\t Lior says:\nI’m also a huge Pixar fan and appreciate how\ + \ they managed to create and sustain such a strong operating model (with clear\ + \ link to the business model – quality and creativity). We actually tried mimicking\ + \ this model as we evaluated marketing campaigns in P&G (we formed a community\ + \ of brain trust and made sure to share campaign progress with the entire team.\ + \ We also discussed the successes and failures of the process at the end of\ + \ the campaign). I personally think the idea of using Pixar model to build marketing\ + \ campaigns is a powerful one, but we lacked full commitment to the process.\n\ + Building on that… I was wondering what are your thoughts on using this model\ + \ for different industries? For example, the pharmaceutical industry would also\ + \ benefit from high quality “blockbuster” drugs as opposed to “mini-hits”.\n\ + This is very interesting. To be honest I didn’t know Pixar had a significantly\ + \ different positioning to other movie producers, but I did love most of their\ + \ movies. The different areas you described reminded me a lot the Design Thinking\ + \ process we learned in the IDEO case, with teams brainstorming and converging\ + \ during the day and then use the Incubator Team, Shared Dailies and the Creative\ + \ Brain Trust to validate and/or generate new ideas. I wonder whether they do\ + \ something similar with the target audience or if this limited to employees\ + \ within the company.\nDecember 14, 2015\t AClay says:\nGreat article! I wonder\ + \ if Pixar was able to keep its unique culture after the Disney buyout. Disney\ + \ has such a strong culture itself, that I would imagined that it would be hard\ + \ for Disney’s culture to not suffocate Pixar’s culture.\nAlso, Shared Dailies\ + \ sound freighting like Bridgewater’s immediate feedback model to me. I wonder\ + \ how direct their feedback is at Pixar." + __selected-sentences__: + - Pixar makes money by unifying art and technology to produce original animated + films that motivate audiences to buy movie tickets, DVDs, digital copies, and + merchandise. These films are marketed towards children, but have the emotional + depth and production quality to appeal to adults. Pixar’s key market differentiator + is its focus on quality. Instead of throwing out a portfolio of movies every + year and hoping that a few become blockbusters, Pixar makes big bets on a fewer + number of films, producing one film every four to five years. It minimizes risk + by ensuring the quality of these films via a highly monitored production process. + - 'Pixar has a very unique operating model compared to other film studios. In + other studios, new creative teams are formed around new film concepts and then + disbanded once the films are complete. Pixar takes a drastically different approach + and retains creative talent as long-term employees. This allows teams to improve + their skills and operating processes over time with increased repetition (3). + Pixar leaders believe that the initial idea matters a lot less than the people + who actually iterate and brainstorm around that idea throughout the production + process (4). Other key elements of Pixar’s successful operating model include:' + episode_done: false + eval_labels: + - You're right. The quality of all of Pixar's movies have increased over the years. + This is due, in no small part, to the fact that they have long term teams that + work together on multiple projects. Further, Pixar, as a company, cares more + about creating high quality movies than they do making the most money possible. + This is their company's culture and the reason for their continuing success. + id: WizInternetWizardTeacher + search_query: pixar animation studios technology + text: "__knowledge__ Pixar makes money by unifying art and technology to produce\ + \ original animated films that motivate audiences to buy movie tickets, DVDs,\ + \ digital copies, and merchandise. These films are marketed towards children,\ + \ but have the emotional depth and production quality to appeal to adults. Pixar’s\ + \ key market differentiator is its focus on quality. Instead of throwing out\ + \ a portfolio of movies every year and hoping that a few become blockbusters,\ + \ Pixar makes big bets on a fewer number of films, producing one film every\ + \ four to five years. It minimizes risk by ensuring the quality of these films\ + \ via a highly monitored production process.\nPixar has a very unique operating\ + \ model compared to other film studios. In other studios, new creative teams\ + \ are formed around new film concepts and then disbanded once the films are\ + \ complete. Pixar takes a drastically different approach and retains creative\ + \ talent as long-term employees. This allows teams to improve their skills and\ + \ operating processes over time with increased repetition (3). Pixar leaders\ + \ believe that the initial idea matters a lot less than the people who actually\ + \ iterate and brainstorm around that idea throughout the production process\ + \ (4). Other key elements of Pixar’s successful operating model include: __endknowledge__\ + \ \n It is neat to see how they progressed in the series with the quality." +- - __retrieved-docs-urls__: + - https://answers.microsoft.com/en-us/windows/forum/windows_10-update/windows-10-1809-update-deleted-all-files-from/ff608374-2686-4a08-a4c2-caa4caa6d4e1 + - https://drivesaversdatarecovery.com/company/data-recovery-hall-of-fame/ + - https://www.mentalfloss.com/uk/entertainment/27204/how-one-line-of-text-nearly-killed-toy-story-2 + - https://funfactz.com/tv-facts/toy-story-2-deleted/ + - https://unbelievable-facts.com/2016/11/facts-about-pixar.html + __retrieved-docs__: + - 'Stuart Dole + + Created on October 4, 2018 + + Windows 10 1809 update deleted all files from Documents! + + Last night I updated to 1809, and it all went smoothly, but then I find that + all my files in Documents are DELETED. Gone. Poof. This included many crucial + documents and financial info. Yes, I have a backup (I think - using Windows + Backup to a NAS). But this is pretty bad. Did no one in the first two rings + run into this yet? + + I understand (from the news) that this happens to all files in Documents that + aren t synced to OneDrive. Further, the Documents folder is really an agglomeration + of Documents from several different paths - not sure how that works, and it + may or may not relate. + + Windows update, recovery, & backup + + Hi Stuart, this does seem to be an emerging bug today on the 1809 update, quite + a few users reporting this . . + + I am really glad to hear you have a backup of your data! + + What has worked for some users is - Restart (not shut down) your PC 3 or 4 times, + this will fix this issue a lot of the time . . . + + Power to the Developer! + + Dell Precision M6800 - 17.3 , Core i7, 16GB RAM, nVIdia Quadro, 128GB SSD, 1TB + HDD + + Tom_EC + + In reply to DaveM121 s post on October 4, 2018 + + At what point do you have to Restart the PC 3 or 4 times to get your documents + back? After they have been deleted or during the update? I d like to know so + when my documents are deleted I can hopefully get them back. + + In reply to Tom_EC s post on October 6, 2018 + + Alas - it gets worse. Microsoft s Backup silently stopped backing up back in + February and didn t tell me, and I didn t notice. So I have maybe 100 hours + of tedium ahead of me as I try to reconstruct my financial records... And the + restart (3x) didn t do anything. Sigh. + + DJ_CRUNCH + + I m adding to this thread as well the latest update to 1809 Not only deletes + files But It made a Mess of my system! First Not only was files Missing After + a Failed General Error 0xc1900101 and I took Extra Steps to prevent in the first + place, ie Removed Norton s, Removed other hardware like Blue Tooth Dongle etc. + it still failed. Upon Restore I noticed lot s of Photo s and Audio file s as + well as Word Doc s etc missing. Shortcuts from my Quick Launch was gone, and + My System Fans as well as My Liquid Cooling Pump was in Max Turbo mode. But + that is the only thing, My Software Lot s Of Software Would not start, or Launch + at all the service was showing that it was running but No Interface of the software. + When I dug into the Panther file to find the culprit, It was blank. So I have + No Idea as to why the generic code 0xc1900101 is being used if it will not tell + me what caused the failed update. So Be Warned Everyone Make Sure you use a + Software Like Acronis and Clone Your Drive before starting this Update at lest + you can get your system back + + BloodySword + + In reply to DJ_CRUNCH s post on October 6, 2018 + + Do not upgrade, do a fresh reinstall. This is always the best practice. My system + is broken anyway even with 1803 as it resets file associations every reboot. + So it s time to do a fresh install anyway. + + Will wait until end of November, then install 1809 as fresh install when all + issues are resolved. + + Also I don t like the multiple destination document ****. Who needs this crap? + I want my documents on the drive and partition I want it to. And I want to KNOW + where it is. + + In Germany you can t use One Drive anyway, as upload speeds here are laughable. + Online backups are unusable here. + + And I pay 55 EUR per month, and I have cutouts and slowdowns every week. Absolutely + barbaric. + + William Max Fredericksen Sr + + In reply to BloodySword s post on October 6, 2018 + + Fresh reinstalls are not acceptable, and not a proper procedure anyway. + + This is not a completely new OS, let s get that clear. It s a service pack at + best. + + I m not going to spend several days reinstalling my programs and files and weeks + getting things back the way I want them every time there s an update, anyone + that does waste their time like that is a fool. + + Microsoft needs to have better testing and qc on these updates if they re going + to force them down people s throats all the time. Thankfully I can defer the + updates for a year, and I ve further turned off Windows update in group policy + until they fix this mess. + + If it is linked to foisting OneDrive on everyone, they need to give people more + free space right up front, I have 51GB to back up in my documents folder, and + I already pay for Dropbox and MEGA and have free Google Drive. I m not paying + for another service that I never wanted to use in the first place. + + Is there any truth to the rumor that it s related to the group policy setting + for administrators that deletes user accounts created more than 30 days ago? + + neilpzz + + It seems MS have removed the version 1809 update due to these sort of problems. + + See sticky thread at the top of the Windows 10 forum. + + https://answers.microsoft.com/en-us/windows/forum/all/windows-10-october-update-is-no-longer-being/62e8e6b4-0089-41c2-a104-5a5a768a48f6 + + Akrucious + + I never trusted Microsoft cloud services for my files, and here they roll out + an update that deleted 50 gigs of work. Thanks Microsoft. + + Patrick.Wild + + so, this is what happened for me: + + - After the Update everything was fine + + - in the evening i shut down my Computer + + - on my next login, i was greeted by the same screen you get when you first + login to a computer + + - All my Files were gone, all store-apps and other user-profile installed apps + were gone + + - My profile had a new Profile-Folder, the old one only contained an empty OneDrive + Folder + + - all bloatware-apps were installed again (Candy-Crush etc.) (on an Enterprise + edition, but this is not the topic here...) + + - all Setting were reset to default + + - after checking my registry i noticed, that my user-account had a new SID + + So this update deleted the whole User-Profile, including all corresponding + Registry entries. But did not do so during the update, but on the next boot. + + If it was just files missing, i could just copy them back from my backups, but + it took hours of work reinstalling and reconfiguring apps and programms. + + Vu_Do + + In reply to Stuart Dole s post on October 6, 2018 + + Did you try to recover your files using data recovery software? It might work.' + - 'Home » Company » Hall Of Fame + + DriveSavers scored big when a laptop belonging to Golden State Warriors Coach + Steve Kerr went out of bounds with a… + + Even Kardashians need data recovery. Khloe´of the famous Kardashian family was + referred to DriveSavers by one of our Los Angeles… + + When Harrison Ford s drive crashed, he lost hundreds of personal photos. DriveSavers + rescued his data and, within a few days,… + + The supermodel, actress, designer and musician lost critical audio production + files that were vital to the completion of an upcoming… + + When a drive containing special effects and important storyboards became corrupted, + ILM sent it to DriveSavers to be rescued from… + + When Live Free or Die Hard star Bruce Willis drive died, it went hard. DriveSavers + sprang into action and, in… + + DriveSavers recovered thousands of files crucial to the production of Paramount + s official Star Trek website. + + While on tour, Willie Nelson s laptop containing his official website design + became inaccessible. Just 24 hours later, DriveSavers got him… + + In his 1999 movie, Sean Connery may have worried about Entrapment , but he + isn t worried about his missing data anymore… + + Apollo 11 astronaut, Buzz Aldrin, walked on the moon. But, not even a trip into + space could prepare him for… + + When country music superstar, Faith Hill, lost her personal mementos and thousands + of photos on her Mac, the singer s road… + + When former President Gerald Ford s personal computer crashed, DriveSavers retrieved + his important schedules and correspondence, putting him back in charge … + + The rock star sent his hard drive from England after the recovery efforts of + a local company failed. DriveSavers used… + + Data overboard! It s true that pirates are known to be savvy in the art of treasure + hunting, but DriveSavers proved… + + Beck proved he was no Loser. When his data was lost, DriveSavers engineers + were able to find Where It s At. + + One of the writer/producers of Family Guy had a hard drive freeze. But with + help from DriveSavers, Stewie was able… + + The laughter stopped when the comedian s producer lost access to data on a removable + cartridge. Smiles were restored when DriveSavers… + + Diamond Dave discovered DriveSavers when he lost vital data for his 1999–2000 + tours. Dave Jump-ed for joy when he got… + + Thanks to DriveSavers, Operaman sings again! + + Sometimes even the best fix-it gurus need a little help. When homespun remedies + failed, DriveSavers prevailed. + + He may still be looking for his lost shaker of salt but not his lost data—thanks + to DriveSavers. + + DriveSavers rocked American Idol judge Kara DioGuardi with our fast turnaround + time and unparalleled customer service. + + The musician called for recovery when his digital recording system failed while + he was creating a new album. DriveSavers rescued… + + With just a few days left before going live, Depeche Mode s web designer lost + access to the hard drive that… + + When Keith Richards lost important information for The Rolling Stones Bridges + to Babylon Tour, DriveSavers engineers recovered his data and… + + When Oscar nominated singer/songwriter, Kathleen York, lost the only recording + of a song she d produced for the film In the… + + The star of such films as Full Metal Jacket and Birdy found his laptop computer + mysteriously lying on the living… + + The Soprano s actress lost access to her data during a system upgrade. After + receiving her data back, M. Bega proclaimed,… + + Even Brat Packers can lose data. Ms. Ringwald contacted DriveSavers when her + laptop took a spill at The Breakfast Club. + + It was no laughing matter when a hard drive belonging to the video production + team at Ferrell s Funny or Die… + + Nick Nolte sent his RAID to DriveSavers after a fire in his living room damaged + it beyond repair. DriveSavers successfully… + + Legendary rock star, Peter Frampton, can make his guitar talk, but DriveSavers + coaxed his dead hard drive back to life! + + After a successful recovery of the Sex and the City producer s laptop, an episode + about Parker s character losing her data… + + Not only does DriveSavers bring data back from the dead, it also brings data + back for The Dead. The Grateful… + + After DriveSavers retrieved lost audio files and tour photos for two of the + groups members, Nine Inch Nails considered bringing… + + Lightening struck twice for Orlando Bloom when he lost data on both his computer + and iPhone, stealing a treasure trove… + + DriveSavers helped Motley Crüe continue to rock. The band played on when all + that was lost was found. + + The actor, director, producer, writer and Academy Award winner thought he d + received all the recognition he could. But when an… + + Since the rescue of his data gone astray, Paul Reiser is Mad About DriveSavers. + + Donny lost years of genealogy research, music and video files when his laptop + s hard drive stopped working completely. DriveSavers delivered… + + The musician s songs and original writing became corrupted on his Apple PowerBook + but DriveSavers engineers had him back in the… + + Daniel Stern was left out in the cold in Home Alone but, with the help of + DriveSavers, his data is… + + DriveSavers recovered 12 unproduced scripts, including the season finale, Who + Shot Mr. Burns. + + DriveSavers proved to the Grammy winner that lost data isn t Just the way it + is. DriveSavers rounded up the lost… + + The puppet master s laptop crashed five days before a scheduled film shoot in + Europe. DriveSavers rescued the data with time… + + One day before the crooner s new tour, the road manager came to DriveSavers + singing a sad song about lost contracts.… + + A thank you note to DriveSavers from the original bachelorette, Trista Sutter: Just + saw data DriveSavers saved from my dead… + + Ben & Jerry s main accounting server crashed and was pronounced dead by a local + company. DriveSavers completed the data recovery… + + Grammy Award-winning musician/composer, Danny Elfman, has composed dozens of + soundtracks for film and television programs. When he lost one of… + + When Andy Bernard of the hit television program, The Office, crashed Dunder + Miffin s corporate server, it was easy to place… + + Roger Avary, screenwriter for Beowulf, challenged us to do battle with ruthless + data loss demons. Just like Beowulf before us,… + + After DriveSavers recovered pop music icon Todd Rundgren s data, he came up + with a new way to describe our data…' + - 'How One Line of Text Nearly Killed Toy Story 2 + + BY Simon Brew + + Toy Story 2 was one of the trickiest films Pixar ever produced. It was originally + set to be a straight-to-DVD release (and video too), until the decision was + made to go for a full cinema outing. But barely a year before release, the film + was in trouble: as many at the firm were candidly appreciating, Toy Story 2 + wasn t working. + + John Lasseter, exhausted from directing Toy Story and A Bug s Life back to back, + was asked to sort it out. He did—but the intensive year where the film was taken + apart and put back together very much took its toll on Pixar. Changes were made + in the aftermath of its hugely successful release. + + Toy Story 2 had a happy ending for Pixar. It earned rave reviews, and took nearly + $500m at the global box office. + + And yet one command entered into a computer nearly derailed the entire project. + + Writing in his book Creativity Inc, Pixar co-founder Ed Catmull recalled that + in the winter of 1998, a year out from the release of Toy Story 2, somebody + (he never reveals who in the book) entered the command /bin/rm -r -f * on + the drives where the film s files were kept. + + The object of said command is to remove everything from a given location, and + to remove it quickly. It did its job. + + First, Woody s hat disappeared. Then his boots. Then he disappeared entirely, recalls + Catmull. Whole sequences—poof!—were deleted from the drive. + + One of the film s technical directors, Oren Jacobs, watched it all happen in + real time. His call to systems support started with him telling them to pull + out the plug on the Toy Story 2 master machine. When asked why by the person + on the other end of the phone (a not-unreasonable question), Jacobs screamed Please, + God, just pull it out as fast as you can. + + The plug was pulled, but not in time—90% of the film was gone, erased in a + matter of seconds. + + And it got worse. A plan was quickly hatched to restore the data from a regular + backup, which meant that only half a day of work would have been lost. But the + backup system had failed. Pixar, incredibly, did not have a copy of the Toy + Story 2 files on its servers. To reassemble the film would have taken thirty + people a solid year, Catmull recalled. + + Toy Story 2 looked doomed. + + Yet it was saved by something akin to blind luck. Galyn Susman was Toy Story + 2 s supervising technical director, and after she d given birth to her second + child, she d been working from home. As such, once a week, she d taken an entire + copy of the film home with her. + + A minute later, she was zooming home. Her computer was wrapped in blankets and + put on the backseat of her car ( carefully ). In Oren s words, the computer + was then carried into Pixar like an Egyptian pharaoh. + + While work had been lost, Susman s backup files limited the damage significantly. + Furthermore, given the size of Pixar at the time—which was still years away + from being the company big enough to merge with Disney—her computer may just + have saved the firm (at least in the form that we know it). Unsurprisingly, + Pixar put into place processes that stopped this ever happening again. + + And, crucially, Toy Story 2 just about made its deadline. + + This post originally appeared on our UK site.' + - 'Fun Facts › TV and Film Facts › Toy Story 2 Was Accidentally Deleted During + Development and Almost Lost← NextRandomPrevious → + + Toy Story 2 Was Accidentally Deleted During Development and Almost Lost + + During development at Pixar, Toy Story 2 was accidentally deleted, but was recovered + by an employee who saved the movie to her computer at home while on maternal + leave. + + Topics: Pixar, Toy Story, Unbelievable, Movie, FIlm, Accident + + It s a movie studio s worst nightmare; losing a movie in development that s + cost hundreds of man hours and a significant amount more in financial terms, + but that s exactly what happened to the guys at Pixar who were working on the + sequel to the 90s hit, Toy Story. + + The former Chief Technical Officer of Pixar, Oren Jacob, recounts the ordeal: + + [Larry Cutler] was in that directory and happened to be talking about installing + a fix to Woody or Woody’s hat. He looked at the directory and it had like 40 + files, and he looked again and it had four files. + + Then we saw sequences start to vanish as well and we were like, “Oh my god” + + I grabbed the phone… unplug the machine!” + + One of his co-workers had issued an over-reaching command to the studio s server + to try to fix a simple, benign problem, but instead, ended up recursively deleting + large chunks of the movie itselt - approximately two months worth of work. + + This triggered a huge effort by the Pixar team to recover what was lost. They + were in luck as one of the staff members had a copy of the movie on their computer + at home. + + Interestingly, this wasn t the last time that Toy Story 2 was deleted. In fact, + with only months to go until a set-in-stone release date, serving as testament + to Pixar s commitment to quality, the whole film was binned and re-made. + + 1How Pixar’s Toy Story 2 was deleted twice, once by technology and again for + its own good + + http://thenextweb.com/media/2012/05/21/how-pixars-toy-story-2-was-deleted-twice-once-by-technology-and-again-for-its-own-good/' + - 'in Entertainment, List, Movies + + 18 Interesting Facts About Pixar That Every Fan Must Know + + by Unbelievable Facts Nov 16, 2016, 12:09 am 1k Views Comments Off on 18 Interesting + Facts About Pixar That Every Fan Must Know + + Established in 1974 as Computer Graphics Lab, Pixar Animation Studios is the + place of birth for movies such as Toy Story, Cars, Finding Nemo, Monsters Inc., + Ratatouille, and Brave. Even though there are only 17 full-length films released + so far, Pixar is considered the best of all 3D animation film companies, and + rightly so. Every film they have made has a unique concept, sophisticated and + compelling yet simple storytelling, extremely high-quality 3D animation, and + characters that people of all age groups could love and relate to. So, here + are some facts about Pixar that would make you fall in love with it a little + more than you already did. + + 1. One of the founding fathers of Pixar, John Lasseter, was fired from Disney + for pushing them to use computer animation. He was then hired by Graphics Group + of Lucasfilm, later renamed Pixar, and won two Oscars. When Disney bought Pixar, + Lasseter was hired back as the chief creative officer of both Pixar and Walt + Disney Animation Studios to save Disney. + + Image credits: nicolas genin/wikimedia + + Lasseter started working as an animator at The Walt Disney Company right after + graduating. He soon started to feel that something was missing in the films + they were making. The problem was that the Disney was repeating itself without + adding new ideas and the studio received criticism for this issue. He began + finding out about computer animation, but the project he was working on was + canceled by the head of Disney, Ron W. Miller, saying there were no cost benefits + in mixing traditional and computer animation. + + Lasseter later contacted Ed Catmull of Lucasfilm Computer Graphics Group, later + renamed Pixar Graphics Group, who ensured Lasseter got hired by them. However, + George Lucas’s divorce forced him to sell Pixar Graphics Group, which made Steven + Jobs a major shareholder. While he was there, Lasseter won two Oscars for Tin + Toy and Toy Story. He was welcomed back by Disney when it purchased Pixar and + he was named the chief creative officer for both the companies.(source) + + 2. During the production of Toy Story 2, Pixar accidentally deleted the entire + movie from its servers. Luckily, the movie was saved on the personal computer + of an employee who was a mother working from home. + + Image credits: Walt Disney Pictures/wikipedia, imdb + + In 1998, while routinely clearing some files, one of the animators at Pixar + accidentally started a deletion of the root folder of the Toy Story 2 assets + on internal servers. It was first noticed by the associate technical director + when the character models they were working on started disappearing. By the + time they shut down the file servers they lost 90 percent of two years of work, + and also there was a failure of backups some time previously. However, technical + director Galyn Susman, who was working from home to take care of her newborn + child, had backups of the assets on her home computer. The team were able to + recover all of the lost assets except for a few recent days work, so they were + able to continue working and finish the movie.(source) + + 3. During the making of Toy Story 2, Pixar animators had such heavy workload + that many of them chose to work long hours even though they were discouraged + from it. Many of them developed carpal tunnel syndrome and one of them even + forgot that he left his baby in the back seat of his car all day. + + Image Source: Deborah Coleman/Pixar Animation Studios + + Toy Story 2 faced a lot of challenges during production. The creative staff + at Pixar were not happy with the way the film was turning out, to which John + Lasseter agreed and decided that the movie had to be redone. But, Disney and + Steve Jobs disagreed citing various reasons. However, Pixar decided that they + could not allow the movie to be released the way it was. Hence, they roped in + Lasseter to take over production, who brought in the first film’s creative team + to redevelop the story. + + To meet Disney’s deadline, Pixar had to finish the entire film in just nine + months. Because of the compressed production schedule, there was a huge workload + on the team, with as many as a third of the staff suffering from some form of + repetitive strain injuries and other problems by the end, and one of them even + forgot about his baby in the backseat of his car.(source) + + 4. Because of the complexity involved in the creation of human characters and + a massive number of sets, Brad Bird, the director of The Incredibles, hired + frustrated artists. These artists had unconventional ideas that nobody listened + to and could accomplish things using methods that were deemed crazy by others. + + Image credits: nicolas genin/wikipedia. Walt Disney Studios Motion Pictures/wikipedia + + When the technical team at Pixar looked at the human characters, hair, fire, + and the massive number of sets of The Incredibles, which were things that computer + animation had trouble doing, they told Brad Bird that it would take ten years + to make and cost $500 million. So, instead, Brad Bird asked for the frustrated + artists, those who had other ways of doing things that nobody was listening + to, and were probably going to quit because of it. The Pixar malcontents were + given a chance to prove their theories, and on the way, they also changed how + many things were done till then. They were able to make the movie for less than + the amount spent on the previous film, Finding Nemo, but with three times more + number of sets and a lot of things that were very hard to do.(source) + + 5. The four movies A Bug’s Life (1998), Monsters Inc. (2001), Finding Nemo (2003) + and WALL-E (2008) were all conceived out of a brainstorming session during a + lunch meeting in 1994. + + In the summer of 1994, John Lasseter, Andrew Stanton, Joe Ranft, and Pete Docter + sat down for a lunch meeting to figure out what Pixar is going to work on next + since Toy Story was almost complete. According to Stanton, the four of them + brought the best out of each other and after the brainstorming session sketching + the outlines and characters they came up with the four movies. The place where + the lunch took place, the Hidden City Cafe, was actually included in the movie + Monsters Inc.(source) + + 6. It took Pixar three years of studying the physics of curly hair to accurately + render Merida’s hair in the film Brave, and two months for the scene in which + she removes her hood revealing the full volume of her hair. + + Image credits: pixar.wikia + + Merida’s hair was started, on a computer, as a series of many kinds of springs; + short, long, fat, thin, stretched, compressed, bouncy, and stiff. In order to + give it a volume, the springs were added in layers of varied sizes and flexibility. + Over 1,500 hand-placed individually sculpted curls were used to make her hair. + Another challenge was that of the physics of the hair. According to Claudia + Chung, the simulation supervisor of Brave, the hair movement is paradoxical + as the ‘spring’ of hair has to be stiff and resilient to hold the curl but also + has to remain soft in its movement. + + Chung and her team later came up with a technique called “core curve and points” + whose results resemble a beaded necklace. Another challenge they had to face + was figuring out how light interacts with curly hair. It took them a total of + almost three years to get the final look for her hair and two more months for + the scene where Merida removes her hood.(source) + + Previous article Researchers have found a lake under the sea that kills anything + that tries to swim in it + + Next article 18 Unluckiest People In History Who Had It Worse Than You + + 0 SharesComments Off on Hisashi Ouchi, the Victim of Beyond Fatal Radiation + Kept Alive for 83 Days Against His Will + + in Bizarre, crimes, Deaths, History, Humans + + 0 SharesComments Off on 10 Happy Animal Facts that Will Make your Day + + in Animals, Heartwarming, Lists + + 10 Happy Animal Facts that Will Make your Day + + 0 SharesComments Off on Elisa Lam’s Death: the Mysterious and Most Creepy Case + in History of Crime + + in Bizarre, crimes, Deaths, Humans, Mysterious + + Elisa Lam’s Death: the Mysterious and Most Creepy Case in History of Crime + + 0 SharesComments Off on 20 Truly Fascinating Facts About “Land of Thunder Dragon”- + Bhutan That Will Make You Want To Live There + + in List, Places + + 20 Truly Fascinating Facts About “Land of Thunder Dragon”- Bhutan That Will + Make You Want To Live There + + 0 SharesComments Off on 15 Awesome facts that will make your day! + + in Humans, inspirational + + 15 Awesome facts that will make your day! + + 0 SharesComments Off on Incan Girl Who Had Been Frozen For 500 Years. + + in History, Mysterious + + Incan Girl Who Had Been Frozen For 500 Years. + + 0 SharesComments Off on Why Do Noise-Canceling Headphones Hurt Your Ears? + + Why Do Noise-Canceling Headphones Hurt Your Ears? + + 0 SharesComments Off on In 1860, a Human Voice Was Recorded for the First Time, + but the Recording Could Not Be Played Back until 2008 + + In 1860, a Human Voice Was Recorded for the First Time, but the Recording Could + Not Be Played Back until 2008 + + 0 SharesComments Off on The Centennial Light is the Oldest and Longest-Lasting + Light Bulb in the World. It Has Been Burning for over 118 Years + + The Centennial Light is the Oldest and Longest-Lasting Light Bulb in the World. + It Has Been Burning for over 118 Years + + 0 SharesComments Off on Jennifer Ringley Was the First Person to Stream Her + Life Online 24/7. Her Website Jennicam Got 7 Million Hits per Day + + Jennifer Ringley Was the First Person to Stream Her Life Online 24/7. Her Website + Jennicam Got 7 Million Hits per Day + + by Unbelievable Facts Oct 2, 2019, 9:08 pm + + Researchers have found a lake under the sea that kills anything that tries to + swim in it + + 18 Unluckiest People In History Who Had It Worse Than You' + __selected-docs__: + - 'Fun Facts › TV and Film Facts › Toy Story 2 Was Accidentally Deleted During + Development and Almost Lost← NextRandomPrevious → + + Toy Story 2 Was Accidentally Deleted During Development and Almost Lost + + During development at Pixar, Toy Story 2 was accidentally deleted, but was recovered + by an employee who saved the movie to her computer at home while on maternal + leave. + + Topics: Pixar, Toy Story, Unbelievable, Movie, FIlm, Accident + + It s a movie studio s worst nightmare; losing a movie in development that s + cost hundreds of man hours and a significant amount more in financial terms, + but that s exactly what happened to the guys at Pixar who were working on the + sequel to the 90s hit, Toy Story. + + The former Chief Technical Officer of Pixar, Oren Jacob, recounts the ordeal: + + [Larry Cutler] was in that directory and happened to be talking about installing + a fix to Woody or Woody’s hat. He looked at the directory and it had like 40 + files, and he looked again and it had four files. + + Then we saw sequences start to vanish as well and we were like, “Oh my god” + + I grabbed the phone… unplug the machine!” + + One of his co-workers had issued an over-reaching command to the studio s server + to try to fix a simple, benign problem, but instead, ended up recursively deleting + large chunks of the movie itselt - approximately two months worth of work. + + This triggered a huge effort by the Pixar team to recover what was lost. They + were in luck as one of the staff members had a copy of the movie on their computer + at home. + + Interestingly, this wasn t the last time that Toy Story 2 was deleted. In fact, + with only months to go until a set-in-stone release date, serving as testament + to Pixar s commitment to quality, the whole film was binned and re-made. + + 1How Pixar’s Toy Story 2 was deleted twice, once by technology and again for + its own good + + http://thenextweb.com/media/2012/05/21/how-pixars-toy-story-2-was-deleted-twice-once-by-technology-and-again-for-its-own-good/' + __selected-sentences__: + - Fun Facts › TV and Film Facts › Toy Story 2 Was Accidentally Deleted During + Development and Almost Lost← NextRandomPrevious → + - During development at Pixar, Toy Story 2 was accidentally deleted, but was recovered + by an employee who saved the movie to her computer at home while on maternal + leave. + - One of his co-workers had issued an over-reaching command to the studio s server + to try to fix a simple, benign problem, but instead, ended up recursively deleting + large chunks of the movie itselt - approximately two months worth of work. + episode_done: false + eval_labels: + - 4That is a crazy story. Someone totally deleted Toy Story 2 while it was in + development (the result of a badly written program that just started deleting + files on their server). But, the project was saved because a woman, who was + on maternit6y leave, had saved the movie onto her laptop. I am sure thy have + fixed their back up systems after this. + id: WizInternetWizardTeacher + search_query: laptop lost files pixar + text: "__knowledge__ Fun Facts › TV and Film Facts › Toy Story 2 Was Accidentally\ + \ Deleted During Development and Almost Lost← NextRandomPrevious →\nDuring development\ + \ at Pixar, Toy Story 2 was accidentally deleted, but was recovered by an employee\ + \ who saved the movie to her computer at home while on maternal leave.\nOne\ + \ of his co-workers had issued an over-reaching command to the studio s server\ + \ to try to fix a simple, benign problem, but instead, ended up recursively\ + \ deleting large chunks of the movie itselt - approximately two months worth\ + \ of work. __endknowledge__ \n I once heard someone erased progress on it like\ + \ a saved file but someone had it on their laptop or something." +- - __retrieved-docs-urls__: + - https://www.cinemark.com/movie-news/pixar-onward-cast + - https://www.imdb.com/title/tt7146812/news + - https://pixar.fandom.com/wiki/Onward + - https://disney.fandom.com/wiki/Onward + - https://movies.disney.com/onward + __retrieved-docs__: + - 'Meet the Cast of Pixar s Onward + + The Cast of Pixar s Fantasy Adventure, Onward + + Like a new film from Marvel or another episode of STAR WARS, a new Pixar movie + isn’t just a new animated movie for kids: it’s an event. The studio behind some + of the greatest animated films of the past 20 years, including TOY STORY, WALL-E, + and MONSTERS, INC. is back this year with an all-new adventure that takes audiences + into a world beyond the limits of our imagination. + + ONWARD introduces young (and young-at-heart) viewers to a wonderful land where + mythical creatures like elves and unicorns aren t merely real — they re the + primary residents! There s trouble brewing, however. Technology is taking hold + and the world is losing its magic. The land is in need of some serious help, + and who’s more helpful than a pair of elves? How about a pair of elves voiced + by Marvel super-stars Chris Pratt and Tom Holland? + + Pratt and Holland aren’t the only famous voices you’ll hear in Pixar’s latest. + Read on for our handy guide to the fantastic and familiar voices of ONWARD. + + [Image credit: Pixar Animation Studios] + + Pixar’s all-new animated adventure is set in a fictional realm that isn’t too + different from our own: There are suburbs and trash collectors, businesses big + and small, schools and transportation. There’s just one thing: This world is + magic, and its inhabitants are the creatures that we think of as mythical. + + But magic isn’t as easy to use as it once was, and the population has become + increasingly dependent on technology and science to get things done. Instead + of using magic, the creatures in this world are turning to cars and phones and + other science-based devices, taking them further and further away from magic. + And this surprisingly relatable situation is where our story begins… and where + our heroes enter the picture. + + Meet Ian and Barley Lightfoot + + Ian and Barley are teenage elves who, like most creatures in their society, + have become a little too dependent on technology and modern machinery. Then + their mother gifts them with a magical staff that can bring a lost loved one + back to life for 24 hours. Even though the brothers aren’t well-versed in wielding + magical equipment, they use it to try and bring back their father, who died + before Ian was born. Due to their lack of experience, they’re only able to summon + their dad’s legs. Barley, desperate for an epic quest, grabs Ian and they set + off on a journey to figure out how to bring their dad back – all of him – before + the day ends. + + Ian is voiced by Tom Holland, star of the new SPIDER-MAN movies and historical + drama THE CURRENT WAR. He also recently lent his voice to another animated movie: + SPIES IN DISGUISE. In 2020, Holland will reunite with another MCU favorite, + voicing Pip the dog opposite Robert Downey Jr.’s Doctor Dolittle in DOLITTLE. + + Barley is voiced by GUARDIANS OF THE GALAXY fave Chris Pratt, who has plenty + of experience voicing a charming animated hero thanks to his role in THE LEGO + MOVIE and its sequel. + + Laurel Lightfoot + + Laurel is the mother of Ian and Barley, and she gives the magical staff to her + sons in an effort to help them reconnect with magic. She’s played by Julia Louis-Dreyfus, + one of the all-time greatest comedic actors. Louis-Dreyfus is best known for + her roles in beloved sitcoms like “Seinfeld” and “The New Adventures of Old + Christine.” She also played the lead role on HBO’s critically-acclaimed political + comedy series “Veep,” which recently ended after seven seasons. + + Octavia Spencer plays Corey, a friendly manticore who owns a restaurant. Barley + and Ian visit her for help on their quest. Spencer won an Oscar for her supporting + role in 2011’s THE HELP, and since then she’s had notable roles in all kinds + of movies and shows – everything from SNOWPIERCER to THE SHAPE OF WATER and + last year’s horror-thriller MA, as well as the new AppleTV+ series “Truth Be + Told.” + + Gore and Specter + + Gore (not like the gore in a horror movie) is a faun – a magical deer, basically + – and a police officer. She’s voiced by comedian Ali Wong, who became a major + hit with her Netflix specials “Baby Cobra” and “Hard Knock Wife.” Last year + she starred opposite Randall Park in the delightful Netflix rom-com ALWAYS BE + MY MAYBE, which featured an internet-breaking cameo from Keanu Reeves. + + Like Gore, Specter is also a police officer, but she’s a cyclops – a creature + with a single eye. Specter is voiced by Lena Waithe, whose work as co-star and + writer on Netflix’s “Master of None” launched her into the mainstream overnight + and won her a Primetime Emmy – making Waithe the first black woman to win a + writing Emmy for Outstanding Comedy Series. Waithe has used her fame to produce + other projects, like the recent drama QUEEN & SLIM and the Showtime series “The + Chi.” She also had a supporting role in Steven Spielberg’s READY PLAYER ONE. + + Colt Bronco + + Joining Gore and Specter on the magical police force is Colt Bronco, a centaur + (half-horse, half-human) who, honestly, has a very cool name. Colt is voiced + by Mel Rodriguez, a character actor best known in recent years for starring + on the short-lived FOX series “The Last Man on Earth” and AMC’s “Better Call + Saul.” In 2019 he starred opposite Kirsten Dunst on the critically-acclaimed + series “On Becoming a God in Central Florida.” + + ONWARD opens on March 6! + + All images courtesy of Pixar Animation Studios.' + - 'The McU version of Spider-Man has deliberately been portrayed in a different + way from how he was in Sony’s movies in order to avoid showing audiences the + same old thing. This means that while Peter Parker must’ve lost his Uncle Ben + as part of his origin story like always, the teen hero’s surrogate father has + never even had his name said aloud in the franchise. As we all know though, + the other surrogate father Peter has had in the McU is Tony Stark/Iron Man. + + However, Tony tragically met the same fate as Uncle Ben in Avengers: Endgame, + when the Armored Avenger sacrificed himself to defeat Thanos. But if he were + Peter and given the choice to resurrect one late loved one, who would Tom Holland + pick? This was the question put to the star in an interview with IGN at the + premiere of his new Pixar movie Onward. + + With many of the stars of the Marvel Cinematic Universe working together on + countless movies that span years, a certain sense of camaraderie has developed + among the members of the comic book franchise’s massive ensemble, with many + core actors in the McU also becoming firm friends off-screen as well. + + Art imitated life when Robert Downey Jr. mimicked Tony Stark’s role in Spider-Man: + Homecoming and became a real-life mentor to Tom Holland, with the two even going + hiking together when the furor surrounding Sony’s initial decision to end their + working relationship with Marvel Studios was at its peak, while Anthony Mackie + found out that he was set to inherit Captain America’s iconic shield at the + end of Avengers: Endgame when he was hanging out at Chris Evans’ house. + + There’s been plenty of behind-the-scenes videos released from the franchise’s + biggest blockbusters that show just how well the cast get along, + + Pixar’s new movie “Onward” marks a reunion of sorts for Tom Holland and Chris + Pratt. The two actors, who both have ties to Disney’s Marvel Cinematic Universe + and most recently teamed in “Avengers: Endgame” as Spider-Man and Star-Lord, + play brothers in the animated fantasy adventure. Their friendship has become + a highlight of “Onward’s” promotional tour as as the co-stars turned real-life-pals + have shared their mutual admiration for each other. + + “It’s just really nice to have him in my corner,” Holland said. “He’s someone + that I really look up to and someone that I really appreciate. And I’m glad + that we’re good buddies.” + + Pratt adds, “I love Tom. It’s the most fun I’ve had since ‘Avengers.’ He’s a + great kid and, in a way, I do look at him as a brother, so it’s apropos that + we are playing brothers in the film. + + At long last, it seems the Uncharted movie is finally, really happening. Tom + Holland is set to star as Nathan Drake and, according to him, filming will indeed + begin next month. Last we heard, Ruben Fleischer (Venom) has been tapped to + direct and it looks like this pairing is going to stick. But, with this movie, + who knows? + + Tom Holland is currently promoting his new Pixar movie Onward. During a recent + interview at the premiere, the actor was asked about the status of Uncharted, + which he s been attached to for several years. According to Tom Holland, they + begin filming in four weeks, which means cameras will be rolling around mid-March. + Here s what Holland had to say about it. + + We start shooting in like four weeks. Mark Wahlberg is going to be amazing as + Sully. The stunt department that we have out there in Berlin have done an amazing + job already, + + by Peter Sciretta + + On the February 19, 2020 episode of /Film Daily, /Film editor-in-chief Peter + Sciretta is joined by /Film senior writer Ben Pearson and writer Chris Evangelista + to discuss the latest film and TV news, including Mulan’s PG-13 rating, Onward’s + early buzz, the blu-ray release of Star Wars: The Rise of Skywalker, The Curse, + Halloween Kills and […] + + The post Daily Podcast: Mulan, Onward, Star Wars: The Rise of Skywalker, The + Curse, Halloween Kills & The Falcon and the Winter Soldier appeared first on + /Film. + + Dan Scanlon s Onward may boast a fantastical world of elves, sprites, trolls, + spells and curses, but the director says that the magic that colors his family + adventure flick existed decades before hitting the big screen. + + The film, which follows a pair of elf brothers on a treacherous journey to bring + their late dad back to life for one day, comes from the relationship Scanlon + shares with his older brother and the experience of losing his father early + in his childhood. Not knowing my father growing up, everything I learned about + him felt magical, Scanlon told The Hollywood ... + + by Hoai-Tran Bui + + Just being an animated film from Pixar is a vote of confidence, with audiences + holding the studio’s movies to the highest of standards. But could Pixar’s latest + film, the fantasy-comedy Onward, live up to those standards? According to the + Onward early buzz, opinions are mixed. The first reactions to Onward are out, + and while some are enchanted with […] + + The post ‘Onward’ Early Buzz: A Sweet and Emotional Adventure That’s Missing + the Usual Pixar Magic appeared first on /Film. + + Chris Pratt Addresses Whether Thor’s In Guardians Of The Galaxy Vol. 3 + + by Anthony Fuchs + + For the last decade, the Marvel Cinematic Universe has been an intensely continuity-conscious + franchise (with only the occasional arithmetic miscalculation), and so when + filaments of plot are left swaying in the narrative breeze, viewers have come + to expect resolution. While some of us are still waiting to learn what happened + to Samuel Sterns after he became infected with Bruce Banner’s irradiated blood, + another more recent example involves a certain God of Thunder and his potential + involvement with a ragtag band of intergalactic outlaws. + + Thor, in his full dadbod glory, was last seen in the closing moments of Avengers: + Endgame relinquishing the realm of New Asgard to the stewardship of its newly-crowned + king, the Valkyrie formerly known as Scrapper 142. The Son of Odin then boarded + the Benatar to join the self-styled Guardians of the Galaxy on what was hinted + to become a search for the time-displaced Gamora, who had traveled + + by iSpot.tv + + In this week’s edition of the Variety Movie Commercial Tracker, powered by the + always-on TV ad measurement and attribution company iSpot.tv, Disney Pixar claims + the top spot in spending with “Onward.” + + Ads placed for the animated film had an estimated media value of $4.99 million + through Sunday for 784 national ad airings on 35 networks. (Spend figures are + based on estimates generated from Feb. 10-16. Estimates may be updated after + the chart is posted as new information becomes available.) Disney Pixar prioritized + spend across networks including Nick, NBC and TNT, and during programming such + as “SpongeBob SquarePants,” NBA Basketball and “This Is Us.” + + Just behind “Onward” in second place: Twentieth Century Fox’s “The Call of the + Wild,” which saw 1,183 national ad airings across 45 networks, with an estimated + media value of $4.6 million. + + TV ad placements for Paramount Pictures’ “Sonic the Hedgehog” (Emv: $4.6 million), + Universal Pictures’ “The Invisible Man” ($3.7 million) and Warner Bros. + + Hollywood star Dwayne Johnson says life is always so crazy and busy, and asserts + that he ensures maintaining a balance between personal and professional life. + + Asked how his outlook of life has changed, Johnson told Ians: Over time, life + has changed. For me, I ve become, I think, more balanced to trying to find my + balance, especially because life is always so crazy and busy for me...For you, + for everybody, for everybody in India? Like everyone has crazy lives that are + very busy. So we re always trying to look for that balance. + + Also Read:?Chris Pratt excited for his upcoming film Onward + + So, I think as I got a little older, finding that balance, especially with my + family, you know, has led to? Also, you know, I ve been really lucky and fortunate + to have some success which gives me a real sense of gratitude and some humility, he + added. + + Chris Pratt excited for his upcoming film Onward + + Actor Chris Pratt loved fantasy while growing up, adding that he loved the look + of fantasy characters -- elves, dwarfs, massive ogres and wizards. + + He will soon be seen in the animated urban fantasy film Onward . Pratt has + voiced the character of Barley Lightfoot, the big brother to Tom Holland s Ian + Lightfoot. + + Also Read:?Robert Pattinson opens up on being called the most handsome man + + The actor says he can also relate to Barley s love of fantasy. + + I loved fantasy growing up, he said, adding: I had a book on dwarf culture + - their weapons and their societies. There were beautiful illustrations, and + I was all about just drawing as a kid, so I loved to copy the drawings. I always + loved the look of fantasy characters - elves, dwarves, massive ogres and wizards. + + Disney-Pixar s Onward is all set to release the film in India on March + + Update, writethru: Paramount’s Sonic The Hedgehog raced to a $100M worldwide + opening this weekend, including $43M from the international box office, and + a domestic record for a videogame pic. The adaptation of Sega’s globally popular + property is playing in 40 offshore markets, repping 60% of the overseas footprint. + Directed by Jeff Fowler, Sonic had his best restults in Latin America and Europe + with No. 1s in most cases and setting up nicely for hubs that have school holidays + afoot. + + In like-for-like markets and excluding previews, the little blue speedster came + in 95% above Alvin And The Chipmunks: The Road Chip, 61% over Peter Rabbit, + 20% above Teenage Mutant Ninja Turtles and 6% higher than Pokemon Detective + Pikachu. + + Leading the charge on the Hedgehog was Mexico with $6.7M from 895 locations, + followed by the UK with $6.2M from 616, France’s $4.3M at 622, Germany’s $3.3M + from 475 and Brazil’s $3M from 629. Sonic still has Russia and + + Chris Pratt’s Brother Tells Him His Favorite Marvel Hero, And It’s Not Star-Lord + + Chris Pratt’s brother Cully has no time for nepotism, choosing two McU stars + ahead of Guardians of the Galaxy’s Peter Quill as his picks for favorite Marvel + superheroes. + + Chris and fellow McU regular Tom Holland recently sat down with Extra Butter + to discuss the upcoming Pixar movie Onward. During their exchange, interviewer + Mark S. Allen surprised the Star-Lord actor with a video call from Cully, who + trolled his brother by fawning over Holland. + + As well as naming Spider-Man and Thor as his top two Avengers, Cully expressed + disappointment that Holland isn’t working with Chris Hemsworth on Onward instead + of the Infinity Saga’s other cosmic Chris. On a sincere note, however, Chris + Pratt also praised the Pixar movie for its take on brotherly bonds, telling + Cully that the film seems almost designed to make him cry: + + “This movie, Cully, I can’t wait for you to see this movie. + + ‘Sonic the Hedgehog’ Breaks Video Game Box Office Record With $58 Million Opening + + Paramount’s “Sonic the Hedgehog” has become a Presidents Day weekend hit at + the box office, as industry estimates are now reporting a $58 million opening + weekend from 4,167 screens for the Blue Blur’s movie debut. That result will + also set a new record for the best opening by a video game adaptation, topping + the $54.3 million set last year by “Detective Pikachu.” + + With no major family films released since the holiday season and a 4-day weekend + leaving kids out of school for an extra day, “Sonic” has filled a niche in the + movie market and is now estimated to reach $70 million by the end of Monday. + That number would rank among the Top 5 highest extended openings for Presidents + Day weekend below “Fifty Shades of Grey,” “Deadpool” and the $242 million record + held by “Black Panther.” + + While films based on video games have had a history of being poorly received, + “Sonic” has managed + + The elves go on a journey to discover if there is still a little magic left + out there in order to spend one last day with their father, who died when they + were too young to remember him. + + Watch the Kimmel segment above. + + Chris Pratt will once again be immersing himself in a dino-filled world very + soon as Jurassic World 3 is gearing up for production. The sequel has been in + the works virtually since 2018 s Jurassic World: Fallen Kingdom hit theaters, + which set up a world in which dinosaurs and humans will have to live alongside + one another. Now Pratt, who will reprise his role as Owen Grady, has revealed + that filming is set to begin soon. + + The 40-year-old actor recently appeared as a guest on Jimmy Kimmel Live to discuss + his new Pixar movie Onward. During the conversation, Kimmel asked Chris Pratt + about the status of Jurassic World 3. Without revealing any specific details, + Pratt explained that filming will be getting underway in the very near future. + Here s what he had to say about it. + + Very soon. I m in it! Yeah, we re gearing up. We re getting ready to go here + very quickly. + + Tom Holland Surprises Chris Pratt During Audience Q&a on Jimmy Kimmel Live! + + Tom Holland surprised his Onward co-star Chris Pratt during the latter s appearance + on Jimmy Kimmel Live! on Thursday. + + While taking questions from the audience, Pratt was surprised to see a familiar + face when Holland asked his Onward co-star to name his favorite actor out of + all of the actors in the world. + + Pratt said Denzel Washington was his favorite actor, though Holland wasn t happy + with the answer. How about an actor whose name begins with Tom? asked Holland. + Pratt responded, Oh. Tom Cruise. + + What if his second name began with an H? Tom H, ... + + by Alexia Fernandez, Ale Russian + + Pratt’s upcoming animated film, Onward, follows two teenage elf brothers who + go on an adventure to spend one last day with their father, who died + + Disney-Pixar’s ‘Onward’ Tracking for $45 Million Opening Weekend + + Disney-Pixar’s fantasy film “Onward” is heading for a respectable $45 million + opening on the March 6-8 weekend, early tracking showed Thursday. + + “Onward” is directed by Dan Scanlon from a script he wrote with Keith Bunin + and Jason Headley. The story centers on a pair of teenage elf brothers — voiced + by Chris Pratt and Tom Holland — setting on a quest to resurrect their dead + father, who had arranged for them to receive a magic staff with a spell that + will bring him back for only 24 hours so his sons can meet him. + + Octavia Spencer, Julia Louis-Dreyfus, Lena Waithe and Ali Wong are also in the + voice cast. Scanlon’s directing credits include “Monsters University.” + + Prospects are dim for Ben Affleck’s sports drama “The Way Back,” which also + opens on March 6. Early tracking has come in at under $10 million. + + Affleck plays a construction worker who has a routine of drinking' + - 'Upcoming, Movies, Onward + + << Toy Story 4 Pixar Films Chronology Soul >> + + Onward is an original Pixar film about a suburban fantasy world which was + first announced at the 2017 D23 Expo. Directed by Dan Scanlon and produced by + Kori Rae; both of whom previously worked on Monsters University, the film will + be released on March 6, 2020.[1] The voice cast will include Chris Pratt, Tom + Holland, Julia Louis-Dreyfus and Octavia Spencer.[2] + + Set in a humanless world of elves, trolls, sprites, and “pretty much anything + that would be on the side of a van in the ‘70s,” the movie follows two teenage + brothers whose father died when they were young; now, they’re “on a quest through + this mundane, modern fantasy world to somehow find a way to spend one last magical + day with their father.” + + Dan Scanlon also described more details about the “modern suburban fantasy world” + the film inhabits. It’s a world where magic existed long ago, but because of + difficulty and complication, people simply lost interest and instead created + machines to do both the magic and the mundane. “The world is basically a mix + of the fantastic and the everyday,” Scanlon explained as concept art showed + slices of recognizable suburbia, albeit with goblins and creatures. “There are + mushroom houses that line the streets with satellite dishes sticking out the + top of them and a minivan parked in front of each one. There are no humans… + but there are winged unicorns everywhere. They’re basically rodents, possums + eating all the trash out of your bins.” + + Chris Pratt: Barley Lightfoot[2][3] + + Tom Holland: Iandore Ian Lightfoot[2][4][3] + + Julia Louis-Dreyfus: Laurel Lightfoot[2][4][3] + + Octavia Spencer: Corey the Manticore[2] + + TBA: Blazey[3] + + John Ratzenberger: Construction Worker Felix + + Ali Wong: Gore + + Lena Waithe: Specter + + Mel Rodriguez: Colt Bronco + + The film is inspired by the death of director Dan Scanlon s father, when he + and his brother were younger, and their relationship. Scanlon decided to write + the story after hearing an audio clip of his father.[5] + + Director Dan Scanlon provided information regarding some of the voice cast selections[2]: + + “ At Pixar we try to create stories that come from some kind of personal truth. + This film was inspired by my own relationship with my brother. ” + + According to the filmmakers, they’ve assembled a dream voice cast to help bring + key characters to life.[2] + + “ Tom has an infectious charm and sincerity that makes you root for him in every + character he plays. There is no one funnier than Julia, but she also brings + a warmth and loving side to her character. ” + + Producer Kori Rae added[2]: + + “ Chris brings equal parts huge heart and fantastic humor to his character. + Octavia can do it all. We’re especially excited about the depth as well as humor + that she brings to her character. ” + + The first official poster and first look at the movie were released on May 30, + 2019, with the first look airing during the NBA Finals.[6][7] + + On October 10, 2019, a new trailer for the movie was released. On December 17th, + a second trailer was released. + + On January 1, 2020 The television sneak peek aired during commercial breaks + of the Player Select 1-Up New Year s marathon on Disney XD (USA). + + UK Poster with the words Coming Soon + + British poster + + Original teaser information + + ONWARD - NEW Trailer November 2019 - Chris Pratt & Tom Holland - Official Disney + Pixar UK + + Onward Official Trailer 2 + + Onward - “The Spell” TV Spot - Pixar + + Onward 1 Month Pixar-0 + + ↑ Pixar announces new original ‘suburban fantasy’ movie + + ↑ 2.0 2.1 2.2 2.3 2.4 2.5 2.6 2.7 Pixar’s Next Film Will Officially Be Titled, + ‘Onward’ - More Details about the Vocal Cast Announced, Pixar Post, December + 12, 2018. + + ↑ 3.0 3.1 3.2 3.3 Breaking: First Look at Characters Ian and Barley Lightfoot + from Pixar s Suburban Fantasy Film, Onward (In Theaters March 6, 2020), May + 29, 2019. + + ↑ 4.0 4.1 See Chris Pratt, Julia Louis-Dreyfus & Tom Holland as Elves in Disney-Pixar + s Onward: First Look!, May 29, 2019. + + ↑ Pixar s New Suburban Fantasy Sounds Like A Real Tearjerker, July 17, 2017. + + ↑ Pixar on Twitter: Reply to this Tweet and conjure the correct spell to uncover + exclusive wisdom. Your clues: Wizard. Unicorn. Mermaid. #PixarOnward… + + ↑ Pixar on Twitter: Get your first look at Disney and Pixar s Onward tonight + during the NBA Finals. #PixarOnward… + + Retrieved from https://pixar.fandom.com/wiki/Onward?oldid=207902' + - "Upcoming films, Films, Film stubs,\nPete Docter (Executive Producer)\nDan Scanlon\ + \ (Screenplay)\nJason Headley (Screenplay)\nKeith Bunin (Screenplay)\nSharon\ + \ Calahan (Camera)\nAdam Habib (Lighting)\nOnward is an upcoming American 3D\ + \ computer-animated fantasy adventure film produced by Pixar and set to be released\ + \ on March 6, 2020.[1] The film will be directed by Dan Scanlon and produced\ + \ by Kori Rae and Pete Docter. It will be Pixar s 22nd feature film.\nThe film\ + \ takes place in a universe where humans do not exist, therefore the world is\ + \ instead populated by mythical creatures, including elves, gnomes, goblins,\ + \ manticores, and unicorns. In the beginning, they used magic as their resource.\ + \ But since it was rather difficult to master, the world found a simpler way\ + \ to live and abandoned the art. In the present day, brothers Ian and Barley\ + \ Lightfoot are bestowed a wizard staff from their deceased father on Ian s\ + \ 16th birthday, where a spell can bring their father back to life for 24 hours.\ + \ But when the brothers lose control over the staff when summoning their father,\ + \ they only end up bringing the bottom part back of him. With the help of their\ + \ mother, the fearless manticore restauranteur Corey, and half of their toe-tapping\ + \ father, the two brothers try to find a little magic left in the world with\ + \ the twenty-four hours.\nTom Holland as Ian Lightfoot, the protagonist of the\ + \ movie. Ian is a meek and rather awkward 16-year-old boy who longs to see his\ + \ father again. When bestowed the wizard staff, Ian is thrust into bringing\ + \ back the rest of their father through their quest, despite not knowing a single\ + \ thing about magic.\nChris Pratt as Barley Lightfoot, the deuteragonist of\ + \ the movie and the older brother of Ian. Unlike his brother, he is rowdy, loud,\ + \ and believes in protecting what little is left of the magic in New Mushroomton,\ + \ which causes him to be an outsider by both his brother and his peers. He is\ + \ extremely knowledgeable about magic and is Ian s guide to bringing their father\ + \ back to life.\nJulia Louis-Dreyfus as Laurel Lightfoot, Ian and Barley s quirky\ + \ and loving mother. She joins up with Corey the Manticore in saving her sons\ + \ from a curse.\nOctavia Spencer as Corey the Manticore. The Lightfoot brothers\ + \ ask her for The Mighty Manticore s tavern, only to find Corey now a tired\ + \ boss at a family-friendly restaurant. With encouragement from the brothers,\ + \ she gets her confidence back and supplies them with everything they need .\ + \ . . except for information about a curse, causing her to join up with Laurel\ + \ to rescue them.\nAli Wong as Gore, a Faun cop[2]\nLena Waithe as Specter,\ + \ a Cyclops cop[3]\nMel Rodriguez as Colt Bronco, a Centaur cop, and Laurel\ + \ s boyfriend, much to the boy s disgust. He disapproves of Barley s antics\ + \ and labels him as a screw-up to his fellow cops. He attempts to escort the\ + \ brothers home, only to chase after them after Ian drives off with the van.[4]\n\ + John Ratzenberger as TBA\nOnward was first announced at the 2017 D23 Expo as\ + \ The Untitled Pixar Film That Takes You Into A Suburban Fantasy World and\ + \ was described as a story about two brothers seeking to reconnect with their\ + \ late father set in a human-free world of elves, sprites, trolls, dragons and\ + \ anything else that would be painted on the side of a van in the 1970s , with\ + \ unicorns being depicted as common pests and dragons are pets.\nOn December\ + \ 12, 2018, it was announced that the film will be called Onward and will\ + \ also be based on Dan s relationship with his brother. It was announced that\ + \ Scanlon will co-wrote the screenplay with Zootopia and Moana animator, C.S.\ + \ Anderson.[5]\nMarch 4, 2020 (France, Indonesia, Netherlands, Philippines)\n\ + March 5, 2020 (Brazil, Germany, Greece, Hungary, Italy, Portugal, Singapore,\ + \ Slovakia)\nMarch 6, 2020 (Canada, Mexico, Spain, United Kingdom, Iceland,\ + \ Lithuania, Norway, Poland, Sweden, U.S. Virgin Islands, Vietnam)\nMarch 13,\ + \ 2020 (Japan)\nApril 2, 2020 (Australia)\nApril 3, 2020 (Turkey)\nApril 23,\ + \ 2020 (Hong Kong)\nThis marks the first time the 2019 MPA logo would appear\ + \ in the end credits for a feature-length Pixar film.\nThis will be the first\ + \ Pixar film to be released in March.\nThat makes it the third post-Disney purchase\ + \ Pixar film not to be released in the summer since Coco in 2017.\nIn addition,\ + \ this is the first major Disney film to be released on the same month of March,\ + \ next to the live-action adaptation of Mulan.\nThis will be Pixar s first original\ + \ film since Coco in 2017.\nThis is the first Pixar film without any participation\ + \ from John Lasseter (following his departure at the end of 2018), with Pete\ + \ Docter taking over producing duties.\nThis will be the third time that Pixar\ + \ releases two major films (both Onward and Soul) in the same year, after 2015\ + \ s Inside Out and The Good Dinosaur, and 2017 s Cars 3 and Coco.\nBoth Chris\ + \ Pratt and Tom Holland have roles in the Marvel Cinematic Universe: Pratt played\ + \ the role of Star-Lord and Holland performed Spider-Man.\nThis marks the second\ + \ Pixar film to feature Julia Louis-Dreyfus in a voice role, after previously\ + \ voicing Princess Atta in A Bug s Life in 1998.\nThis is Octavia Spencer s\ + \ second role for a Disney film after Zootopia, where she previously voiced\ + \ Mrs. Otterton.\nPizza Realm.\nThis will be the fifth Pixar film not to have\ + \ humans in it, following A Bug s Life, and the Cars movies, and therefore making\ + \ it the second one not from the Cars franchise.\nThis is the second time for\ + \ Mychael Danna and Jeff Danna to compose the music for a Pixar film since The\ + \ Good Dinosaur in 2015.\nOn the main poster, a sign can be seen reading Pizza\ + \ Realm , which is the Pizza Planet restaurant modified to keep in tone with\ + \ the fantasy theme of the film.\nThe Disney Wiki has a collection of images\ + \ and media related to Onward.\nONWARD NEW Trailer November 2019 - Chris Pratt\ + \ & Tom Holland Official Disney Pixar UK\n↑ Pixar announces new original suburban\ + \ fantasy movie . Entertainment Weekly. Retrieved on December 12, 2018.\n↑ https://twitter.com/pixaronward/status/1206620188709273600\n\ + ↑ https://www.syfy.com/syfywire/pixar-moves-forward-with-suburban-fantasy-film-onward-cast-includes-chris-pratt-tom-holland\n\ + Onward on Wikipedia\nOnward on IMDb\nOnward on Disney.com\nOnward on Pixar Wiki\n\ + Onward on Onward Wiki\nParade: Pixar Water Play Street Party!\nIan Lightfoot\ + \ • Barley Lightfoot • Laurel Lightfoot • Wilden Lightfoot • Blazey • Unicorns\ + \ • Pixie Dusters • Trolls • Centaurs • Mermaids • Fauns • Corey • Colt Bronco\ + \ • Gore • Specter • Wolf Dragon\nNew Mushroomton • Lightfoot House\nWilden\ + \ s Wizard staff • Phoenix Gem • Guinevere\nStart a Discussion Discussions about\ + \ Onward\nUpcoming Animated Disney Films\nILoveReading14\nI hadn t heard of\ + \ half or these.\t 2020-02-12T20:12:00Z\nUpcoming Original Pixar Films\nRahmanraiyan9864\n\ + March 6, 2020 - Onward June 19, 2020 - Soul June 18, 2021 - Colors March 11,\ + \ 2022 - Recapitulate June 17, 2022 - Food From All Over The Wor...\t 2020-01-19T00:05:34Z\n\ + Retrieved from https://disney.fandom.com/wiki/Onward?oldid=3944964" + - 'PURPLE SOCKS – In Disney and Pixar’s “Onward,” brothers Ian and Barley use + a spell gifted to them on Ian’s 16th birthday to magically conjure their dad—half + of him, anyway—right down to his signature purple socks. Featuring the voices + of Tom Holland and Chris Pratt as Ian and Barley, “Onward” opens in U.S. theaters + on March 6, 2020. + + EN ROUTE – In Disney and Pixar’s “Onward,” brothers Ian and Barley seek an ancient + map from the Manticore—once a fearless warrior whose tavern served as a waystation + for travelers embarking on epic quests. Part lion, part bat and part scorpion, + the Manticore has adapted to changing times—but her adventurous spirt still + lurks within. Featuring the voices of Tom Holland, Chris Pratt and Octavia Spencer + as Ian, Barley and the Manticore, respectively, “Onward” opens in U.S. theaters + on March 6, 2020. + + OH BROTHERS + + CONJURING DAD + + CONJURING DAD – In Disney and Pixar’s “Onward,” brothers Ian and Barley Lightfoot + (voiced by Tom Holland and Chris Pratt) are given a special gift from their + late father on Ian’s 16th birthday. But when an accompanying spell meant to + magically conjure their dad for one day goes awry, they embark on a quest fraught + with some of the most unexpected obstacles. Directed by Dan Scanlon and produced + by Kori Rae, “Onward” opens in U.S. theaters on March 6, 2020. © 2019 Disney/Pixar. + All Rights Reserved. + + IAN LIGHTFOOT, a newly 16-year-old elf, yearns for the father he lost back before + he was born. Ian is sweet and determined with the best of intentions, but his + lack of confidence and nervous energy trips him up more often than not. Ian + is convinced that if only he had his father’s guidance, his life wouldn’t be + so complicated and messy. + + BARLEY LIGHTFOOT is a big, burly and boisterous 19-year-old elf who loves magic + and immerses himself in role-playing fantasy game play. He’s a free spirit who + may be slightly more passionate about the past than the present—and he’ll fight + to the death, so to speak, to preserve historical landmarks. But because he + s so focused on the past, he struggles to find success in the present + + Laurel Lightfoot (Mom) + + LAUREL LIGHTFOOT (MOM) is a hardworking, sardonic and devoted single mom who + throws herself whole-heartedly into everything she does. Laurel lost her husband + years ago, but her drive and determination helped her overcome the hardship + and make the most of her life with her much-loved sons, Ian and Barley. + + Wilden Lightfoot (Dad) + + WILDEN LIGHTFOOT (DAD) is the late father of Barley and Ian. A smart, confident + and determined man, Dad discovered a creative, albeit fantastic way to reconnect + with his sons long after his passing. An ancient staff and magical spell reveal + Dad’s plan that allows Ian and Barley to conjure him for 24 hours. But magic, + it turns out, is far from a perfect science and the boys are only able to bring + back half of their dad, the bottom half, on first pass. That half joins them + on a quest to retrieve a Phoenix Gem in an effort to fully conjure Dad before + time runs out. + + The Manticore (Corey) + + THE MANTICORE (COREY) is at least a thousand years old, but that’s just middle-aged + for her species. Part lion, part bat and part scorpion, the Manticore was once + a fearless warrior and proprietor of a dark and mysterious tavern that served + as a waystation for travelers embarking on epic quests. But as modern conveniences + replaced magic and any need for quests, the Manticore tapped her practical side, + transforming her tavern into a family-friendly restaurant with family-friendly + games and fried foods aplenty. She may not realize it, but her adventurous spirit + still lurks within. + + Officer Colt Bronco + + OFFICER COLT BRONCO follows the rules and sincerely expects those around him + to respect authority like he does. Half horse and half man, Colt is strong and + commanding, but unaware of the destruction he typically leaves in his full-bodied + wake. He treasures his relationship with Laurel Lightfoot, and earnestly wants + to connect with her two sons, Ian and Barley. + + GUINEVERE is more than just a van—she’s Barley’s mighty steed! Built from the + ground up by Barley himself, the groovy purple van is a bit rundown, but spectacularly + decked her out with crescent moon windows and a Pegasus mural. So, of course + Barley calls on Guinevere to shepherd them on their epic quest. + + BLAZEY is the Lightfoots’ pet dragon. Friendly and more than a little hyperactive, + she can wreak havoc with just a wag of her tail or a spark of her fire breath. + + UNICORNS aren’t the graceful and majestic creatures they once were. The dumpster-diving + vermin of New Mushroomton are often seen eating garbage and hissing at anyone + who poses a threat to their stinky stash.' + __selected-docs__: + - 'Meet the Cast of Pixar s Onward + + The Cast of Pixar s Fantasy Adventure, Onward + + Like a new film from Marvel or another episode of STAR WARS, a new Pixar movie + isn’t just a new animated movie for kids: it’s an event. The studio behind some + of the greatest animated films of the past 20 years, including TOY STORY, WALL-E, + and MONSTERS, INC. is back this year with an all-new adventure that takes audiences + into a world beyond the limits of our imagination. + + ONWARD introduces young (and young-at-heart) viewers to a wonderful land where + mythical creatures like elves and unicorns aren t merely real — they re the + primary residents! There s trouble brewing, however. Technology is taking hold + and the world is losing its magic. The land is in need of some serious help, + and who’s more helpful than a pair of elves? How about a pair of elves voiced + by Marvel super-stars Chris Pratt and Tom Holland? + + Pratt and Holland aren’t the only famous voices you’ll hear in Pixar’s latest. + Read on for our handy guide to the fantastic and familiar voices of ONWARD. + + [Image credit: Pixar Animation Studios] + + Pixar’s all-new animated adventure is set in a fictional realm that isn’t too + different from our own: There are suburbs and trash collectors, businesses big + and small, schools and transportation. There’s just one thing: This world is + magic, and its inhabitants are the creatures that we think of as mythical. + + But magic isn’t as easy to use as it once was, and the population has become + increasingly dependent on technology and science to get things done. Instead + of using magic, the creatures in this world are turning to cars and phones and + other science-based devices, taking them further and further away from magic. + And this surprisingly relatable situation is where our story begins… and where + our heroes enter the picture. + + Meet Ian and Barley Lightfoot + + Ian and Barley are teenage elves who, like most creatures in their society, + have become a little too dependent on technology and modern machinery. Then + their mother gifts them with a magical staff that can bring a lost loved one + back to life for 24 hours. Even though the brothers aren’t well-versed in wielding + magical equipment, they use it to try and bring back their father, who died + before Ian was born. Due to their lack of experience, they’re only able to summon + their dad’s legs. Barley, desperate for an epic quest, grabs Ian and they set + off on a journey to figure out how to bring their dad back – all of him – before + the day ends. + + Ian is voiced by Tom Holland, star of the new SPIDER-MAN movies and historical + drama THE CURRENT WAR. He also recently lent his voice to another animated movie: + SPIES IN DISGUISE. In 2020, Holland will reunite with another MCU favorite, + voicing Pip the dog opposite Robert Downey Jr.’s Doctor Dolittle in DOLITTLE. + + Barley is voiced by GUARDIANS OF THE GALAXY fave Chris Pratt, who has plenty + of experience voicing a charming animated hero thanks to his role in THE LEGO + MOVIE and its sequel. + + Laurel Lightfoot + + Laurel is the mother of Ian and Barley, and she gives the magical staff to her + sons in an effort to help them reconnect with magic. She’s played by Julia Louis-Dreyfus, + one of the all-time greatest comedic actors. Louis-Dreyfus is best known for + her roles in beloved sitcoms like “Seinfeld” and “The New Adventures of Old + Christine.” She also played the lead role on HBO’s critically-acclaimed political + comedy series “Veep,” which recently ended after seven seasons. + + Octavia Spencer plays Corey, a friendly manticore who owns a restaurant. Barley + and Ian visit her for help on their quest. Spencer won an Oscar for her supporting + role in 2011’s THE HELP, and since then she’s had notable roles in all kinds + of movies and shows – everything from SNOWPIERCER to THE SHAPE OF WATER and + last year’s horror-thriller MA, as well as the new AppleTV+ series “Truth Be + Told.” + + Gore and Specter + + Gore (not like the gore in a horror movie) is a faun – a magical deer, basically + – and a police officer. She’s voiced by comedian Ali Wong, who became a major + hit with her Netflix specials “Baby Cobra” and “Hard Knock Wife.” Last year + she starred opposite Randall Park in the delightful Netflix rom-com ALWAYS BE + MY MAYBE, which featured an internet-breaking cameo from Keanu Reeves. + + Like Gore, Specter is also a police officer, but she’s a cyclops – a creature + with a single eye. Specter is voiced by Lena Waithe, whose work as co-star and + writer on Netflix’s “Master of None” launched her into the mainstream overnight + and won her a Primetime Emmy – making Waithe the first black woman to win a + writing Emmy for Outstanding Comedy Series. Waithe has used her fame to produce + other projects, like the recent drama QUEEN & SLIM and the Showtime series “The + Chi.” She also had a supporting role in Steven Spielberg’s READY PLAYER ONE. + + Colt Bronco + + Joining Gore and Specter on the magical police force is Colt Bronco, a centaur + (half-horse, half-human) who, honestly, has a very cool name. Colt is voiced + by Mel Rodriguez, a character actor best known in recent years for starring + on the short-lived FOX series “The Last Man on Earth” and AMC’s “Better Call + Saul.” In 2019 he starred opposite Kirsten Dunst on the critically-acclaimed + series “On Becoming a God in Central Florida.” + + ONWARD opens on March 6! + + All images courtesy of Pixar Animation Studios.' + __selected-sentences__: + - ONWARD introduces young (and young-at-heart) viewers to a wonderful land where + mythical creatures like elves and unicorns aren t merely real — they re the + primary residents! There s trouble brewing, however. Technology is taking hold + and the world is losing its magic. The land is in need of some serious help, + and who’s more helpful than a pair of elves? How about a pair of elves voiced + by Marvel super-stars Chris Pratt and Tom Holland? + - Pratt and Holland aren’t the only famous voices you’ll hear in Pixar’s latest. + Read on for our handy guide to the fantastic and familiar voices of ONWARD. + episode_done: false + eval_labels: + - Pixar has produced 20 movies since its founding and all of the big names have + worked with them. Julia Louis-Dreyfus, Tom Holland, Jon Batiste, Phylicia Rashad, + Questlove, Tina Fey. Have you seen their newest movie Onward with Chris Pratt? + id: WizInternetWizardTeacher + search_query: pixar onward + text: "__knowledge__ ONWARD introduces young (and young-at-heart) viewers to a\ + \ wonderful land where mythical creatures like elves and unicorns aren t merely\ + \ real — they re the primary residents! There s trouble brewing, however. Technology\ + \ is taking hold and the world is losing its magic. The land is in need of some\ + \ serious help, and who’s more helpful than a pair of elves? How about a pair\ + \ of elves voiced by Marvel super-stars Chris Pratt and Tom Holland?\nPratt\ + \ and Holland aren’t the only famous voices you’ll hear in Pixar’s latest. Read\ + \ on for our handy guide to the fantastic and familiar voices of ONWARD. __endknowledge__\ + \ \n Yes! and I remember now that is how that story goes." +num_episodes: 503 +num_examples: 2466 diff --git a/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_WizardDialogGoldKnowledgeTeacher_train.yml b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_WizardDialogGoldKnowledgeTeacher_train.yml new file mode 100644 index 00000000000..b249c7b03cb --- /dev/null +++ b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_WizardDialogGoldKnowledgeTeacher_train.yml @@ -0,0 +1,3110 @@ +acts: +- - __retrieved-docs-urls__: + - https://www.dictionary.com/browse/chopped + - https://www.foodnetwork.ca/shows/chopped/ + - https://chop5.com/ + - https://watch.foodnetwork.com/full-episodes + - https://www.nbc.com/saturday-night-live/video/chopped/3954432 + __retrieved-docs__: + - '[chopt] + + SEE MORE SYNONYMS FOR chopped ON THESAURUS.COM + + diced, minced, or cut into small bits. + + (of an automobile) streamlined; lowered. + + Origin of chopped + + Related formsun·chopped, adjectivewell-chopped, adjective + + [chop] + + verb (used with object), chopped, chop·ping. + + to cut or sever with a quick, heavy blow or a series of blows, using an ax, + hatchet, etc. (often followed by down, off, etc.): to chop down a tree. + + to make or prepare for use by so cutting: to chop logs. + + to cut in pieces; mince (often followed by up): to chop up an onion; to chop + meat. + + (in tennis, cricket, etc.) to hit (a ball) with a chop stroke. + + to weed and thin out (growing cotton) with a hoe. + + Fox Hunting. (of a hound or pack) to attack and kill (a fox that has not begun + to run). + + verb (used without object), chopped, chop·ping. + + to make a quick, heavy stroke or a series of strokes, as with an ax. + + Boxing. to throw or deliver a short blow, especially a downward one while in + a clinch. + + (in tennis, cricket, etc.) to employ or deliver a chop stroke. + + to go, come, or move suddenly or violently. + + an act or instance of chopping. + + a cutting blow. + + Boxing. a short blow, especially a downward one, executed while in a clinch. + + a piece chopped off. + + an individual cut or portion of meat, as mutton, lamb, veal, or pork, usually + one containing a rib. + + crushed or ground grain used as animal feed. + + a short, irregular, broken motion of waves; choppiness: There s too much chop + for rowing today. + + rough, turbulent water, as of a sea or lake. + + (in tennis, cricket, etc.) a chop stroke. + + Origin of chop + + 1350–1400; Middle English choppen; variant of chap1 + + 1. See cut. + + to turn, shift, or change suddenly: The wind chopped to the west. + + to vacillate; change one s mind. + + to barter. + + to bandy words; argue. + + 1425–75; variant of obsolete chap barter, Middle English chappen (with vowel + as in chapman), chepen, Old English cēapian to trade (derivative of cēap sale, + trade; see cheap) + + Related Words for chopped + + cleave, cube, divide, mince, slash, hack, whack, hew, hash, clip, fragment, + mangle, lop, fell, shear, truncate, sever, dice, axe, hackle + + Examples from the Web for chopped + + Contemporary Examples of chopped + + Best-known as a judge on Chopped, chef Amanda Freitag opens her first restaurant—a + recast New York icon. + + Chopped? Amanda Freitag Hopes Not + + Plastic cutlery arrived, followed by a container of chopped onion and cilantro. + + A Culinary Tour to Answer the Age-Old Question: Why Is Mexican Food So Good? + + Burnett said Peden took it and chopped it up into a bunch of pieces after the + shooting. + + Inside the Georgia Militia Murders + + Out came Marc s army, dozens of models in chopped blond wigs streaked with green. + + Marc Jacobs: Hot & Heavy for Spring 2014 at New York Fashion Week + + I interviewed a man whose hand had been chopped off for stealing. + + Pity Boston, Ignore Nigeria: The Limits of Compassion + + Historical Examples of chopped + + Then add to it the chopped chicken with the other ingredients. + + Put them into the soup, add a handful of chopped parsley, and let them boil. + + Season it with pepper, salt, chopped sweet herbs, and parsley. + + It had got chopped off by some accident when she was a calf. + + It was plainly evident that it had been chopped off quite recently. + + British Dictionary definitions for chopped + + verb chops, chopping or chopped + + (often foll by down or off) to cut (something) with a blow from an axe or other + sharp tool + + (tr) to produce or make in this mannerto chop firewood + + (tr often foll by up) to cut into pieces + + (tr) British informal to dispense with or reduce + + (intr) to move quickly or violently + + sport to hit (a ball) sharply downwards + + boxing martial arts to punch or strike (an opponent) with a short sharp blow + + Western African an informal word for eat + + a cutting blow + + the act or an instance of chopping + + a piece chopped off + + a slice of mutton, lamb, or pork, generally including a rib + + Australian and NZ slang a share (esp in the phrase get or hop in for one s chop) + + Western African an informal word for food + + Australian and NZ a competition of skill and speed in chopping logs + + sport a sharp downward blow or stroke + + not much chop Australian and NZ informal not much good; poor + + the chop slang dismissal from employment + + Word Origin for chop + + C16: variant of chap 1 + + (intr) to change direction suddenly; vacillate (esp in the phrase chop and change) + + obsolete to barter + + chop logic to use excessively subtle or involved logic or argument + + Old English ceapian to barter; see cheap, chapman + + a design stamped on goods as a trademark, esp in the Far East + + C17: from Hindi chhāp + + Word Origin and History for chopped + + to cut with a quick blow, mid-14c., of uncertain origin, perhaps from Old North + French choper (Old French coper to cut, cut off, 12c., Modern French couper), + from Vulgar Latin *cuppare to behead, from a root meaning head, but influenced + in Old French by couper to strike. Related: Chopped; chopping. + + shift quickly, 1530s, earlier to bargain (early 15c.), ultimately from Old + English ceapian to bargain (see cheap); here with a sense of changing back + and forth, probably from common expressions such as to chop and change barter. To + chop logic is recorded from 1570s. Related: Chopped; chopping. + + act of chopping, mid-14c., from chop (v.1). Meaning piece cut off is mid-15c.; + specifically slice of meat from mid-17c. Sense of a blow, strike is from + 1550s. + + Nearby words for chopped + + choplogic + + chopper tool' + - 'Chopped is a cooking competition show that is all about skill, speed and ingenuity. + Each week, four chefs compete before a panel of expert judges and turn baskets + of mystery ingredients into an extraordinary three-course meal. Course by course, + the chefs will be chopped from the competition until only one winner remains. + + The challenge? They have seconds to plan and 30 minutes to cook an amazing course + with the basket of mystery ingredients given to them moments before the clock + starts ticking! Once they ve completed their dish, they have to survive the + Chopping Block where our three judges are waiting to be wowed and not shy about + voicing their culinary criticisms! + + Host Ted Allen leads this high energy, high-pressure show which will have viewers + rooting for a winner and cheering for the losers. Chopped is a game of passion, + expertise and skill - and in the end, only one chef will survive the Chopping + Block. Who will make the cut? The answer is on Chopped! + + Ted, the host of Chopped, was the food and wine specialist on the groundbreaking, + Emmy-winning series Queer Eye, which had a 100-episode run.' + - 'Fundraising with CHOP5 + + CHOP5 Salad Kitchen + + is rocking the world of salads. But we’re not just talking any salad. We’re + talking about fresh, made-to-order chopped salads with the taste you crave. + Step outside the box of fast-fried-been-there-done-that food and step into the + fast-casual dining that’s calling your name. Eat with no regrets! + + Interested in franchise opportunities? Click here to send us a message! + + © 2017 CHOP5, LLC. • CHOP5 Salad Kitchen • 2044 Polaris Parkway Columbus, OH + 43240 + + Click here to join our rewards program! + + This privacy notice discloses the privacy practices for www.CHOP5.com. This + privacy notice applies solely to information collected by this website. It will + notify you of the following: What personally identifiable information is collected + from you through the website, how it is used and with whom it may be shared. + What choices are available to you regarding the use of your data. The security + procedures in place to protect the misuse of your information. How you can correct + any inaccuracies in the information. + + We are the sole owners of the information collected on this site. We only have + access to/collect information that you voluntarily give us via email or other + direct contact from you. We will not sell or rent this information to anyone. + We will use your information to respond to you, regarding the reason you contacted + us. We will not share your information with any third party outside of our organization, + other than as necessary to fulfill your request, e.g. to deliver an online order + through GRUBHUB. Unless you ask us not to, we may contact you via email in the + future to tell you about specials, new products or services, or changes to this + privacy policy. + + Donn Ditzhazy, Executive Creative Director + + RMD Advertising 614.794.2008 | cell 614.595.6086 www.RMDadvertising.com' + - 'Chopped Free Season + + Cook Like a Pro with Ina + + Ultimate Protein Battle + + Five masters of protein face off in Flavortown. + + The chefs must stay focused as they take on three chicken-themed rounds + + Ice Shard Cake + + Dan makes a wintry masterpiece that will warm your heart. + + Monkey See, Monkey Bake + + The bakers have to turn packaged biscuit dough into monkey bread volcanoes. + + Apolo Ohno Says Oh Yes to Cake + + Apolo Ohno challenges bakers to make an anniversary-birthday cake. + + Aloha, Recruits! + + The recruits take on a variety of tropical island-inspired challenges. + + Taste of Capri Party + + Giada hosts a lunch party that celebrates the island of Capri, Italy. + + The Kitchen reduces weeknight stress with a Big Batch Pork Butt and more. + + Ree makes Maple Bacon Dip and Strawberry Rose Bellinis for an office party. + + Whole Lotta Comfort + + Guy Fieri dives into hearty helpings of comfort food from Atlanta to Utah. + + A pastry chef and a chef-of-all-trades compete for a shot at Bobby. + + Cookin Couples + + Guy welcomes three couples to Flavortown to prove their culinary knowledge. + + Wonton Wonder + + Chefs get creative with wonton wrappers, comfort food and a strange pastry. + + Actor and producer Michael B. Jordan discusses his sky-rocketing career. + + Oprah Winfrey Presents on Food Network + + Actor Bradley Cooper discusses how he has emerged as a visionary filmmaker. + + Freaky Flavors + + The young bakers have to create a large tart featuring an unusual flavor. + + Unlocked Episodes + + It s a Busby Birthday! + + The bakers compete to make a 4th birthday cake for the Busby quintuplets. + + Dr. Deckle and Mr. Fried + + Three of the four chefs make a huge mistake with the jumbo shrimp. + + The Perfect Bird + + Fifteen more of America s worst cooks begin their culinary journey. + + All Stocked Up + + Ree dips into her trusty staples to whip up some fabulous food. + + The 12 young bakers must make cupcakes featuring bacon. + + Sour With the Sweet + + Sunny Anderson and Josh Capon serve up a winner in hopes of beating Bobby. + + Say Yes to the Veg + + Valerie tries out new ways to sneak veggies into kid-friendly dishes. + + The Kitchen is snowed in with Sweet Potato and Corn Chowder and more. + + Chefs Ham It Up + + The chefs begin by making a barbecue blowout that won t blow their budget.' + - 'Chopped judges (Emma Thompson, Aidy Bryant, Alex Moffat) review the dishes + two finalists (Melissa Villaseñor, Leslie Jones) have made. + + Tags: snl, saturday night live, snl season 44, snl 44, emma thompson, aidy bryant, + mikey day, leslie jones, alex moffat, chopped, cooking show, cooking competition, + cooking, Melissa Villaseñor' + __selected-docs__: + - 'Chopped is a cooking competition show that is all about skill, speed and ingenuity. + Each week, four chefs compete before a panel of expert judges and turn baskets + of mystery ingredients into an extraordinary three-course meal. Course by course, + the chefs will be chopped from the competition until only one winner remains. + + The challenge? They have seconds to plan and 30 minutes to cook an amazing course + with the basket of mystery ingredients given to them moments before the clock + starts ticking! Once they ve completed their dish, they have to survive the + Chopping Block where our three judges are waiting to be wowed and not shy about + voicing their culinary criticisms! + + Host Ted Allen leads this high energy, high-pressure show which will have viewers + rooting for a winner and cheering for the losers. Chopped is a game of passion, + expertise and skill - and in the end, only one chef will survive the Chopping + Block. Who will make the cut? The answer is on Chopped! + + Ted, the host of Chopped, was the food and wine specialist on the groundbreaking, + Emmy-winning series Queer Eye, which had a 100-episode run.' + __selected-sentences__: + - Chopped is a cooking competition show that is all about skill, speed and ingenuity. + Each week, four chefs compete before a panel of expert judges and turn baskets + of mystery ingredients into an extraordinary three-course meal. Course by course, + the chefs will be chopped from the competition until only one winner remains. + episode_done: false + id: WizInternetWizardTeacher + labels: + - ' Baskets? I don''t know anything about this show. Is it something about cooking?' + search_query: Chopped + text: "__knowledge__ Chopped is a cooking competition show that is all about skill,\ + \ speed and ingenuity. Each week, four chefs compete before a panel of expert\ + \ judges and turn baskets of mystery ingredients into an extraordinary three-course\ + \ meal. Course by course, the chefs will be chopped from the competition until\ + \ only one winner remains. __endknowledge__ \n My favorite tv show is Chopped.\n\ + They play along with the show\nI just watched chopped for 3 hours straight.\ + \ The baskets were hard in some of them." +- - __retrieved-docs-urls__: + - https://www.dictionary.com/browse/chopped + - https://chop5.com/ + - https://watch.foodnetwork.com/ + - https://www.cookingchanneltv.com/shows/chopped + - https://www.foodnetwork.ca/shows/chopped/ + __retrieved-docs__: + - '[chopt] + + SEE MORE SYNONYMS FOR chopped ON THESAURUS.COM + + diced, minced, or cut into small bits. + + (of an automobile) streamlined; lowered. + + Origin of chopped + + Related formsun·chopped, adjectivewell-chopped, adjective + + [chop] + + verb (used with object), chopped, chop·ping. + + to cut or sever with a quick, heavy blow or a series of blows, using an ax, + hatchet, etc. (often followed by down, off, etc.): to chop down a tree. + + to make or prepare for use by so cutting: to chop logs. + + to cut in pieces; mince (often followed by up): to chop up an onion; to chop + meat. + + (in tennis, cricket, etc.) to hit (a ball) with a chop stroke. + + to weed and thin out (growing cotton) with a hoe. + + Fox Hunting. (of a hound or pack) to attack and kill (a fox that has not begun + to run). + + verb (used without object), chopped, chop·ping. + + to make a quick, heavy stroke or a series of strokes, as with an ax. + + Boxing. to throw or deliver a short blow, especially a downward one while in + a clinch. + + (in tennis, cricket, etc.) to employ or deliver a chop stroke. + + to go, come, or move suddenly or violently. + + an act or instance of chopping. + + a cutting blow. + + Boxing. a short blow, especially a downward one, executed while in a clinch. + + a piece chopped off. + + an individual cut or portion of meat, as mutton, lamb, veal, or pork, usually + one containing a rib. + + crushed or ground grain used as animal feed. + + a short, irregular, broken motion of waves; choppiness: There s too much chop + for rowing today. + + rough, turbulent water, as of a sea or lake. + + (in tennis, cricket, etc.) a chop stroke. + + Origin of chop + + 1350–1400; Middle English choppen; variant of chap1 + + 1. See cut. + + to turn, shift, or change suddenly: The wind chopped to the west. + + to vacillate; change one s mind. + + to barter. + + to bandy words; argue. + + 1425–75; variant of obsolete chap barter, Middle English chappen (with vowel + as in chapman), chepen, Old English cēapian to trade (derivative of cēap sale, + trade; see cheap) + + Related Words for chopped + + cleave, cube, divide, mince, slash, hack, whack, hew, hash, clip, fragment, + mangle, lop, fell, shear, truncate, sever, dice, axe, hackle + + Examples from the Web for chopped + + Contemporary Examples of chopped + + Best-known as a judge on Chopped, chef Amanda Freitag opens her first restaurant—a + recast New York icon. + + Chopped? Amanda Freitag Hopes Not + + Plastic cutlery arrived, followed by a container of chopped onion and cilantro. + + A Culinary Tour to Answer the Age-Old Question: Why Is Mexican Food So Good? + + Burnett said Peden took it and chopped it up into a bunch of pieces after the + shooting. + + Inside the Georgia Militia Murders + + Out came Marc s army, dozens of models in chopped blond wigs streaked with green. + + Marc Jacobs: Hot & Heavy for Spring 2014 at New York Fashion Week + + I interviewed a man whose hand had been chopped off for stealing. + + Pity Boston, Ignore Nigeria: The Limits of Compassion + + Historical Examples of chopped + + Then add to it the chopped chicken with the other ingredients. + + Put them into the soup, add a handful of chopped parsley, and let them boil. + + Season it with pepper, salt, chopped sweet herbs, and parsley. + + It had got chopped off by some accident when she was a calf. + + It was plainly evident that it had been chopped off quite recently. + + British Dictionary definitions for chopped + + verb chops, chopping or chopped + + (often foll by down or off) to cut (something) with a blow from an axe or other + sharp tool + + (tr) to produce or make in this mannerto chop firewood + + (tr often foll by up) to cut into pieces + + (tr) British informal to dispense with or reduce + + (intr) to move quickly or violently + + sport to hit (a ball) sharply downwards + + boxing martial arts to punch or strike (an opponent) with a short sharp blow + + Western African an informal word for eat + + a cutting blow + + the act or an instance of chopping + + a piece chopped off + + a slice of mutton, lamb, or pork, generally including a rib + + Australian and NZ slang a share (esp in the phrase get or hop in for one s chop) + + Western African an informal word for food + + Australian and NZ a competition of skill and speed in chopping logs + + sport a sharp downward blow or stroke + + not much chop Australian and NZ informal not much good; poor + + the chop slang dismissal from employment + + Word Origin for chop + + C16: variant of chap 1 + + (intr) to change direction suddenly; vacillate (esp in the phrase chop and change) + + obsolete to barter + + chop logic to use excessively subtle or involved logic or argument + + Old English ceapian to barter; see cheap, chapman + + a design stamped on goods as a trademark, esp in the Far East + + C17: from Hindi chhāp + + Word Origin and History for chopped + + to cut with a quick blow, mid-14c., of uncertain origin, perhaps from Old North + French choper (Old French coper to cut, cut off, 12c., Modern French couper), + from Vulgar Latin *cuppare to behead, from a root meaning head, but influenced + in Old French by couper to strike. Related: Chopped; chopping. + + shift quickly, 1530s, earlier to bargain (early 15c.), ultimately from Old + English ceapian to bargain (see cheap); here with a sense of changing back + and forth, probably from common expressions such as to chop and change barter. To + chop logic is recorded from 1570s. Related: Chopped; chopping. + + act of chopping, mid-14c., from chop (v.1). Meaning piece cut off is mid-15c.; + specifically slice of meat from mid-17c. Sense of a blow, strike is from + 1550s. + + Nearby words for chopped + + choplogic + + chopper tool' + - 'Fundraising with CHOP5 + + CHOP5 Salad Kitchen + + is rocking the world of salads. But we’re not just talking any salad. We’re + talking about fresh, made-to-order chopped salads with the taste you crave. + Step outside the box of fast-fried-been-there-done-that food and step into the + fast-casual dining that’s calling your name. Eat with no regrets! + + Interested in franchise opportunities? Click here to send us a message! + + © 2017 CHOP5, LLC. • CHOP5 Salad Kitchen • 2044 Polaris Parkway Columbus, OH + 43240 + + Click here to join our rewards program! + + This privacy notice discloses the privacy practices for www.CHOP5.com. This + privacy notice applies solely to information collected by this website. It will + notify you of the following: What personally identifiable information is collected + from you through the website, how it is used and with whom it may be shared. + What choices are available to you regarding the use of your data. The security + procedures in place to protect the misuse of your information. How you can correct + any inaccuracies in the information. + + We are the sole owners of the information collected on this site. We only have + access to/collect information that you voluntarily give us via email or other + direct contact from you. We will not sell or rent this information to anyone. + We will use your information to respond to you, regarding the reason you contacted + us. We will not share your information with any third party outside of our organization, + other than as necessary to fulfill your request, e.g. to deliver an online order + through GRUBHUB. Unless you ask us not to, we may contact you via email in the + future to tell you about specials, new products or services, or changes to this + privacy policy. + + Donn Ditzhazy, Executive Creative Director + + RMD Advertising 614.794.2008 | cell 614.595.6086 www.RMDadvertising.com' + - 'Aloha, Recruits! + + New Episodes Mondays 9|8c + + Watch a New Episode Now + + Can t Wait? Watch the Next Episode Now! + + New Episodes Thursdays 10|9c + + Every. Battle. Ever. + + All the DDD You Could Ever Want + + The recruits take on a variety of tropical island-inspired challenges. + + Taste of Capri Party + + Giada hosts a lunch party that celebrates the island of Capri, Italy. + + The Kitchen reduces weeknight stress with a Big Batch Pork Butt and more. + + Ree makes Maple Bacon Dip and Strawberry Rose Bellinis for an office party. + + Whole Lotta Comfort + + Guy Fieri dives into hearty helpings of comfort food from Atlanta to Utah. + + Ultimate Protein Battle + + Five masters of protein face off in Flavortown. + + A pastry chef and a chef-of-all-trades compete for a shot at Bobby. + + Cookin Couples + + Guy welcomes three couples to Flavortown to prove their culinary knowledge. + + Wonton Wonder + + Chefs get creative with wonton wrappers, comfort food and a strange pastry. + + Actor and producer Michael B. Jordan discusses his sky-rocketing career. + + Oprah Winfrey Presents on Food Network + + Actor Bradley Cooper discusses how he has emerged as a visionary filmmaker. + + Freaky Flavors + + The young bakers have to create a large tart featuring an unusual flavor. + + Michael Symon Needs a Cake + + Michael Symon challenges the bakers to make a cake for his new restaurant. + + See what happens when Dan is challenged to create a meat cake. + + The recruits take on fair food after boot camp gets turned into a carnival. + + Jade s Chocolate Factory + + Giada hosts a sophisticated chocolate-themed Valentine s Day party. + + Stream for Free + + It s a Busby Birthday! + + The bakers compete to make a 4th birthday cake for the Busby quintuplets. + + Dr. Deckle and Mr. Fried + + Three of the four chefs make a huge mistake with the jumbo shrimp. + + The Perfect Bird + + Fifteen more of America s worst cooks begin their culinary journey. + + All Stocked Up + + Ree dips into her trusty staples to whip up some fabulous food. + + The 12 young bakers must make cupcakes featuring bacon. + + Sour With the Sweet + + Sunny Anderson and Josh Capon serve up a winner in hopes of beating Bobby. + + Say Yes to the Veg + + Valerie tries out new ways to sneak veggies into kid-friendly dishes. + + The Kitchen is snowed in with Sweet Potato and Corn Chowder and more. + + Chefs Ham It Up + + The chefs begin by making a barbecue blowout that won t blow their budget. + + Watch Chopped for Free + + Rattle and Roll + + Rattlesnake meat must be included in the chefs first course. + + The chefs find frog legs in the first basket for the appetizer round. + + Jitters and Giant Eggs + + Panic threatens to paralyze one of the competitors who is feeling jittery. + + Mussels Mastery + + The chefs have to come up with tasty mussel appetizers in just 20 minutes. + + Time runs out and two chefs are unhappy with their calf liver appetizers. + + The competitors discover this competition is a grilling challenge. + + Quahog Quandaries + + The two remaining chefs take the intensity level in the kitchen up a notch. + + Turbot Powered + + A super bitter ingredient leaves the chefs in a quandary. + + Keep on Cookin On + + One of the finalists suffers an injury as he attempts a Chopped first. + + Green Apps and Lamb + + Mint liqueur and canned fish make an odd combination for the first course. + + The appetizer basket ingredients get the chefs pondering ballgame fare. + + Some of the most formidable chefs in the country battle to find out whose cuisine + reigns supreme. Host Alton Brown determines who will earn the right to face + a legendary Iron Chef in the Secret Ingredient Showdown. + + Ina Garten is back and this time she s sharing the basics of her incredibly + elegant and easy recipes. She throws open the doors of her Hamptons home for + more delicious food, dazzling ideas and good fun. + + The best cupcake bakers in the country are called to fight to see who has the + best cupcakes. In this war of frosting and sugar, there is only one winner. + + Tyler Florence brings together five local chefs to compete in a restaurant they + ve never cooked in before. Two chefs become judges as the others battle for + hometown pride using secret ingredients to build delicious dishes. + + Country star Trisha Yearwood shows off her Southern hospitality as she puts + together meals with friends and family. Whether it s for a family reunion or + a party for her band-mate, her easy recipes always have a story to tell. + + Pop culture, comedy and plain good eating: Alton Brown explores the origins + of ingredients, decodes culinary customs and explores new food trends. + + Five talented food experts gather in the kitchen to share lively conversation + and delicious recipes. From simple supper ideas to the latest food trends, they + cover all things fun in food! + + Live Now On Food Network + + Pizza for Dessert + + Lemon BFFs + + Food Network Originals + + Vivian has some fun with pasta by making a spaghetti bundt cake. + + Viv s Tips: Pasta Pound Cake' + - 'CHOPPED is a cooking competition show that s all about skill, speed and ingenuity + where four up-and-coming chefs compete before a panel of three expert judges + and take everyday items and turn them into an extraordinary three-course-meal. + Course by course, the chefs will be CHOPPED from the competition until only + one winner remains. The challenge? They have seconds to plan and 30 minutes + to cook an amazing course with the basket of mystery ingredients given to them + moments before the clock starts ticking! And the pressure doesn t stop there. + Once they ve completed their dish, they ve got to survive the Chopping Block + where our judges are waiting to be wowed and not shy about voicing their culinary + criticisms! Our host, Ted Allen, leads this high energy, high-pressure show + which will have viewers rooting for a winner and cheering for the losers. CHOPPED + is a game of passion, expertise and skill -- and in the end, only one chef will + survive the Chopping Block. Who will make the cut? The answer is on CHOPPED! + + Four former military service members who are pursuing culinary careers compete + to see who will be the Chopped Champion. In the first round, a favorite American + comfort food must mingle on the plate with a super-sweet drink, and curiously, + three of the four competitors pull tortillas from the pantry. A patriotic pasta + and an already-cooked savory pie are two of the mandatory ingredients in the + entree round. Then, will the finalists be able to adeptly combine cheese and + pudding in desserts? + + Ultimate Champions: Pros + + Four distinct groups of champs will return to the Chopped Kitchen: professionals, + amateurs, heroes and celebrities, all leading up to a grand finale where one + chef will seize the biggest prize in Chopped history: $50,000 and a new car! + In this initial battle, four stellar professionals fight to see who will represent + the pros in the finale. They have to wrangle and cook eels and figure out what + to do with a super salty veggie for their appetizers. Then in the entree round, + the champs have to work with a bird and a soda. And a special cheese and a creepy + chocolate item appear in the dessert basket. + + Ultimate Champions: Amateur Champs + + Some of the most beloved amateur winners return to the Chopped Kitchen for a + shot to compete in the $50,000 finale. In the appetizer round the competitors + must use salsa and cheese blintzes in their culinary masterpieces. Then as the + entree round gets started, an off-balance tug-of-war over a piece of equipment + has everybody laughing, except for the chef who loses the fight. And grapefruit + is among the loot the last two champs find in the dessert basket. + + Ultimate Champions: Heroes + + With two spots left in the $50,000 Ultimate Champions Grand Finale, the Chopped + Kitchen welcomes back four incredible cooking heroes -- two firefighters, a + police officer and an army vet. In the appetizer round, the hero champs must + get creative in order to make savory dishes with pineapple and fruit and nut + bars. Then in the entree round, the champs find some lovely stalks of spring + garlic in the basket, as well as some beautiful lamb chops. And an unpleasantly + purple ingredient that the cooks must work into a dessert makes for a challenging + last round. + + Ultimate Champions: Celebrities + + Four Chopped Champions from the world of entertainment and sports compete for + the last spot in the $50,000 finale. In the appetizer round, the celebrity champs + find a peculiar type of flour and sweet tea in the baskets. Then a can of soup + in the entree round causes various issues for the competitors. And the judges + taste banana paste and cream cheese desserts before deciding on the last finalist. + + Ultimate Champions: Grand Finale! + + In a Chopped first, three not-at-all-average Joes fight it out against one + outstanding pro, with $50,000 and a new car on the line! When the competitors + get risotto in the first round, they have to decide whether to completely transform + it or to greatly enhance its flavor. Then in the entree round, there s a huge + surprise in the basket that not all of the champs are excited to see. And with + the grand prize looming large, the last two competitors open the basket to find + some booze and some baked goods.' + - 'Chopped is a cooking competition show that is all about skill, speed and ingenuity. + Each week, four chefs compete before a panel of expert judges and turn baskets + of mystery ingredients into an extraordinary three-course meal. Course by course, + the chefs will be chopped from the competition until only one winner remains. + + The challenge? They have seconds to plan and 30 minutes to cook an amazing course + with the basket of mystery ingredients given to them moments before the clock + starts ticking! Once they ve completed their dish, they have to survive the + Chopping Block where our three judges are waiting to be wowed and not shy about + voicing their culinary criticisms! + + Host Ted Allen leads this high energy, high-pressure show which will have viewers + rooting for a winner and cheering for the losers. Chopped is a game of passion, + expertise and skill - and in the end, only one chef will survive the Chopping + Block. Who will make the cut? The answer is on Chopped! + + Ted, the host of Chopped, was the food and wine specialist on the groundbreaking, + Emmy-winning series Queer Eye, which had a 100-episode run.' + __selected-docs__: + - 'Aloha, Recruits! + + New Episodes Mondays 9|8c + + Watch a New Episode Now + + Can t Wait? Watch the Next Episode Now! + + New Episodes Thursdays 10|9c + + Every. Battle. Ever. + + All the DDD You Could Ever Want + + The recruits take on a variety of tropical island-inspired challenges. + + Taste of Capri Party + + Giada hosts a lunch party that celebrates the island of Capri, Italy. + + The Kitchen reduces weeknight stress with a Big Batch Pork Butt and more. + + Ree makes Maple Bacon Dip and Strawberry Rose Bellinis for an office party. + + Whole Lotta Comfort + + Guy Fieri dives into hearty helpings of comfort food from Atlanta to Utah. + + Ultimate Protein Battle + + Five masters of protein face off in Flavortown. + + A pastry chef and a chef-of-all-trades compete for a shot at Bobby. + + Cookin Couples + + Guy welcomes three couples to Flavortown to prove their culinary knowledge. + + Wonton Wonder + + Chefs get creative with wonton wrappers, comfort food and a strange pastry. + + Actor and producer Michael B. Jordan discusses his sky-rocketing career. + + Oprah Winfrey Presents on Food Network + + Actor Bradley Cooper discusses how he has emerged as a visionary filmmaker. + + Freaky Flavors + + The young bakers have to create a large tart featuring an unusual flavor. + + Michael Symon Needs a Cake + + Michael Symon challenges the bakers to make a cake for his new restaurant. + + See what happens when Dan is challenged to create a meat cake. + + The recruits take on fair food after boot camp gets turned into a carnival. + + Jade s Chocolate Factory + + Giada hosts a sophisticated chocolate-themed Valentine s Day party. + + Stream for Free + + It s a Busby Birthday! + + The bakers compete to make a 4th birthday cake for the Busby quintuplets. + + Dr. Deckle and Mr. Fried + + Three of the four chefs make a huge mistake with the jumbo shrimp. + + The Perfect Bird + + Fifteen more of America s worst cooks begin their culinary journey. + + All Stocked Up + + Ree dips into her trusty staples to whip up some fabulous food. + + The 12 young bakers must make cupcakes featuring bacon. + + Sour With the Sweet + + Sunny Anderson and Josh Capon serve up a winner in hopes of beating Bobby. + + Say Yes to the Veg + + Valerie tries out new ways to sneak veggies into kid-friendly dishes. + + The Kitchen is snowed in with Sweet Potato and Corn Chowder and more. + + Chefs Ham It Up + + The chefs begin by making a barbecue blowout that won t blow their budget. + + Watch Chopped for Free + + Rattle and Roll + + Rattlesnake meat must be included in the chefs first course. + + The chefs find frog legs in the first basket for the appetizer round. + + Jitters and Giant Eggs + + Panic threatens to paralyze one of the competitors who is feeling jittery. + + Mussels Mastery + + The chefs have to come up with tasty mussel appetizers in just 20 minutes. + + Time runs out and two chefs are unhappy with their calf liver appetizers. + + The competitors discover this competition is a grilling challenge. + + Quahog Quandaries + + The two remaining chefs take the intensity level in the kitchen up a notch. + + Turbot Powered + + A super bitter ingredient leaves the chefs in a quandary. + + Keep on Cookin On + + One of the finalists suffers an injury as he attempts a Chopped first. + + Green Apps and Lamb + + Mint liqueur and canned fish make an odd combination for the first course. + + The appetizer basket ingredients get the chefs pondering ballgame fare. + + Some of the most formidable chefs in the country battle to find out whose cuisine + reigns supreme. Host Alton Brown determines who will earn the right to face + a legendary Iron Chef in the Secret Ingredient Showdown. + + Ina Garten is back and this time she s sharing the basics of her incredibly + elegant and easy recipes. She throws open the doors of her Hamptons home for + more delicious food, dazzling ideas and good fun. + + The best cupcake bakers in the country are called to fight to see who has the + best cupcakes. In this war of frosting and sugar, there is only one winner. + + Tyler Florence brings together five local chefs to compete in a restaurant they + ve never cooked in before. Two chefs become judges as the others battle for + hometown pride using secret ingredients to build delicious dishes. + + Country star Trisha Yearwood shows off her Southern hospitality as she puts + together meals with friends and family. Whether it s for a family reunion or + a party for her band-mate, her easy recipes always have a story to tell. + + Pop culture, comedy and plain good eating: Alton Brown explores the origins + of ingredients, decodes culinary customs and explores new food trends. + + Five talented food experts gather in the kitchen to share lively conversation + and delicious recipes. From simple supper ideas to the latest food trends, they + cover all things fun in food! + + Live Now On Food Network + + Pizza for Dessert + + Lemon BFFs + + Food Network Originals + + Vivian has some fun with pasta by making a spaghetti bundt cake. + + Viv s Tips: Pasta Pound Cake' + __selected-sentences__: + - New Episodes Mondays 9|8c + - Watch a New Episode Now + episode_done: false + id: WizInternetWizardTeacher + labels: + - It sounds like quite a challenge! Do you watch every episode? Have you tried + to make the dishes yourself? + search_query: Chopped + text: "__knowledge__ New Episodes Mondays 9|8c\nWatch a New Episode Now __endknowledge__\ + \ \n Yes it is. Chefs have a basket with 4 mystery ingredients. They compete\ + \ to make the best meal from the ingredients. " +- - __retrieved-docs-urls__: + - https://www.herinterest.com/types-of-cuisine/ + - https://leafyplace.com/types-of-cuisine/ + - https://www.ranker.com/crowdranked-list/favorite-types-of-cuisine + - https://www.cnn.com/travel/article/world-best-food-cultures/index.html + - https://www.southernliving.com/cuisine + __retrieved-docs__: + - 'Home > Food > Top 20 Favorite Types of Cuisine + + Top 20 Favorite Types of Cuisine + + In most cultures, food is a way for people to gather. It brings family and friends + together for banquets, potlucks and holidays. Over recent years, different cuisines + have taken on a new popularity. Most cities now have cuisines spanning all corners + of the globe. For new cooking ideas or restaurant options, check out some of + these global cuisines. + + Mexican food is a common favorite cuisine in America. From chili con carne to + enchiladas, spicy Mexican dishes are a popular choice. Western restaurants typically + use Northern Mexican cuisine, but there are a number of other options. Ancient + Mayan dishes have a subtler flavor while Central and Southern Mexico have a + sophisticated taste. Restaurant goers can enjoy eggs, vegetables, beans, chilies + and cumin in major Mexican dishes. Chocolate, tomatoes and salsa are always + favorites as well. + + With a culinary history that stretches back centuries, Italian cuisine is one + of the world’s favorites. Spumoni ice cream, spaghetti, lasagna and pizza are + traditional dishes that are widely available in the United States. Beyond these + basic dishes, there are a number of regional favorites like Parmesan cheese + and Parma ham. One part of Italy is even known for making a kind of maggot cheese. + The cheese is fermented and allowed to sit out so that flies lay eggs. Afterward, + it is packed at the perfect time for maggots to develop. It might not suit everyone’s + taste buds, but it is a specialty from the country. If this cheese is not to + your liking, the country has more than 400 types of cheese. + + Although Italian cuisine varies from region to region, each meal will generally + be set up in a similar way. It will begin with the antipasto or appetizer menu. + Next, diners enjoy the primo course which consists of pasta or rice. The second + course is a meat. To top it off, the last course is the dolce or dessert course. + + India is one of the most densely populated countries on the planet. With so + many people within the nation, Indian cuisine is highly varied. Curries are + the traditional fare, but Indian food is not confined for just curry. There + are a number of regions that make vegetarian dishes, and ayurvedic medicinal + traditions are often used in creating food. Within India, visitors will find + a range of sweet, hot and spicy dishes. Even better, the nation is home to millions + of street food stands. At these stands, visitors can try out unique treats for + a very cheap price. + + Long ago, the French Acadian people had to flee Canada. Although some of the + Acadians went back to France, others chose to move to Louisiana. Once there, + they combined French cooking style with local ingredients. This type of cuisine + is normally formatted within three dishes. The first pot will contain the main + dish while another pot contains vegetables. A third pot will generally contain + a mixture of steamed rice and seafood. Popular meat choices include pork sausage, + shrimp and fish. Due to the area, Cajun cuisine focuses heavily on celery, bell + peppers, garlic and onions. Other flavorings include cayenne pepper, bay leaf, + black pepper and green onions. + + During slavery, African-American slaves were only given the leftover, unwanted + food. Often, slave owners would try to feed them as little as possible as a + way of saving money. This early origin caused soul food to develop. Slaves at + the times used collards, mustard greens, turnip tops, dandelions and beets to + make up their diet. They often were given the unwanted parts of the meat like + offal, oxtail, pigs ears, lard and tripe. With these unwanted, inexpensive pieces, + the slaves of the time managed to create a unique, delicious cuisine. Today, + soul food includes dishes like chitlins, fried chicken, hog maw, pigs feet, + fried okra, collard greens, corn bread, grits and hush puppies. After a delicious + meal of soul food, you may not be hungry enough to eat dessert. If you are, + you can look forward to cobbler, pecan pie or sweet potato pie. + + Over the last decade, Thai food has grown in popularity. Hands down, the most + popular dish is pad thai. To truly experience Thai cuisine, you should step + away from the basic pad thai and try some of the broths and noodle dishes that + make this cuisine so delectable. This cuisine focuses on a lot of herbs and + offers a range of sweet, sour, spicy and bitter tastes. It focuses on fresh + herbs, so this cuisine always has a vivid flavor. + + Like Italian cuisine, Greek food dates back thousands of years. Many common + Greek dishes have unknown origins because they have been around so long. This + cuisine has a unique mix of different Mediterranean styles. Back in the day, + the Greeks were well-positioned to become a major port for sea trading. Every + time sailors returned from traveling, they brought back different dishes and + dining styles. In Greece, visitors can expect fresh herbs, olive oil and feta. + Due to its location near the sea, fish is a popular dining option. Pork and + lamb are common meat choices because many of the islands are too small to host + cattle. + + If characterizing Indian food was hard, Chinese food is impossible to pin down. + China has one of the most diverse mixes of cultures and cuisines in the world. + The main eight styles of cooking are: Fujian, Cantonese, Anhui, Zhejiang, Szechuan, + Shandong and Hunan. In Chinese traditional medicine and culture, the opposites + of yin and yang must always be kept in balance. This same balance extends to + food. When cooking, the Chinese try to balance different colors, tastes, textures + and smells. This focus has paid off and made Chinese cuisine one of the world’s + finest. + + In a traditional Chinese meal, you can expect to have noodles or rice. Although + many American-based Chinese restaurants use fried rice, most China-based Chinese + restaurants serve basic steamed rice. With a strong Buddhist history, vegetarian + dishes like tofu remain popular. Interestingly, garlic and chilies are considered + non-vegetarian in Buddhism because they stimulate the chi. If you go to a Chinese + vegetarian restaurant, don’t expect a lot of spices. For non-vegetarian dishes, + you can expect Peking duck, thousand year old eggs, squid and a range of meat + dishes. Vegetables are always included with dinner, and they are far from your + mother’s broccoli. Chinese vegetable dishes are often the most delicious part + of the meal. + + Due to its location, Lebanon has adopted Arabic and Mediterranean influences. + Lebanese food uses a lot of fresh fruit, vegetables and seafood. Other than + fish, it does not contain a big focus on meat. When dining at a Lebanese restaurant, + you can expect delicious pickles, unique salads, Arabic bread, vegetable dishes + and vegetable dips. + + The Hibachi or Teppanyaki grill are some of the most delectable of Japanese + dining options. At a Hibachi grill, you can watch a cook flip, fry, griddle + and cut the food in front of you. This cuisine focuses on noodles, tofu, sushi + and vegetables. Each meal is meticulously prepared and exceptionally delicious. + Even better, Japanese restaurants often serve oolong or green tea. + + American food is an extremely popular dining option. With so many cultures moving + in and out of the country, American food encompasses a range of different dining + styles. In Chicago, the deep dish pizza has become famous. Texas has five-alarm + chili while the Pacific Northwest is home to microbreweries and coffee. At most + traditional American diners, you can expect hot dogs, hamburgers, buffalo wings, + biscuits & gravy and omelets. + + Expect Moroccan cuisine to become the next major hit over the coming decade. + With such a rich history and unique dishes, this cuisine is one of the world’s + finest. It uses Mediterranean fruits and vegetables to make spicy, flavor-filled + meals. Lamb is a popular meat dish, and has a subtler flavor that Western lamb + dishes. Due to its location near the sea, fish and shellfish play a strong role + in Moroccan cuisine. Beef and chicken are commonly eaten. A local favorite is + known as a Tagine and contains chicken, fries and olives. Many of these dishes + are flavored with dried fruit, lemon pick and olive oil. At lunch time, Moroccans + eat a hot or cold salad and bread. Famously, this cuisine includes couscous. + Bread is a major dish and is known as Khobz. It varies from town to town, but + often looks like a type of baguette. Other specialties include salted meat and + Moroccan pancakes. + + There is some debate if there is actually a Mediterranean cuisine. This term + mostly developed in the 1970s when there was a Mediterranean diet. In general, + it consists of fresh fruits, vegetables, seafood and olive oil. Depending on + who you ask, it could include different Greek, Italian, Arabic, European or + North African dishes. + + Say Oui, Oui to French cuisine! Five-star chefs are often trained in French + cooking. It uses cheese, chocolate and baguettes for delicious meals. Of course, + a French meal would never be complete without some wine! Despite their focus + on cheese, bread and chocolates, the French amazingly remain thin. Perhaps eating + more of this cuisine could be a weight loss plan? + + Spanish cuisine is exceptional because it limits spices. Instead of hiding the + flavor of a dish with cumin, chilies or pepper, it only uses enough spice to + bring out the natural flavor of the food. Due to its location along the coast, + Spanish food has a strong focus on seafood. Famously, cafes and restaurants + in Spain offer tapas or pinches. These snack-sized dishes can be made of basically + anything and only cost a couple of euros. Before siesta, Spaniards can stop + in a local cafe and get a glass of wine and a tapa for merely a couple of euros. + + From sauerkraut to bratwurst, German is known for its flavorful dishes. Restaurant + goers can expect spatzl (potatoes), rich varieties of bread, cheese and sausages. + Even better, this country is known for its many delicious beers. Surrounded + by the world famous cuisines of Italy, Spain and France, Germany has not gotten + the attention it deserves from foodies. + + Many people try kimchi and give up on Korean food for good, but this cuisine + is more than just kimchi. If you have not had this dish before, kimchi is a + fermented cabbage dish that is mixed with vinegar and spice. Other than this + common dish, Korean food contains rice, meat, veggies and seafood. It has a + unique flavor that you tend to love or hate. + + Vietnamese food has not received nearly the attention it deserves. Due to the + French colonization of the area, Vietnamese food contains traditional dishes + and French cuisine. Visitors can enjoy vegetables, Vietnamese mint, shrimp paste, + lime, basil leaves, soy sauce, fish sauce, fruits and vegetables in their meals. + These meals are made to balance the five elements and tastes within the dish, + so there is a mixture of sweet, spicy, bitter, sour and salty. Common dishes + may include balut, duck meat or ginger. + + Coffee and chocolate are just a fraction of what Turkey has to offer. This cuisine + has a delicious vegetable stew, eggplant dishes and seafood-based meals. Stuffed + dolmas are always delectable and the yogurt is scrumptious. Foodies enjoy eating + dumplings, kebabs and baklava. Olive oil is used in abundance and fresh vegetables + are a must-have for Turkish dishes. My personal favorite is the kebab. If you + can find a street vendor, you can watch as they peel away meat from the spit. + You can eat it on a stick, or some street vendors will put the meat in a pita + sandwich-like form. + + Caribbean food is a mixture of African cuisine and local delicacies. This food + contains an impressive array of peppers and tropical fruits. From fried plantains + to salt fish, Caribbean food is a welcome change from European and Mediterranean + dishes. This cuisine puts a strong focus on using foods like leafy green veggies, + goat meat, sweet potatoes, rice, peas and coconut. If you have never had Caribbean + food, start out with a jerk chicken, goat curry and a mango salsa—you won’t + regret it. + + Gloria Bistro + + And European Food, too 🙂 + + Thank you for sharing your thoughts and feelings. Please share more of your + supportive comments in the future. Have a great day, Gloria! + + James Regan Luhr + + I remember when I worked those + + 2 jobs for 4 summers in Alaska + + The kids were immature puked everywhere. Over railings balconys. + + The chef at Aramark in Denali + + Was paid to make me work in + + My own room in a separate building. + + I used my time to think. Thanks. + + Thank you for sharing your experiences and insights. It is always beneficial + when members of our community share their thoughts and feelings. Please share + more of your supportive comments in the future. Have a great day, James! + + I wish you guys put Armenian, it’s delicious + + Thank you for sharing your positive comment. Please share more of your thoughts + and feelings in the future. Have a great day, Emily! + + somalion food + + Thank you for sharing your thoughts and feelings. Have a great day, O! + + Marcie Roy + + You forgot Ukranian Polish and Hungarian food. They are awesome perogies, cabbage + rolls borscht Goulash langos and so many more tasty foods. + + Thank you for sharing your experiences and insights. Please feel free to share + more of your thoughts and feelings in the future. Have a great day, Marcie! + + allan wasilwa + + These food is delicious and yummy + + Thank you for sharing your positive comment. If you have any recipes that you + would like to share, then please do. Have a great day, Allan! + + Italian, American and Mexican are the best + + Thank you for sharing the types of cuisine that you most appreciate. Have a + great day, Mike! + + My personal bests are Indian & Mexican, even Italian sometimes too. I love chicken + tikka 😉 + + I love all of those types of cuisine. 🙂 Thanks for commenting, Sylvester! + + I love the chicken + + Never tried Greek cuisine :(. Italian is my absolute favourite, but all the + Asian styles are to die for! American cuisine? Not my cup of tea, not fond of + fast food and super caloric drinks. Great list! + + Thank you for sharing your food likes and dislikes. It is certain that your + dietary preferences are similar to others. Perhaps you and other readers can + share cuisine ideas! Let us know what your favorite Italian dishes are. Thank + you, Cristina! + + pawan Gore + + I love Chinese cuisine + + It seems like you may have commented twice on this one. I have to answer and + approve each comment individually, so it can sometimes take a little while for + all of the responses and comments to appear. If you do not see your comment + right away, don’t worry because you will. Read through my initial response and + let me know if you have any other questions. Thanks for commenting! + + I love Chinese cusin + + Me too! Thanks for commenting!' + - 'Types of Cuisine From Around the World With Their Popular Foods + + Most countries and regions in the world have their own particular cuisine. Different + types of cuisines involve certain cooking practices, local ingredients, and + a combination of spices. Some food cultures are a fusion of foods from different + countries. From these, delicious foods have developed that provide unique culinary + experiences. + + There are hundreds of different cuisines in the world. Famous cuisines in the + world include French, Thai, Italian, Indian, and Chinese. In large cities, it + is also not uncommon to find restaurants serving dishes from Moroccan, Lebanese, + Vietnamese, and Hungarian cuisines. + + Even in countries that have their own particular kind of cuisine, it is not + uncommon to have regional variations. For example, some types of food may be + prepared in different ways or include a different variety of ingredients. + + In this article, you will learn about some of the top cuisines in the world. + You will also find out where some famous dishes originated from. + + The French Provencal cuisine uses a lot of herbs + + Many regard French cuisine as one of the best cuisines in the world. French + food involves ingredients such as butter, cream, wine, herbs, chocolate, and + vegetables. French pastry dishes, cheese, bread, and wine are famous throughout + the world. + + Food culture in France also revolves around locally sourced ingredients. On + the Mediterranean coast, seafood is very popular. Provencal cuisine uses tarragon + and a host of other herbs and spices. Paris itself has over 9,000 restaurants + serving French classics and dishes from around the world. + + Dumplings and dim sum are a common food in the Chinese cuisine + + Chinese cuisine is one of the most diverse food cultures in the world. Traditionally, + Chinese food is served with noodles or rice. Also, Chinese dumplings form a + large part of the staple diet in many regions of China. There are several main + cuisines in Chinese cookery – Cantonese, Sichuan, Fujian, and Hunan cuisines + are the most well-known. + + Most Chinese dishes contain a mixture of vegetables that are stir-fried and + combined with aromatic spices and herbs. For example, ginger is often fried + along with garlic and onions to create flavorsome dishes. Also, soy sauce, rice + vinegar, and fish sauce are commonly used to create a blend of wonderful flavors. + + Chinese cuisine could be regarded as the one of the most important in the world. + Chinese cooking styles have influenced other foods from Korea, the Philippines, + Thailand, and Vietnam. Chinese dishes are so popular that most cities in the + world have a number of Chinese restaurants. Sweet and sour chicken and chop + suey are the most popular Chinese dishes outside of China. + + Sushi is a very popular food in Japanese restaurants + + Japanese dishes have become one of the most important food genres in the world. + Boiled rice usually accompanies most dishes with grilled fish, pickled vegetables, + or deep-fried vegetables. Tofu also plays an important part in traditional Japanese + cuisine. + + Of course, sushi is one of the most well-known type of Japanese food. Great + care and precision goes into creating delicious rice rolls with raw fish, vegetables, + and nori. These are accompanied with pickled ginger and dipping sauces. Japanese + food culture is so influential that many countries around the world developed + their own type of sushi varieties. + + Going into a Japanese restaurant, you often see the chef working in an open + kitchen at a Teppanyaki grill. + + After your delicious Japanese meal, you can finish off with a cup of refreshing + type of tea such as: green tea, oolong tea, or jasmine tea. + + Pasta dishes are one of the most famous foods in Italian cuisine + + Many people regard Italy as the country with the best food in the world. Pasta + dishes in Italian cuisine are one of the most popular and favorite types of + food in the world. There are very few people in the world who haven’t tried + delicious Italian foods like pizza, spaghetti, or delicious Italian ice cream. + Many classic Italian dishes also include the regional name in their title. For + example, spaghetti Bolognese from Bologna and Parma ham or Parmesan cheese from + Parma. + + The mainstays of the popular Italian cuisine are pasta, rice, tomatoes, and + cheese. Many regional variations include types of meat, seafood, or sausages + along with delicious sauces. These can be flavored with herbs such as oregano, + basil, or a combination of other fresh herbs. + + There is also great variation in food cultures between the various regions of + Italy. Abruzzo cuisine from the mountainous and coastal regions has pasta, seafood, + lamb, and wild mushrooms. Neapolitan cuisine is famous for foods like pizzas, + spaghetti, and mozzarella. Famous Italian dishes such as lasagna, tortellini, + and Parmigiano-Reggiano cheese are from areas around Bologna and Modena. + + Greek salad is a favorite food for Greek cuisine lovers + + Greek food culture is one of the oldest in the world. Cuisine from Greece and + the Greek islands is heavily influenced by olive oil, vegetables, fish, and + various types of meat. In fact, a simple Greek salad may just be fresh cucumbers, + tomatoes, red onions, a dash of olive oil, a few tasty olives, and a thick slice + of feta cheese. + + Some popular Greek dishes include moussaka made from eggplant, tzatziki (a type + of yogurt dip), or gyro – a type of kebab with lamb, pork, or chicken meat. + Due to its long coastline, seafood such as squid, mussels, fish, and lobster + are popular food choices. + + After feasting on Greek delicacies, you may have room for some common Greek + desserts. A delicious filo pastry with layers of nuts and honey called baklava + is one of the most favorite Greek sweet foods. + + Seafood paella is a popular dish served in many Spanish restaurants + + Similar to many countries around the Mediterranean Sea, Spanish cuisine is heavily + influenced by seafood. A combination of mussels, cuttlefish, shrimps, and lobster + together with paprika, saffron and rich broth create the classic seafood paella. + + Spanish food culture isn’t limited just to seafood. This popular cuisine also + includes foods like cured meats such as Serrano or Iberico ham. Chorizo sausage, + mushrooms, and cooked meat are used in Spanish appetizers – tapas. + + Different regions of Spain also have culinary variations. For example, La Rioja + is famous for its red wine, cured pork, and lamb dishes. Seafood, thyme soup, + and bean omelets are popular in Catalan cuisine. Andalusia is famous for hot + soups, fish stews, and cold soups such as gazpacho. + + Olive oil is a staple ingredient in the Mediterranean cuisine + + It can be difficult to define what exactly Mediterranean cuisine is as there + is great variety of dishes in it. The key ingredients of Mediterranean cuisine + are basic foods such as olive oil, fresh vegetables, wheat (such as bread and + pasta), and grape (such as wine). + + Mediterranean food styles include culinary delicacies from countries such as + Morocco, Italy, Portugal, Spain, Greece, Turkey, and the Middle East. + + Mediterranean food culture is also the basis of the Mediterranean diet. This + kind of diet contains olive oil, fresh vegetables and fruits, seafood, and nuts. + + Hummus dip with pita bread is a common type of food served in many Lebanese + restaurants + + Lebanese food culture comprises cuisines from other Mediterranean countries. + Poultry, seafood, lamb, or goat meat are prepared with olive oil, garlic, and + other spices. These are usually consumed with pitta bread and fresh or grilled + vegetables. + + Chickpeas also form a staple part of Lebanese cuisine. These are cooked and + blended with olive oil, tahini, and lemon juice to create a delicious nutty + hummus dip. + + As well as classic Mediterranean desserts such as baklava or halva, fresh or + dried types of dates are also widely used in Lebanese sweet dishes. + + A vegetable couscous is served in Moroccan tagine + + Moroccan dishes are a great example of when different cuisines fuse to form + a new type of food genre. Moroccan cuisine uses a goat, lamb, poultry, beef, + and seafood as its basis. These meats are spiced and cooked along with lemons, + dried fruits, and olive oil. + + One of the most famous foods in the popular Moroccan cuisine is couscous. This + common wheat-based food is combined with various spices, herbs, and vegetables + to create a versatile and delicious side dish. Another favorite Moroccan classic + dish is a tagine. This is an earthenware dish used to cook meat along with vegetables + or dried fruits. + + As with many dishes in North Africa, the Middle East, and the Mediterranean, + Moroccan cuisine uses flatbread as a meal accompaniment. + + Lamb kebab is a popular type of dish in the Turkish cuisine + + Turkish food is another example of a fusion of various food cultures from Asia, + Europe, and the Middle East. Eggplant, stuffed dolmas, lamb kebabs, and delicious + vegetable stews are just some of the culinary delights you can experience with + Turkish food. Nuts such as hazelnuts, walnuts, and chestnuts are common food + ingredients in savory and sweet dishes. + + One important part of Turkish cuisine is yogurt. In fact, the name ‘yogurt’ + is a Turkish word. Yogurt and types of spiced yogurt are an accompaniment to + many vegetable and meat dishes in Turkey. Cheese made from sheep’s milk is another + important dairy product in Turkish cuisine. + + Popular beverages in Turkey include strong Turkish coffee, hot black tea, and + Ayran – a type of yogurt drink. + + Pad Thai is a famous and delicious dish to try when visiting Thailand + + Thai cuisine is all about strong spicy flavors that incorporate sweet, sour, + and hot elements. Some of the world’s most popular dishes are from Thailand. + Pad Thai, green curry, and tom yum goong are just some examples of the best + dishes from Thailand. + + Thai food is traditionally served with rice or noodles. Even spicy Thai soups + or broths usually contain basic rice noodles. + + One of the unique features of Thai cuisine is its wide use of spices, herbs, + and sauces. For example, fresh basil, lemongrass, kaffir lime, chilies, and + coconut milk are some of the ingredients in Thai green curry. Also, cloves, + ginger, cilantro, mint, and turmeric are common ingredients. + + Trying many of the different dishes in Thailand is usually a culinary experience + that few people forget. + + Samosas may take different fillings and forms, depending on the region in India + + When it comes to spicy, aromatic dishes, Indian cuisine usually tops the list. + The amazing range of spices, chilies, and herbs combine to make some of the + spiciest foods you can eat. + + In India, the range of different cuisines is also impressive. Each region in + India has its own ethnic foods and dishes. These can include vegetable pastry + morsels such as samosas, vegetarian curries, beans with fermented fish, and + vegetable pakoras. + + Street food is also part of the food culture in India. Tandoori chicken served + with basic naan bread, spicy Indian snacks, and sweet dishes such as Gulab jamun + are all popular. + + Indian cuisine has also been exported to many countries throughout the world. + In countries like the United Kingdom, the US, Australia, and Singapore, Indian + cuisine has been adapted to local culture. + + Crawfish dishes are very common in many restaurants in Louisiana + + Cajun food is an important part of American cuisine and is another example of + ‘fusion cuisine.’ French cuisine combined with local ingredients in Louisiana + has created many of the scrumptious dishes in Cajun cooking. + + Most Cajun dishes are prepared in pots. Seafood, crawfish, shrimps, vegetables, + and steamed rice are the most common ingredients. Celery, bell peppers, citrus + fruits, and okra are some of the fruits and vegetables common in Cajun food. + + Cajun cuisine is closely related to Creole cuisine. Gumbo is probably the signature + dish of both cuisines. + + Taco is a traditional Mexican dish made of tortilla folded around a variety + of fillings + + Another of the most popular types of cuisines in the world is Mexican food. + Tacos, enchiladas, tortillas, nachos, and quesadillas are now common dishes + in many countries around the world. Mexican food is also a popular street food + as it’s easy to wrap delicious spicy meat, salsas, and vegetables in tortas + or tortillas. + + Visiting an authentic Mexican restaurant provides an amazing choice of delicious + dishes. Ethnic Mexican food can include grilled goat, meat with eggs, exotic + fruits, and hot spicy dishes. Authentic Mexican avocado guacamole is absolutely + delicious. + + Traditional Mexican cuisine is much different from the ‘Tex-Mex’ type of Mexican + food that is popular in many countries. + + Jerk is a traditional cooking style in the Caribbean cuisine. In the photo: + jerk wings with rice and broccoli + + Traditional Caribbean dishes are a combination of African, European, Cajun, + and Middle Eastern cuisines. Fusing cooking styles from these countries along + with local ingredients has created a unique food culture. + + Rice is the staple ingredient in most Caribbean dishes. Local ingredients such + as coconuts, plantains, beans, tomatoes, and chickpeas are used to create tasty + meals. The addition of fiery chilies such as Scotch bonnet peppers gives many + Caribbean dishes a powerful kick. + + The most famous food in the Caribbean cuisine is oven-baked Jerk Chicken. This + is a spicy dish combining chicken, habanero peppers, ginger, garlic, herbs, + and spices. + + Although Caribbean cuisine defines many dishes from the islands, each island + has its own food culture. + + Bratwurst is a type of German sausage most commonly made of pork + + German cuisine is famous for its sausages called Wurst in German. There are + an estimated over 1,500 different types of German sausage. However, German food + isn’t all about bratwurst. There are many flavorful dishes in German cuisine. + + German specialties include German fries, sauerkraut, rye bread, Spätzle (a type + of noodle), and dumplings. Popular German desserts include donuts (without a + hole), Black Forest cake, and Rote Grütze (a delicious berry fruit pudding). + + Of course, Germany is also well-known for its beer such as pilsner and wheat + beer. + + Borscht is a soup common in Eastern Europe countries. Made with beetroots, it + has a typical red color + + Russia has a wide and varied food culture due to many culinary influences from + its different regions. Due to the harsh climate, soups and stews play an important + role in Russian cuisine. Thick spicy meat broths, noodle soups, and cabbage + soups are very popular. A popular type of Russian soup is borscht that contains + beets, cabbage, beef, and eaten with sour cream. + + Grains are another important part of Russian food. For example, buckwheat, barley + and millet are all used as accompaniments to main meals. Beef Stroganoff, meatballs, + and a type of Shish kebab are popular meat dishes. + + Even though it has become more expensive, caviar still enjoyed by many people + in Russia. + + Goulash is enjoyed not only in Hungary but around the world + + Similar to Russian food, Hungarian cuisine is a mixture of soups and stews. + Maybe the most famous Hungarian dish is goulash made with meat and spicy paprika. + This classic Hungarian meal can be served as a soup or a stew. + + Similar to many countries in Europe, Hungarian cuisine has been influenced by + surrounding countries. Therefore, crepes, sweet dumplings, stuffed cabbage rolls, + and sausages are all found on traditional Hungarian menus. + + Hot dog is a popular street food across USA + + American cuisine has absorbed the cultures of many who came to the United States + in the 1800s. A fusion of cooking styles, cuisines, and ethnic foods combined + to create a new type of cuisine. Many chefs took traditional dishes from their + home countries and put their own twist on them. + + For example, pizza is traditional Italian food. But ‘Chicago’ pizza has a thicker + and taller crust, whereas ‘New York Slice’ is thinner. A ‘New York Strip Steak’ + is known in other countries as sirloin or contre-filet steak. + + Hamburgers, hot dogs, ‘French fries,’ fried chicken, and deep-pan pizzas are + new takes on traditional foods from other countries. However, they are all part + of the list of foods belonging to American cuisine. + + Types of Food – Do You Know these Various Food Categories? + + Different Kinds of Vegetables and Their Nutritional Value + + Types of Meat With Their Benefits, Concerns and Nutrition Facts + + Types of Cuisine From Around the World With Their Popular Foods was last modified: + December 31st, 2019 by no_name12 + + Types of Steak: Different Cuts of Steak With Their Picture and Name + + Types of Edible Mushrooms (Including Wild Edible Mushrooms) - With Pictures + + Types of Tea: Varieties of Tea With Their Flavor, Caffeine Content and More + + The Tastiest and Most Exciting Types of Cheese You Didn t Know About' + - '17 LISTS Food Around the WorldPart of the fun of traveling is stuffing your + face with the cuisines and treats of the locals. These lists rank the most delicious, + must-try foods wherever you ll be. + + The Best Types of Cuisine Countries with the Best Eats Why Different Cultures + Eat Different Foods The Tastiest Foods on Earth Fast Food You ll Want to Try + Breakfast Foods Around the World The World s Best Cities for Eating Gross Foods + People Actually Eat Delicious Desserts French Fries All Around the World Tasty + Sandwiches Weird Ways People Eat Blood What People Eat in Hospitals The Food + You ll Get on Airplanes Incredible / Gross Food World Records How Everybody + Eats Hot Dogs Food Museums You ve Got to Visit + + Photo: Kevin Casper + + Cuisine Your Favorite Types of Cuisine + + List Rules Distinctive styles of food + + This is a list of the favorite types of cuisine, chosen by Ranker users. Whether + it s Italian cuisine (real Italian, we re not just talking pizza here), Chinese + or something a bit more exotic, like Moroccan food, people are passionate with + their palates. Everyone has a different favorite: What s yours? + + Some of the more popular world cuisines, like Mexican, Thai, and Greek, appear + on this list. Some may not get as much exposure, but that sure doesn t mean + they aren t tasty! Foodies, this is your chance to step up and be heard: Create + your own list of your favorite kinds of cuisine. Obviously not everyone likes + the same kinds of foods, but it will be interesting to see what cuisines are + the most popular. + + And if you see a specific type of cuisine that you ve never tried, give it a + chance: You never know when you might find a new favorite. Be bold, be brave! + Your taste buds will thank you later. + + South Korea Food + + Dark Ether added Cajun food + + ShaimingTsou added Vegetarian food + + VickiMoreman added Seafood + + List Rules: Distinctive styles of food + + Filed Under: Foods Food/DrinkPlaces/TravelThe RecipeTravelCookingRecipesCuisinepollPopular + Opinion + + The Best Things to Put in a Salad The Most Comforting Comfort Food The Biggest + Foods in the World The Most Delicious Foods in the World Low Calorie Fast Food + The Best Things About Fall Rice Recipes The Best Horror Movie Remakes The Very + Best Snacks to Eat Between Meals, Ranked The Best Frozen French Fries The Best + Breakfast Foods Famous Schizophrenics 15 Famous People Who Went to Med School + The Most Cravable Chinese Food Dishes The Best Fast Food Salads The Best Tasting + Whiskey The Best Pinot Grigio Food Pairings, Ranked The 20 Greatest Misheard + Lyrics Music Videos on the Internet The Best Restaurants to Stop at During a + Road Trip + + indians pitchers black female models syfy original movies what channel are the + celtics on tonight how to have a spontaneous orgasm matthew mcconaughey movies + dangerous animals in florida the mask of zorro cast who played othello nyu famous + alumni' + - 'Zoe Li, CNN • Updated 4th May 2018 + + (CNN) — We love to write about food. We love to celebrate the good stuff and + lambaste the bad. + + This is our take on some of the best food cultures and destinations, but of + course it s subjective. It s time to find out once and for all, which cuisine + is king as you plan where you ll travel next. + + America knows how to dish food that hits the spot. + + This may be because most of the popular foods in the USA originate in some other + country. The pizza slice is Italian. Fries are Belgium or Dutch. Hamburgers + and frankfurters? Likely German. But in the kitchens of the United States, they + have been improved and added to, to become global icons for food lovers everywhere. + + Don t neglect the homegrown American dishes either. + + There s the traditional stuff such as clam chowder, key lime pie and Cobb salad, + and most importantly the locavore movement of modern American food started by + Alice Waters. This promotion of eco-awareness in food culture is carried on + today by Michelle Obama. + + Cheeseburger -- a perfect example of making good things greater. + + Chocolate chip cookie -- the world would be a little less habitable without + this Americana classic. + + All overly processed foods such as Twinkies, Hostess cakes and KFC. + + Mmmmexico. + + Courtesy Denis Dervisevic/Creative Commons/Flickr + + If you were only allowed to eat the food of one country the rest of your life, + it would be smart to make it Mexico. The cuisine of the Mesoamerican country + has a little bit of everything -- you ll never get bored. + + Amongst the enchiladas and the tacos and the helados and the quesadillas you + ll find the zestiness of Greek salads and the richness of an Indian curry; the + heat of Thai food and the use-your-hands snackiness of tapas. It is also central + station for nutritional superfoods. All that avocado, tomato, lime and garlic + with beans and chocolates and chilies to boot, is rich with antioxidants and + good healthful things. It doesn t taste healthy though. It tastes like a fiesta + in your mouth. + + World s 50 best foods + + Mole -- ancient sauce made of chili peppers, spices, chocolate and magic incantations. + + Tacos al pastor -- the spit-roast pork taco, a blend of the pre- and post-Colombian. + + Tamales -- an ancient Mayan food of masa cooked in a leaf wrapping. + + Tostadas -- basically the same as a taco or burrito but served in a crispy fried + tortilla which breaks into pieces as soon as you bite into it. Impossible to + eat. + + Open for more than eight decades, old school Bangkok cafe On Lok Yun -- located + at 72 Charoen Krung Road -- is a local institution. Video by Black Buddha + + Street eats are a Thai attraction. Flip through a Thai cook book and you ll + be hard pressed to find an ingredient list that doesn t run a page long. The + combination of so many herbs and spices in each dish produces complex flavors + that somehow come together like orchestral music. Thais fit spicy, sour, salty, + sweet, chewy, crunchy and slippery into one dish. + + With influences from China, Malaysia, Indonesia, Myanmar and a royal culinary + tradition, Thai cuisine is the best of many worlds. The best part about eating + Thai food in Thailand though is the hospitality. Sun, beach, service with a + smile and a plastic bag full of som tam -- that s the good life. + + Tom yam kung -- a rave party for the mouth. The floral notes of lemongrass, + the earthy galangal, freshness of kaffir lime leaves and the heat of the chilies. + + Massaman curry -- a Thai curry with Islamic roots. Topped our list of the world + s 50 most delicious foods. + + Som tam -- the popular green papaya salad is sour, extra spicy, sweet and salty. + It s the best of Thai tastes. + + Pla som -- a fermented fish eaten uncooked is popular in Lawa, Thailand and + reported to be responsible for bile duct cancer. + + Souvlaki is paradise on a stick. + + LOUISA GOULIAMAKI/AFP/AFP/Getty Images + + Traveling and eating in Greece feels like a glossy magazine spread come to life, + but without the Photoshopping. Like the blue seas and white buildings, the kalamata + olives, feta cheese, the colorful salads and roast meats are all postcard perfect + by default. + + The secret? Lashings of glistening olive oil. Gift of the gods, olive oil is + arguably Greece s greatest export, influencing the way people around the world + think about food and nutritional health. Eating in Greece is also a way of consuming + history. A bite of dolma or a slurp of lentil soup gives a small taste of life + in ancient Greece, when they were invented. + + Olive oil -- drizzled on other food, or soaked up by bread, is almost as varied + as wine in its flavors. + + Spanakopita -- makes spinach palatable with its feta cheese mixture and flaky + pastry cover. + + Gyros -- late-night drunk eating wouldn t be the same without the pita bread + sandwich of roast meat and tzatziki. + + Lachanorizo -- basically cabbage and onion cooked to death then mixed with rice. + Filling, but one-dimensional. + + Sweet and spicy chai tea. + + NOAH SEELAM/AFP/AFP/Getty Images + + When a cuisine uses spices in such abundance that the meat and vegetables seem + like an afterthought, you know you re dealing with cooks dedicated to flavor. + There are no rules for spice usage as long as it results in something delicious. + The same spice can add zest to savory and sweet dishes, or can sometimes be + eaten on its own -- fennel seed is enjoyed as a breath-freshening digestive + aid at the end of meals. + + And any country that manages to make vegetarian food taste consistently great + certainly deserves some kind of Nobel prize. The regional varieties are vast. + There s Goa s seafood, there s the wazwan of Kashmir and there s the coconutty + richness of Kerala. + + Dal -- India has managed to make boiled lentils exciting. + + Dosa -- a pancake filled with anything from cheese to spicy vegetables, perfect + for lunch or dinner. + + Chai -- not everyone likes coffee and not everyone likes plain tea, but it s + hard to resist chai. + + Balti chicken -- an invention for the British palate, should probably have died + out with colonialism. + + We meet up with Yumi Chiba to find out how she became one of the most renowned + female sushi chefs in Japan. + + Japanese apply the same precision to their food as they do to their engineering. + This is the place that spawned tyrannical sushi masters and ramen bullies who + make their staff and customers tremble with a glare. + + You can get a lavish multicourse kaiseki meal that presents the seasons in a + spread of visual and culinary poetry. Or grab a seat at a revolving sushi conveyor + for a solo feast. Or pick up something random and previously unknown in your + gastronomic lexicon from the refrigerated shelves of a convenience store. It + s impossible to eat badly in Japan. + + 25 Japanese foods we love -- from tempura to miso + + Miso soup -- showcases some of the fundamental flavors of Japanese food, simple + and wholesome. + + Sushi and sashimi -- who knew that raw fish on rice could become so popular? + + Tempura -- the perfection of deep-frying. Never greasy, the batter is thin and + light like a crisp tissue. + + Fugu -- is anything really that delicious that it s worth risking your life + to eat? The poisonous blowfish recently killed diners in Egypt, but is becoming + more available in Japan. + + Churros: dough meets chocolate. + + Let s eat and drink, then sleep, then work for two hours, then eat and drink. + Viva Espana, that country whose hedonistic food culture we all secretly wish + was our own. All that bar-hopping and tapas-eating, the minimal working, the + 9 p.m. dinners, the endless porron challenges -- this is a culture based on, + around and sometimes even inside food. + + The Spaniards gourmandize the way they flamenco dance, with unbridled passion. + They munch on snacks throughout the day with intervals of big meals. From the + fruits of the Mediterranean Sea to the spoils of the Pyrenees, from the saffron + and cumin notes of the Moors to the insane molecular experiments of Ferran Adria, + Spanish food is timeless yet avant garde. + + Jamon Iberico -- a whole cured ham hock usually carved by clamping it down in + a wooden stand like some medieval ritual. + + Churros -- the world s best version of sweet fried dough. + + Gazpacho -- it s refreshing and all, but it s basically liquid salad. + + Freshly baked French baguettes -- mouthwatering. + + If you re one of those people who doesn t like to eat because there s more + to life than food -- visit Paris. It s a city notorious for its curmudgeonly + denizens, but they all believe in the importance of good food. Two-hour lunch + breaks for three-course meals are de rigeur. + + Entire two-week vacations are centered on exploring combinations of wines and + cheeses around the country. Down-to-earth cooking will surprise those who thought + of the French as the world s food snobs (it is the birthplace of the Michelin + Guide after all). Cassoulet, pot au feu, steak frites are revelatory when had + in the right bistro. + + Escargot -- credit the French for turning slimey, garden-dwelling pests into + a delicacy. Massive respect for making them taste amazing too. + + Macarons -- like unicorn food. In fact anything from a patisserie in France + seems to have been conjured out of sugar, fairy dust and the dinner wishes of + little girls. + + Baguette -- the first and last thing that you ll want to eat in France. The + first bite is transformational; the last will be full of longing. + + Foie gras -- it tastes like 10,000 ducks roasted in butter then reduced to a + velvet pudding, but some animal advocates decry the cruelty of force-feeding + fowl to fatten their livers. + + Peking duck -- just one of many Chinese culinary delights. + + GREG BAKER/AFP/AFP/Getty Images + + The people who greet each other with Have you eaten yet? are arguably the + most food-obsessed in the world. Food has been a form of escapism for the Chinese + throughout its tumultuous history. + + The Chinese entrepreneurial spirit and appreciation for the finer points of + frugality -- the folks are cheap, crafty and food-crazed -- results in one of + the bravest tribes of eaters in the world. But the Chinese don t just cook and + sell anything, they also make it taste great. + + China is the place to go to get food shock a dozen times a day. You can eat + that? will become the intrepid food traveler s daily refrain. China s regional + cuisines are so varied it s hard to believe they re from the same nation. It + s not a food culture you can easily summarize, except to say you ll invariably + want seconds. + + Sweet and sour pork -- a guilty pleasure that has taken on different forms. + + Dim sum -- a grand tradition from Hong Kong to New York. + + Roast suckling pig and Peking duck -- wonders of different styles of ovens adopted + by Chinese chefs. + + Xiaolongbao -- incredible soup-filled surprises. How do they get that dumpling + skin to hold all that hot broth? + + Shark s fin soup -- rallying for Chinese restaurants to ban the dish has been + a pet issue of green campaigners in recent years. + + Nothing beats traditional Neapolitan pizza + + MARIO LAPORTA/AFP/AFP/Getty Images + + Italian food has enslaved tastebuds around the globe for centuries, with its + zesty tomato sauces, those clever things they do with wheat flour and desserts + that are basically vehicles for cream. It s all so simple. Get some noodles, + get some olive oil, get some garlic, maybe a tomato or a slice of bacon. Bam, + you have a party on a plate. And it is all so easy to cook and eat. + + From the cheesy risottos to the crisp fried meats, Italian cuisine is a compendium + of crowd-pleasing comfort food. Many people have welcomed it into their homes, + especially novice cooks. Therein lies the real genius -- Italian food has become + everyman s food. + + Italy s 20 regions, dish by delicious dish + + Ragu alla bolognese (spaghetti bolognaise) -- the world s go-to can t decide + what to have food. + + Pizza -- mind-bogglingly simple yet satisfying dish. Staple diet of bachelors + and college students. + + Italian-style salami -- second only to cigarettes as a source of addiction. + + Coffee -- cappuccino is for breakfast? Forget it. We want it all day and all + night. + + Buffalo mozzarella -- those balls of spongy, off-white, subtly flavored cheeses + of water buffalo milk. The flavor s so subtle you have to imagine it.' + - 'How to Make the Best Cajun Fried Turkey + + How to Make New Orleans Style Oyster Dressing + + Souths Best + + The South’s Best BBQ 2017: Southern Soul Barbeque + + Fat Tuesday Recipes That ll Help You Celebrate Mardi Gras Right + + 6 Ways to Screw Up a Pot of Gumbo + + Iconic Southern Plates: The Deep South’s Meat ‘n’ Three + + Iconic Southern Plates: Lowcountry Shrimp and Grits + + Iconic Southern Plates: Louisiana Gumbo + + Storied Pies: Mincemeat Pie + + The South s Best Soul Food + + The Next Generation of Soul Food Recipes + + The Best Shrimp in Gulf Shores + + Italian Restaurant on the Bayou + + Fresh From the Bayou + + Lowcountry Potluck + + Tastes of the South: Lowcountry + + Lowcountry Pig Pickin + + The Best of Carolina Coastal Cuisine: Myrtle Beach' + __selected-docs__: + - 'Types of Cuisine From Around the World With Their Popular Foods + + Most countries and regions in the world have their own particular cuisine. Different + types of cuisines involve certain cooking practices, local ingredients, and + a combination of spices. Some food cultures are a fusion of foods from different + countries. From these, delicious foods have developed that provide unique culinary + experiences. + + There are hundreds of different cuisines in the world. Famous cuisines in the + world include French, Thai, Italian, Indian, and Chinese. In large cities, it + is also not uncommon to find restaurants serving dishes from Moroccan, Lebanese, + Vietnamese, and Hungarian cuisines. + + Even in countries that have their own particular kind of cuisine, it is not + uncommon to have regional variations. For example, some types of food may be + prepared in different ways or include a different variety of ingredients. + + In this article, you will learn about some of the top cuisines in the world. + You will also find out where some famous dishes originated from. + + The French Provencal cuisine uses a lot of herbs + + Many regard French cuisine as one of the best cuisines in the world. French + food involves ingredients such as butter, cream, wine, herbs, chocolate, and + vegetables. French pastry dishes, cheese, bread, and wine are famous throughout + the world. + + Food culture in France also revolves around locally sourced ingredients. On + the Mediterranean coast, seafood is very popular. Provencal cuisine uses tarragon + and a host of other herbs and spices. Paris itself has over 9,000 restaurants + serving French classics and dishes from around the world. + + Dumplings and dim sum are a common food in the Chinese cuisine + + Chinese cuisine is one of the most diverse food cultures in the world. Traditionally, + Chinese food is served with noodles or rice. Also, Chinese dumplings form a + large part of the staple diet in many regions of China. There are several main + cuisines in Chinese cookery – Cantonese, Sichuan, Fujian, and Hunan cuisines + are the most well-known. + + Most Chinese dishes contain a mixture of vegetables that are stir-fried and + combined with aromatic spices and herbs. For example, ginger is often fried + along with garlic and onions to create flavorsome dishes. Also, soy sauce, rice + vinegar, and fish sauce are commonly used to create a blend of wonderful flavors. + + Chinese cuisine could be regarded as the one of the most important in the world. + Chinese cooking styles have influenced other foods from Korea, the Philippines, + Thailand, and Vietnam. Chinese dishes are so popular that most cities in the + world have a number of Chinese restaurants. Sweet and sour chicken and chop + suey are the most popular Chinese dishes outside of China. + + Sushi is a very popular food in Japanese restaurants + + Japanese dishes have become one of the most important food genres in the world. + Boiled rice usually accompanies most dishes with grilled fish, pickled vegetables, + or deep-fried vegetables. Tofu also plays an important part in traditional Japanese + cuisine. + + Of course, sushi is one of the most well-known type of Japanese food. Great + care and precision goes into creating delicious rice rolls with raw fish, vegetables, + and nori. These are accompanied with pickled ginger and dipping sauces. Japanese + food culture is so influential that many countries around the world developed + their own type of sushi varieties. + + Going into a Japanese restaurant, you often see the chef working in an open + kitchen at a Teppanyaki grill. + + After your delicious Japanese meal, you can finish off with a cup of refreshing + type of tea such as: green tea, oolong tea, or jasmine tea. + + Pasta dishes are one of the most famous foods in Italian cuisine + + Many people regard Italy as the country with the best food in the world. Pasta + dishes in Italian cuisine are one of the most popular and favorite types of + food in the world. There are very few people in the world who haven’t tried + delicious Italian foods like pizza, spaghetti, or delicious Italian ice cream. + Many classic Italian dishes also include the regional name in their title. For + example, spaghetti Bolognese from Bologna and Parma ham or Parmesan cheese from + Parma. + + The mainstays of the popular Italian cuisine are pasta, rice, tomatoes, and + cheese. Many regional variations include types of meat, seafood, or sausages + along with delicious sauces. These can be flavored with herbs such as oregano, + basil, or a combination of other fresh herbs. + + There is also great variation in food cultures between the various regions of + Italy. Abruzzo cuisine from the mountainous and coastal regions has pasta, seafood, + lamb, and wild mushrooms. Neapolitan cuisine is famous for foods like pizzas, + spaghetti, and mozzarella. Famous Italian dishes such as lasagna, tortellini, + and Parmigiano-Reggiano cheese are from areas around Bologna and Modena. + + Greek salad is a favorite food for Greek cuisine lovers + + Greek food culture is one of the oldest in the world. Cuisine from Greece and + the Greek islands is heavily influenced by olive oil, vegetables, fish, and + various types of meat. In fact, a simple Greek salad may just be fresh cucumbers, + tomatoes, red onions, a dash of olive oil, a few tasty olives, and a thick slice + of feta cheese. + + Some popular Greek dishes include moussaka made from eggplant, tzatziki (a type + of yogurt dip), or gyro – a type of kebab with lamb, pork, or chicken meat. + Due to its long coastline, seafood such as squid, mussels, fish, and lobster + are popular food choices. + + After feasting on Greek delicacies, you may have room for some common Greek + desserts. A delicious filo pastry with layers of nuts and honey called baklava + is one of the most favorite Greek sweet foods. + + Seafood paella is a popular dish served in many Spanish restaurants + + Similar to many countries around the Mediterranean Sea, Spanish cuisine is heavily + influenced by seafood. A combination of mussels, cuttlefish, shrimps, and lobster + together with paprika, saffron and rich broth create the classic seafood paella. + + Spanish food culture isn’t limited just to seafood. This popular cuisine also + includes foods like cured meats such as Serrano or Iberico ham. Chorizo sausage, + mushrooms, and cooked meat are used in Spanish appetizers – tapas. + + Different regions of Spain also have culinary variations. For example, La Rioja + is famous for its red wine, cured pork, and lamb dishes. Seafood, thyme soup, + and bean omelets are popular in Catalan cuisine. Andalusia is famous for hot + soups, fish stews, and cold soups such as gazpacho. + + Olive oil is a staple ingredient in the Mediterranean cuisine + + It can be difficult to define what exactly Mediterranean cuisine is as there + is great variety of dishes in it. The key ingredients of Mediterranean cuisine + are basic foods such as olive oil, fresh vegetables, wheat (such as bread and + pasta), and grape (such as wine). + + Mediterranean food styles include culinary delicacies from countries such as + Morocco, Italy, Portugal, Spain, Greece, Turkey, and the Middle East. + + Mediterranean food culture is also the basis of the Mediterranean diet. This + kind of diet contains olive oil, fresh vegetables and fruits, seafood, and nuts. + + Hummus dip with pita bread is a common type of food served in many Lebanese + restaurants + + Lebanese food culture comprises cuisines from other Mediterranean countries. + Poultry, seafood, lamb, or goat meat are prepared with olive oil, garlic, and + other spices. These are usually consumed with pitta bread and fresh or grilled + vegetables. + + Chickpeas also form a staple part of Lebanese cuisine. These are cooked and + blended with olive oil, tahini, and lemon juice to create a delicious nutty + hummus dip. + + As well as classic Mediterranean desserts such as baklava or halva, fresh or + dried types of dates are also widely used in Lebanese sweet dishes. + + A vegetable couscous is served in Moroccan tagine + + Moroccan dishes are a great example of when different cuisines fuse to form + a new type of food genre. Moroccan cuisine uses a goat, lamb, poultry, beef, + and seafood as its basis. These meats are spiced and cooked along with lemons, + dried fruits, and olive oil. + + One of the most famous foods in the popular Moroccan cuisine is couscous. This + common wheat-based food is combined with various spices, herbs, and vegetables + to create a versatile and delicious side dish. Another favorite Moroccan classic + dish is a tagine. This is an earthenware dish used to cook meat along with vegetables + or dried fruits. + + As with many dishes in North Africa, the Middle East, and the Mediterranean, + Moroccan cuisine uses flatbread as a meal accompaniment. + + Lamb kebab is a popular type of dish in the Turkish cuisine + + Turkish food is another example of a fusion of various food cultures from Asia, + Europe, and the Middle East. Eggplant, stuffed dolmas, lamb kebabs, and delicious + vegetable stews are just some of the culinary delights you can experience with + Turkish food. Nuts such as hazelnuts, walnuts, and chestnuts are common food + ingredients in savory and sweet dishes. + + One important part of Turkish cuisine is yogurt. In fact, the name ‘yogurt’ + is a Turkish word. Yogurt and types of spiced yogurt are an accompaniment to + many vegetable and meat dishes in Turkey. Cheese made from sheep’s milk is another + important dairy product in Turkish cuisine. + + Popular beverages in Turkey include strong Turkish coffee, hot black tea, and + Ayran – a type of yogurt drink. + + Pad Thai is a famous and delicious dish to try when visiting Thailand + + Thai cuisine is all about strong spicy flavors that incorporate sweet, sour, + and hot elements. Some of the world’s most popular dishes are from Thailand. + Pad Thai, green curry, and tom yum goong are just some examples of the best + dishes from Thailand. + + Thai food is traditionally served with rice or noodles. Even spicy Thai soups + or broths usually contain basic rice noodles. + + One of the unique features of Thai cuisine is its wide use of spices, herbs, + and sauces. For example, fresh basil, lemongrass, kaffir lime, chilies, and + coconut milk are some of the ingredients in Thai green curry. Also, cloves, + ginger, cilantro, mint, and turmeric are common ingredients. + + Trying many of the different dishes in Thailand is usually a culinary experience + that few people forget. + + Samosas may take different fillings and forms, depending on the region in India + + When it comes to spicy, aromatic dishes, Indian cuisine usually tops the list. + The amazing range of spices, chilies, and herbs combine to make some of the + spiciest foods you can eat. + + In India, the range of different cuisines is also impressive. Each region in + India has its own ethnic foods and dishes. These can include vegetable pastry + morsels such as samosas, vegetarian curries, beans with fermented fish, and + vegetable pakoras. + + Street food is also part of the food culture in India. Tandoori chicken served + with basic naan bread, spicy Indian snacks, and sweet dishes such as Gulab jamun + are all popular. + + Indian cuisine has also been exported to many countries throughout the world. + In countries like the United Kingdom, the US, Australia, and Singapore, Indian + cuisine has been adapted to local culture. + + Crawfish dishes are very common in many restaurants in Louisiana + + Cajun food is an important part of American cuisine and is another example of + ‘fusion cuisine.’ French cuisine combined with local ingredients in Louisiana + has created many of the scrumptious dishes in Cajun cooking. + + Most Cajun dishes are prepared in pots. Seafood, crawfish, shrimps, vegetables, + and steamed rice are the most common ingredients. Celery, bell peppers, citrus + fruits, and okra are some of the fruits and vegetables common in Cajun food. + + Cajun cuisine is closely related to Creole cuisine. Gumbo is probably the signature + dish of both cuisines. + + Taco is a traditional Mexican dish made of tortilla folded around a variety + of fillings + + Another of the most popular types of cuisines in the world is Mexican food. + Tacos, enchiladas, tortillas, nachos, and quesadillas are now common dishes + in many countries around the world. Mexican food is also a popular street food + as it’s easy to wrap delicious spicy meat, salsas, and vegetables in tortas + or tortillas. + + Visiting an authentic Mexican restaurant provides an amazing choice of delicious + dishes. Ethnic Mexican food can include grilled goat, meat with eggs, exotic + fruits, and hot spicy dishes. Authentic Mexican avocado guacamole is absolutely + delicious. + + Traditional Mexican cuisine is much different from the ‘Tex-Mex’ type of Mexican + food that is popular in many countries. + + Jerk is a traditional cooking style in the Caribbean cuisine. In the photo: + jerk wings with rice and broccoli + + Traditional Caribbean dishes are a combination of African, European, Cajun, + and Middle Eastern cuisines. Fusing cooking styles from these countries along + with local ingredients has created a unique food culture. + + Rice is the staple ingredient in most Caribbean dishes. Local ingredients such + as coconuts, plantains, beans, tomatoes, and chickpeas are used to create tasty + meals. The addition of fiery chilies such as Scotch bonnet peppers gives many + Caribbean dishes a powerful kick. + + The most famous food in the Caribbean cuisine is oven-baked Jerk Chicken. This + is a spicy dish combining chicken, habanero peppers, ginger, garlic, herbs, + and spices. + + Although Caribbean cuisine defines many dishes from the islands, each island + has its own food culture. + + Bratwurst is a type of German sausage most commonly made of pork + + German cuisine is famous for its sausages called Wurst in German. There are + an estimated over 1,500 different types of German sausage. However, German food + isn’t all about bratwurst. There are many flavorful dishes in German cuisine. + + German specialties include German fries, sauerkraut, rye bread, Spätzle (a type + of noodle), and dumplings. Popular German desserts include donuts (without a + hole), Black Forest cake, and Rote Grütze (a delicious berry fruit pudding). + + Of course, Germany is also well-known for its beer such as pilsner and wheat + beer. + + Borscht is a soup common in Eastern Europe countries. Made with beetroots, it + has a typical red color + + Russia has a wide and varied food culture due to many culinary influences from + its different regions. Due to the harsh climate, soups and stews play an important + role in Russian cuisine. Thick spicy meat broths, noodle soups, and cabbage + soups are very popular. A popular type of Russian soup is borscht that contains + beets, cabbage, beef, and eaten with sour cream. + + Grains are another important part of Russian food. For example, buckwheat, barley + and millet are all used as accompaniments to main meals. Beef Stroganoff, meatballs, + and a type of Shish kebab are popular meat dishes. + + Even though it has become more expensive, caviar still enjoyed by many people + in Russia. + + Goulash is enjoyed not only in Hungary but around the world + + Similar to Russian food, Hungarian cuisine is a mixture of soups and stews. + Maybe the most famous Hungarian dish is goulash made with meat and spicy paprika. + This classic Hungarian meal can be served as a soup or a stew. + + Similar to many countries in Europe, Hungarian cuisine has been influenced by + surrounding countries. Therefore, crepes, sweet dumplings, stuffed cabbage rolls, + and sausages are all found on traditional Hungarian menus. + + Hot dog is a popular street food across USA + + American cuisine has absorbed the cultures of many who came to the United States + in the 1800s. A fusion of cooking styles, cuisines, and ethnic foods combined + to create a new type of cuisine. Many chefs took traditional dishes from their + home countries and put their own twist on them. + + For example, pizza is traditional Italian food. But ‘Chicago’ pizza has a thicker + and taller crust, whereas ‘New York Slice’ is thinner. A ‘New York Strip Steak’ + is known in other countries as sirloin or contre-filet steak. + + Hamburgers, hot dogs, ‘French fries,’ fried chicken, and deep-pan pizzas are + new takes on traditional foods from other countries. However, they are all part + of the list of foods belonging to American cuisine. + + Types of Food – Do You Know these Various Food Categories? + + Different Kinds of Vegetables and Their Nutritional Value + + Types of Meat With Their Benefits, Concerns and Nutrition Facts + + Types of Cuisine From Around the World With Their Popular Foods was last modified: + December 31st, 2019 by no_name12 + + Types of Steak: Different Cuts of Steak With Their Picture and Name + + Types of Edible Mushrooms (Including Wild Edible Mushrooms) - With Pictures + + Types of Tea: Varieties of Tea With Their Flavor, Caffeine Content and More + + The Tastiest and Most Exciting Types of Cheese You Didn t Know About' + __selected-sentences__: + - Types of Cuisine From Around the World With Their Popular Foods + episode_done: false + id: WizInternetWizardTeacher + labels: + - 'I think it would be a big challenge to do what Chefs on the program do. Is + there a type of cuisine that they normally feature? Or it it cuisine from around + the world? ' + search_query: types of cuisine + text: "__knowledge__ Types of Cuisine From Around the World With Their Popular\ + \ Foods __endknowledge__ \n Yes, I agree. Some of the ingredients I've never\ + \ heard of. I try to watch as many as I can, but not all. I only imagine what\ + \ I would make. I have never tried by myself. " +- - __retrieved-docs-urls__: + - https://www.food.ee/ + - https://rehobothfoodie.com/ + - https://www.foodiecrush.com/recipes/ + - https://www.washingtonpost.com/news/wonk/wp/2016/03/01/why-the-word-foodie-is-terrible-and-needs-to-go-away/ + - https://en.wikipedia.org/wiki/Foodie + __retrieved-docs__: + - 'Local Food. Company Culture. + + Bring your team together for a meal they ll love. + + Corporate meal delivery, your way. + + CATERED MEALS DELIVERED TO YOUR TEAM + + Our service is stress free, on time and easy to customize + + Our owner-operated restaurants favor quality, variety and sustainability + + WE GET CULTURE + + Our meals strengthen company culture by bringing teams together + + Delivering Food That Makes A Difference + + See what we re all about below + + Bring fresh delicious, healthy meals from locally owned restaurants and neighborhood + favorites for any event you re planning. Morning, day or night, you re supporting + local businesses when you order with Foodee. + + Trusted By Innovative Teams + + Find us in these cities across North America + + Find your city Atlanta Austin Boulder Columbus Denver Minneapolis Philadelphia + Pittsburgh Toronto Vancouver + + Create an account and start ordering team meals. Feed your people now. + + Think of it as a lunch date with a pleasant internet stranger. Try before you + buy.' + - 'Upstate Gems: Pizza by Elizabeth’s + La Baguette + + Starting at 3 this Saturday 2/23 on Delaware 105.9FM, meet Betsy LeRoy, the + creator of Greenville’s Pizza By Elizabeth’s restaurant. She is joined by her + rock star husband, Ben (remember The Snap?). Did you know there used to be a + … Continue reading → + + Delivery Restaurants Dining al fresco Tipsy? Call A Cab! + + The Pint: The Dublin Cakes + + What is blue cheese, and why would I eat moldy cheese just because my spouse + said I should? + + Lupo Italian Kitchen: Bucatini with peas & pancetta + + Blackwall Hitch: Don t miss the short rib burger + + Kilwins: Cashew Brittle made right before your eyes + + Pig & Publican: The Shotgun + + Conch Island Key West Bar & Grill: Check out the Blue Heaven Burger + + Cuvee Ray Wine Bar: Perfectly seared scallops + + Mariachi: Katie and her ultra-frozen margs + + Demystifying Châteauneuf-du-Pape + + I had the pleasure of meeting owner Sue Ryan at the behest of my dearly departed + friend Matt Haley. (I love saying “behest”.) “She’s a really cool lady,” he + told me on the phone, “and I want to help her out. … Continue reading → + + IN: Reviews /Showcase /Other Area Reviews /Bethany Beach, DE + + Before a restaurant opens, I try to sneak in and grab a few photos for you and + maybe even a few food shots if possible. That’s why my preliminary articles + are called “sneak peek.” But the owners of the brand … Continue reading → + + IN: Reviews /Showcase /Rehoboth Reviews /American / Traditional /Sneak Peek + + Over the last few years, the Clubhouse at Baywood and their associated catering + services went through a reorganization in the food service department. The resulting + emails suggested that the takeover by SoDel Concepts was improving things dramatically. + Well, after two … Continue reading → + + IN: Reviews /Other Area Reviews /Angola / Long Neck /Sneak Peek + + Grub isn’t very big, so they don’t stock a whole lot of any one thing. They + do, however, have a wide variety of goodies–some of which are unusual. So far, + I’ve been lucky and found that elusive small buttermilk, big onion, sour … Continue + reading → + + IN: Reviews /Rehoboth Reviews /Salumerias / Delis / Gourmet Markets / Wine Bars + + Shrimpy’s Snack Shack by the Boardwalk in Rehoboth Beach took over the old Hooked + Seafood & Martini Bar space in Midway in late 2018. This is not their first + rodeo: Ronald Zseltvay (affectionately known as the way-more-pronounceable Ron + Zee), Ray … Continue reading → + + Vineyard Wine Bar is back! Joe Lertch of The Vineyard Wine Bar & Bistro has + finished the extensive fitup and cleanup needed to reopen his Rehoboth location + of Vineyard Wine Bar & Bistro in downtown Rehoboth after the stinky fire … Continue + reading → + + IN: Reviews /Showcase /Rehoboth Reviews /Salumerias / Delis / Gourmet Markets + / Wine Bars + + Tonya and Francesco Agostino’s new Azzurro Italian Oven and Bar is up and running + in the old Chez la Mer / Papa Grande’s location at 210 Second St. at Wilmington + Ave. in Rehoboth. The very first thing that will strike … Continue reading → + + IN: Reviews /Showcase /Italian + + Minh’s Bistro, Rehoboth’s first Vietnamese restaurant, is in the new Schell + building at Rt. 24 in Rehoboth Beach, across from the new Royal Farms. In appreciation + of our community and, in his words, “the country that took me in,” owner … Continue + reading → + + IN: Reviews /Showcase /Asian / Vietnamese / Japanese + + Dogfish Head Brewings & Eats' + - 'Noodles, Rice, and Grains + + Seasonal: Ssummer + + Gwyneth’s Blueberry Muffins Recipe + + Easy Instant Pot Monkey Bread + + 14 Days of Healthy Breakfast Recipe Ideas + + 31 Days of Comfort Food Favorites to Make Now + + 15 Easy Healthy Breakfast Recipes to Get You Through the Week + + 50 Favorite Mediterranean Diet Recipes + + Vegetarian Crockpot Lasagna Soup + + The Best Crispy Oven Roasted Potatoes + + Easy Creamy Au Gratin Potatoes + + Ina Garten’s Easy Cioppino Recipe + + Mom’s Easy Fudge Recipe + + Creamy Tropical Fruit Slushies + + Blueberry Oatmeal Quick Bread + + Easy 3-Ingredient Chocolate Sauce for Ice Cream + + Chocolate Chip Sandwich Cookie Pops with Nutella® + + 17 Friday Night Homemade Pizza Recipes to Make This Fall + + How to Make a Blended Iced Mocha + + A Healthier Sparkling Elderflower Fizz Cocktail + + Pomegranate and Orange Champagne Punch + + 5 Easy Tips for Juicy Roast Chicken + + Noodles, Rice and Grains + + 30 Days of Soups, Stews, and Chilis Made to Keep Winter Warm + + Curry Lentil Soup with Butternut Squash and Greens + + How to Cook Instant Pot Chicken Breasts (from Fresh or Frozen) + + Italian Chicken Wrap + + Healthy Homemade Egg McMuffin + + Easy Quick Roasted Tomatoes + + The Best Greek Chicken Marinade + + 50 Easy Slow Cooker Dinner Recipe Ideas + + Seasona: Summer + + 30 Easy Comfort Food Casseroles to Make in November + + Buttermilk Blue Cheese Mashed Potatoes' + - 'Stop calling yourself a ‘foodie’ + + By Roberto A. Ferdman + + (Amy King/The Washington Post; iStock) + + In late 1984, The New York Times published a piece that was, at least indirectly, + about a word we could all do without. The story covered the release of The + Official Foodie Handbook by journalists Ann Barr and Paul Levy, which chronicled, + among other things, the lives of food lovers around the world. They were food + adventure seekers, culinary addicts who were interested in all food experiences, + refined and not. + + A foodie, the authors wrote, is a person who is very, very, very interested + in food. + + The two weren t the first to utter the term — that appears to have been Gael + Greene, who used it in a 1980 column for New York Magazine, according to etymologist + Barry Popik. Nor, as it happened, were they the last. But for years, the word + was used sparingly. A populist food critic might have been described as a foodie. A + gustatory pleasure seeker with the time and money to invest in obscure cooking + methods, niche coffee roasting techniques, and not-to-be-missed meals might + have earned the distinction too. It wasn t a compliment, it was just a descriptor. + It was an unpretentious way to categorize a growing but still relatively small + group of people. + + And then it wasn t. + + A look at Google Ngram, which tracks the frequency of words in digitized books, + shows the word was nonexistent until it appeared in the early 1980s, but its + use grew quickly shortly after the publication of Barr and Levy s book. + + A peek at Google Trends, which tracks the relative frequency with which people + search for various things, tells a similar story. Interest in the word foodie, which + seems to have piqued popular interest in late 2006, is trending at its highest + ever. People are typing it in and pressing go. + + Of course, you don t need Google s data to know the word is everywhere. You + have heard it, I am sure, if not today then yesterday, and if not yesterday + then the day before. It is inescapable. + + Everyone is a foodie + + Over time, the word has undergone an all-too-familiar transformation, bubbling + up to a point of ubiquity that has stripped the word of any semblance of meaning. + On a good day — or bad, depending on how you look at it — most people would + qualify as a foodie to someone. The net the word casts is just too wide. + + When asked about the word in 2012, Philipino restaurateur Elbert Cuenca had + this to say: + + It has come to the point of being bastardized. The word ‘foodie,’ which is nothing + more than a modern-day casual substitute for ‘gourmet,’ has been relegated to + mean anyone who likes food and/or eats out a lot. But who doesn’t like food? + Who doesn’t eat out a lot? + + The answer, on the off chance there is any doubt, is not that many people. + + It s no wonder that the word is bemoaned by so many people who work within the + world the term glorifies. Chefs hate it, because it empowers their customers + to feign knowledge about things they don t actually understand. Mark Bittman + doesn t care for it, because it too often reveres rather than challenges the + current and flawed food system. Nor does British journalist and gourmand John + Lanchester, who chronicled his frustration with mass foodie -ism in a 2014 + New Yorker piece. + + This is how he explained it: + + Everyone’s a critic, they say, and that’s certainly true of the food world today. + Of course, everyone has always been a critic, in the sense that customers have + always made the most basic judgment of all: Do I want to come back to this joint? + But there’s a contemporary development with respect to volume, in the dual sense + of quantity and loudness. The volume of all this critical chatter is turned + way up, and it’s harder than ever to ignore. Food is my favorite thing to talk + about and to learn about, but an interest that is reasonable on a personal and + an individual scale has grown out of all proportion in the wider culture. + + Among the list of major publications that have published something that argues, + in so many words, that the term foodie is awful: The Huffington Post, The + Daily Beast, The New York Times, and Saveur. + + The Observer, meanwhile, took its contempt a step further, coining a new term + in 2009 to mock those who embrace its predecessor: Foodiots. + + We see it in the meticulous record-keeping of eating habits on personal blogs. + The ubiquitous Facebook updates and tweets about subscribers’ most recent meals. + (Surely you also have those five or so friends whose feeds are 90 percent food-consumption-related?) + The requisite iPhone pic before a certain kind of diner—let’s call him a foodiot—ravages + his plate. + + But it still appears everywhere + + There is no shortage of public foodie resentment. From people in the know, + people whose opinions so-called foodies should, theoretically, value highly, + no less. And yet, despite the heaping piles of expertly deglazed vitriol, the + word persists. + + There are obvious (ab)users, who use the word readily and unironically, the + sort who post really close pictures of everything they eat or watch hours of + food television each day without ever learning how to work an oven. + + But there are others, too, who have usurped the word in arguably more upsetting + ways. + + Just this past Monday, the National Restaurant Association published its latest + industry forecast. In it, you ll find this doozy: Here’s a profile of the American + Foodie 2.0. + + Foodie has become a marketing weapon, a buzzword which companies regurgitate + in whatever form suits the pitch. There are dating sites for foodies , blogs + about Paleo foodie -ism (an oxymoron, if I ve ever heard one), even business-help + pieces about how companies can better target foodies. + + I can t think of anywhere the word foodie appears more often in my life than + in my email inbox, where PR pitches seem to invoke it at every opportunity. + A recent search turned up dozens of results — hundreds more when I extended + the search to my spam folder. One of the more recent examples (which went unanswered) + was about a list of the Best Cities for Food Trucks in the U.S. Foodies today + are considered hip, it read, as though it were written by someone s grandparents. + + The irony too many miss + + The problem with the word foodie, which many have hopefully gleaned by this + point, boils down to a simple truth: You can’t possibly call yourself a foodie if + you’re actually a foodie. There is a great irony in describing yourself as + a food insider in a way no actual food insider ever would. The act itself precludes + you from being part of the world you want to associate yourself with. The word + doubles as a compliment and an insult, depending on who utters it. + + In this sense, using the word foodie is like wearing an outfit that was fashionable + years before, long enough ago that it s no longer in style but not long enough + ago for some to mistake it as still being cool. The analogy, of course, doesn + t end there, because those same people wearing what was all the rage five years + ago are also announcing that they should be thought of as members of the fashion-obsessed + squad. + + There s nothing wrong with food populism. It s this very trend, after all, that + has helped buoy the food movement, which is slowly reversing how disconnected + we have all become from the production of our food. But some things have clearly + been lost in the collective trek toward announcing whenever possible how much + we like to eat. + + Among them, is how Levy, one the term s pioneers, first encountered the term: + as an insult. This is how he explained it in a 2007 piece published in The Guardian: + + In late 1981 Ann Barr, then features editor of Harper s & Queen, noticed the + food world was shifting on its tectonic plates, and that perfectly sane people + had suddenly become obsessed with every aspect of food. + + She invited readers to write in and immediately received several attacks upon + a greedy, single-minded and highly visible food-obsessive who wrote in the magazine + at the time - me. Thus it was that, in the issue of August 1982, I was derided + in the anonymous article (edited, as it happens, by me) as the ghastly, his-stomach-is-bigger-than-his-eyes, + original, appetite-unsuppressed, lip-smacking king foodie. I had to sign a + legal undertaking not to sue the magazine or myself for libel. + + It s fitting, isn t it, how we have come full circle? + + Roberto A. Ferdman Roberto A. Ferdman was a reporter for Wonkblog covering food, + economics, and other things. He left The Washington Post in June 2016.' + - 'Foodies redirects here. For the web series, see Foodies (web series). + + A foodie is a person who has an ardent or refined interest in food[1] and who + eats food not only out of hunger but due to their interest or hobby. The terms gastronome and gourmet define + the same thing, i.e. a person who enjoys food for pleasure. + + 1 Earliest uses of the word + + 2 Pursuits + + Earliest uses of the word[edit] + + The foodie —not as elitist as a gourmet, more discriminating than a glutton—was + first named in print in the early 1980s. The term came into use almost simultaneously + in the United States and Britain. Priority goes to Gael Greene, who, in June + 1980, wrote in New York Magazine of a character who slips into the small Art + Deco dining room of Restaurant d Olympe ... to graze cheeks with her devotees, + serious foodies. [2] Immediately afterwards the foodie was defined in the British + press. Ann Barr, features editor of the London magazine Harper s & Queen, had + asked readers to comment on a then-new obsession with food. Several readers responses + named Paul Levy, food writer on the same magazine, as the perfect example. Levy + played along,[3] contributing an anonymous article in August 1982, defining + the term ( Foodies are foodist. They dislike and despise all non-foodies )[4] + and characterizing himself as the ghastly, his-stomach-is-bigger-than-his-eyes, + original, appetite-unsuppressed, lip-smacking king foodie .[3] The word gained + currency rapidly, partly because Barr and Levy followed up with a book, The + Official Foodie Handbook, published in 1984.[5] + + Pursuits[edit] + + Foodies are a distinct hobbyist group. Typical foodie interests and activities + include the food industry, wineries and wine tasting, breweries and beer sampling, + food science, following restaurant openings and closings and occasionally reopenings, + food distribution, food fads, health and nutrition, cooking classes, culinary + tourism, and restaurant management. A foodie might develop a particular interest + in a specific item, such as the best egg cream or burrito. Many publications + have food columns that cater to foodies and many of the websites carrying the + name foodie have become popular amongst the foodies.[6] Interest by foodies + in the 1980s and 1990s gave rise to the Food Network and other specialized food + programming, popular films and television shows about food such as Top Chef + and Iron Chef, a renaissance in specialized cookbooks, specialized periodicals + such as Gourmet Magazine and Cook s Illustrated, growing popularity of farmers markets,[7] + food-oriented websites like Zagat s and Yelp, publishing and reading food blogs + like Foodbeast and foodieworld, specialized kitchenware stores like Williams-Sonoma + and Sur La Table, and the institution of the celebrity chef. + + Foodies have a significant social media presence; food lovers have created their + own YouTube channels where they show what they cook and where they eat around + the world.[8] It has also become a common practice to take photos of food and + beverages consumed at home or outside and share them on Facebook, Twitter, Instagram, + or other media in a form of food porn.[9] + + Chris Onstad, author of the webcomic Achewood and the author of The Achewood + Cookbook, stated a dislike for the term. Onstad said There are so many words + that already describe the concept of people who like food, or enjoy cooking, + or enjoy knowing about cooking. Foodie : It s like the infantile diminutive—you + put a y on the end of everything to make it childlike. We don t need it. It + s embarrassing. Girl, I m a foodie. Like oh my God. [10] + + Many journalists, like Roberto A. Ferdman, author of Stop Calling Yourself a Foodie in + the Washington Post, also criticize the word saying There is a great irony + in describing yourself as a food insider in a way no actual food insider ever + would. [11] Ferdman claims that people who associate themselves with being a foodie are + in fact distancing themselves from the group they wish to be associated with. + The author then states that there is nothing wrong with having an interest in + food, in fact this popular trend is helping the food movement thrive. Ferdman + s main argument is that since the word is so widely used, its meaning has become + ubiquitous and some meaning is lost upon the need to constantly announce how + much someone likes to eat. + + Dutch pranksters tricked self-identified foodies at a food Expo to mistake McDonald + s fast food for refined gourmet presentations.[12] + + Barr, A. & Levy, P. (1984). The official foodie handbook. Arbor House. ISBN + 978-0852233436 + + Getz, D., Robinson, R., Vujcic, S. & Andersson, T. (2015). Foodies and food + tourism. Goodfellow Publishers, Credo Reference. + + Johnston, J. & Baumann, S. (2014). Foodies: Democracy and distinction in the + gourmet landscape. Routledge. ISBN 978-1138015128 + + Leer, J. & Povlsen, K.K. (2016). Food and media: practices, distinctions and + heterotopias. Routledge. ISBN 978-1317134527 + + Long, Lucy M. (Ed.) (2010). Culinary tourism. University of Kentucky. ISBN 978-0813129853 + + Rousseau, Signe. (2012). Food and social media: you are what you tweet. Altamira + Press. ISBN 978-0759120433 + + ^ The American Heritage Dictionary of the English Language (4th ed.). Boston: + Houghton Mifflin. 1992. ISBN 978-0-395-82517-4. + + ^ G. Greene in New York Magazine (2 June 1980); Oxford English Dictionary at foodie + + ^ a b Paul Levy, What is a foodie? in The Guardian (14 June 2007) + + ^ V. Woods [editor] in Harpers & Queen (August 1982); Oxford English Dictionary + at foodie + + ^ Ann Barr and Paul Levy, The Official Foodie Handbook. London: Ebury Press, + 1984. ISBN 0 85223 348 5 + + ^ Brew & Chew . Jayanth Dev India s Best Online Review Site. + + ^ The Healthy Foodie (July 31, 2008). Canadian Farmers Markets: Where to Find + Them . AOL Life & Style. Archived from the original on September 1, 2008. Retrieved + May 5, 2009. + + ^ Holmberg, Christopher (2014-03-05). Food And Social Media — A Complicated + Relationship . Huffington Post. Retrieved 2018-01-20. + + ^ Kugel, Alison (2017-06-01). How Food Porn Posted on Social Media Has Become + an Industry . Entrepreneur. Retrieved 2018-01-20. + + ^ Norton, James. Chow down, dude. Salon. Tuesday April 10, 2007. Retrieved on + July 23, 2011. + + ^ Stop calling yourself a foodie . Washington Post. Retrieved 2016-10-26. + + ^ Dutch pranksters trick foodies into thinking McDonald’s is gourmet food + + Look up foodie in Wiktionary, the free dictionary. + + World Food Travel Association + + Retrieved from https://en.wikipedia.org/w/index.php?title=Foodie&oldid=937463966 + + Food and drink appreciation' + __selected-docs__: + - 'Stop calling yourself a ‘foodie’ + + By Roberto A. Ferdman + + (Amy King/The Washington Post; iStock) + + In late 1984, The New York Times published a piece that was, at least indirectly, + about a word we could all do without. The story covered the release of The + Official Foodie Handbook by journalists Ann Barr and Paul Levy, which chronicled, + among other things, the lives of food lovers around the world. They were food + adventure seekers, culinary addicts who were interested in all food experiences, + refined and not. + + A foodie, the authors wrote, is a person who is very, very, very interested + in food. + + The two weren t the first to utter the term — that appears to have been Gael + Greene, who used it in a 1980 column for New York Magazine, according to etymologist + Barry Popik. Nor, as it happened, were they the last. But for years, the word + was used sparingly. A populist food critic might have been described as a foodie. A + gustatory pleasure seeker with the time and money to invest in obscure cooking + methods, niche coffee roasting techniques, and not-to-be-missed meals might + have earned the distinction too. It wasn t a compliment, it was just a descriptor. + It was an unpretentious way to categorize a growing but still relatively small + group of people. + + And then it wasn t. + + A look at Google Ngram, which tracks the frequency of words in digitized books, + shows the word was nonexistent until it appeared in the early 1980s, but its + use grew quickly shortly after the publication of Barr and Levy s book. + + A peek at Google Trends, which tracks the relative frequency with which people + search for various things, tells a similar story. Interest in the word foodie, which + seems to have piqued popular interest in late 2006, is trending at its highest + ever. People are typing it in and pressing go. + + Of course, you don t need Google s data to know the word is everywhere. You + have heard it, I am sure, if not today then yesterday, and if not yesterday + then the day before. It is inescapable. + + Everyone is a foodie + + Over time, the word has undergone an all-too-familiar transformation, bubbling + up to a point of ubiquity that has stripped the word of any semblance of meaning. + On a good day — or bad, depending on how you look at it — most people would + qualify as a foodie to someone. The net the word casts is just too wide. + + When asked about the word in 2012, Philipino restaurateur Elbert Cuenca had + this to say: + + It has come to the point of being bastardized. The word ‘foodie,’ which is nothing + more than a modern-day casual substitute for ‘gourmet,’ has been relegated to + mean anyone who likes food and/or eats out a lot. But who doesn’t like food? + Who doesn’t eat out a lot? + + The answer, on the off chance there is any doubt, is not that many people. + + It s no wonder that the word is bemoaned by so many people who work within the + world the term glorifies. Chefs hate it, because it empowers their customers + to feign knowledge about things they don t actually understand. Mark Bittman + doesn t care for it, because it too often reveres rather than challenges the + current and flawed food system. Nor does British journalist and gourmand John + Lanchester, who chronicled his frustration with mass foodie -ism in a 2014 + New Yorker piece. + + This is how he explained it: + + Everyone’s a critic, they say, and that’s certainly true of the food world today. + Of course, everyone has always been a critic, in the sense that customers have + always made the most basic judgment of all: Do I want to come back to this joint? + But there’s a contemporary development with respect to volume, in the dual sense + of quantity and loudness. The volume of all this critical chatter is turned + way up, and it’s harder than ever to ignore. Food is my favorite thing to talk + about and to learn about, but an interest that is reasonable on a personal and + an individual scale has grown out of all proportion in the wider culture. + + Among the list of major publications that have published something that argues, + in so many words, that the term foodie is awful: The Huffington Post, The + Daily Beast, The New York Times, and Saveur. + + The Observer, meanwhile, took its contempt a step further, coining a new term + in 2009 to mock those who embrace its predecessor: Foodiots. + + We see it in the meticulous record-keeping of eating habits on personal blogs. + The ubiquitous Facebook updates and tweets about subscribers’ most recent meals. + (Surely you also have those five or so friends whose feeds are 90 percent food-consumption-related?) + The requisite iPhone pic before a certain kind of diner—let’s call him a foodiot—ravages + his plate. + + But it still appears everywhere + + There is no shortage of public foodie resentment. From people in the know, + people whose opinions so-called foodies should, theoretically, value highly, + no less. And yet, despite the heaping piles of expertly deglazed vitriol, the + word persists. + + There are obvious (ab)users, who use the word readily and unironically, the + sort who post really close pictures of everything they eat or watch hours of + food television each day without ever learning how to work an oven. + + But there are others, too, who have usurped the word in arguably more upsetting + ways. + + Just this past Monday, the National Restaurant Association published its latest + industry forecast. In it, you ll find this doozy: Here’s a profile of the American + Foodie 2.0. + + Foodie has become a marketing weapon, a buzzword which companies regurgitate + in whatever form suits the pitch. There are dating sites for foodies , blogs + about Paleo foodie -ism (an oxymoron, if I ve ever heard one), even business-help + pieces about how companies can better target foodies. + + I can t think of anywhere the word foodie appears more often in my life than + in my email inbox, where PR pitches seem to invoke it at every opportunity. + A recent search turned up dozens of results — hundreds more when I extended + the search to my spam folder. One of the more recent examples (which went unanswered) + was about a list of the Best Cities for Food Trucks in the U.S. Foodies today + are considered hip, it read, as though it were written by someone s grandparents. + + The irony too many miss + + The problem with the word foodie, which many have hopefully gleaned by this + point, boils down to a simple truth: You can’t possibly call yourself a foodie if + you’re actually a foodie. There is a great irony in describing yourself as + a food insider in a way no actual food insider ever would. The act itself precludes + you from being part of the world you want to associate yourself with. The word + doubles as a compliment and an insult, depending on who utters it. + + In this sense, using the word foodie is like wearing an outfit that was fashionable + years before, long enough ago that it s no longer in style but not long enough + ago for some to mistake it as still being cool. The analogy, of course, doesn + t end there, because those same people wearing what was all the rage five years + ago are also announcing that they should be thought of as members of the fashion-obsessed + squad. + + There s nothing wrong with food populism. It s this very trend, after all, that + has helped buoy the food movement, which is slowly reversing how disconnected + we have all become from the production of our food. But some things have clearly + been lost in the collective trek toward announcing whenever possible how much + we like to eat. + + Among them, is how Levy, one the term s pioneers, first encountered the term: + as an insult. This is how he explained it in a 2007 piece published in The Guardian: + + In late 1981 Ann Barr, then features editor of Harper s & Queen, noticed the + food world was shifting on its tectonic plates, and that perfectly sane people + had suddenly become obsessed with every aspect of food. + + She invited readers to write in and immediately received several attacks upon + a greedy, single-minded and highly visible food-obsessive who wrote in the magazine + at the time - me. Thus it was that, in the issue of August 1982, I was derided + in the anonymous article (edited, as it happens, by me) as the ghastly, his-stomach-is-bigger-than-his-eyes, + original, appetite-unsuppressed, lip-smacking king foodie. I had to sign a + legal undertaking not to sue the magazine or myself for libel. + + It s fitting, isn t it, how we have come full circle? + + Roberto A. Ferdman Roberto A. Ferdman was a reporter for Wonkblog covering food, + economics, and other things. He left The Washington Post in June 2016.' + __selected-sentences__: + - Stop calling yourself a ‘foodie’ + episode_done: false + id: WizInternetWizardTeacher + labels: + - That sounds interesting! I bet the show is pretty popular with foodies! Do you + consider yourself a foodie? + search_query: foodie + text: "__knowledge__ Stop calling yourself a ‘foodie’ __endknowledge__ \n Yes,\ + \ i forgot to mention there is also only a 20 or thirty minute time limit, depending\ + \ on the round. The cuisine is from around the world. Fine dining to street\ + \ style. " +- - __retrieved-docs-urls__: + - __no_urls__ + __retrieved-docs__: + - __noretrieved-docs__ + __selected-docs__: + - __noselected-docs__ + __selected-sentences__: + - __no_passages_used__ + episode_done: true + id: WizInternetWizardTeacher + labels: + - All true foodies are picky. Do you like to cook in general, or do you prefer + to go to restaurants? + search_query: __no_search_used__ + text: "__knowledge__ __no_passages_used__ __endknowledge__ \n Yes, it really is.\ + \ I enjoy that there is no story line, so anyone can start watching and not\ + \ feel like they missed an important part of the plot. Yes, it is a foodie favorite.\ + \ I am a foodie, yes. But I'm also picky." +num_episodes: 8614 +num_examples: 41476 diff --git a/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_WizardDialogGoldKnowledgeTeacher_valid.yml b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_WizardDialogGoldKnowledgeTeacher_valid.yml new file mode 100644 index 00000000000..0a83ebec195 --- /dev/null +++ b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_WizardDialogGoldKnowledgeTeacher_valid.yml @@ -0,0 +1,11174 @@ +acts: +- - __retrieved-docs-urls__: + - __no_urls__ + __retrieved-docs__: + - __noretrieved-docs__ + __selected-docs__: + - __noselected-docs__ + __selected-sentences__: + - __no_passages_used__ + episode_done: false + eval_labels: + - Same here! What kind of books do you read? + id: WizInternetWizardTeacher + search_query: __no_search_used__ + text: "__knowledge__ __no_passages_used__ __endknowledge__ \n I work as a freelance\ + \ accountant.\nI enjoy reading books. " +- - __retrieved-docs-urls__: + - __no_urls__ + __retrieved-docs__: + - __noretrieved-docs__ + __selected-docs__: + - __noselected-docs__ + __selected-sentences__: + - __no_passages_used__ + episode_done: false + eval_labels: + - I am a big Harry Potter nerd! What do you do for work? + id: WizInternetWizardTeacher + search_query: __no_search_used__ + text: "__knowledge__ __no_passages_used__ __endknowledge__ \n All fiction! With\ + \ COVID this past summer, I read 16 books in 3 months. You?" +- - __retrieved-docs-urls__: + - https://yourbusiness.azcentral.com/audit-procedures-banks-25157.html + - http://www.netbankaudit.com/ + - http://www.netbankaudit.com/associates/ + - https://www.auditnet.org/audit-library/bank-auditing-resource-center-barc + - https://accountlearning.com/verification-of-bank-balance-role-of-auditor/ + __retrieved-docs__: + - 'Which Assertions Are Proved by Accounts Receivable ... + + Audit Procedures to Detect Fraud + + Audit Procedures in Banks + + Which Assertions Are Proved by Accounts Receivable Confirmations? + + The Importance of Quality Evidence in Auditing + + Why Is it Important for Companies to Reconcile the Bank Statement Every Month? + + Accounting Due Diligence Checklist + + Banks are central to the nation’s financial system because, by receiving deposits + and distributing loans, they circulate money. This makes stable and efficient + banks essential to the economy. Bank auditors, therefore, evaluate financial + information for accuracy and perform procedures that determine if management + controls are effective. The public can rely on the banking system because of + these audit activities. + + Auditors define your bank’s key areas depending on factors such as the services + it offers, systems it runs and the risk of fraud or misstatement these systems + pose. They examine all the earning streams, including interest income, and the + recording mechanisms. They also audit all expense streams, including interest, + human resources and regulatory expenses and their recording mechanisms. Items + that have an element of human judgment, such as provision for bad debts or asset + capitalization, also attract the auditors’ attention. Other significant areas + include key assets and liabilities, such as government grants, tax assets or + loans. + + Test of Details + + Test of details is a substantive audit procedure that auditors carry out when + they think that the risk of misstatement at the assertion level is substantial. + While auditing your bank, auditors usually assume loans are risky. This is because + the more loans the bank issues, the more interest it earns. Therefore, as a + test of detail, auditors send out confirmation letters to customers who borrowed + from your bank. These borrowers respond to the letters, confirming their balances + and interest due. Recalculations and physical inspection are among the other + tests of details that auditors use. These tests are evidence that the information + is legitimate. + + Substantive Analytics + + While auditing your bank’s financial statements, auditors apply a second type + of substantive procedure, the substantive analytics. While performing this analysis + they try to find existing plausible relationships among financial data. For + example, if your bank’s lending is increasing, auditors expect to find a corresponding + increase in interest income. If they don’t find this increase in interest, they + look for and try to identify, calculate and corroborate reasonable factors contributing + to this situation. + + Test of Controls + + Usually, when risk of material misstatement isn’t high, auditors rely on a test + of controls and substantive analytics for their opinion. Tests of controls are + procedures that auditors perform to determine how effectively management or + system controls function. Their goal is to find significant control weaknesses + if they exist. For example, auditors check whether your bank’s system correctly + calculates interest and principal. They also check to see if appropriate bank + employees with applicable authorization approve them. + + American Institute of CPAs: Performing Audit Procedures in Response to Assessed + Risks and Evaluating the Audit Evidence Obtained + + Association of Chartered Certified Accountants: Analytical Procedures + + The Principles and Practice of Auditing; George Puttick et al. + + Federal Deposit Insurance Corporation: The FDIC’s Examination Process for Small + Community Banks + + The Risk Approach to Auditing a Business + + Financial Statement of a Sole Proprietorship + + What Does Your Organization Do With the Audit Report After it Is Completed? + + What Are the Accounting Procedures in the Hospitality Industry?' + - 'CAMELS and ALM Regulatory Services + + Thank You for Visiting NETBankAudit! + + Established in 2000, and in our 19th year, NETBankAudit is an internal audit + outsource specialist for financial and technology based institutions. We began + performing IT Audits and Cybersecurity audits and assessments soon after we + were established. NETBankAudit began offering consumer compliance audit services + in 2007 and BSA/AML audit services starting in 2010. While we offer traditional + internal/operational auditing services, our foundation rests with understanding + and addressing complex technology and regulatory challenges. Functioning as + an “extension of our client’s internal audit function,” we serve each client + individually based on circumstances, needs, and budget constraints. Quality + of service, focus and affordability has allowed us to provide services to over + 500 Financial Institutions, ranging in size from $15 Billion to $100 Million + in assets in 30 States since 2000. Currently we have over 250 institutions under + contract for cybersecurity, regulatory audit and risk assessment services. See + more detail at About Us. + + Please feel welcome to review our services and capabilities and contact us for + more information. We look forward to serving you! + + NETBankAudit – Why Compliance? + + What Went Wrong With the CFPB? + + NEWS Flash: BSA Fines Are Real! + + BSA/AML Compliance and MIS Verification + + Follow Our President, David Hart on LinkedIn + + © 2019 NETBankAudit. All Rights Reserved.' + - 'NETBankAudit Associates + + “At NETBankAudit, it is our associates that elevate us above the competition. + We are a team of senior banking executives, auditors, regulators and engineers + working together for our client’s benefit. Every audit firm has a great auditor + or two but I am proud to say that at NETBankAudit, we only include associates + of the highest quality. Below are the bios of NETBankAudit’s Associate Team.” + Ken Barlow + + Ken Barlow, CEO + + Ken Barlow is an original founder of NETBankAudit. Ken’s career involved managing + IT operations in financial industries, specializing in the development of custom + system solutions and IT organizations for companies facing unique challenges + including start-ups, mergers and turnarounds. Early in his career, Ken lead + teams to develop the first online interactive financial system and first business + graphics system for NASA HQ., and the Black Lung Benefit Payment System for + the Labor Department. During late 1990’s he identified the need for quality + information security and regulatory guidance for financial institutions facing + an ever-increasing demand for information security and controls testing. Starting + in 2000, he founded, developed and implemented the virtual business model utilized + by NETBankAudit, allowing a “lower cost” in delivery of the highest quality + of associates and services to meet the growing internal audit support needs + of both regional and community-based financial institutions. Today, as CEO and + Principal Owner, his responsibilities include overall management of NETBankAudit + and focusing on the company’s strategic business development and financial management. + + NETBankAudit Managing Partner + + David Hart, CISA, CFE, CRISC + + David Hart has served NETBankAudit in a leadership capacity and as a partner + for over 10 years. During this time, the company has become a premier information + technology and regulatory compliance audit and testing firm. This accomplishment + is attributed to the ever-increasing demands of cybersecurity and compliance, + coupled with the foresight and proactive adaptability of NETBankAudit. Currently, + David oversees product and service delivery while being directly in charge of + relationship management. He also maintains his Certified Information Systems + Auditor (CISA), Certified Fraud Examiner (CFE), and Certified in Risk and Information + Systems Control (CRISC) designations. Prior to joining NETBankAudit, David served + as a bank examiner and internal auditor for the Federal Reserve for over 15 + years. As a Senior Advisory Bank Examiner, David participated in and led numerous + examinations of community banks, large financial institutions, and service provider + data centers. He was also responsible for staff development, report review, + and public policy. As a Senior Internal Auditor, David participated in and led + several audits of the national Federal Reserve Information Technology (FRIT) + function and U.S. Treasury systems. David is a distinguished graduate of the + Virginia Military Institute. Additionally, he has attended numerous banking + seminars and schools including graduate level work. + + NETBankAudit Partner + + Cynthia Bonnette, CISA + + Executive Director IS Audit and Assessment + + Cindi has led the development of our methodology for the IT Audit and Information + Security Risk Assessment Programs. Ms. Bonnette began her career in financial + and information technology in 1988 with the Federal Deposit Insurance Corporation + (FDIC). Her 13-year tenure at the FDIC included the positions of senior bank + examiner, Emerging Technologies Specialist for the Division of Supervision, + and Assistant Director of the Bank Technology Group where she authored regulatory + guidance and advisories. Ms. Bonnette left the FDIC in 2001 to work directly + with financial institutions as a consultant and IT auditor, including a three + year term with a Phoenix, AZ-based technology consulting firm. Ms. Bonnette + joined NETBankAudit in January 2004 and continues to serve as an expert in banking + technology, author of several published articles, and frequent public speaker. + She holds an MBA from Bentley College, Waltham, MA; a bachelor’s degree from + Boston College; and is a graduate of The Stonier Graduate School of Banking + at Delaware University. She is also a Certified Information Systems Auditor + (CISA). + + NETBankAudit Vice Presidents + + Mike Ford, CISA, CISSP, MCSE + + Executive Vice President of Audit Services + + Mike Ford is a Certified Information Systems Auditor (CISA), a Certified Information + Systems Security Professional (CISSP), a Microsoft Certified Systems Engineer + NT 4.0 (MCSE), and a leading expert in information security for banks. Mike + has over fifteen (15) years in Information Technology and Information Security + and has experience in Audit, Risk Management, Compliance, Administration, Project + Management, Policy Development, Incident Response, and Budgeting within the + Community Banking and Health Care Industries. Prior to NETBankAudit, Mike was + with the Federal Reserve Bank of Richmond as an Examiner – Information Technology + and Operational Risk. Previous work experience includes First Market Bank, First + North American National Bank, and the United Network for Organ Sharing. Mike + has held the positions of Information Security Officer, Bank Security Officer, + and IT Manager and has worked in the IT consulting field. Mike has a Master + of Engineering in Systems Engineering from the University of Virginia where + he also received his undergraduate degree and a Master of Business Administration + from the University of Richmond. Mike is active with the Information Systems + Audit and Compliance Association (ISACA), including serving on the Board of + Directors of the Richmond Chapter and as Chapter President in 2008. + + Mark Lohman, CISSP, CISA, CISM, CRISC, C|EH, MCITP + + Executive Vice President/CIO + + Mark is a security professional with over 20 years of experience in security, + network design, and project management. As EVP/CIO he focuses on providing leadership + for our vulnerability assessment, penetration testing, and social engineering + offerings. All products focus on providing insight into the business risks faced + by our clients and options for mitigation. Prior to NETBankAudit, he was a Network + Engineering Consultant where he served customers in a variety of industries + including financial services. He has a proven record implementing technology + best practices resulting in increased uptime and reduced costs within the corporate + and client infrastructures. Mr. Lohman is a Certified Information Systems Security + Professional (CISSP), Certified Information Systems Auditor (CISA), Certified + Information Security Manager (CISM), Certified in Risk and Information Systems + Control (CRISC), Certified Ethical Hacker (C|EH), and Microsoft Certified IT + Professional, Enterprise Administrator in Server 2008 (MCITP). Additionally, + he holds the Cloud specific certification Microsoft Certified: Azure Fundamentals. + He holds a Bachelor of Business Administration from Strayer University and is + a member of the International Information Systems Security Certification Consortium, + Inc. (ISC)² and the Information Systems Audit and Control Association (ISACA).. + + Melissa Morrell + + Mrs. Morrell is the Executive Vice President/COO for NETBankAudit and has over + 10 years of experience in the information technology industry. As Executive + Vice President/COO, Ms. Morrell manages human resource, engagement scheduling, + payroll, accounts payable and receivable, and coordinates with the CFO office + in vendor management and cash flow management and planning. She also manages + our professional services automation system through NetSuite OpenAir. Ms. Morrell + was instrumental in developing our current Employee Handbook and other administrative + policies and procedures. Ms. Morrell graduated from George Mason University + with a BS degree in Decision Sciences and Management Information Systems. She + also holds a MS degree from Marymount University in Education. + + Joanne Bennett, CAMS, CBA + + Joanne Bennett has over 30 years of experience in banking, including operations, + compliance and audit. Prior to joining NETBankAudit, Joanne held positions of + BSA/AML Compliance Officer, Internal Control Consultant, Senior Retail Operations + Manager, BSA Administrator, and Security Officer at various community banks. + Joanne has experience in developing and maintaining all components of a strong + BSA/AML Compliance Program and is successful in working with all levels of bank + staff. She has developed program documentation and overseen implementations. + Joanne’s experience also includes working closely with regulatory agencies to + ensure sound examination results. Joanne is a Certified Anti-Money Laundering + Specialist (CAMS) and a Certified Bank Auditor (CBA). Joanne is a member of + the Association of Certified Anti-Money Laundering Specialists (ACAMS), and + has served on the Compliance Committee of the Virginia Bankers’ Association. + Joanne holds a Bachelor of Arts degree in Business with Specialization in Accounting + from St. Leo University in Florida. + + Harold B. Garrett, Jr., CPA, CIA, CISA + + Ben is a Certified Public Accountant (CPA), Certified Internal Auditor, (CIA) + and a Certified Information Systems Auditor (CISA). Ben has over twenty five + years of experience in the financial service industry primarily serving in the + role as the Chief Executive Audit Officer for community banks, mortgage and + trust companies. In this role, he managed and performed all the elements of + the bank’s risk management function that includes financial and operational + internal audits, assessing information technology controls, and regulatory compliance. + + Ben has experience in developing and performing risk based internal evaluations + of financial, operational and information technology controls using the COSO + Framework as well as applicable audit standards as set forth by the AICPA, PCAOB, + IIA, ISACA and COBIT. He has also assisted many community banks in coordinating + their FDICIA and Sarbanes-Oxley efforts. Additionally, Ben has extensive experience + in directing internal investigations on the behalf of management and/or the + board of directors for community banks as outlined by their corporate governance + policies. He has also assisted with strategic planning; project management; + BSA/ AML Program testing; vendor management responsibilities; and internal control + development. + + Ben has a B.B.A. in Accounting from James Madison University and a Master of + Science in Management of Information Systems from the University of Virginia. + Ben has also attended and participated in numerous banking, accounting, security, + compliance, and information technology seminars and schools. Ben is active with + the Institute of Internal Auditors- Tidewater IIA Chapter, Virginia Society + of Certified Public Accountants, and Information Systems Audit and Control Association + (ISACA). He was a member of the Virginia Banker Association- Compliance Committee, + and served as a compliance instructor. Ben also served on a sub-committee on + the Bankers’ Affinity Group, to assist community bankers in obtain continuing + education opportunities on current banking topics. + + Jeff Harden, CISA + + Director of Audit Services and Model Assurance + + Jeff Harden is a Certified Information Systems Auditor (CISA) with over 20 years + of audit, supervisory, and financial services experience. Since joining NETBankAudit, + he has led numerous audit and consulting engagements focusing on model validation, + system optimization, information technology, risk management, BSA, and compliance. + Jeff is instrumental in providing staff training while working directly with + product development on many facets. Currently, he oversees our model validation + services and works extensively as the lead developer on database automation. + Prior to joining NETBankAudit, Jeff worked with the Federal Reserve Bank of + Richmond and Virginia State Corporation Commission – Bureau of Financial Institutions + as an Examiner. Areas of expertise include Information Technology, Bank Operations, + BSA, Compliance, and Safety and Soundness (CAMELS). In addition to regulatory + experience, Jeff also worked in community banking at both Bank of Virginia and + Eastern Virginia Bankshares. Jeff has held the positions and roles of information + security officer, bank security officer, network administrator, and operations + specialist. Jeff has a Bachelors of Science from Virginia Commonwealth University. + + Chris Poteat, CISA, CISM + + Chris Poteat is a Certified Information Systems Auditor (CISA) with over 16 + years’ experience in information technology practices and information technology + auditing. Prior to NETBankAudit, Chris worked with a regional accounting firm + as a Senior IT Audit Manager. His client focus was financial institutions, healthcare + companies, private industries, and government agencies in the Southeast. Chris + also served as IT Manager at Deloitte and Touche. Over his well-established + career, Chris has assisted numerous financial institutions with internal and + external auditing needs including SAS 70/SSAE16 type reviews. He has also consulted + on various IT related projects including but not limited to Information Security, + Business Continuity, Vendor Management, and Regulatory Compliance. Further, + Chris brings real world, hands-on knowledge to each job with prior experience + in application development, system development lifecycle, and security administration. + Chris has a B.S. in Accounting from the University of South Carolina. + + Dennis Rowan, CISA + + Dennis Rowan is a Certified Information Systems Auditor (CISA) with over 30 + years of experience in the execution of enterprise technology audits within + large banking environments. Prior to joining NETBankAudit, Dennis led a team + of Information Technology Auditors at Capital One. His audit experience includes + retail & commercial bank applications, systems development & integration projects, + IT governance, information security, network services, data center services, + enterprise architecture, middleware, integrated production support, asset management, + business continuity, and third party assurance programs. Dennis also has extensive + experience with risk management, regulatory risks mitigation, Sarbanes Oxley + compliance, PCI-DSS, and GLBA privacy related processes and requirements. Dennis + is a member of the Information Systems Audit and Control Association (ISACA). + Dennis holds a Bachelor of Science degree in Accounting from Ball State University. + + Michael Young, CISA, CISSP, MCSE: Security + + Mike is a Certified Information Systems Auditor (CISA), a Certified Information + Systems Security Professional (CISSP), and a Microsoft Certified Systems Engineer + with a focus on security (MCSE: Security). Mike has over 35 years of experience + in Information Technology, with the last 20 focused on Information Security + Management. In addition to his community banking IT audit and management credentials, + his expertise lies in Security Management, Incident Response, Disaster Recovery, + vulnerability assessment, GLBA, SOX, PCI, Microsoft Active Directory and group + policy management and network infrastructure auditing. He is the former Director + of Technology for a community bank in Florida and Information Security Engineer + for a major US Airline. Mike has a MS in Management from Troy University and + is a member of the International Information Systems Security Certification + Consortium, Inc., (ISC)², and the Information Systems Audit and Control Association + (ISACA). + + Auditing Associates + + Alan Alai CISA + + Alan Alai is a Certified Information Systems Auditor (CISA) with 12+ years of + experience in information technology practices and auditing. Alan has worked + as a Senior IT Audit Manager for private industry and is a subject matter expert + on internal controls for IT organizations and financial applications. As an + accomplished corporate internal auditor, Alan has lead numerous audit engagements + including overseeing identification and discovery of financial and HR system, + development and implementation of IT audit test strategies, and support of remediation + plans and projects. Alan experience includes IT security projects, business + continuity/disaster recovery (BC/DR) programs, and IT risk assessments. Alan + has a B.S. in Biochemistry from California Polytechnic State University in San + Luis Obispo and is a member of the Information Systems Audit and Control Association + (ISACA). + + Vince DeHart, CISA, CISSP, CRISC, CAP + + Vince DeHart is a Certified Information Systems Auditor (CISA) with over ten + years of experience in auditing. His background in information technology spans + more than 20 years, including roles in management, security, support, and application + development within the financial services, utilities, and government sectors. + Vince has a Bachelor of Science degree in Finance from the University of Tennessee + and developed a career interest in IT while working in a university data analysis + department to pay for his education. His current certifications also include + the Certified Information Systems Security Professional (CISSP), Certified in + Risk and Information System Controls (CRISC), and Certified Authorization Professional + (CAP) designations. + + Robert Jenkins, CISA, CISSP + + Robert is a Certified Information Systems Auditor (CISA) and Certified Information + Systems Security Professional (CISSP) and has over 20 years of experience as + an IT auditor and FRB bank examiner. Prior to NETBankAudit, Robert was an Information + Systems Auditor with NetStandard Inc., Kansas City, KS where he provided IT + audit services to banks, law firms, healthcare providers, and other organizations + using ISACA/COBIT audit methodology. Robert provided network infrastructure + security program design and assessment support involving the use of vulnerability + scanning tools and the analysis of network infrastructure security and proposed + and implemented security solutions. Robert also performed information security + policy reviews, assisted with the development of information security programs, + provided advice on regulatory compliance, and helped design business continuity + and disaster recovery plans. Robert was a Bank Examiner with the Federal Reserve + Bank of Kansas City, conducting bank IT examinations from 2002 to 2007. Prior + to 2002, Robert conducted bank financial (Safety and Soundness) examinations + for the FRB. Robert has a B.S. in Finance and Banking and a B.A. History from + Missouri State University. + + Richard Lee, CISA + + Rick is a Certified Information Systems Auditor (CISA) with 17 years of audit + experience. Prior to joining NETBankAudit, Rick worked for the Federal Home + Loan Bank of Boston as a Senior Information Systems Auditor, conducting COBIT-based + audits and performing SOX testing where applicable. He was also responsible + for staff training, audit planning, and special projects. Areas of expertise + include IT Governance, Project Management, Vendor Management, Business Continuity, + and Information Security/Privacy. Additionally, Rick has financial auditing + experience and holds a BA in Economics from the University of New Hampshire. + + Heraa Mirza + + Heraa Mirza is experienced as a banker and auditor within the fields of IT, + Security, and Compliance. Prior to joining NETBankAudit, Heraa has held positions + in community banking with responsibilities for training, BSA/AML compliance, + and various marketing and sales initiatives. Heraa has a bachelor of science + degree and master’s degree from Capella University, and is active in the industry + groups including the Federal Reserve Bank of Richmond’s BSA Coalition Conference. + + Glen Sexton, CISA, CRISC + + Glen Sexton is a Certified Information Systems Auditor (CISA) and Certified + in Risk and Information Systems Control (CRISC). Glen has over 20 years of experience + in IT audits within the financial services, energy, and government sectors. + Prior to joining NETBankAudit, Glen managed the audit process and client relationships + for a national financial industry core processing service and software provider. + He has experience managing and conducting complex infrastructure audits, integrated + application audits, Information Technology General Controls (ITGCs) audits, + continuous monitoring, and change activities (system development life cycle) + reviews. Prior to private sector work, Glen was an IT Examiner for a State Bank + Regulatory Agency. Glen participated and led numerous IT examinations of community + banks, large financial institutions, third party information technology providers, + and ATM transaction processors. Glen also has extensive experience with IT risk + management, regulatory risks mitigation, Sarbanes Oxley compliance, PCI-DSS, + HIPAA, AML, and GLBA privacy related control remediation and requirements. Glen + is a member of the Information Systems Audit and Control Association (ISACA) + Houston Chapter. He has previously served in multiple board level positions + including Past President of the Illini Chapter. Glen holds a Bachelor of Science + degree in Finance from Illinois State University. + + Chris Shields, CISA, CISM, CGEIT, CRISC, CAP, SSCP + + Chris Shields is a veteran with over 25 years of supporting operations and security + compliance of Telecommunications and Information Technology with the Department + of Defense, Intelligence Community, and Federal Agencies. Additionally, Chris + served as an IT Security Consultant for various information systems projects. + Chris is specialized in certification and testing of financial management systems, + and has a variety of IT Security certifications to include the Certified Information + Systems Auditor (CISA), Certified Information Security Manager (CISM), Certified + in the Governance of Enterprise IT (CGEIT), Certified in Risk and Information + Systems Control (CRISC), Certified Authorization Professional (CAP) and Systems + Security Certified Practitioner (SSCP) with additional compliance and quality + assurance certifications. Chris holds a Bachelor of Science Degree in Computer + Studies from the University of Maryland University College and is a member of + the Information Systems Audit and Control Association (ISACA), International + Information Systems Security Certification Consortium, Inc., (ISC)², Association + of Certified Fraud Examiners (ACFE), InfraGard, and the Cyber Finance Working + Group. + + Mike Siraj, CISA, CPA, CRMA + + Mike Siraj is a Certified Information System Auditor (CISA), Certified Public + Accountant (CPA) and a Certified Risk Management Auditor (CRMA). Mike has over + 25 years of experience developing and managing Internal Audit Departments. His + diverse banking experience includes Information Technology, Operational, Compliance, + and Enterprise Risk Management audits. Prior to joining NetBankAudit and for + over 12 years, Mike served as the Chief Audit Executive for a $6.4 billion financial + institution that maintained over 700 branches in 17 states. Mike has always + been passionate about innovations and cutting-edge tools and techniques to enhance + the Internal Audit experience. He has served as President of Information System + Audit and Control Association (ISACA – Houston Chapter) and is a frequent public + speaker. He is also a member of Texas Society of Certified Public Accountants + and Institute of Internal Auditors (IIA). Mike holds a Bachelor of Science degree + in Accounting from Texas Tech University. + + Engineer Associates + + Tim Anderson is an IT professional with over 10 years of experience in support, + training, and testing. Prior to joining NETBankAudit, Tim worked with a community + bank where he was the main IT Support Representative responsible for desktop + support and network administration. His technical proficiencies include virtual + environments, Windows desktop and server administration, and Office applications. + Tim has an Associates of Science Degree from Richard Bland College and is currently + pursuing his Bachelor’s Degree from Florida Institute of Technology. + + Matthew Gregory, CISSP + + Matt Gregory is a Certified Information Systems Security Professional (CISSP) + with over 20 years of experience in telecommunications services and network + infrastructure. His telecommunications background includes WAN, MPLS, VoIP, + wireless, and traditional analog networks. He is able to effectively utilize + his diverse background and assist customers working with various carriers. Matt + has a Master of Science in Information Systems Network Security from Strayer + University, a Bachelor of Business Administration in Finance from Christopher + Newport University, and is Certified Telecommunications Network Specialist (CTNS). + + Deno Plumley, CISSP + + Deno Plumley is a Certified Information Systems Security Professional (CISSP) + with over 20 years of experience. Deno has been providing outsourced support + services for small to medium sized businesses acting as the CIO. Most recently + he held the position of Director of Technology at a private school. Deno has + performed system design, project management, and accreditation/commissioning + testing in Information, Voice Communications, IP Surveillance, Structured Cabling, + and Physical Security Systems. His technical proficiencies include virtual environments, + voice communication systems, Windows desktop and server administration, Barracuda + configurations, Google for Business configurations including remote hardware + configuration and lockdown. Throughout his career, Deno has received certifications + in the following areas: Microsoft systems, fiber optics, IP voice communications, + IP video, and has also held a registration in ES Technical and ES Sales with + the Department of Criminal Justice. + + Joseph Spoolstra, CISSP + + Senior Systems Security Engineer + + Joseph Spoolstra is a Certified Information Systems Security Professional (CISSP) + with over 10 years of experience serving the financial services industry. In + addition to performing technical testing, Joseph provides information technology + services and consultation to the financial community. Joseph has been instrumental + in building and enhancing Information Technology Programs as he is very knowledgeable + of Regulatory Compliance, Budgeting, Project Management, Disaster Recovery, + Policy Updates, and Systems Maintenance. His technical proficiencies include + Windows Desktop and Server Administration, Linux operating system environments, + and Sonicwall configurations. Joseph holds a Bachelors of Science in Information + Systems from Grand Valley State University. + + Relationship Management Associates + + Senior Relationship Management Officer + + In her role as Senior Relationship Management Officer, Beth focuses on paving + the way for successful engagements – both for the clients and for NETBankAudit. + She is responsible for working with prospects and clients to understand their + needs, propose the appropriate solutions to satisfy those needs, and educate + them about how NETBankAudit will implement the proposed solution as well as + how the engagement will flow. She joined NETBankAudit in 2004 and has worked + with the banking and credit union industries for over 30 years in various capacities. + She was formerly Sr. Account Manager-Lending System Sales for FiTECH Systems, + a lending solutions provider as well as Sr. Applications Development Specialist + and Manager – Lending Systems Customer Support for the same company. Ms. Nicolas + graduated with honors from Appalachian State University in Boone, NC with a + Bachelor’s degree in Sales and Marketing. + + Synda Thomas + + Synda Thomas has worked in the banking industry for twelve years with the majority + of her tenure in community banks. Prior to joining NETBankAudit, Synda held + positions in retail banking as a Branch Manager, Small Business and Consumer + Loan Officer, Assistant Branch Manager, Relationship Banker and Teller. Synda’s + operational experience includes working with the BSA compliance department of + a Fortune 500 company as an Anti-Money Laundering Investigator. Synda’s goal + as Relationship Manager is to foster loyal relationships with clients by engaging + financial institution professionals to thoroughly understand their compliance + needs. She strives to tailor well-informed solutions that lead to favorable + engagements for the client and NETBankAudit. + + Jamie Johnson has ten years of banking experience. Prior to joining NETBankAudit, + Jamie held positions of vault teller, assistant manager, and relationship banker + at various banking and credit union industries. Jamie also has customer service + experience in scheduling, accounts payable, and office supervision. Jamie has + a bachelor of science degree from Christopher Newport University.' + - 'AuditNet® Audit-library::Bank-auditing-resource-center-barc + + The following resources focus on auditing bank operations or banking functions: + + Standard Disclaimer for External Links + + These links are being provided as a convenience and for informational purposes + only; they do not constitute an endorsement or an approval by AuditNet® of any + of the products, services or opinions of the corporation or organization or + individual AuditNet® bears no responsibility for the accuracy, legality or content + of the external site or for that of subsequent links. AuditNet® does not exercise + any editorial control over the information you may find at these locations. + Contact the external site for answers to questions regarding its content. + + Please let us know if any of the links fail to work - seeing as the owners of + the respective sites are obviously entitled to change the structure and content + of their websites at any time, we are unable to guarantee that our links will + always be up to date. + + We are constantly reviewing and updating these pages so please be patient. If + you would like to be a SME for this page please contact us! + + BANKING DISCUSSION FORUMS + + Online Discussion Forum for Banking includes an audit forum for discussions + of audit-related questions and issues. + + Bankers Compliance Tools + + AUDIT PROGRAMS, ICQ,CHECKLISTS (following is a listing of the audit programs. + Most are now available but only to subscribers and must be accessed via the + Audit Programs link on the site.) + + ACH ICQ (xls) + + Authentication in an Electronic Banking Environment Electronic + + Bank Items Processing Audit Program + + Banking - FX Revaluation Questionnaire + + Bank Risk Assessment Questionnaire + + Conducting an eBanking Audit + + Credit Card Administration Audit Program + + Credit Card Security Audit Program + + Deposit Accounts ICQ (xls) + + Insider Lending ICQ + + Information Technology General Work Program + + Loan Review - Authorization and Reporting + + Loan Review - Data Integrity + + Loan Review - Physical Safeguards + + Questionnaire Wire Room ICQ (PDF) + + FSA TIMES -IIA The following audit programs are available to IIA members and + require logging in to the IIA site. + + Derivative Risk Management + + AUDIT GUIDES AND MANUAL + + Internal Audit Manual for Small Banks + + BSA Manual from the FRB + + FDIC Electronic Banking Examination Procedures + + FDIC DOS Manual of Exam Policies + + FDIC Information Systems Examination Handbook + + FDIC Resources for Bankers + + FFIEC IS Examination Handbook + + I.R.S. Guide for Auditing Commercial Banks + + Trust Examination Manual' + - 'Verification of Bank Balance | Role of Auditor + + The auditor shall verify the bank balances as follows: + + Role of Auditor in verification of Bank Balance + + 1. The entries in the Cash Book and Pass book are to be compared. + + 2. The confirmation received from the banks as to the balances as on the last + day of the accounting year is to be verified. + + 3. The Bank Reconciliation Statement prepared as on the last day of the accounting + year is to be thoroughly examined. + + 4. The auditor shall also ensure that the cheques issued by the organization + but not presented for payment and cheques deposited for collection but not yet + collected are duly debited/credited in the subsequent period. + + 5. The auditor shall also carefully verify the post-dated cheques issued by + the organization before the end of the year and ensure that such cheques are + not taken into account for the year under audit. + + 6. It is possible that cheques are made by the organization before the end of + the year, but not delivered to the parties. The auditor shall see to that the + entries relating such cheques are reversed. + + 7. In the case of cheques in transit, the auditor shall verify such cheques + are duly credited in the subsequent period. + + 8. Sometimes, due to legal restrictions / requirements, one or more of the bank + accounts of the organization may be blocked, in such cases, the auditor shall + ensure that the fact is disclosed in the balance sheet. + + 9. Some organizations may maintain large number of bank accounts, the auditor + shall verify all the bank accounts thoroughly. + + 10. While verifying the Bank Reconciliation Statements prepared periodically + by the management, there may be some items which are outstanding over a long + period, the auditor may probe into such transactions and advise the management, + if such items require any adjustments. + + 11. Some of the bank accounts may show the same balance as opening and closing + balance, i.e., they may be apparently inoperative. The auditor shall obtain + a statement from the bank to ensure, no operation took place during the year. + + 12. In case of fixed deposits or other deposits made with the bank, the auditor + shall verify the deposit certificates. + + 13. If any charge is created on the deposits or if the deposits are made under + any legal requirement, the auditor shall ensure that the fact is disclosed in + the balance sheet. + + 14. With the intention of overstating / understanding the banks balances, the + organization, with an understanding with creditors / debtors, may issue / deposit + large number of cheques during the last few days of the financial year. In such + circumstances, the auditor may verify thoroughly the cheques involving large + amounts and obtain direct confirmation with the concerned parties. + + 15. If the audit is closed long after the end of the year, the auditor shall + verify the reconciliation statements up to the date of audit. + + In the case of companies, the deposits with the Scheduled banks should be shown + separately and with regard to deposits with others, the nature of relationship + of a director of the company or his relative with such other persons shall be + disclosed separately. The nature of deposits, should also be mentioned separately. + + Understanding reserve funds | Duties of Auditor in Reserve fund Audit + + Guidelines for Auditors in verification of Loans and Bills Payable + + Vouching Payment of Income Tax & Sales Tax | Role of Auditor + + Verification of Creditors | Guidelines for Auditors + + Vouching of Income from & Sale of Investments | Auditor Role + + Verification of Debentures | Guidelines for Auditors + + Tags:Auditing, Role of Auditor' + __selected-docs__: + - __noselected-docs__ + __selected-sentences__: + - __no_passages_used__ + episode_done: false + eval_labels: + - I do taxes actually! + id: WizInternetWizardTeacher + search_query: bank audit + text: "__knowledge__ __no_passages_used__ __endknowledge__ \n Audit banks. You?" +- - __retrieved-docs-urls__: + - https://en.wikipedia.org/wiki/Super_Bowl_LV + - https://nflonlocation.com/superbowl-tickets/ + - https://www.vegasunzipped.com/super-bowl-weekend/ + - https://www.orientaltrading.com/super-bowl-a1-90000+1525-1.fltr + - https://www.app.com/story/sports/nfl/2019/02/03/where-is-the-super-bowl-this-year/2753218002/ + __retrieved-docs__: + - 'Raymond James Stadium in 2007 + + Raymond James Stadium, Tampa, Florida + + ← LIV + + LVI → + + Super Bowl LV, the 55th Super Bowl and the 51st modern-era National Football + League (NFL) championship game, will decide the league champion for the 2020 + season. The game is scheduled to be played on February 7, 2021 in Tampa, Florida + (with the exact date pending potential changes to the NFL calendar). This will + be the fifth Super Bowl hosted by the Tampa area, with the last one being Super + Bowl XLIII in 2009, and the third one held at Raymond James Stadium. The game + will be televised nationally by NBC. It will be the third time that the Super + Bowl is in the same state in back to back years with Super Bowl LIV taking place + at Hard Rock Stadium in Miami Gardens, Florida.[1] + + 1 Host-selection process + + Host-selection process[edit] + + On May 19, 2015, the league announced the five finalists that will compete to + host Super Bowl LIII in 2019 and Super Bowl LIV in 2020. NFL owners voted on + these cities in May 2016, with the first round of voting determining who will + host Super Bowl LIII, the second round deciding the site for Super Bowl LIV; + and in a development not known in advance, a third round of voting was added + to select a Super Bowl LV hosting site during the meetings.[2] At the NFL owner + meetings on May 24, 2016, Atlanta and Miami were awarded Super Bowls LIII and + LIV respectively, removing them from the running. Los Angeles was not eligible + for Super Bowl LIII, as its stadium would not yet be finished; it was eligible + for LIV and LV, opting to bid only on the latter. + + The two candidates were as follows: + + Raymond James Stadium, Tampa, Florida: Tampa has hosted four Super Bowls, with + the last being Super Bowl XLIII in 2009. + + Los Angeles Stadium at Hollywood Park, Inglewood, California: Los Angeles has + hosted the Super Bowl seven times, most recently in 1993 with Super Bowl XXVII; + that game, along with the four prior Super Bowls in the area, were held at the + Rose Bowl while first two Super Bowls in Los Angeles area were held at Los Angeles + Memorial Coliseum. + + Los Angeles was originally chosen as the host site in a vote on May 24, 2016.[3][4][5] + However, due to construction delays, authorities announced that the Los Angeles + Stadium at Hollywood Park would not be completed until the start of the 2020 + NFL season.[6] As a result, on May 23, 2017, NFL owners voted to move Super + Bowl LV to Tampa. The City of Inglewood will instead be hosting Super Bowl LVI + in 2022.[7] + + NBC will broadcast Super Bowl LV , as part of an annual cycle between the three + main broadcast television partners of the NFL.[8] As with NBC s previous Super + Bowl (Super Bowl LII) Universo has carried Spanish-language simulcasts of select + games, after years of aborted attempts to simulcast the games on Telemundo. + + ^ 2019 Super Bowl LIII Location and Date . Retrieved February 4, 2018. + + ^ Battista, Judy (May 23, 2016). Future Super Bowl sites, Las Vegas among topics + at NFL meeting. NFL.com. Retrieved May 23, 2016. + + ^ Rosenthal, Gregg. Atlanta, South Florida, L.A. chosen to host Super Bowls + . NFL.com. Retrieved May 24, 2016. + + ^ NFL awards 2021 Super Bowl to Los Angeles . Los Angeles Times. May 24, 2016. + Retrieved May 24, 2016. + + ^ NFL awards future Super Bowls to Atlanta, South Florida and Los Angeles . + CBS Sports. May 24, 2016. Retrieved May 24, 2016. + + ^ Farmer, Sam; Fenno, Nathan (May 18, 2017). Inglewood football stadium s opening + will be delayed a year because of record rainfall . Los Angeles Times. ISSN + 0458-3035. Retrieved May 18, 2017. + + ^ Super Bowl LV relocated to Tampa; L.A. will host SB LVI . NFL.com. Retrieved + May 23, 2017. + + ^ Hipes, Patrick (December 14, 2011). Update: NBC, CBS And Fox Score Nine-Year + NFL Extensions Taking Them To 2022 . Deadline.com. Retrieved May 24, 2017. + + The NFL on NBC pregame show (Football Night in America) + + NFL on NBC Radio + + Thursday Night Football (2016–2017) + + College Football on NBC (Notre Dame) + + College Football on USA + + Other pro football programs + + Arena Football League on NBC + + World League of American Football on USA + + XFL on NBC + + NFL on television (history) + + Primary television stations + + Super Bowl TV ratings (lead-out programs) + + Prime-time results + + Monday night NFL games prior to 1970 + + Sunday Night Football results (2006-present) + + Commentator pairings + + Pregame show panelists + + Pre-AFL–NFL merger + + 1982 CFL season + + Announcerless game + + The Clock Play + + Cleveland Browns relocation controversy + + The Holy Roller + + Snowplow Game + + Leon Lett Blunder II + + The Epic in Miami + + Ghost to the Post + + Immaculate Reception + + The Freezer Bowl + + The Drive + + The Fumble + + The Comeback + + Beast Quake + + The Interception + + Philly Special + + Pre-AFL–NFL merger lore + + The Greatest Game Ever Played + + Heidi Game + + Sunday Night Football lore + + 4th and 2 + + Butt fumble + + Somethin Bad + + AFL Championship + + AFC package carrier (1970–1997) + + Sunday Night Football era (2006–present) + + Website: NBC Sports - NFL News + + This article related to sports in Florida is a stub. You can help Wikipedia + by expanding it. + + Retrieved from https://en.wikipedia.org/w/index.php?title=Super_Bowl_LV&oldid=881831256 + + Scheduled sports events + + 2021 in sports in Florida + + 21st century in Tampa, Florida + + Sports competitions in Tampa, Florida + + American football stubs + + Florida sport stubs' + - 'Mexico City Game + + Official Super Bowl Tickets & Packages + + Join us February 2, 2020 + + Super Bowl LIV will be in beautiful Miami, Florida in February 2020, and NFL + On Location will be there to make it an experience of a lifetime! We are the + only place for official packages, offering verified Super Bowl tickets and exact + seat locations so you get best view at the biggest event in professional sports. + + Only the Best for our Guests + + Your Exclusive Super Bowl LIV Experience Awaits + + Now is the time to turn your football fantasy into reality! With access to the + best clubs in the newly renovated Hard Rock Stadium, we will create an unforgettable + football experience for you. Our guests also have a once-in-a-lifetime opportunity + for a postgame confetti-filled celebration on the field with Super Bowl Champions! + + Your Dream Super Bowl Weekend + + With over 30 years in providing creative and comprehensive travel solutions + for the biggest sporting events in the world, we are your one-stop-shop for + the best travel and hotel accommodations for Super Bowl LIV. Let us do all the + work and so you have the time to take in everything Miami has to offer! + + Event of Interest Super Bowl LIV (Miami) Pro Bowl Draft 2019 (Nashville) Draft + 2020 (Las Vegas) London Games Mexico Game Super Bowl LV (Tampa) Super Bowl LVI + (Los Angeles) Super Bowl LVII (Arizona) Super Bowl LVIII (New Orleans) + + A Lookback at Super Bowl LIII + + Postgame Confetti Celebration + + On Location guests had the best seats in the house and were able to experience + everything Mercedes-Benz Stadium had to offer while watching the Patriots win + their sixth Super Bowl title over the Rams. From incredible sight lines and + access to the most exclusive in-stadium clubs to a confetti-filled celebration + on the field with the champs, fans who joined us in Atlanta made football memories + to last a lifetime. + + Before the game, On Location guests experienced incredible pregame parties. + There were appearances from some of the biggest names in professional football + history, including Marcus Allen, Emmitt Smith and Joe Theismann. Top Chef Season + 15 winner Joe Flamm curated a delicious menu that fans could wash down with + a top-shelf open bar, and live music from a marvelous lineup of artists could + be heard throughout the Georgia World Congress Center. + + SAfter the final whistle sounded, many of our guests excitedly celebrated on + the field as the Patriots hoisted the Lombardi Trophy for the sixth time in + franchise history. Football fans of all types joined in on the fun, taking advantage + of the unmatched access we provided our guests on Super Bowl Sunday. + + From Thursday’s EA Sports Bowl with some of the biggest names in hip-hop past + or present, to an electric performance from Rock and Roll Hall of Fame band + Aerosmith and special guest Post Malone Friday, to a main event featuring world + renown superstars Bruno Mars and Cardi B on Super Bowl Eve, the first-ever Bud + Light Super Bowl Music Fest was one for the books, giving fans of all music + something to get excited about! + + 2020 Super Bowl Tickets in Miami + + Super Bowl 54 will be in Miami, Florida in 2020. NFL On Location Experiences + is your only source for official Super Bowl tickets with exact seat locations + and verified tickets direct from the NFL. On Location has access to the best + clubs at Hard Rock Staidum for Super Bowl LIV, offering premium pre-game, in-game, + and post-game hospitality. + + Super Bowl 54 Packages + + Let On Location simplify your 2020 Miami Super Bowl experience and be your one + stop planning for your Super Bowl packages include access to travel planning + and hotel accommodations, weekend activities such as A-list concerts, the ultimate + gameday experience with pre-game parties featuring NFL Legends, Super Bowl tickets + with exact seat location direct from the NFL, in-game and post-game hospitality + and more! + + Super Bowl LIV Hospitality + + On Location is the only official source for your Miami Super Bowl LIV experience, + getting you closer to the game than ever before. On Location has access to the + best clubs at Hard Rock Stadium and experiences available with Pre-Game Entertainment, + NFL Legends Appearances, Celebrity Chefs, Premium Food & Beverage, and Post + Game On-Field Access.' + - 'Las Vegas Super Bowl Parties and Where to Watch the Big Game in 2020 + + Super Bowl Sunday is nothing short of an American holiday. + + If you are going to be in Vegas during Super Bowl weekend, we have you covered + with: + + The Best Las Vegas Super Bowl Parties + + The best places to watch the game + + Where to place your Super Bowl bets + + Keep reading for all your Super Weekend LIV information and all the fun things + to do. + + Great Coupons During Super Bowl Weekend 2020 + + Westgate Sportsbook is one of the hottest betting locations for the Super Bowl. + + Super Bowl LIV Info + + Location: Hard Rock Stadium in Miami Gardens, FL + + Time: Kick-off To Be Announced + + Halftime Show: Jennifer Lopez and Shakira + + Las Vegas Super Bowl Viewing Parties + + If your vibe for a great night of sports involves attending a Super Bowl 54 + viewing party, you can absolutely make that happen. + + Las Vegas has no shortage of parties, viewing parties included. + + Super Pigskin Party + + This viewing party is hosted each year by the Westgate SuperBook, which happens + to be the world’s largest sportsbook (more on this later!). + + While you’d have to land an invite to get access to the VIP Pigskin Viewing + Party, you can attend their free viewing party at the Westgate’s International + Theater. Buy all the concession food and drinks your heart desires throughout + the game. + + Chateau Super Bowl Party + + With Chateau, you’ll be able to pick the viewing package for your party. This + includes up to six guests as well as guaranteed seating and a buffet. + + Tickets for Chateau run around $100 (plus taxes and fees) and provide you a + view of the Strip and Fountains at Bellagio throughout the viewing. + + Carmine’s at Caesar’s Palace + + Tickets to the Tailgate Buffet at Carmine’s Italian Favorites start at $100 + with an open bar add on option for only $70. + + Upgrade to the MVP package and get unlimited steak and seafood, as well as premium + liquor from the open bar. Doors open at 1pm with the package perks starting + at 3pm. + + Located just steps away from the brand new football stadium, Crazy Horse III + Gentlemen’s Club is giving way more than 5 thousand dollars in prizes and offering + unlimited tailgate food from Famous Dave’s BBQ, premium open bar, and VIP seating + to watch the game with their VIP package. + + VIP is only $129 and also includes two raffle tickets for prizes for FREE. + + Watch the Super Bowl on the brand new big screens purchased specially for the + Super Bowl 2020 party at Hard Rock Café. + + Tickets to this party are a bit pricey, starting at $250 per person but they + include five hours of open bar, unlimited tailgate buffet, and good stations + led by chefs. The party should kick off at 3:30pm. + + Planet Hollywood Restaurant is located within the Forum Shops at Caesar’s Palace + and is a great place for an all-ages Super Bowl Party in Las Vegas. + + Open bar and unlimited food is included with your $180 ticket as well as reserved + seating. + + The menu will include pregame snacks, buffalo wings, sliders, a taco bar, hot + dog bar, BBQ Dinner Buffet, carving station, dessert buffet, and more. + + Encore Beach Club – Viewing Party + + Free Big Game viewing party with extra VIP options. Full bar and and food menu + avaiable as well. + + Location: Encore Beach Club + + Prices: Free to $2000+ VIP Options + + Dates: Feb. 2, 2pm + + PBR Rock Bar Big Game 2020 + + This viewing party at PBR Rock Bar & Grill is front and center on the Las Vegas + Strip and includes open premium bar starting at 2pm through the end of the game, + multiple projector screens, and private booth TVs. + + If you want to get the party started early, you can purchase the Ultimate Tailgate + Party Pass and start drinking at Noon while enjoying an amazing appetizer buffet. + Packages start at $150. + + Brooklyn Bowl Big Game 2020 + + Get off the strip and go to Brooklyn Bowl with the family. Prices start at less + than $100 per person but go up based on seating preference, bowling included + in packages, and an all you can eat buffet that includes drinks. + + This is a great option for watching the Super Bowl with the entire family. + + Ellis Island Big Game 2020 + + Ellis Island is hosting multiple parties in the Village Pub, Karaoke Bar, and + the brand-new Front Yard! Each venue within Ellis Island has its own admittance + but for less than $100 you can grab a general admission ticket to the Village + Pub and get access to the game day buffet and unlimited well drinks. + + $150 gets you into the Karaoke Bar where the buffet is upgraded to BBQ and you + get guaranteed seating, and all you can drink well and beer. There will be giveaway + happening throughout the night! + + Where to Watch the Super Bowl in Vegas + + Now, be warned. Watching the Super Bowl in Vegas will no doubt be a memorable + evening. + + However, some bars do come with a hefty price tag for a guaranteed seat. + + Here are some great options for a variety of price ranges. + + Low budget places to watch the game + + Carnaval Court is a giant outdoor Super Bowl party on the Strip. And this might + have you thinking, “Outside? In February?” Now, Vegas is in Nevada which is + known for its warm desert climate. + + That said, you might still find it a bit chilly. No worries though! A beer blanket + does exist because your $69 entrance fee comes with a bucket of domestic beer + and a $20 credit to Fulton Hall. + + This is the perfect option for those who want to watch the game with a big atmosphere + but love the simple approach – a little bit of food and a whole lot of a beer. + This is also great for big groups looking to meet up! + + South Point Big Game Watch Party + + This annual viewing party in South Point is FREE and includes betting stations, + food and drink to purchase, and a fun, family-friendly atmosphere. + + Downtown Events Center Biggest Big Game Bash + + Just off Fremont Street near the D Hotel the Downtown Events Center is the largest + Super Bowl watch party in Las Vegas and is FREE to enter. There will be food + and drinks to purchase as well as man caves that can be rented at The D. + + Mid-range 0ptions + + Sucker for BBQ? Sporting Life has got your back. + + For Super Bowl Sunday, Sport Life serves up an all-you-can-eat feast. Expect + lots of BBQ ribs and chicken with a side for $100 along with your viewing of + the game. + + You’ll eat and drink like a king or queen for the duration of the game. + + Plaza Big Game 2020 Party + + If you’re looking for something laid back and off strip, the Plaza Hotel on + Main Street is a great choice for a Super Bowl party. + + The Sierra Ballroom in the Plaza Hotel and Casino will be set up with HD Big + screen projectors, satellite betting stations, and all the stadium food you + can eat for just $100! Valet parking is available, and doors open at 12pm with + the event officially starting at 2pm. + + LINQ Promenade- AmeriCAN + + Alcohol and football, what more do you need on Super Bowl Sunday? LINQ Promenade + is providing seating and an open bar with premium liquor for $120 per person. + Alcohol starts pouring at 2pm. + + Beer park Las Vegas Big Game Viewing Party + + This Super Bowl party takes place on the strip at Paris and overlooks the iconic + Bellagio fountains. Tickets start at $125 per person and include an amazing + buffet and guaranteed bar seating for the best views of the game and easy access + to alcohol. Drinks are not included in ticket prices however. + + OYO Big Game 2020 + + Looking for a great buffet of bar food, beer, and a great American bar atmosphere? + + Just off strip in the former Hooters, OYO is serving up unlimited bar food buffet + with all you can drink Bud/Bud Light for just $109. You’ll also get a seat and + can upgrade to a better bar package as well. + + Big spender Options for the SuperBowl + + Now, you might think that $250 sounds a bit excessive for a night of football, + but the way The Book throws these parties might have you thinking differently. + + If you want guaranteed seating along with a buffet, premium spirits, and a chance + to win some prizes throughout the night, this is the place for you! + + The D’s Big Game Bash 2020 + + $175 per person is an excellent deal for this Super Bowl Bash at The D. Not + only will patrons get unlimited bar access, there will also be betting stations, + unlimited stadium food, and more. + + Like the Super Bowl you gotta go big or go home though! Spend $3,000 and you + and 14 of your buddies can rent a private man cave with VIP treatment. + + Virgil’s BBQ Watch Party + + Located conveniently in the LINQ Promenade which will be bustling with people + for Super Bowl, Virgil’s BBQ is offering one of the best buffets you can get + for the Super Bowl and premium open bar starting at 3pm. Packages start at $175 + and you’ll dine on ribs, pork, sliders, brisket, and the ultimate desserts buffet. + + The Still Big Game Viewing Party + + If you’re looking for a quiet, more refined atmosphere for your Super Bowl viewing, + go all the way to the back of the Mirage gaming floor to The Still. You can + reserve a seat to the watch party but there is a $300 food and beverage minimum + that must be met per person in your party. + + Great Sports Bars to Watch Super Bowl 2020 in Las Vegas + + If you’re looking for a laid-back sports bar to watch the Super Bowl at with + great food and giant TV screens there is no shortage of those in Las Vegas! + + Many of these bars are offering unlimited buffets and drinks included for one + entrance fee, but others are keeping it classic and have service as usual. Check + out these recommended sports bars and grills for your Las Vegas 2020 Super Bowl: + + Blondies Las Vegas + + BuddyV’s Ristorante + + Caesars Palace Sports Book + + Clique Lounge + + Gilley’s Big Game Party + + Hofbrauhaus Las Vegas + + LAVO Bowl + + Silverton Big Game Party + + TAO Bowl + + The Mint Tavern + + Where to Place Bets on the Super Bowl + + It wouldn’t be Vegas if you didn’t risk losing some cash over your favorite + team! If you have money burning a hole in your pocket, here are some places + you can place bets. + + The Mandalay Bay + + Super Bowl in Vegas: Frequently Asked Questions + + Q: How busy is Super Bowl weekend in Las Vegas? + + A: Yes! The Super Bowl is one of the busiest weekends of the year in Las Vegas. + Vegas Hotels and restaurants often impose holiday pricing and you can expect + more crowds than normal. + + Q: What is the biggest sportsbook in Vegas? + + A: The biggest sportsbook in Vegas is actually the biggest sportsbook in the + world. Check out the Westgate Las Vegas for more information. + + Super Bowl Weekend in Vegas – Final thoughts + + Super Bowl 2020 in Las Vegas is shaping up to be one busy weekend just like + the 2020 NFL Draft in Las Vegas. + + Make sure to book early and be prepared with anything from tickets to your favorite + viewing party or bar. There will be lots of spots to place bets and plenty of + beer to drink.' + - 'Search: 2019 Super Bowl Party Supplies + + 2019 Super Bowl Party Supplies + + Super Bowl 2019 Party Supplies + + Super Bowl LIII Party Supplies + + NFL® Super Bowl LIII Plastic Stadium Cup + + NFL® Super Bowl LIII Paper Dessert Plates + + NFL® Super Bowl LIII Plastic Tablecloth + + NFL® Super Bowl LIII Pennant Banner + + NFL® Super Bowl LIII Paper Dinner Plates + + NFL® Super Bowl LIII Plastic Cups - 16 oz. + + NFL® Super Bowl LIII Hanging Swirls + + NFL® Super Bowl LIII Plastic Stadium Cup - 22 Oz. + + NFL® Super Bowl LIII Round Paper Dessert Plates + + NFL® Super Bowl LIII Beverage Napkins + + NFL® Super Bowl LIII Round Paper Dinner Plates + + NFL® Super Bowl LIII Luncheon Napkins + + Football Field Plastic Tablecloth Roll + + Football Penalty Flag Bandanas + + 25-Ft. Balloon Decorating Strip + + Football Hanging Swirl Decorations + + Football Lantern Centerpiece + + NFL® Los Angeles Rams™ Luncheon Napkins + + Football Hanging Paper Lanterns + + Football 11 Latex Balloons + + Football Field Treat Bags + + NFL® Los Angeles Rams™ Tablecloth + + Football Tabletop Fountain + + Clear Football Print Plastic Tablecloth + + Hand-Held Balloon Pump + + Football Artificial Grass Table Runner + + NFL® Super Bowl Plastic Favor Cup + + NFL® New England Patriots™ Tattoos + + Football String Lights + + Stadium Size Transparent Tote Bags + + NFL® New England Patriots™ Pro Team Golf Pack + + 2019 Super Bowl Party Supplies, Super Bowl Decorations And Super Bowl Party + Favors + + Find the best 2019 Super Bowl party supplies, including Super Bowl decorations, + party favors and tableware. Shop our top sellers to make your Super Bowl party + a winner! Find a fun variety of football party supplies including noisemakers, + serveware and candy. If you re throwing a Super Bowl party to celebrate your + favorite team making it to Super Bowl LIII you are going to love our collection + of football-themed party supplies! + + First off, let s make life easy with disposable 2019 Super Bowl party supplies, + including matching dinner plates, dessert plates, paper napkins and plastic + cups. Add a disposable tablecloth in your team s colors or printed with the + gridiron to make clean up fast. But that s just the beginning of your Super + Bowl theme! Put up football party pennants, hang metallic fringe curtains in + your team s colors as the perfect backdrop and hang football themed decorations + or paper lanterns from the ceiling! + + When it comes to creating the perfect Super Bowl snack or buffet table, we ve + got you covered there too! You ll find a football stadium cupcake stand, football + snack trays, football utensil caddies, a football inflatable buffet cooler, + referee bottle covers, football straws, a football drink dispenser and so much + more. Plus, we ve made it easy to coordinate a candy buffet in your team s colors, + including We re #1 Finger-Shaped Suckers, football lollipops, chocolate footballs + and other sweet treats. Of course our take out boxes, cupcake boxes or football-themed + cellophane bags will make your crowd cheer. + + Show your team spirit by supplying a variety of football party Favors, including + mini footballs, inflatable footballs, mini foams flingers, personalized can + covers, air blaster horns, football bottle openers and even football tattoos. + So help cheer your team on to victory with Super Bowl 52 essentials from Oriental + Trading.' + - 'Super Bowl: Where is the game in 2021, 2022, 2023, 2024? + + Get a jump start on planning for the next few future Super Bowls! + + Super Bowl: Where is the game in 2021, 2022, 2023, 2024? Get a jump start on + planning for the next few future Super Bowls! Check out this story on app.com: + https://www.app.com/story/sports/nfl/2019/02/03/where-is-the-super-bowl-this-year/2753218002/ + + Sherlon Christie, Asbury Park Press Published 12:58 p.m. ET Feb. 3, 2019 | Updated + 10:11 a.m. ET Feb. 2, 2020 + + USA TODAY Sports Mike Jones breaks down the maturation of Patrick Mahomes into + a leader for the Chiefs. USA TODAY + + Super Bowl weekend is the biggest sports weekend of the year. + + So, if you are planning to attend a future Super Bowl, you need as much time + in advance as possible to secure a reasonably priced hotel room and flight for + that week or weekend. + + There is no time like the present to start planning for a future Super Bowl. + + Aug 22, 2019; Miami Gardens, FL, USA; Fox network displays a Super Bowl LIV + sign at Hard Rock Stadium. Mandatory Credit: Steve Mitchell-USA TODAY Sports + (Photo: Steve Mitchell-USA TODAY Sports) + + Here are the cities, the stadium locations and dates of future Super Bowls: + + More: 32 things we learned heading into Super Bowl LIV between the San Francisco + 49ers and Kansas City Chiefs + + More: Ravens QB Lamar Jackson becomes second unanimous NFL MVP in history + + One great photo from every Super Bowl in history + + Super Bowl I (Packers 35, Chiefs 10): Green Bay Packers wide receiver Max McGee + makes a juggling touchdown catch during the first Super Bowl. Packers quarterback + Bart Starr was named MVP. AP File + + Super Bowl II (Packers 33, Raiders 14): Legendary Green Bay Packers coach Vince + Lombardi is carried off the field after his team s second consecutive Super + Bowl win. AP + + Super Bowl III (Jets 16, Colts 7): Quarterback Joe Namath of the New York Jets + hands off the football to Matt Snell during Super Bowl III on Jan. 12, 1969. + Namath came through on his famous guarantee of a Jets upset against the heavily + favored Colts. AP + + Super Bowl IV (Chiefs 23, Vikings 7): Kansas City quarterback Len Dawson is + grabbed by a Minnesota defender after handing the off to running back Mike Garrett. + AP File + + Super Bowl V (Colts 16, Cowboys 13): Baltimore kicker Jim O Brien (80) leaps + with joy after kicking the winning field goal against the Dallas Cowboys in + the final seconds. AP File + + Super Bowl VI (Cowboys 24, Dolphins 3): Dallas Cowboys quarterback Roger Staubach + (12) tries to escape the grasp of Miami Dolphins defender Jim Riley. AP File + + Super Bowl VII (Dolphins 14, Redskins 7): Miami Dolphins Jim Mandich takes + in a Bob Griese pass near the goal line during the second quarter. The 1972 + Miami Dolphins remain the NFL s only team with a perfect record (17-0). The + 1948 Cleveland Browns of the AAFC also posted a 14-0 record. AP File + + Super Bowl VIII (Dolphins 24, Vikings 7): Larry Csonka of the Miami Dolphins + runs down the field. Csonka became the first running back to be named Super + Bowl MVP. AP File + + Super Bowl IX (Steelers 16, Vikings 6):Pittsburgh Steelers defensive tackle Mean Joe + Greene encourages his teammates. Harry Cabluck, AP + + Super Bowl X (Steelers 21, Cowboys 17): Pittsburgh Steelers wide receiver Lynn + Swann dives as he catches a pass from quarterback Terry Bradshaw. AP File + + Super Bowl XI (Raiders 32, Vikings 14): Coach John Madden of the Oakland Raiders + is carried from the field by his players after his team s win. AP File + + Super Bowl XII (Cowboys 27, Broncos 10): Dallas Cowboys defensive tackle Randy + White, left, and defensive end Harvey Martin shared the Most Valuable Player + award. AP File + + Super Bowl XIII (Steelers 35, Cowboys 31): Wide open Dallas Cowboys tight end + Jackie Smith drops a pass in the end zone against the Pittsburgh Steelers. Phil + Sandlin, AP + + Super Bowl XIV (Steelers 31, Rams 19): Pittsburgh Steelers running back Franco + Harris carries the ball as quarterback Terry Bradshaw (12) and Sidney Thornton + (38) raise their arms in celebration after Harris scored the Steelers final + touchdown. AP File + + Super Bowl XV (Raiders 27, Eagles 10): Oakland Raiders quarterback Jim Plunkett + fades back to pass in the first quarter. Pete Leabo, AP + + Super Bowl XVI (49ers 26, Bengals 21): San Francisco 49ers celebrate their third + quarter goal line stand that stopped a Cincinnati Bengals inside the 1-yard + line on fourth down. Lennox McClendon, AP + + Super Bowl XVII (Redskins 27, Dolphins 17): Washington Redskins receiver Charlie + Brown gets ready to spike the ball after he scored a fourth quarter touchdown. + AP File + + Super Bowl XVIII (Raiders 38, Redskins 9): Los Angeles Raiders linebacker Matt + Millen gestures as he celebrates with nose tackle Reggie Kinlaw (62) following + their win. AP File + + Super Bowl XIX (49ers 38, Dolphins 16): San Francisco 49ers quarterback Joe + Montana signals his second touchdown during the first half. Montana was named + MVP. AP File + + Super Bowl XX (Bears 46, Patriots 10): Bears players carry coach Mike Ditka + off the field after winning the Super Bowl. AP File + + New York Giants Mark Bavaro kneels down after catching Phil Simms touchdown + pass in the third quarter of Super Bowl XXI in Pasadena, Calif., Jan. 25, 1987. + (AP Photo/Lennox McLendon) Lennox McClendon, AP + + Super Bowl XXII (Redskins 42, Broncos 10): Washington Redskins running back + Timmy Smith goes around Denver Broncos linebacker Jim Ryan on long run in the + first quarter. Bob Galbraith, AP + + Super Bowl XXIII (49ers 20, Bengals 16): Over 11 plays, the San Francisco 49ers + drove 92 yards to secure a narrow victory. Pictured above is wide receiver and + game MVP Jerry Rice. Robert Deutsch, USA TODAY + + Super Bowl XXIV (49ers 55, Broncos 10): Denver quarterback John Elway dives + for extra yardage. Michael Madrid, USA TODAY + + Super Bowl XXV (Giants 20, Bills 19): Dejected Bills kicker Scott Norwood walks + off the field after missing a 47-yard field goal on the last play of the game, + clinching a victory for the New York Giants. Chris O Meara, AP + + Super Bowl XXVI (Redskins 37, Bills 24): Washington Redskins wide receiver Art + Monk picks up yardage after pulling in a pass during first-quarter action. David + Longstreath, AP + + Super Bowl XXVII (Cowboys 52, Bills 17): Dallas Cowboys coach Jimmy Johnson + is drenched by team members during the closing moments of the Super Bowl. Doug + Mills, AP + + Super Bowl XXVIII (Cowboys 30, Bills 13):Cowboys running back Emmitt Smith is + hit by Buffalo Bills cornerback Thomas Smith as he scores a touchdown in the + third quarter. Susan Walsh, AP + + Super Bowl XXIX (49ers 49, Chargers 26): San Francisco 49ers wide receiver Jerry + Rice is chased by San Diego Chargers safeties Darren Carrington and Stanley + Richard on his way to a touchdown. Andrew Innerarity, AP + + Super Bowl XXX (Cowboys 27, Steelers 17): Cornerback Larry Brown of the Dallas + Cowboys returns an interception for 44 yards. Brown was named MVP. George Rose, + Getty Images + + Super Bowl XXXI (Packers 35, Patriots 21): Green Bay Packers defensive end Reggie + White points to teammates after sacking New England Patriots quarterback Drew + Bledsoe. Jeff Hanyes, AFP/Getty Images + + Super Bowl XXXII (Broncos 31, Packers 24): Terrell Davis of the Denver Broncos + in action during Super Bowl XXXII at Qualcomm Stadium in San Diego. Davis scored + three TDs and was named MVP. Doug Pensinger, Getty Images + + Super Bowl XXXIII (Broncos 34, Falcons 19): Denver Broncos quarterback John + Elway slaps hands with tackle Tony Jones after the Broncos scored on an 80-yard + touchdown pass play to wide receiver Rod Smith. Tim Clary, AFP/Getty Images + + Super Bowl XXXIV (Rams 23, Titans 16): Titans wide receiver Kevin Dyson tries + to stretch across the goal line on the final play of the game. He is stopped + by Rams linebacker Mike Jones. Robert Hanashiro, USA TODAY + + Super Bowl XXXV (Ravens 34, Giants 7): Baltimore s Keith Washington celebrates + with Michael McCrary after sacking New York s Kerry Collins in the second quarter. + Craig Bailey, USA TODAY + + Super Bowl XXXVI (Patriots 20, Rams 17): New England Patriots kicker Adam Vinatieri + celebrates his 48-yard game-winning field goal in the final seconds against + the St. Louis Rams. At left is teammate Ken Walters. Amy Sancetta, AP + + Super Bowl XXXVII (Buccaneers 48, Raiders 21): Tampa Bay s Dwight Smith races + into the end zone ahead of pursuing Oakland Raiders quarterback Rich Gannon + on a 44-yard interception runback for a touchdown. Jack Gruber, USA TODAY + + Super Bowl XXXVIII (Patriots 32, Panthers 29): MVP Tom Brady hoists the Lombardi + Trophy after victory in the Super Bowl. H. Darr Beiser, USA TODAY + + Super Bowl XXXIX (Patriots 24, Eagles 21): Corey Dillon makes a third quarter + touchdown, bringing the score to 21-14. H. Darr Beiser, USA TODAY + + Super Bowl XL (Steelers 21, Seahawks 10):Pittsburgh Steelers wide receiver Hines + Ward jumps in the air and scores after catching a 43-yard touchdown pass from + fellow wideout Antwaan Randle El. Daniel J. Powers, USA Today + + Super Bowl XLI (Indianapolis Colts 29, Bears 17): Chicago Bears kicker returner + Devin Hester sits dejected on the field following the loss to the Colts in Miami. + Jack Gruber, USA TODAY + + Super Bowl XLII (Giants 17, Patriots 14): New York Giants wide receiver David + Tyree hauls in a catch against his helmet to sustain the game-winning drive. + Robert Deutsch, USA TODAY + + Super Bowl XLIII (Steelers 27, Cardinals 23): Pittsburgh Steelers wide receiver + Santonio Holmes catches the winning touchdown pass in front of Arizona Cardinals + safety Aaron Francisco late in the fourth quarter. Matt Cashore, USA TODAY Sports + + Super Bowl XLIV (Saints 31, Colts 17): Saints quarterback Drew Brees celebrates + with his son after his team s first Super Bowl win. Daniel J. Powers USAT + + Super Bowl XLV (Packers 31, Steelers 25): Green Bay Packers wide receiver Jordy + Nelson and quarterback Aaron Rodgers celebrate after they connected for the + first touchdown of the game. Erich Schlegel, USA TODAY Sports + + Super Bowl XLVI (Giants 21, Patriots 17): New York Giants wide receiver Victor + Cruz celebrates his team s win over the New England Patriots. Robert Hanashiro, + USA TODAY + + Super Bowl XLVII (Ravens 34, 49ers 31): Baltimore Ravens wide receiver Jacoby + Jones celebrates with teammates after returning a kick for a touchdown. Robert + Deutsch, USA TODAY + + Super Bowl XLVIII (Seahawks 43, Broncos 8): Seahawks cornerback Byron Maxwell + celebrates a touchdown withoutside linebacker Malcolm Smithduringthe first half. + Brad Penner, USA TODAY Sports + + Super Bowl XLIX (Patriots 28, Seahawks 24):Patriots CB Malcolm Butler (21) intercepts + a pass intended for Seahawks WR Ricardo Lockette at the goal line to secure + New England s fourth title in the waning seconds of the fourth quarter. Mark + J. Rebilas, USA TODAY Sports + + Super Bowl 50 (Broncos 24, Panthers 10): After the last game of his NFL career, + Denver Broncos quarterback Peyton Manning admires the Vince Lombardi Trophy + after defeating the Carolina Panthers in Super Bowl 50 at Levi s Stadium. Mark + J. Rebilas, USA TODAY Sports + + Super Bowl LI (Patriots 34, Falcons 28 - OT): New England Patriots wide receiver + Julian Edelman hauls in a catch off a deflected pass that would help New England + mount the largest comeback in Super Bowl history. The game also featured the + first ever overtime in a Super Bowl. Kevin Jairaj, USA TODAY Sports + + Super Bowl LII (Eagles 41, Patriots 33): Zach Ertz scores the winning touchdown + late in the fourth quarter as Philadelphia claims its first Super Bowl win and + first NFL championship since 1960. Brad Rempel, USA TODAY Sports + + Super Bowl LIII (Patriots 13, Rams 3): Patriots cornerback Stephon Gilmore makes + a pivotal interception in the fourth quarter at Mercedes-Benz Stadium. With + the win, the Patriots tied the Steelers for most Super Bowl victories (six). + Mark J. Rebilas, USA TODAY Sports + + Super Bowl LIV (Chiefs 31, 49ers 20): Kansas City Chiefs running back Damien + Williams scores around San Francisco 49ers cornerback Richard Sherman during + the fourth quarter in Super Bowl LIV at Hard Rock Stadium. Kyle Terada, USA + TODAY Sports + + TAMPA, Raymond James Stadium, which is the home of the Tampa Bay Buccaneers, + Super Bowl 55, Sunday, Feb. 7 + + 54 years of Super Bowl tickets: See how they ve changed + + Super Bowl I: The Kansas City Chiefs and the Green Bay Packers played on January + 15, 1967 at the Los Angeles Memorial Coliseum. Garrett Reid, USA TODAY Sports + + Super Bowl II: The Oakland Raiders from the AFL and the Green Bay Packers of + the NFL played on January 14, 1968 at the Orange Bowl. Garrett Reid, USA TODAY + Sports + + Super Bowl III: The New York Jets of the AFL and the Baltimore Colts of the + NFL played on January 12, 1969 at the Orange Bowl. Garrett Reid, USA TODAY Sports + + Super Bowl IV: The Kansas City Chiefs of the AFL and the Minnesota Vikings of + the NFL played on January 11, 1970 at Tulane Stadium. Garrett Reid, USA TODAY + Sports + + Super Bowl V: The Baltimore Colts and the Dallas Cowboys played on January 17, + 1971 at the Orange Bowl. Garrett Reid, USA TODAY Sports + + Super Bowl VI: The Dallas Cowboys and the Miami Dolphins played on January 16, + 1972 at Tulane Stadium. Garrett Reid, USA TODAY Sports + + Super Bowl VII: The Miami Dolphins and the Washington Redskins played on January + 14, 1973. Garrett Reid, USA TODAY Sports + + Super Bowl VIII: The Miami Dolphins and the Minnesota Vikings played on January + 13, 1974 at Rice Stadium. Garrett Reid, USA TODAY Sports + + Super Bowl IX between the Pittsburgh Steelers and the Minnesota Vikings played + on January 12, 1975. Garrett Reid, USA TODAY Sports + + Super Bowl X: The Pittsburgh Steelers and the Dallas Cowboys played on January + 18, 1976 at the Orange Bowl. Garrett Reid, USA TODAY Sports + + Super Bowl XI: The Oakland Raiders and the Minnesota Vikings played on January + 9, 1977 at the Rose Bowl. Garrett Reid, USA TODAY Sports + + Super Bowl XII: The Dallas Cowboys and the Denver Broncos played on January + 15, 1978 at the Superdome. Garrett Reid, USA TODAY Sports + + Super Bowl XIII: The Pittsburgh Steelers and the Dallas Cowboys played on January + 21, 1979 at the Orange Bowl. Garrett Reid, USA TODAY Sports + + Super Bowl XIV: The Pittsburgh Steelers and the Los Angeles Rams played on January + 20, 1980 at the Rose Bowl. Garrett Reid, USA TODAY Sports + + Super Bowl XV: The Oakland Raiders and the Philadelphia Eagles played on January + 25, 1981 at the Superdome. Garrett Reid, USA TODAY Sports + + Super Bowl XVI: The San Francisco 49ers and the Cincinnati Bengals played on + January 24, 1982 at the Superdome. Garrett Reid, USA TODAY Sports + + Super Bowl XVII: The Washington Redskins and the Miami Dolphins played on January + 30, 1983 at the Rose Bowl. Garrett Reid, USA TODAY Sports + + Super Bowl XVIII: The Los Angeles Raiders and the Washington Redskins played + on January 22, 1984 at Tampa Stadium. Garrett Reid, USA TODAY Sports + + Super Bowl XIX: The San Francisco 49ers and the Miami Dolphins played on January + 20, 1985 at Stanford Stadium. Garrett Reid, USA TODAY Sports + + Super Bowl XX: The Chicago Bears and the New England Patriots played on January + 26, 1986 at the Superdome. Garrett Reid, USA TODAY Sports + + Super Bowl XXI: The New York Giants and the Denver Broncos played on January + 25, 1987 at the Rose Bowl. Garrett Reid, USA TODAY Sports + + Super Bowl XXII: The Washington Redskins and the Denver Broncos played on January + 31, 1988 at Jack Murphy Stadium. Garrett Reid, USA TODAY Sports + + Super Bowl XXIII: The San Francisco 49ers and the Cincinnati Bengals played + on January 22, 1989 at Joe Robbie Stadium. Garrett Reid, USA TODAY Sports + + Super Bowl XXIV: The San Francisco 49ers and the Denver Broncos played on January + 28, 1990 at the Superdome. Garrett Reid, USA TODAY Sports + + Super Bowl XXV: The New York Giants and the Buffalo Bills played on January + 27, 1991 at Tampa Stadium. Garrett Reid, USA TODAY Sports + + Super Bowl XXVI: The Washington Redskins and the Buffalo Bills played on January + 26, 1992 at the Metrodome. Garrett Reid, USA TODAY Sports + + Super Bowl XXVII: The Dallas Cowboys and the Buffalo Bills played on January + 31, 1993 at the Rose Bowl. Garrett Reid, USA TODAY Sports + + Super Bowl XXVIII: The Dallas Cowboys and the Buffalo Bills played on January + 30, 1994 at the Georgia Dome. Garrett Reid, USA TODAY Sports + + Super Bowl XXIX: The San Francisco 49ers and the San Diego Chargers played on + January 29, 1995 at Joe Robbie Stadium. Garrett Reid, USA TODAY Sports + + Super Bowl XXX: The Dallas Cowboys and the Pittsburgh Steelers played Jan. 28, + 1996 at Sun Devil Stadium in Tempe, Ariz. AP + + Super Bowl XXXI: The New England Patriots and Green Bay Packers played on Jan. + 26th in New Orleans, La. AP + + Super Bowl XXXII: The Green Bay Packers and Denver Broncos played on January + 25, 1998 at Qualcomm Stadium. AP + + Super Bowl XXXIII: The Denver Broncos and Atlanta Falcons played on January + 31, 1999 in Miami. AP + + Super Bowl XXXIV: The St. Louis Rams and Tennessee Titans played on January + 30, 2000 at the Georgia Dome. AP + + Super Bowl XXXV: The Baltimore Ravens and New York Giants played in 2001 at + Raymond James Stadium in Tampa, Fla. AP + + Super Bowl XXXVI: The St. Louis Rams and New England Patriots played in New + Orleans in 2002. AP + + Super Bowl XXXVII: The Oakland Raiders and Tampa Bay Buccaneers played in San + Diego on January 26, 2003. AP + + Super Bowl XXXVIII: The New England Patriots and the Carolina Panthers played + at Reliant Stadium in Houston in 2001. USA TODAY Sports + + Super Bowl XXXIX: The Philadelphia Eagles played the New England Patriots in + Jacksonville, Fla., on Feb. 6, 2005. AP + + Super Bowl XL: The Seattle Seahawks and Pittsburgh Steelers played on Sunday, + Feb. 5, 2006. AP + + Super Bowl XLI: The Chicago Bears and the Indianapolis Colts played at Dolphin + Stadium on Feb. 4, 2007. AP + + Super Bowl XLII:The New England Patriots and New York Giants played in Phoenix + on Feb. 3, 2008. AP + + Super Bowl XLIII: The Arizona Cardinals played the Pittsburgh Steelers in Tampa + on Feb. 1, 2009. AP + + Super Bowl XLIV: The New Orleans Saints and Indianapolis Colts played in Miami + on Feb. 7, 2010. AP + + Super Bowl XLV: The Pittsburgh Steelers and Green Bay Packers played in Arlington, + Texas in 2011. AP + + Super Bowl XLVI: The New York Giants and New England Patriots played in Indianapolis + in 2012. AP + + Super Bowl XLVII: The Baltimore Ravens and San Francisco 49ers played in New + Orleans in 2013. AP + + Super Bowl XLVIII: The Denver Broncos and Seattle Seahawks played at MetLife + Stadium outside New York City in 2014. AP + + Super Bowl XLIX: The New England Patriots and Seattle Seahawks played in Arizona + in 2015. Andrew Weber, USA TODAY Sports + + Super Bowl 50: The Denver Broncos and Carolina Panthers played in Santa Clara, + Calif. in 2016. Garrett Reid, USA TODAY Sports + + Super Bowl LI in Houston. Garrett Reid, USA TODAY Sports + + Super Bowl LII: The Philadelphia Eagles played the New England Patriots in Minneapolis. + Kirby Lee, USA TODAY Sports + + Super Bowl LIII: The Los Angeles Rams will play the New England Patriots. Curtis + Compton, Atlanta Journal-Constitution via AP + + Super Bowl LIV: The San Francisco 49ers play the Kansas City Chiefs. Chris Carlson, + AP + + More: Troy Polamalu headlines Pro Football Hall of Fame s 2020 class + + LOS ANGELES, Los Angeles Stadium and Entertainment District (Inglewood, California), + which is the home of the Los Angeles Rams, Super Bowl 56 (1st Super Bowl in + this facility), Sunday, Feb. 6 + + Super Bowl rings through the years + + Super Bowl I ring: The Green Bay Packers defeated the Kansas City Chiefs, 35-10, + on Jan. 15, 1967. Kirby Lee, USA TODAY Sports + + Super Bowl II ring: The Green Bay Packers beat the Oakland Raiders, 33-14, on + Jan. 14, 1968. Kirby Lee, USA TODAY Sports + + Super Bowl III ring: The New York Jets beat the Baltimore Colts, 16-7, on Jan. + 12, 1969. Kirby Lee, USA TODAY Sports + + Super Bowl IV ring: The Kansas City Chiefs topped the Minnesota Vikings, 23-7, + on Jan. 11, 1970. Kirby Lee, USA TODAY Sports + + Super Bowl V ring: The Baltimore Colts topped the Dallas Cowboys, 16-13, on + Jan. 17, 1971. Kirby Lee, USA TODAY Sports + + Super Bowl VI ring: The Dallas Cowboys beat the Miami Dolphins, 24-3, on Jan. + 16, 1972. Kirby Lee, USA TODAY Sports + + Super Bowl VII ring: The Miami Dolphins beat the Washington Redskins, 14-7, + on Jan. 14, 1973. Kirby Lee, USA TODAY Sports + + Super Bowl VIII ring: The Miami Dolphins beat the Minnesota Vikings, 24-7, on + Jan. 13, 1974. Kirby Lee, USA TODAY Sports + + Super Bowl IX ring: The Pittsburgh Steelers beat the Minnesota Vikings, 16-6, + on Jan. 12, 1975. Kirby Lee, USA TODAY Sports + + Super Bowl X ring: The Pittsburgh Steelers toppled the Dallas Cowboys, 21-17, + on Jan. 18, 1976. Kirby Lee, USA TODAY Sports + + Super Bowl XI ring: The Oakland Raiders topped the Minnesota Vikings, 32-14, + on Jan. 9, 1977. Kirby Lee, USA TODAY Sports + + Super Bowl XII ring: The Dallas Cowboys beat the Denver Broncos, 27-10, on Jan. + 15, 1978. Kirby Lee, USA TODAY Sports + + Super Bowl XIII ring: The Pittsburgh Steelers beat the Dallas Cowboys, 35-31, + on Jan. 21, 1979. Kirby Lee, USA TODAY Sports + + Super Bowl XIV ring: The Pittsburgh Steelers beat the Los Angeles Rams, 31-19, + on Jan. 20, 1980. Kirby Lee, USA TODAY Sports, Kirby Lee-USA TODAY Sports + + Super Bowl XV ring: The Oakland Raiders beat Philadelphia Eagles, 27-10, on + Jan. 25, 1981. Kirby Lee, USA TODAY Sports + + Super Bowl XVI ring: The San Francisco 49ers beat the Cincinnati Bengals, 26-21, + on Jan. 25, 1982. Kirby Lee, USA TODAY Sports + + Super Bowl XVII ring: The Washington Redskins defeated the Miami Dolphins, 27-17, + on Jan. 30, 1983. Kirby Lee, USA TODAY Sports + + Super Bowl XVIII ring: The Los Angeles Raiders beat the Washington Redskins, + 38-9, on Jan. 22, 1984. Kirby Lee, USA TODAY Sports + + Super Bowl XIX ring: The San Francisco 49ers beat the Miami Dolphins, 38-16, + on Jan. 20, 1985. Kirby Lee, USA TODAY Sports + + Super Bowl XX ring: The Chicago Bears topped the New England Patriots, 46-10, + on Jan. 26, 1986. Kirby Lee, USA TODAY Sports + + Super Bowl XXI ring: The New York Giants beat the Denver Broncos, 39-20, on + Jan. 25, 1987. Kirby Lee, USA TODAY Sports + + Super Bowl XXII ring: The Washington Redskins defeated the Denver Broncos, 42-10, + on Jan. 31, 1988. Kirby Lee, USA TODAY Sports + + Super Bowl XXIII ring: The San Francisco 49ers beat the Cincinnati Bengals, + 20-16, on Jan. 22, 1989. Kirby Lee, USA TODAY Sports + + Super Bowl XXIV ring: The San Francisco 49ers crushed the Denver Broncos, 55-10, + on Jan. 28, 1990. Kirby Lee, USA TODAY Sports + + Super Bowl XXV ring: The New York Giants narrowly beat the Buffalo Bills, 20-19, + on Jan. 27, 1991. Kirby Lee, USA TODAY Sports + + Super Bowl XXVI ring: The Washington Redskins beat the Buffalo Bills, 37-24, + on Jan. 26, 1992. Kirby Lee, USA TODAY Sports + + Super Bowl XXVII ring: The Dallas Cowboys beat the Buffalo Bills, 52-17, on + Jan. 31, 1993. Kirby Lee, USA TODAY Sports, Kirby Lee-USA TODAY Sports + + Super Bowl XXVIII ring: The Dallas Cowboys topped the Buffalo Bills, 30-13, + on Jan. 13, 1994. Kirby Lee, USA TODAY Sports + + Super Bowl XXIX ring: The San Francisco 49ers beat the San Diego Chargers, 49-26, + on Jan. 25, 1995. Kirby Lee, USA TODAY Sports + + Super Bowl XXX ring: The Dallas Cowboys beat the Pittsburgh Steelers, 21-17, + on Jan. 28, 1996. Kirby Lee, USA TODAY Sports + + Super Bowl XXXI ring: The Green Bay Packers beat the New England Patriots, 35-21, + on Jan. 26, 1997. Kirby Lee, USA TODAY Sports + + Super Bowl XXXII ring: The Denver Broncos beat the Green Bay Packers, 31-24, + on January 25, 1998. Kirby Lee, USA TODAY Sports, Kirby Lee-USA TODAY Sports + + Super Bowl XXXIII ring: The Denver Broncos defeated the Atlanta Falcons, 34-19, + on Jan. 31, 1999. Kirby Lee, USA TODAY Sports + + Super Bowl XXXIV ring: The St. Louis Rams beat the Tennessee Titans, 23-16, + on Jan. 30, 2000. Kirby Lee, USA TODAY Sports + + Super Bowl XXXV ring: The Baltimore Ravens topped the New York Giants, 34-7, + on Jan. 28, 2001. Kirby Lee, USA TODAY Sports + + Super Bowl XXXVI ring: The New England Patriots defeated the St. Louis Rams, + 20-17, on Feb. 3, 2002. Kirby Lee, USA TODAY Sports + + Super Bowl XXXVII ring: The Tampa Bay Buccaneers beat the Oakland Raiders, 48-21, + on Jan. 26, 2003. Kirby Lee, USA TODAY Sports + + Super Bowl XXXVIII ring: The New England Patriots defeated the Carolina Panthers, + 32-29, on Feb. 1, 2004. Scott R. Galvin, USA TODAY Sports + + Super Bowl XXXIX ring: The New England Patriots beat the Philadelphia Eagles, + 24-21, on Feb. 6, 2005. Kirby Lee, USA TODAY Sports + + Super Bowl XL ring: The Pittsburgh Steelers beat the Seattle Seahawks, 21-10, + on Feb. 5, 2006. Kirby Lee, USA TODAY Sports + + Super Bowl XLI ring: The Indianapolis Colts beat the Chicago Bears, on Feb. + 4, 2007. Scott R. Galvin, USA TODAY Sports + + Super Bowl XLII ring: The New York Giants beat the New England Patriots, 17-14, + on Feb. 3, 2008. Kirby Lee, USA TODAY Sports + + Super Bowl XLIII ring: The Pittsburgh Steelers topped the Arizona Cardinals, + 27-23, on Feb. 1, 2009. Kirby Lee, USA TODAY Sports + + Super Bowl XLIV ring: The New Orleans Saints beat the Indianapolis Colts, 31-17, + on Feb. 7, 2010. Kirby Lee, USA TODAY Sports + + Super Bowl XLV ring: The Green Bay Packers beat the Pittsburgh Steelers, 31-25, + on Feb. 6, 2011. Kirby Lee, USA TODAY Sports + + Super Bowl XLVI ring: The New York Giants beat the New England Patriots, 21-17, + on Feb. 5, 2012. Kirby Lee, USA TODAY Sports + + Super Bowl XLVII ring: The Baltimore Ravens defeated the San Francisco 49ers, + 34-31, on Feb. 3, 2013. Kirby Lee, USA TODAY Sports + + Super Bowl XLVIII ring: The Seattle Seahawks beat the Denver Broncos, 48-3, + on Feb. 2, 2014. Kirby Lee, USA TODAY Sports + + Super Bowl XLIX ring: The New England Patriots topped the Seattle Seahawks, + 28-24, on Feb. 1, 2015. Kirby Lee, USA TODAY Sports + + Super Bowl 50: The Denver Broncos defeated the Carolina Panthers, 24-10, on + Feb. 7, 2016. Denver Broncos via AP + + Super Bowl LI: The New England Patriots defeated the Atlanta Falcons 34-28 Feb + 5, 2017. Kirby Lee, USA TODAY Sports + + Super Bowl LII: The Philadelphia Eagles defeated the New England Patriots 41-33 + victory on Feb 4, 2018. Kirby Lee, USA TODAY Sports + + Super Bowl LIII: The New England Patriots defeated the Los Angeles Rams 13-3 + on Feb. 3, 2019. New England Patriots + + More: Opinion: Patrick Mahomes is the reason why the Kansas City Chiefs will + win Super Bowl LIV + + GLENDALE, State Farm Stadium, which is the home of the Arizona Cardinals, Super + Bowl 57, Sunday, Feb. 5 + + University of Phoenix Stadium:Arizona awarded Super Bowl LVII in 2023 + + SportsPulse: We take you inside the press conference room to hear what Tom Brady, + Bill Belichick and Rob Gronkowski had to say after winning Super Bowl LIII. + USA TODAY + + [ The trusted place to find the best home service providers. Find local pros. + ] + + More: Opinion: Balance is why the San Francisco 49ers will win Super Bowl LIV + + NEW ORLEANS, Mercedes-Benz Superdome, which is the home of the New Orleans Saints, + Super Bowl 58, Sunday, Feb. 4 + + The Superdome in New Orleans has hosted seven Super Bowls, including one when + the lights went out in 2013. (Photo: Rob Carr, AP) + + Sherlon Christie: @sherlonapp; schristie@gannettnj.com + + Jersey Jump Shot: First episode sets scene for historic year in NJ college basketball + + Steve Falk s picks for the NJSIAA Team Wrestling Tournament + + NJ girls basketball: RBC s Montano becomes Shore s all-time winningest coach + + Monmouth Park unveils $7.3 million stakes schedule + + NJ wrestling: Brick has medical emergency forfeit, Brick Memorial advances + in tournament + + Seton Hall basketball: Inside Sandro Mamukelashvili s remarkable rebound' + __selected-docs__: + - 'Raymond James Stadium in 2007 + + Raymond James Stadium, Tampa, Florida + + ← LIV + + LVI → + + Super Bowl LV, the 55th Super Bowl and the 51st modern-era National Football + League (NFL) championship game, will decide the league champion for the 2020 + season. The game is scheduled to be played on February 7, 2021 in Tampa, Florida + (with the exact date pending potential changes to the NFL calendar). This will + be the fifth Super Bowl hosted by the Tampa area, with the last one being Super + Bowl XLIII in 2009, and the third one held at Raymond James Stadium. The game + will be televised nationally by NBC. It will be the third time that the Super + Bowl is in the same state in back to back years with Super Bowl LIV taking place + at Hard Rock Stadium in Miami Gardens, Florida.[1] + + 1 Host-selection process + + Host-selection process[edit] + + On May 19, 2015, the league announced the five finalists that will compete to + host Super Bowl LIII in 2019 and Super Bowl LIV in 2020. NFL owners voted on + these cities in May 2016, with the first round of voting determining who will + host Super Bowl LIII, the second round deciding the site for Super Bowl LIV; + and in a development not known in advance, a third round of voting was added + to select a Super Bowl LV hosting site during the meetings.[2] At the NFL owner + meetings on May 24, 2016, Atlanta and Miami were awarded Super Bowls LIII and + LIV respectively, removing them from the running. Los Angeles was not eligible + for Super Bowl LIII, as its stadium would not yet be finished; it was eligible + for LIV and LV, opting to bid only on the latter. + + The two candidates were as follows: + + Raymond James Stadium, Tampa, Florida: Tampa has hosted four Super Bowls, with + the last being Super Bowl XLIII in 2009. + + Los Angeles Stadium at Hollywood Park, Inglewood, California: Los Angeles has + hosted the Super Bowl seven times, most recently in 1993 with Super Bowl XXVII; + that game, along with the four prior Super Bowls in the area, were held at the + Rose Bowl while first two Super Bowls in Los Angeles area were held at Los Angeles + Memorial Coliseum. + + Los Angeles was originally chosen as the host site in a vote on May 24, 2016.[3][4][5] + However, due to construction delays, authorities announced that the Los Angeles + Stadium at Hollywood Park would not be completed until the start of the 2020 + NFL season.[6] As a result, on May 23, 2017, NFL owners voted to move Super + Bowl LV to Tampa. The City of Inglewood will instead be hosting Super Bowl LVI + in 2022.[7] + + NBC will broadcast Super Bowl LV , as part of an annual cycle between the three + main broadcast television partners of the NFL.[8] As with NBC s previous Super + Bowl (Super Bowl LII) Universo has carried Spanish-language simulcasts of select + games, after years of aborted attempts to simulcast the games on Telemundo. + + ^ 2019 Super Bowl LIII Location and Date . Retrieved February 4, 2018. + + ^ Battista, Judy (May 23, 2016). Future Super Bowl sites, Las Vegas among topics + at NFL meeting. NFL.com. Retrieved May 23, 2016. + + ^ Rosenthal, Gregg. Atlanta, South Florida, L.A. chosen to host Super Bowls + . NFL.com. Retrieved May 24, 2016. + + ^ NFL awards 2021 Super Bowl to Los Angeles . Los Angeles Times. May 24, 2016. + Retrieved May 24, 2016. + + ^ NFL awards future Super Bowls to Atlanta, South Florida and Los Angeles . + CBS Sports. May 24, 2016. Retrieved May 24, 2016. + + ^ Farmer, Sam; Fenno, Nathan (May 18, 2017). Inglewood football stadium s opening + will be delayed a year because of record rainfall . Los Angeles Times. ISSN + 0458-3035. Retrieved May 18, 2017. + + ^ Super Bowl LV relocated to Tampa; L.A. will host SB LVI . NFL.com. Retrieved + May 23, 2017. + + ^ Hipes, Patrick (December 14, 2011). Update: NBC, CBS And Fox Score Nine-Year + NFL Extensions Taking Them To 2022 . Deadline.com. Retrieved May 24, 2017. + + The NFL on NBC pregame show (Football Night in America) + + NFL on NBC Radio + + Thursday Night Football (2016–2017) + + College Football on NBC (Notre Dame) + + College Football on USA + + Other pro football programs + + Arena Football League on NBC + + World League of American Football on USA + + XFL on NBC + + NFL on television (history) + + Primary television stations + + Super Bowl TV ratings (lead-out programs) + + Prime-time results + + Monday night NFL games prior to 1970 + + Sunday Night Football results (2006-present) + + Commentator pairings + + Pregame show panelists + + Pre-AFL–NFL merger + + 1982 CFL season + + Announcerless game + + The Clock Play + + Cleveland Browns relocation controversy + + The Holy Roller + + Snowplow Game + + Leon Lett Blunder II + + The Epic in Miami + + Ghost to the Post + + Immaculate Reception + + The Freezer Bowl + + The Drive + + The Fumble + + The Comeback + + Beast Quake + + The Interception + + Philly Special + + Pre-AFL–NFL merger lore + + The Greatest Game Ever Played + + Heidi Game + + Sunday Night Football lore + + 4th and 2 + + Butt fumble + + Somethin Bad + + AFL Championship + + AFC package carrier (1970–1997) + + Sunday Night Football era (2006–present) + + Website: NBC Sports - NFL News + + This article related to sports in Florida is a stub. You can help Wikipedia + by expanding it. + + Retrieved from https://en.wikipedia.org/w/index.php?title=Super_Bowl_LV&oldid=881831256 + + Scheduled sports events + + 2021 in sports in Florida + + 21st century in Tampa, Florida + + Sports competitions in Tampa, Florida + + American football stubs + + Florida sport stubs' + __selected-sentences__: + - Super Bowl LV, the 55th Super Bowl and the 51st modern-era National Football + League (NFL) championship game, will decide the league champion for the 2020 + season. The game is scheduled to be played on February 7, 2021 in Tampa, Florida + (with the exact date pending potential changes to the NFL calendar). This will + be the fifth Super Bowl hosted by the Tampa area, with the last one being Super + Bowl XLIII in 2009, and the third one held at Raymond James Stadium. The game + will be televised nationally by NBC. It will be the third time that the Super + Bowl is in the same state in back to back years with Super Bowl LIV taking place + at Hard Rock Stadium in Miami Gardens, Florida.[1] + episode_done: false + eval_labels: + - I will! It is on the 7th right ? + id: WizInternetWizardTeacher + search_query: Superbowl 2021 + text: "__knowledge__ Super Bowl LV, the 55th Super Bowl and the 51st modern-era\ + \ National Football League (NFL) championship game, will decide the league champion\ + \ for the 2020 season. The game is scheduled to be played on February 7, 2021\ + \ in Tampa, Florida (with the exact date pending potential changes to the NFL\ + \ calendar). This will be the fifth Super Bowl hosted by the Tampa area, with\ + \ the last one being Super Bowl XLIII in 2009, and the third one held at Raymond\ + \ James Stadium. The game will be televised nationally by NBC. It will be the\ + \ third time that the Super Bowl is in the same state in back to back years\ + \ with Super Bowl LIV taking place at Hard Rock Stadium in Miami Gardens, Florida.[1]\ + \ __endknowledge__ \n Good for you! Are you watching the Superbowl this year?" +- - __retrieved-docs-urls__: + - https://en.wikipedia.org/wiki/Tom_Brady + - https://www.pro-football-reference.com/leaders/pass_yds_career_playoffs.htm + - https://www.britannica.com/biography/Tom-Brady + - https://boston.cbslocal.com/2019/10/08/patriots-tom-brady-reveals-which-nfl-record-means-most-to-him/ + - https://www.ccn.com/tom-brady-just-set-an-nfl-rushing-record-yes-really/ + __retrieved-docs__: + - 'For other people named Tom Brady, see Tom Brady (disambiguation). + + Brady in 2017 + + New England Patriots (2000–present) + + 6× Super Bowl champion (XXXVI, XXXVIII, XXXIX, XLIX, LI, LIII) + + 4× Super Bowl MVP (XXXVI, XXXVIII, XLIX, LI) + + 3× NFL Most Valuable Player (2007, 2010, 2017) + + 14× Pro Bowl (2001, 2004, 2005, 2007, 2009–2018) + + 3× First-team All-Pro (2007, 2010, 2017) + + 2× Second-team All-Pro (2005, 2016) + + 3× NFL passing yards leader (2005, 2007, 2017) + + 2× NFL passer rating leader (2007, 2010) + + Bert Bell Award (2007) + + Associated Press Male Athlete of the Year (2007) + + Sports Illustrated Sportsman of the Year (2005) + + NFL 2000s All-Decade Team + + National champion (1997) + + Best touchdown to interception ratio in a single season: 28:2[1] + + Most games won by a quarterback: 237[2] + + Most Super Bowl appearances: 9 + + Most Super Bowl wins: 6 + + Most Super Bowl MVP awards: 4 + + Most passing yards in a Super Bowl: 505 + + Longest touchdown pass (tied)[3][4] + + Completion percentage: + + Thomas Edward Patrick Brady Jr. (born August 3, 1977) is an American football + quarterback for the New England Patriots of the National Football League (NFL). + He has won six Super Bowls, the most of any football player ever, and due to + his numerous accomplishments, records, and accolades, many analysts and sportswriters + consider Brady to be the greatest quarterback in NFL history.[5][6][7][8][9][10] + + After playing college football for the University of Michigan, Brady was drafted + by the Patriots in the sixth round of the 2000 NFL Draft. Due to his late selection, + Brady is considered the biggest steal in the history of the NFL Draft.[11][12][13] + In Brady s seventeen seasons as a starter,[a] he has played in nine Super Bowls + with the Patriots, and is one of only two quarterbacks to win the Super Bowl + in their first season as a starter (the other being Kurt Warner). Brady holds + most of the postseason quarterback records, leading all players in postseason + touchdowns, passing yards, and completions, while owning the corresponding Super + Bowl records as well. + + Brady has won four Super Bowl MVP awards (Super Bowl XXXVI, XXXVIII, XLIX, and + LI), the most ever by a player, as well as three league MVP awards (2007, 2010, + 2017); he is the oldest to have received either award.[16] Brady has also been + selected to 14 Pro Bowls, and has led his team to more division titles (16) + than any other quarterback in NFL history. He is fourth all-time in career passing + yards for regular season play, third in career touchdown passes, and fourth + in career passer rating. For regular season and postseason combined, Brady is + first all-time in career passing yards and touchdown passes. + + The only quarterback to reach 200 regular-season wins,[17] Brady is the winningest + quarterback in NFL history. With a postseason record of 30–10, he is first all-time + in playoff wins and appearances for an NFL player. Brady has led the Patriots + to an NFL-record eight consecutive AFC championship games since 2011 (thirteen + overall), and has never had a losing season as a starting quarterback. He is + tied for the record for the longest touchdown pass at 99 yards to Wes Welker.[18] + + For his alleged involvement in the highly publicized Deflategate football-tampering + scandal, Brady was suspended for the first four games of the 2016 season.[19] + Brady and the Patriots won two of the next three Super Bowls, making him the + record holder for most Super Bowl wins by a player, and the oldest quarterback + to win a Super Bowl, at 41.[20] + + 3.2.2.1 2001 postseason + + 3.2.10 2009 season + + 3.2.10.1 2009 postseason + + 3.3.6.1 2015 offseason + + 3.3.6.2 2015 regular season + + 4 NFL career statistics + + 4.3 Super Bowl + + 5.1 Regular season (career) + + 5.2 Postseason (career) + + 5.3 Super Bowl (career) + + 6 Other endeavors + + Brady was born in San Mateo, California, on August 3, 1977, the only son and + fourth child of Galynn Patricia (née Johnson) and Thomas Brady, Sr.[21] He has + three older sisters, Nancy, Julie, and Maureen,[22] and was raised as a Catholic. + His father is of Irish descent, while his mother has German, Norwegian, Polish, + and Swedish ancestry.[23] Two of Brady s great-great-grandparents on his father + s side, John and Bridget Brady, were Irish refugees from the Great Famine who + moved to San Francisco from Boston before the American Civil War. They were + accompanied by Bridget s sister Ann and her husband Lawrence Meegan, the parents + of the 19th-century American Major League Baseball player Steady Pete Meegan. + Brady s great-uncle Michael Buckley Jr. was the first American prisoner of war + in World War II.[23][24][25][26][27][28] + + In the 1980s, Brady regularly attended San Francisco 49ers games at Candlestick + Park, where he was a fan of quarterback Joe Montana; Brady has called Montana + his idol and one of his inspirations.[29] At age four, Brady attended the 1981 + NFC Championship, against the Dallas Cowboys, in which Montana threw The Catch + to Dwight Clark.[30] As a child, Brady attended football camp at the College + of San Mateo, where he was taught to throw the football by camp counselor and + future NFL/AFL quarterback Tony Graziani.[31] Brady grew up as a Los Angeles + Lakers and Boston Celtics fan.[32] + + He attended Junípero Serra High School in San Mateo, where he graduated in 1995; + the ceremony was held at St. Mary s Cathedral.[33] He played football, basketball, + and baseball in high school. He played against Bellarmine College Preparatory + rival Pat Burrell in both football and baseball. Brady began his football career + as the backup quarterback on the Padres junior varsity team. At first, Brady + was not good enough to start on the 0–8 JV team, which had not scored a touchdown + all year.[34] Brady ascended to the starting position when the starting quarterback + was injured. He became the varsity starter in his junior year and held the position + until he graduated.[35] By Brady s senior year, he was striving to be noticed + by college coaches. He created highlight tapes and sent them to schools he considered + attending.[36] This led to strong interest from many football programs around + the nation. + + The process of recruiting was much different during Brady s time, and athletes rankings + were not as prominent. In terms of recruiting in the 2000s, Brady would have + been considered a four-star recruit. In essence, he was a highly rated prospect.[37] + Brady was also on Blue Chip Illustrated as well as a Prep Football Report All-American + selection.[38] After his recruiting process, he narrowed down his list to five + schools.[39] Probably the ones that we did hear from and ultimately pared the + list to were Cal–Berkeley, UCLA, USC, Michigan, and Illinois”, his father said.[39] + As a Cal fan, his father hoped that Brady would attend the nearby Cal, where + Brady was a silent commit, and that he would be able to watch his son play.[40][41] + + Brady was also known as a great baseball player in high school.[42] He was a + left-handed-batting catcher with power. His skills impressed MLB scouts, and + he was drafted in the 18th round of the 1995 MLB Draft by the Montreal Expos.[34][43] + The Expos projected Brady as a potential All-Star, and offered him money typical + of that offered to a late second-round or early third-round pick.[44] Nevertheless, + Brady was determined to play football at the next level. He was always more + passionate about football; when he found that there was significant interest + in him, he decided to take the road of football.[39] Brady was recruited by + Michigan assistant Bill Harris, and he signed to play for the University of + Michigan in 1995.[45][46] He finished his high-school football career by completing + 236 of 447 passes for 3,702 yards and 31 touchdowns. He also won All-State and + All-Far West honors and the team s Most Valuable Player Award.[38] + + During the summers of 1998 and 1999, Brady was an intern at Merrill Lynch.[47] + He was inducted into the Junípero Serra High School Hall of Fame in 2003, joining + fellow Serra High graduates Barry Bonds, Lynn Swann, Gregg Jefferies, Jim Fregosi, + and his older sister Maureen, among many others.[38] When Brady revisited two + weeks after Super Bowl XLVI, in 2012, school administrators announced that they + had named the football stadium Brady Family Stadium.[48] + + Brady at Michigan Stadium in 2016 + + Brady played college football at the University of Michigan from 1995 to 1999.[49][50] + He was a backup quarterback for his first two years, while teammate and future + NFL quarterback Brian Griese led the 1997 Wolverines to an undefeated season, + which was capped by a victory in the Rose Bowl and a share of the national championship.[51] + When he enrolled at Michigan, Brady was seventh on the depth chart, and he had + an intense struggle to get some playing time. At one point, Brady hired a sports + psychologist to help him cope with frustration and anxiety, and even considered + transferring to California.[52][53] He worked closely with assistant athletic + director Greg Harden, who met with Brady every week to build his confidence + and to maximize his performance on the field.[54] Brady told 60 Minutes in 2014: He + will always be somebody I rely on for sound advice and mentorship. He has helped + me with my own personal struggles in both athletics and in life. Greg really + pushed me in a direction that I wasn t sure I could go. [55] + + Under Michigan head coach Lloyd Carr, Brady battled for the starting job with + Drew Henson[50] and ultimately started every game in the 1998 and 1999 seasons. + During his first full year as starter, he set new Michigan records for most + pass attempts and completions in a season, for a total of 214.[56] Brady was + All-Big Ten honorable mention both seasons, and was the team captain in his + senior year. The Wolverines won 20 of 25 games when he started, and he set a + school record for completions in a 31–16 loss against Ohio State in 1998, a + season in which Michigan shared the Big Ten Conference title.[57] Brady capped + that season with a 45–31 win over Arkansas in the Citrus Bowl.[58] + + In the 1999 season, Brady had to once again hold off Henson for the starting + job. The two players platooned during the season s first seven games, with Brady + playing the first quarter, Henson the second and Carr then deciding upon a quarterback + for the second half. The 1999 Michigan Wolverines started with a 5–0 record, + including a 26–22 win over Notre Dame, and a road win against eventual powerhouse + Wisconsin. Against Michigan State, Brady was not chosen to play the second half; + however, he was reinserted into the game with Michigan down by 17 points, and + he nearly led Michigan all the way back before losing 34–31.[59] After a 300-yard + passing game the following week, Carr went exclusively with Brady for the remainder + of the season. Brady went on to lead Michigan to multiple 4th-quarter comebacks, + including a remarkable 31–27 win against Penn State, and leading them out of + a close game against Indiana, 34–31, heading into the regular season s final + game, winners of three straight, earning him the moniker of Comeback Kid .[60] + + Michigan concluded the regular season against Ohio State; this was a dramatic + game with a trip to the Orange Bowl on the line. With five minutes left, tied + 17–17, Brady led Michigan to the winning score.[61] He led Michigan to an overtime + win in the Orange Bowl over Alabama, throwing for 369 yards, four touchdowns, + leading the team back from a pair of 14-point deficits in regulation (14–0 in + the first half, and 28–14 in the second). He threw the game-winning score on + a bootleg to tight end Shawn Thompson. Michigan won the game when Alabama missed + an extra point following its own touchdown.[62][63] + + In the two seasons that Brady started at Michigan, he posted a 20–5 record, + including wins at the Citrus Bowl (1999) and the Orange Bowl (2000). Brady finished + his career ranking third in Michigan history with 710 attempts and 442 completions, + fourth with 5,351 yards and 62.3 completion percentage, and fifth with 35 touchdown + passes.[38][64] + + 1996 Michigan 3 5 60.0% 26 5.2 0 1 63.7 – – – – + + 1997 Michigan 12 15 80.0% 103 6.9 0 0 137.7 2 −14 −7.0 0 + + 1998 Michigan 200 323 61.9% 2,427 7.5 14 10 133.1 54 −105 −1.9 2 + + 1999 Michigan 180 295 61.0% 2,217 7.5 16 6 138.0 34 −31 −0.9 1 + + Career 395 638 61.9% 4,773 7.5 30 17 134.9 90 −150 −1.7 3 + + (2.51 m) 33[66] + + All values from NFL Combine[67] + + A lightly regarded prospect coming out of college,[68][69] Brady was selected + by the New England Patriots with the 199th overall pick in the sixth round of + 2000 NFL Draft and has since spent his entire 19-season career with the Patriots. + Brady s tenure with the Patriots is an NFL record for the longest time playing + quarterback for one franchise. Since Brady became their starting quarterback + in 2001, the Patriots have never had a losing season and have won 16 division + titles. The Patriots played in thirteen AFC Championship Games from 2001 to + 2018—including eight in a row from 2011 to 2018—and won nine of them. Brady + and Patriots head coach Bill Belichick have combined to form the most successful + quarterback-head coach tandem in NFL history, winning more regular season games + and postseason games than any other such duo[70] as well as appearing in nine + Super Bowls. All of these events set new NFL records.[71] + + In his second season, Brady took over as the starting quarterback after Drew + Bledsoe was injured.[72] He led the Patriots to first place in the AFC East[73] + and a victory over the favored St. Louis Rams[74][75] in Super Bowl XXXVI, winning + his first Super Bowl MVP award. Despite the Patriots missing the playoffs the + following season, Brady would then lead them to back-to-back World Championships + in 2003 and 2004, winning Super Bowl MVP honors again in 2003. Along the way, + the Patriots won an NFL-record 21 consecutive games (including the playoffs) + between the 2003 and 2004 seasons.[76] The 2005 season was Brady s first to + throw for 4,000 yards and lead the NFL in passing.[77] That postseason, Brady + would win his 10th consecutive playoff game, another NFL postseason record.[78] + + Although Brady and the Patriots continued to win often, they did not return + to the Super Bowl until the 2007 season. That year, Brady not only set an NFL + record with 50 touchdown passes[79] but he would also lead the Patriots to a + 16–0 finish,[80] the first perfect regular-season record since the Miami Dolphins + finished 14–0 in 1972.[81][82] Brady would win his first career NFL MVP Award, + winning 49 out of 50 votes.[83] The Associated Press also named him Male Athlete + of the Year, the first such award given to an NFL player since Joe Montana won + it in 1989 and 1990.[84] However, the Patriots suffered their first Super Bowl + loss with Brady as quarterback, dropping a 17–14 decision to the New York Giants + in Super Bowl XLII.[85] + + Brady missed virtually the entire following season due to a knee injury in the + season opener.[86] But he would come back strong in the 2009 season to be named + the league s Comeback Player of the Year.[87] In 2010, Brady set the NFL record + for consecutive passes without an interception (358)[88] and broke his own record + for the highest season touchdown-to-interception ratio (among players who have + started a full season) at 9:1, currently the third best TD:INT ratio for a single + season by a quarterback.[89] Brady would win his second league MVP award with + all 50 votes in his favor.[90] He was the first unanimous NFL MVP since Giants + linebacker Lawrence Taylor won the award in 1986.[91] He and Joe Montana are + the only players in NFL history to win multiple NFL MVP and Super Bowl MVP awards.[92][93] + Brady was also named the top player by his peers in the first NFL Top 100 list, + released in 2011.[94] + + In the 2011 season, Brady led the Patriots to their first AFC Championship since + 2007 and appeared in the Super Bowl for a fifth time; but the Patriots would + lose again to the Giants.[95] Following AFC Championship Game losses in the + following seasons (2012 and 2013), Brady and the Patriots made their sixth trip + to the Super Bowl after the 2014 season (Brady s 15th as a professional). There, + he led the Patriots to a fourth-quarter comeback[96] over the defending champion + Seattle Seahawks. He would lift his fourth Super Bowl trophy (the Patriots first + in ten seasons) and was named Super Bowl MVP for the third time.[97] + + Despite missing the first four games of the 2016 season, Brady would lead the + Patriots (3–1 before he rejoined them)[98] to win 11 out of the 12 remaining + regular season games and two postseason games to make his seventh Super Bowl + appearance. Brady and the Patriots would overcome a 25-point deficit against + the Atlanta Falcons (down 28–3 in the third quarter) to force the first overtime + in Super Bowl history, winning 34–28 to give Brady his fifth Super Bowl title.[99] + He earned his fourth Super Bowl MVP award after setting title-game records for + appearances, pass attempts, completions, passing yards and fourth-quarter comebacks.[100] + In his eighth appearance, capping the 2017 season, Brady threw for 505 yards + at 40 years old, setting a record for most passing yards in a Super Bowl, but + the Patriots lost to the Philadelphia Eagles. In 2019, the Patriots won Super + Bowl LIII, earning Brady his sixth super bowl title, becoming the first player + in history to have won six Super Bowls.[101] + + Over his career, Brady has won three league MVP awards, six Super Bowls, and + four Super Bowl MVP Awards. A 14-time Pro Bowler, Brady has also twice led the + NFL in passing yardage.[102][103] As of November 2017, he owns the third-highest + career passer rating (97.9) among quarterbacks with at least 1,500 career passing + attempts.[104] He has thrown for more passing yards and touchdowns than any + other quarterback in NFL postseason history; he also has won more playoff games + than any other quarterback. As a result of his highly successful career, Brady + is rated among the greatest quarterbacks of all time.[105] + + Brady s name has become associated with two NFL rules, which sports reporters + have called the Brady rules . One is the tuck rule that was in effect from + 1999 through 2013.[106] The other is a rule about low hits enacted in 2009: A + defender cannot initiate a roll or lunge and forcibly hit the passer in the + knee area or below, even if he is being contacted by another player. [107] + + Brady was selected with pick number 199, a compensatory pick, in the sixth round + of the 2000 NFL Draft.[108] He and his family had believed that Brady would + be drafted in the second or third round; they watched the draft on television, + stunned as six other quarterbacks were drafted before he was. Brady was so embarrassed + that he briefly left the family home during the sixth round, and cried when + recalling the experience for an interview 11 years later. When the Patriots + notified him that he would be drafted, Brady was grateful that, he later said, + he would not have to be an insurance salesman .[109] According to Michael Holley + s book Patriot Reign, the Patriots were considering Brady and Tim Rattay, both + of whom had received positive reviews from then-quarterbacks coach Dick Rehbein.[110] + Ultimately, the Patriots front office chose Brady. Considering his subsequent + success, many analysts have called Brady the best NFL draft pick of all time.[111][112][113][114] + Patriots owner Robert Kraft recalled: “I still have the image of Tom Brady coming + down the old Foxboro stadium steps with that pizza box under his arm, a skinny + beanpole, and when he introduced himself to me and said ‘Hi Mr. Kraft,’ he was + about to say who he was, but I said ‘I know who you are, you’re Tom Brady. You’re + our sixth round draft choice,’” recalled Kraft. “And he looked me in the eye + and said ‘I’m the best decision this organization has ever made.’ It looks like + he could be right.”[115] + + Brady started the season as the fourth-string quarterback, behind starter Drew + Bledsoe and backups John Friesz and Michael Bishop; by season s end, he was + number two on the depth chart behind Bledsoe.[116] During his rookie season, + he was 1-for-3 passing, for six yards.[117] Tight end Rod Rutledge caught Brady + s first and only completed pass of the season in a 34–9 loss to the Detroit + Lions on November 23.[118][119] + + With Bledsoe as the starting quarterback, the Patriots opened the season with + a 23–17 loss at Cincinnati.[117] In their second game and home opener on September + 23, the Patriots squared off against their AFC East rivals, the New York Jets. + Bledsoe was again the starter; in the fourth quarter, he suffered internal bleeding + after a hit from Jets linebacker Mo Lewis. Bledsoe returned for the next series, + but was replaced with Brady for the Patriots final series of the game. New + York would hold on to win, 10–3, and the Patriots fell to 0–2 on the season.[120] + Brady was named the starter for the season s third game, against the Indianapolis + Colts. In his first two games as starter, Brady posted unspectacular passer + ratings of 79.6 and 58.7, respectively, in a 44–13 victory over the Colts (in + their last season in the AFC East) and a 30–10 loss to the Miami Dolphins.[121][122][123] + + In the Patriots fifth game, Brady began to find his stride. Trailing the visiting + San Diego Chargers 26–16 in the fourth quarter, he led the Patriots on two scoring + drives to force overtime, and another in overtime to set up a winning field + goal. Brady finished the game with 33 pass completions on 54 attempts, for 364 + yards, and two touchdowns, and was named AFC Offensive Player of the Week for + the first time in his career.[124][125] The following week, Brady again played + well during the rematch at Indianapolis, with a passer rating of 148.3 in a + 38–17 win.[126] The Patriots went on to win eleven of the fourteen games Brady + started, and six straight to finish the regular season, winning the AFC East + and entering the 2001–02 NFL playoffs with a first-round bye.[127] In that stretch + was a Week 11 34–17 victory over the New Orleans Saints where he was 19 of 26 + for 258 passing yards and four touchdowns to earn his second AFC Offensive Player + of the Week nod in 2001.[128] In Week 15, against the Miami Dolphins, he recorded + a 23-yard reception from Kevin Faulk on a trick play.[129] Brady finished the + 2001 season with 2,843 passing yards and 18 touchdowns and earned an invitation + to the 2002 Pro Bowl.[117][130] + + In Brady s first playoff game, he threw for 312 yards against the Oakland Raiders + and led the Patriots back from a ten-point fourth-quarter deficit to send the + game to overtime, where they won on an Adam Vinatieri field goal. A controversial + play occurred in that game. Trailing by three points in the fourth quarter, + Brady lost control of the ball after being hit by Raiders cornerback Charles + Woodson. Oakland initially recovered the ball, but, citing the tuck rule, which + states that any forward throwing motion by a quarterback begins a pass even + if the quarterback loses possession of the ball as he is attempting to tuck + it back toward his body, referee Walt Coleman overturned the call on instant + replay, ruling it an incomplete pass rather than a fumble.[131] Brady finished + the game 32-of-52 for 312 passing yards and one interception.[132] + + In the AFC Championship Game against the Pittsburgh Steelers, Brady injured + his knee, and was relieved by Bledsoe.[133] The Patriots won the game by a score + of 24–17 and were immediately installed by Las Vegas oddsmakers as 14-point + underdogs against the NFC champion St. Louis Rams in Super Bowl XXXVI.[134][135] + + Brady returned from his knee injury in the AFC Championship Game to start in + the Super Bowl a week later at the Louisiana Superdome in New Orleans. Despite + being heavy underdogs, the Patriots played well, holding the Rams high powered + offense in check through the first three quarters. The Rams rallied from a 17–3 + deficit to tie the game with 1:30 left in regulation. The Patriots then got + the ball back at their own 17-yard line with no timeouts remaining. Sportscaster + and former Super Bowl-winning coach John Madden said he thought the Patriots + should run out the clock and try to win the game in overtime.[136] Instead, + Brady drove the Patriots offense down the field to the Rams 31-yard line before + spiking the ball with seven seconds left. Then kicker Adam Vinatieri converted + a 48-yard field goal as time expired to give the Patriots a 20–17 win and their + first ever league championship. Brady was named MVP of Super Bowl XXXVI while + throwing for 145 yards, one touchdown, and no interceptions. At the age of 24 + years and six months, Brady surpassed Joe Namath in Super Bowl III and Joe Montana + in Super Bowl XVI, who were both 25 years, seven months, and 13 days old at + the time of their victories, to earn the title of youngest quarterback to win + a Super Bowl.[137][138] A possible quarterback controversy was averted when + Bledsoe was traded to the Buffalo Bills during the offseason; this event cemented + Brady s status as the starting quarterback.[139] + + In the 2002 season opener, Brady had 294 passing yards and three touchdowns + in the 30–14 victory over the Pittsburgh Steelers to earn his third AFC Offensive + of the Week title.[140][141] In Week 9, in a 38–7 victory over the Buffalo Bills, + he had 265 passing yards and three touchdowns to earn another AFC Offensive + Player of the Week nod.[142][143] Brady and the Patriots finished the year at + 9–7, tied with the New York Jets and Miami Dolphins for the best record in the + division; however, the Jets won the division on the third tiebreaker, and the + Patriots missed the playoffs.[144] + + Though Brady posted a career-low single-season passer rating of 85.7 and a career-high + of 14 interceptions, he threw for a league-leading 28 touchdown passes and 921 + more yards than in the 2001 season.[121] However, Brady played much of the second + half of the season with a shoulder injury, and New England head coach Bill Belichick + later indicated that Brady would not have been able to play in their first playoff + game if the Patriots had made the playoffs. + + After opening the 2003 NFL season with a 2–2 start, Brady led the Patriots to + twelve consecutive victories to finish the regular season in winning the AFC + East.[145] In Week 9, against the Denver Broncos, he had 350 passing yards, + three touchdowns, and one interception in the 30–26 victory to earn his fifth + AFC Offensive Player of the Week honor.[146][147] In Week 14, a 12–0 victory + against the Miami Dolphins, he recorded a 36-yard punt in the game.[148] Statistically, + Brady s strongest game of the season was in Week 17 against the division rival + Buffalo Bills, when he achieved a season-high quarterback rating of 122.9, and + was named AFC Offensive Player of the Week.[121][149] Brady finished with 3,620 + passing yards and 23 touchdowns,[117] and was third in NFL MVP voting to co-winners + Peyton Manning and Steve McNair.[150] + + In the first two rounds of the playoffs, the Patriots defeated the Tennessee + Titans in the Divisional Round by a score of 17–14. In the win, Brady was 21 + of 41 for 201 passing yards and one passing touchdown.[151] In the following + round, they defeated Indianapolis Colts in the AFC Championship by a score of + 24–14. Brady completed 22 of 37 passes for 237 yards, one passing touchdown, + and an interception.[152] On February 1, 2004, Brady led the Patriots to a 32–29 + victory over the NFC champion Carolina Panthers in Super Bowl XXXVIII and was + named Super Bowl MVP for the second time. During the game, Brady threw for 354 + yards with three touchdowns and set the record for most completions by a quarterback + in a Super Bowl with 32. With 1:08 left in the fourth quarter and the score + tied 29–29, Brady engineered a drive with five pass completions to put the Patriots + in position for the game-winning 41-yard field goal by Vinatieri.[153][154] + + Brady during Super Bowl XXXIX + + During the 2004 season, Brady helped the Patriots set an NFL record with 21 + straight wins dating from the previous year, an accomplishment honored in the + Pro Football Hall of Fame (though for official records, the NFL considers it + an 18-game regular season winning streak; it does not count playoff games).[155] + New England finished with a 14–2 record, equaling their 2003 record and the + best regular-season record ever for a defending champion.[156] The Patriots + also won the AFC East divisional title for the third time in four years.[157] + Brady threw for 3,692 yards and 28 touchdowns, with a 92.6 passer rating, and + was voted to his second Pro Bowl.[117] + + In the playoffs, Brady led the Patriots to victories over the Indianapolis Colts + in the Divisional Round by a score of 20–3 and the Pittsburgh Steelers in the + AFC Championship by a score of 41–27.[158] Brady played his best game of the + year in Pittsburgh despite requiring intravenous treatment the previous night + when he ran a temperature of 103°.[159] Against the NFL s best defense,[158] + he recorded a quarterback passer rating of 130.5, his highest of the season.[121] + On February 6, 2005, the Patriots narrowly defeated the Philadelphia Eagles, + 24–21, to win Super Bowl XXXIX at Alltel Stadium in Jacksonville, Florida. Brady + threw for 236 yards and two touchdowns[160] while capturing the Patriots third + championship in four years. They became the first franchise since the Dallas + Cowboys in 1992–1995 to win three Super Bowls in four years.[161] + + During the 2005 season, injuries suffered by running backs Corey Dillon, Patrick + Pass, and Kevin Faulk forced the Patriots to rely more on Brady s passing.[162][163] + Brady also had to adjust to new center Russ Hochstein and running back Heath + Evans. On October 9, in a 31–28 victory over the Atlanta Falcons, he had 350 + passing yards, three touchdowns, and one interception to earn AFC Offensive + Player of the Week honors.[164][165] Brady finished first in the league with + 4,110 passing yards and third in the league with 26 touchdowns.[117] At 92.3, + his 2005 passer rating was the second-highest of his career at the time, although + he equaled his career high for interceptions with 14.[121] He rushed for 89 + yards and fumbled a career-low four times.[121] He and the Patriots finished + with a 10–6 record, winning their third straight AFC East title.[166] He was + named to his third Pro Bowl at the end of the season.[167] + + In the playoffs, Brady recorded 201 passing yards and three passing touchdowns + to help lead the Patriots to a 28–3 victory over the Jacksonville Jaguars in + the Wild Card Round. On January 14, 2006, the Patriots lost 27–13 to the Denver + Broncos at INVESCO Field in the Divisional Round.[168][169] Brady threw for + 341 yards in the game with one touchdown and two interceptions, in the first + playoff loss of his career after ten playoff victories.[170] After the season + s end, it was revealed that Brady had been playing with a sports hernia since + December. Linebacker Willie McGinest commented on it and said he knew, but Brady + continued playing.[171] + + Brady on the sideline at Giants Stadium with teammates Randy Moss and Jabar + Gaffney, after throwing for his record-breaking 50th passing touchdown of the + 2007 season + + Brady started the 2006 season with 163 passing yards, two passing touchdowns, + and an interception against the Buffalo Bills in a 19–17 victory.[172] In Week + 8, against the Minnesota Vikings, he had one of his stronger performances of + the season with 372 passing yards, four passing yards, and one interception + in the 31–7 victory.[173] He posted another game with four passing touchdowns + in the Week 11 35–0 victory over the Green Bay Packers.[174] Brady led the Patriots + to a 12–4 record and the fourth seed in the AFC playoffs.[175] In the regular + season, Brady threw for 3,529 yards and 24 touchdowns.[117] He was not among + the players initially selected to the Pro Bowl,[176] although he was offered + an injury-replacement selection when San Diego Chargers quarterback Philip Rivers + was forced to withdraw. Brady ended up declining the invitation.[177] + + In the postseason, the Patriots first hosted their division rivals, the New + York Jets, in the Wild Card Round. The Patriots defeated the Jets 37–16, as + Brady went 22–34 for 212 yards and two touchdowns.[178] The Patriots traveled + to San Diego to take on the Chargers in the Divisional Round. This was Brady + s first playoff game in his home state of California. Brady and the Patriots + struggled against the Chargers, whom many had picked as favorites to win Super + Bowl XLI.[179] With eight minutes left in the fourth quarter and the Patriots + down by eight points, Brady and the Patriots started a key drive that would + ultimately decide the game. After a 49-yard pass play to wide receiver Reche + Caldwell, a Stephen Gostkowski field goal gave the Patriots a 24–21 win.[180] + + In the AFC Championship, the Patriots faced the Indianapolis Colts. The Patriots + and Colts had faced each other twice in the previous three postseasons at Foxborough; + this game, however, was played at Indianapolis. The Patriots led at halftime, + 21–6; however, the Colts and Peyton Manning staged a comeback, culminating in + a last minute interception thrown by Brady, and the Patriots lost the game to + the Colts, 34–38.[181] + + Playing with a dramatically overhauled receiver corps—in the 2007 offseason, + the Patriots acquired wide receivers Donté Stallworth, Wes Welker, Kelley Washington, + and Randy Moss; tight end Kyle Brady; and running back Sammy Morris—Brady enjoyed + what some sportswriters described as one of the best seasons by a quarterback.[182][183] + The average score of a 2007 Patriots regular-season game would be 37–17 by the + end of the year.[184] Brady led the Patriots to the first 16–0 regular-season + record in league history, outscoring opponents by more than a 2-to-1 margin, + but also attained numerous career, franchise, and NFL records and milestones + in the process. He was named as the AFC Offensive Player of the Week five separate + times that year.[185][186][187][188][189] While away at Dallas, he had a career-high + five passing touchdowns in a 48–27 win. The win tied him with Cowboys Hall of + Fame quarterback Roger Staubach for the most wins ever by a starting quarterback + in his first 100 regular-season games, with 76.[190] The next week, in part + of a 49–28 win at Miami, he had yet another record day, with a career-high six + passing touchdowns, setting a franchise record. He also had the first game with + a perfect passer rating of his career.[191] Two weeks later, as part of a come-from-behind + 24–20 victory at Indianapolis, he threw for another three touchdowns, the ninth + consecutive game in which he had done so, breaking Peyton Manning s NFL record + of eight.[192] During the last game of the year, Brady threw two touchdown passes; + his second touchdown was his 50th, breaking Peyton Manning s record of 49 in + the 2004 season.[193] + + Brady in December 2007 + + Brady finished the season with 4,806 passing yards, 50 touchdown passes, and + only eight interceptions. It was unanimously voted the greatest passing season + of all time by ESPN in 2013. His 50:8 touchdown to interception ratio was, at + the time, an NFL record. He became the first quarterback to pass for 50 touchdowns + in a season and his 117.2 passer rating is[when?] the fourth highest in a single + season. His 8.7% touchdown passing percentage is[when?] the third highest ever + in a season. He led the Patriots to becoming the first team to ever go undefeated + in the regular season since the 16 game schedule was enforced and directed an + offense that scored a then NFL record 589 points and 75 total touchdowns. Those + records stood until they were eclipsed by the 2013 Denver Broncos. The team + s 50 total touchdown passes is the fourth most ever in a season. For his efforts, + Brady was named the Most Valuable Player of this season, as well as Offensive + Player of the Year. He was also honored by the Associated Press as their Male + Athlete of the Year, the first time an NFL player has been so honored since + Joe Montana won the award in 1990.[194] He was named as a First Team All-Pro + and to his fourth career Pro Bowl as a result of his historic season.[195][196] + + In the Patriots first playoff game, a Divisional Round game against Jacksonville, + Brady began the game with an NFL postseason record 16 consecutive completed + passes, and finished the game with 26 completions in 28 attempts, a completion + rate of 92.9%. That mark is the highest single-game completion percentage (for + passers with at least 20 attempts) in NFL history, regular season or postseason.[197] + With the win, the Patriots matched the undefeated 1972 Miami Dolphins as the + only team to win 17 consecutive games in one season. + + Statistically, Brady did not fare as well in the AFC Championship Game against + the San Diego Chargers, throwing three interceptions (including his first interception + in the red zone since the playoff loss to Denver in the 2005 postseason). Nevertheless, + the Patriots won their 18th game of the season, 21–12, to advance to the Super + Bowl for the fourth time in seven seasons. Brady, with the 100th win of his + career, also set an NFL record for the fewest games needed by a starting quarterback + to do so: his 100–26 record is sixteen games better than Joe Montana s.[198] + In Super Bowl XLII at the University of Phoenix Stadium in Glendale, Arizona., + Brady was pressured heavily and sacked five times. The Patriots did manage to + take the lead with a Brady touchdown to Moss with less than three minutes remaining + in the fourth quarter, but the Giants were able to score a last-minute touchdown + to upset the Patriots 17–14, taking away what would have been the first perfect + season since the NFL expanded its regular season to 16 games.[199] + + Brady in action against the Washington Redskins on August 28, 2009. + + Brady did not play in any games during the 2008 preseason or in the 2008 Pro + Bowl due to two different foot injuries.[200][201] In the Patriots 2008 season + opener against the Kansas City Chiefs at Gillette Stadium, Brady s left knee + was seriously injured midway through the first quarter on a hit by Chiefs safety + Bernard Pollard; he left the game and did not return. The team later confirmed + that Brady would require surgery, and it would prematurely end his 2008 season.[202] + Brady tore both his anterior cruciate ligament and medial collateral ligament.[203] + The injury ended Brady s streak of 111 consecutive starts (ninth in the list + of most consecutive starts by an NFL quarterback, behind Brett Favre, Peyton + Manning, Eli Manning, Philip Rivers, Matt Ryan, Matthew Stafford, Ron Jaworski, + and Joe Flacco).[204] Dr. Neal ElAttrache performed the anterior cruciate ligament + reconstruction at the Los Angeles Kerlan-Jobe Orthopaedic Clinic October 6, + using Brady s patellar tendon graft to replace the torn ligament, and also repaired + his medial collateral ligament, through a separate incision in his left knee.[205] + An infection in the wound resulted in further debridement surgery several times + since the original procedure. Brady received IV antibiotics for this infection + which, at the time, threatened to delay his rehab.[206][207] Despite Brady s + absence, the Patriots managed to finish the 2008 season with an 11–5 record; + however, due to tiebreakers, the Patriots not only failed to win the AFC East + division title, but missed the playoffs altogether for the first time since + the 2002 season.[208] + + Brady in Landover, Maryland, on August 28, 2009, during warmups in a preseason + game against the Washington Redskins. + + In his first game in nearly a year, Brady threw for 378 yards and two touchdowns + in the 2009 season opener against the Buffalo Bills. In the final three minutes + of the game, the Patriots were down 24–13 before Brady and tight end Benjamin + Watson connected on two straight touchdowns to lead the Patriots to a 25–24 + win.[209] Brady was named the AFC Offensive Player of the Week for the 13th + time in his career for his performance.[210] + + On October 18, 2009, in an early season snowstorm, Brady set an NFL record against + the Tennessee Titans for most touchdowns in a single quarter, throwing five + in the second quarter. Brady finished the game with six touchdowns, tying his + career-high from the 2007 season, and 380 yards, completing 29-of-34 attempts, + finishing with a nearly perfect passer rating of 152.8.[211][212] He earned + his second AFC Offensive Player of the Week nod for his efforts against the + Titans.[213] The Patriots 59–0 victory over the Titans tied the record for + the largest margin of victory since the 1970 AFL-NFL merger,[214] and set a + record for largest halftime lead in NFL history, which was 45–0.[215] + + Brady finished the 2009 regular season with 4,398 yards passing and 28 touchdowns + for a 96.2 rating,[117] despite a broken right ring finger and three fractured + ribs, all which were suffered over the course of the season.[216] He was selected + as a reserve to the 2010 Pro Bowl and named the 2009 NFL Comeback Player of + the Year.[217][218] + + Brady ended the 2009 season throwing for 154 passing yards, two touchdowns, + and three interceptions in a Wild Card Round loss to the Baltimore Ravens, 33–14, + his first career home playoff loss, and the first playoff loss at home by a + Patriots quarterback since 1978 (Steve Grogan).[219] + + On September 10, 2010, Brady signed a four-year, $72 million contract extension, + making him the highest-paid player in the NFL. The extension included $48.5 + million in guaranteed money.[220] + + Brady became the quickest quarterback to achieve 100 regular season wins by + helping his team defeat the Miami Dolphins 41–14 on October 4, 2010.[221] + + In a 31–28 win over the Indianapolis Colts on November 21, 2010, Brady tied + Brett Favre s record of winning 25 consecutive regular-season home starts.[222] + Brady s last regular-season defeat at home was a 17–14 loss to the New York + Jets on November 12, 2006.[223] On November 25, in a 45–24 victory over the + Detroit Lions, he had 341 passing yards and four touchdowns to earn AFC Offensive + Player of the Week.[224][225] In the game, he earned a perfect passer rating + for the second time in his career.[226][227] The next week, in a 45–3 victory + over the New York Jets, he had 326 passing yards and four touchdowns to earn + AFC Offensive Player of the Week honors for the second consecutive week. The + victory over the Jets set an NFL record by winning 26 consecutive regular-season + home starts.[228][229][230] + + Brady threw for 3,900 yards with 36 touchdowns and only four interceptions on + the season.[117] He had a 111.0 passer rating; this gave him—at the time—two + of the top five season ratings in NFL history and made him the first player + to finish with a rating above 110 in two different seasons.[231] + + Brady was selected as a starter to the 2011 Pro Bowl.[232] However, he pulled + out of the game (and was replaced by former backup Matt Cassel of the Kansas + City Chiefs) after undergoing surgery for a stress fracture in his right foot + dating back to 2008.[233] Brady was also the only unanimous selection for the + AP All-Pro Team and was named the 2010 Associated Press NFL Offensive Player + of the Year. By unanimous decision, he won the MVP award for the second time + in his career.[234] On the NFL Top 100 Players of 2011 players list, Brady + was ranked as the best player in the NFL by his fellow players.[235] + + After earning the #1 seed and a bye week, the Patriots lost to the New York + Jets in the Divisional Round by a score of 28–21. Brady finished the game 29-of-45 + for 299 yards and two touchdowns, with one interception. His one interception + ended his NFL record of consecutive passes without an interception at 340.[236][237] + + In Week 1 of the 2011 NFL season, Brady threw for a career-high 517 yards, four + touchdowns, and one interception in a 38–24 victory over the Miami Dolphins + and earned AFC Offensive Player of the Week honors.[238] This was the second + time that he had thrown for 400 or more yards in a single game. In the game, + he threw a record-tying 99-yard touchdown pass to Wes Welker in the second quarter.[239][240][18] + In the next game, a 35–21 victory over the San Diego Chargers, he had 423 passing + yards and three touchdowns to earn another AFC Offensive Player of the Week + nod.[241][242] + + In Week 16, in the second divisional game against the Miami Dolphins, Brady + had 304 passing yards and one passing touchdown to go along with nine rushes + for 17 yards and two rushing touchdowns in the 27–24 victory to earn AFC Offensive + Player of the Week for the third time in 2011.[243][244] In the regular season + finale against the Buffalo Bills, Brady became the fourth quarterback to throw + for 5,000 yards in a single season, finishing with 5,235; although Brady surpassed + Dan Marino s longstanding record of 5,084 passing yards, he finished the season + second in passing yards behind Drew Brees s 5,476.[117] In the end, the Patriots + finished the season 13–3 and clinched the AFC s #1 seed.[245] For his efforts + in the 2011 season, Brady was named to the Pro Bowl and was named as the fourth + best player in the NFL on the NFL Top 100 Players of 2012 by his peers.[246][247] + + There s no quarterback I d rather have than Tom Brady. He s the best. He does + so much for us in so many ways on so many different levels. I m very fortunate + that he s our quarterback and what he s able to do for this team. It s good + to win with him and all the rest of our players. If that s more than somebody + else did, I don t really care about that.[248] + + –Bill Belichick + + In the Patriots 45–10 rout of the Denver Broncos in the Divisional Round, Brady + set a personal postseason best with 363 passing yards, and tied an NFL playoff + record shared by Daryle Lamonica and Steve Young, throwing for six touchdown + passes.[249] The win, his first postseason win since January 2008, gave Brady + and Patriots head coach Bill Belichick sole possession of the NFL record for + postseason wins by a quarterback-head coach combo with 15.[250] In the AFC Championship + game against the Baltimore Ravens, Brady failed to throw a touchdown pass for + the first time in 36 games, though he did pass for 239 yards and scored a one-yard + rushing touchdown late in the game. A missed field goal from Ravens kicker Billy + Cundiff gave Brady and the Patriots a 23–20 victory, sending Brady to his fifth + Super Bowl as a member of the Patriots.[251] In Super Bowl XLVI at Lucas Oil + Stadium in Indianapolis, Brady and the Patriots met the New York Giants in a + rematch of their Super Bowl XLII meeting four years earlier. Brady played well, + leading a Super Bowl record-tying 96-yard touchdown drive to close the first + half and at one point completing 16 passes in a row to give him a 20-of-23 mark + partway into the third quarter, another Super Bowl record. Brady threw two touchdowns + against one interception on the Patriots first offensive series, and was penalized + for intentional grounding in the end zone, giving up a crucial safety to the + Giants. A final score of 21–17 for the Giants prevented Brady from winning his + fourth Super Bowl.[252] + + Brady started all 16 regular season games of the 2012 NFL season and led the + Patriots to a 12–4 record. Among the many highlights of the team was a 42–14 + win over the Houston Texans in Week 14. Brady had 296 passing yards and four + touchdowns to earn AFC Offensive Player of the Week.[253][254] The Patriots + scored 557 total points, the third highest in league history and Brady became + the first quarterback to lead his team to ten division titles.[255] With that + point total, the Patriots became the first team to score at least 500 points + in a season four different times, with Brady leading all four squads, which + was a record as well. He finished the season with 4,827 passing yards, 34 touchdowns, + only eight interceptions, and a passer rating of 98.7. It was Brady s third + straight season throwing for over 30 touchdowns.[256] He was named to the Pro + Bowl for the eighth time in his career.[257] On the NFL Top 100 Players of 2013, + Brady was ranked fourth by his fellow players for the second consecutive year.[258] + + Brady started both Patriots playoff games, winning 41–28 against the Houston + Texans in the Divisional Round.[259] Brady passed for 344 yards and three touchdowns + as he led the team to their seventh AFC Championship Game in his 12 years as + a starter. With the victory, Brady surpassed Joe Montana for most career playoff + wins, with 17.[260] The Patriots were then upset by the eventual Super Bowl + XLVII champion Baltimore Ravens, 28–13 in the AFC Championship. He threw for + 320 yards and one touchdown with two interceptions.[261] He suffered his first + career loss at home when leading by halftime, in which during that span he was + 67–0.[262] + + On February 25, 2013, Brady and the Patriots agreed on a three-year contract + extension, which kept him with the team through 2017.[263] Peter King called + it an amazing deal, as Brady took just $27 million in new money over the 2015, + 2016, and 2017 seasons, and also noted that it reflected Patriots owner Robert + Kraft s desire to make sure that Brady retired as a Patriot.[264] + + Brady and the Patriots began the season with much upheaval on the offensive + side of the ball. Tight end Rob Gronkowski was injured and Aaron Hernandez was + arrested. Wes Welker departed to the Denver Broncos, Danny Woodhead left in + free agency for the San Diego Chargers, and Brandon Lloyd was released from + the team. In order to replace the five players, the Patriots signed Danny Amendola + in free agency from the Rams, drafted rookie wide receivers Aaron Dobson and + Josh Boyce, and signed undrafted rookie free agent wide receiver Kenbrell Thompkins. + In the first two games of the season, Brady completed 52% of his passes and + had three touchdowns and one interception.[265][266] + + Brady during the 2013 season + + Brady was in pursuit of Drew Brees s record of at least one touchdown in 54 + consecutive regular season games and saw the streak end at 52 games in a Week + 5 loss against the Cincinnati Bengals.[267] In a Week 6 game against the Saints, + the Patriots struggled in the first half and bounced back in the second with + Brady passing for 269 yards with a touchdown to Kenbrell Thompkins as time expired + to pull out the win over the Saints.[268] + + In Week 12, Brady faced-off against Peyton Manning for the fourteenth time in + his career. After going to the half trailing by 24 points, Brady and the Patriots + scored 31 unanswered points. The Patriots won after a muffed punt in overtime + when Stephen Gostkowski scored a field goal.[269] With the win, Brady earned + AFC Offensive Player of the Week honors.[270] With a Week 16 win over the Baltimore + Ravens, Brady collected his 147th win as a starting quarterback to tie Dan Marino + for fourth place all time, and the following week he defeated the Buffalo Bills + to tie John Elway for third place. In the victory over the Bills, Brady recorded + a 32-yard punt.[271] Brady was named to the Pro Bowl for the ninth time in career + and was ranked third on the NFL Top 100 Players of 2014 players list in the + offseason.[272][273] + + Brady s Patriots finished the season 12–4, to earn the second seed in the AFC + and a first-round bye.[274] In the Divisional Round matchup against the Indianapolis + Colts, Brady made his 25th playoff appearance, breaking Brett Favre s career + record for playoff appearances by a quarterback (Jerry Rice appeared in 29 playoff + games). He passed for 198 yards as the Patriots won 43–22 behind a four-touchdown + performance from LeGarrette Blount.[275] The following week, the Patriots lost + 26–16 to the Denver Broncos in the AFC Championship, eliminating Brady and the + Patriots from the playoffs. In the loss, Brady was 24-for-38 for 277 yards and + touchdown, along with two carries for seven yards and a rushing touchdown.[276] + + Brady in September 2014 against the Minnesota Vikings + + Brady started the 2014 season with a 33–20 loss to the Miami Dolphins.[277] + It was Brady s first opening day loss since the 2003 season. Brady recorded + 241 yards and a touchdown in the loss. New England rebounded against the Minnesota + Vikings, but Brady struggled, throwing for 149 yards and a touchdown in a 30–7 + win.[278] Against the Oakland Raiders, Brady was pressured all day, but threw + for 234 yards and a touchdown in 16–9 win.[279] After a humiliating 41–14 loss + to the Kansas City Chiefs, Brady led New England to back-to-back wins against + the Cincinnati Bengals and the Buffalo Bills.[280][281] Brady then defeated + the New York Jets with a 261-yard performance that included three touchdowns.[282] + The following week, a 51–23 embarrassment of the Chicago Bears saw Brady throw + for 354 yards and a season-high five touchdowns.[283] After passing for 333 + yards, and 257 yards in his next two games against the Denver Broncos and Indianapolis + Colts respectively, Brady defeated the Detroit Lions 34–9 with 349 passing yards + and two touchdowns against only one interception.[284] The Patriots winning + streak was put to the test against the Green Bay Packers in Week 13. Down 13–0 + early, Brady threw for 245 yards and two touchdowns. Still down 26–21, Brady + was unable to give the Patriots their eighth consecutive victory.[285] After + trailing 14–3 at the San Diego Chargers, Brady rallied his team with 317 passing + yards, two touchdowns, and one interception, to a 23–14 comeback win.[286] Brady + clinched his NFL record 12th AFC East division title with 287 passing yards, + two touchdowns, and an interception. Brady struggled in his final two games, + throwing for only 182 yards, a touchdown, and an interception in 17–16 victory + against the Jets, and 80 yards in one half of the final regular season game + against the Buffalo Bills, a 17–9 loss, though Julian Edelman, Rob Gronkowski, + and three starting offensive linemen did not play either the entirety or the + majority of the final game, and Brady only played in the first half.[287] Brady + was named to his tenth career Pro Bowl and was ranked third by his fellow players + on the NFL Top 100 Players of 2015.[288][289] + + In a 35–31 Divisional Round win over the Ravens, Brady threw for three touchdowns + and ran in a fourth, breaking Curtis Martin s club record for rushing touchdowns + in the playoffs; Brady also broke Joe Montana s record for playoff touchdowns + with 46. After the Ravens scored on their first two possessions, the Patriots + were quickly down 14–0. Brady led New England on an eight-play, 78-yard drive, + and ran for a score to cut the Ravens lead to 14–7. In the second quarter, Brady + s 15 yard touchdown pass to Danny Amendola tied the score at 14–14. After getting + the ball back, Brady threw an interception at the end of the first half. Joe + Flacco capitalized on it by throwing an 11-yard touchdown strike to tight end + Owen Daniels to give Baltimore a 21–14 halftime lead. Down 28–14, Brady engineered + an 80-yard drive, culminating in a touchdown to Rob Gronkowski to cut the lead + to 28–21. The Patriots tied the game once again at 28 off of a trick play where + Brady passed laterally to Julian Edelman who then threw a 51-yard touchdown + to Danny Amendola. Ravens kicker Justin Tucker drilled a 25-yard field goal + to give Baltimore a 31–28 4th quarter lead. Brady got the ball back, and threw + a 23-yard touchdown to wide receiver Brandon LaFell to give the Patriots their + first lead, up 35–31. After a Duron Harmon interception and a Joe Flacco Hail + Mary attempt failed, Brady clinched his record ninth AFC Championship Game, + fourth straight, and the third championship game against the Indianapolis Colts.[290] + After a 45–7 blowout, Brady advanced to play in his sixth Super Bowl, breaking + a tie with John Elway for most career Super Bowl appearances by a quarterback. + Against the Colts, Brady threw for 226 yards and three passing touchdowns with + one interception[291] + + In Super Bowl XLIX at University of Phoenix Stadium in Glendale, Arizona, Brady + completed 37-of-50 passes for 328 yards, four touchdowns, and two interceptions. + He guided a then-record ten-point fourth quarter comeback as the Patriots defeated + the Seattle Seahawks 28–24 to give Brady his fourth Super Bowl ring, tying him + with Joe Montana and Terry Bradshaw for most Super Bowl victories by a starting + quarterback.[292] He was named Super Bowl MVP for the third time, tying Montana + s record. Brady s 37 completed passes in the game set a Super Bowl record at + the time, which Brady himself would break in Super Bowl LI two years later.[293] + + Further information: Deflategate + + On May 6, 2015, the NFL published a 243-page report regarding the deflation + of footballs used in the previous season s AFC Championship Game.[294] The report + concluded that, more likely than not, Brady was at least generally aware of + the intentional deflation. On May 11, Brady was suspended for four games by + the NFL for his involvement based on substantial and credible evidence that + Brady knew Patriots employees were deflating footballs and that he failed to + cooperate with the investigators.[295] On May 11, Troy Vincent—NFL Executive + Vice President of Football Operations—penned a letter to Brady that stated in + part: Your actions as set forth in the report clearly constitute conduct detrimental + to the integrity of and public confidence in the game of professional football. + [296] Vincent s letter further stated: With respect to your particular involvement, + the report established that there is substantial and credible evidence to conclude + you were at least generally aware of the actions of the Patriots employees + involved in the deflation of the footballs and that it was unlikely that their + actions were done without your knowledge. Moreover, the report documents your + failure to cooperate fully and candidly with the investigation, including by + refusing to produce any relevant electronic evidence (emails, texts, etc.), + despite being offered extraordinary safeguards by the investigators to protect + unrelated personal information, and by providing testimony that the report concludes + was not plausible and contradicted by other evidence. [296] Brady, through the + NFL Players Association, officially appealed the suspension on May 14.[297] + + On July 28, NFL Commissioner Roger Goodell announced the upholding of Brady + s four-game suspension.[298] Brady gave permission to the NFLPA to appeal the + suspension in federal court.[299] Goodell cited Brady s destruction of his cell + phone as a critical factor in his decision to uphold Brady s suspension.[300][301] + The NFL also filed papers in federal court seeking to confirm Roger Goodell + s decision.[302] On July 29 Brady released a statement on his Facebook page + that criticized Goodell s decision to uphold the suspension, saying in part I + am very disappointed by the NFL s decision to uphold the 4 game suspension against + me. I did nothing wrong, and no one in the Patriots organization did either... + I will not allow my unfair discipline to become a precedent for other NFL players + without a fight. [303][304] + + Commentary on the initial punishment was mixed. Bleacher Report writer Mike + Freeman made a statement agreeing with Goodell s decision, saying the penalties + were brutal, but it deserved to be. [305] Various commentators also implied + that the prior reputation of the Patriots organization as a team that bends + rules appeared to factor into the harshness of the punishment.[305][306] Others + described the punishment as firm but fair .[307] + + On September 3, 2015, Judge Richard M. Berman of the United States District + Court for the Southern District of New York vacated Brady s suspension; this + ruling allowed Brady to play in the first four games of the 2015 NFL season. + In his decision, Judge Berman cited the NFL s failure to provide proper notice + to Brady of the charges against him and the potential for a suspension.[308] + Post-appeal commentary also criticized Goodell for manipulating Brady s testimony at + the appeal hearing in his decision.[309] + + In the NFL Kickoff Game, Brady led the Patriots to a 28–21 win over the Pittsburgh + Steelers. He threw for 288 yards and four touchdowns, three of them to Rob Gronkowski.[310] + The Patriots victory was the 161st victory of Brady s career, all with the + Patriots, which surpassed the record held by former Green Bay Packers quarterback + Brett Favre for most regular season wins by a starting quarterback with a single + team. In Week 2, Brady threw for 466 yards and three touchdowns against the + Buffalo Bills. Through the first five games of the season, Brady threw a total + of 14 touchdowns with one interception and had a quarterback rating of 118.4.[311] + In Week 8, a 36–7 victory over the Miami Dolphins, he had 356 passing yards + and four touchdowns to earn his 25th AFC Offensive Player of the Week title.[312][313] + + Despite Brady s success, the Patriots were hit by many injuries to key players + on offense, including wide receiver Julian Edelman, and the Patriots eventually + lost their first game against the Denver Broncos, who were without Peyton Manning, + in Denver on the Sunday after Thanksgiving following a 10–0 start.[314] The + Patriots then lost three of their remaining five games to finish 12–4 for a + fourth straight season, tied with the Cincinnati Bengals and Denver Broncos + for the AFC s best record. The Denver Broncos clinched the No. 1 seed due to + their victories over both the Patriots and the Bengals, while the Patriots finished + with the AFC s No. 2 seed due to having a better record against common opponents + than the Cincinnati Bengals.[315][316] Brady finished the regular season with + a league-leading 36 touchdown passes and seven interceptions.[317] He was named + to his 11th Pro Bowl (seventh straight), and was ranked as the second best player + on the NFL Top 100 Players of 2016 behind only league MVP Cam Newton.[318][319] + + With the return of Julian Edelman from a foot injury, the Patriots defeated + the Kansas City Chiefs in the Divisional Round by a score of 27–20 after advancing + with a first round bye.[320] Brady completed 28 of 42 passes for 302 yards and + two passing touchdowns and one rushing touchdown as he led the team to their + fifth consecutive AFC championship game.[321] The Patriots advanced to the AFC + Championship to face Peyton Manning and the Denver Broncos at Sports Authority + Field at Mile High. It would turn out to be the 17th and final meeting between + the two storied quarterbacks, as Manning would announce his retirement after + the season ended. The Broncos top-ranked defense harassed Brady, who completed + 27-of-56 passes with two interceptions and a touchdown, all day, and the Patriots + eventually lost the game 20–18 after a potential game-tying two-point conversion + attempt failed with 17 seconds left in regulation.[322] + + On February 29, 2016, Brady signed a two-year contract extension covering the + 2018 and 2019 seasons.[323] + + Three days later, the NFL appealed Judge Richard M. Berman s 2015 decision to + vacate Brady s four-game suspension as punishment for his alleged role in the + Deflategate scandal. At the March 3, 2016, hearing in New York City, the three-judge + panel of the United States Court of Appeals for the Second Circuit questioned + Players Association lawyer Jeffrey L. Kessler more intensely than NFL lawyer + Paul Clement, with Circuit Judge Denny Chin even stating that the evidence + of ball tampering is compelling, if not overwhelming. [324] + + On April 25, 2016, Judge Richard M. Berman s decision to block Brady s four-game + suspension was overturned by the U.S. Appeals Court.[325][326] Circuit Judge + Barrington Daniels Parker Jr., joined by Circuit Judge Chin, wrote that they + could not second-guess the arbitration but were merely determining it met + the minimum legal standards established by the Labor Management Relations Act + of 1947 .[327] Circuit Chief Judge Robert Katzmann dissented, writing that the + NFL s fines for using stickum was highly analogous and that here the Commissioner + was doling out his own brand of industrial justice. [328] + + On May 23, 2016, Brady appealed for his case to be reheard by the full U.S. + 2nd Circuit Court.[329] The 2nd Circuit Court denied Brady s request for an + en banc hearing on July 13.[330] Two days later, on Friday, July 15, 2016, Brady + announced on his Facebook page that he would give up his Deflategate fight and + accept his suspension for the first four regular season games of the 2016 season. + Prior to Brady s suspension, he had not missed a single regular season or postseason + game since the start of the 2009 season. + + After serving his four-game suspension, Brady made his 2016 season debut on + October 9 on the road against the Cleveland Browns; he completed 28-of-40 passes + for 406 yards and three touchdowns in a 33–13 victory to earn AFC Offensive + Player of the Week.[331][332] In his home debut the following week, Brady completed + 29-of-35 passes for 376 yards and three touchdowns in a 35–17 victory over the + Cincinnati Bengals.[333] In Week 7, Brady completed 19 of 26 passes for 222 + yards and two touchdowns as New England defeated the Pittsburgh Steelers 27–16.[334] + The next week, the Patriots defeated the Buffalo Bills 41–25, with Brady completing + 22-of-33 passes for 315 yards and four touchdowns.[335] Brady s outstanding + numbers during his first four games following the suspension earned him the + AFC Offensive Player of the Month award for October.[336] + + Following a bye week, Brady and the Patriots faced the Seattle Seahawks in a + Week 10 rematch of Super Bowl XLIX. Brady completed 23-of-32 passes for 316 + yards, one interception, and no touchdowns in a 31–24 loss that saw the two + teams trade leads seven times.[337] In Week 11, Brady completed 24-of-40 passes + for 280 yards, four touchdowns, and no interceptions in a 30–17 road win against + his childhood team, the San Francisco 49ers. Brady s performance against San + Francisco earned him AFC Offensive Player of the Week honors for Week 11.[338] + Those four touchdown passes also gave him 444 career regular season touchdown + passes with one team, breaking Brett Favre s record. The following week, Brady + completed 30-of-50 passes for 286 yards and two touchdowns in a 22–17 road victory + against the New York Jets.[339] The win was also the Patriots 500th victory + (including playoffs) in franchise history. During this victory, Brady also became + the fifth quarterback to record 60,000 career regular season passing yards, + joining Peyton Manning, Brett Favre, Drew Brees, and Dan Marino. The following + week, Brady completed 33-of-46 passes for 269 yards and one touchdown as the + Patriots defeated the Los Angeles Rams by a score of 26–10.[340] The Patriots win + against the Rams gave Brady his 201st career victory, including playoff games, + breaking Peyton Manning s record of 200.[341] In Week 14, Brady completed 25 + of 38 passes for 406 yards, three touchdowns, and one interception during a + 30–23 victory against the Baltimore Ravens on Monday Night Football.[342] + + The next week, Brady completed 16-of-32 passes for 188 yards in a 16–3 victory + in Denver.[343] With this victory, the Patriots clinched an eighth consecutive + AFC East title and a seventh consecutive first-round bye in the playoffs, both + NFL records.[344] On December 20, 2016, Brady was named to the Pro Bowl for + the eighth straight season and 12th time overall.[345][346] In Week 16, Brady + threw for 17 of 27 passes for 214 yards, three touchdowns, and no interceptions + as he led the Patriots to a 41–3 win over the Jets.[347] In Week 17, Brady completed + 25-of-33 passes for 276 yards, three touchdowns, and no interceptions in a 35–14 + victory over the Miami Dolphins in the regular season finale that gave the Patriots + home field advantage throughout the AFC playoffs.[348] Brady s 276 yards against + Miami moved him ahead of former Miami quarterback Dan Marino into fourth place + on the NFL s all-time passing yards list. Brady s three touchdowns against Miami + also gave him 28 passing touchdowns against two interceptions for the regular + season. This broke the previous record of Nick Foles s 27:2 TD:INT ratio which + was set in 2013 with the Philadelphia Eagles.[349] Brady was named to the AP + All-Pro Second Team, behind Matt Ryan of the Atlanta Falcons, who was named + to the AP All-Pro First Team.[350] Brady was also ranked first on the NFL Top + 100 Players of 2017 as the best player in the league, becoming the first player + to be named as #1 twice since the listing started.[351] + + Brady hoisting the Vince Lombardi Trophy for the fifth time in his career after + winning Super Bowl LI + + Brady and the Patriots began their postseason run in the Divisional Round, hosting + the Houston Texans, who had the league s No. 1 total defense. Brady completed + 18-of-38 passes for 287 yards, two touchdowns, and two interceptions as the + Patriots won 34–16, clinching a record sixth consecutive trip to the AFC Championship + Game.[352] The Patriots then defeated the Pittsburgh Steelers, 36–17. Against + the Steelers, Brady completed 32 of 42 passes for 384 yards, three touchdowns, + and no interceptions. The win gave Brady and Patriots head coach Bill Belichick + their record seventh conference title as a quarterback–head coach tandem, and + the Patriots an NFL record ninth Super Bowl appearance.[353] + + Brady and the Patriots faced the NFC champion Atlanta Falcons—who boasted the + league s highest scoring offense—in Super Bowl LI at NRG Stadium in Houston, + Texas on Sunday, February 5, 2017. Brady threw for 43 completions on 62 attempts + for 466 passing yards—all Super Bowl records at the time. Brady also threw for + two touchdowns and an interception. After trailing 28–3 midway through the third + quarter, Brady and the Patriots scored 25 unanswered points to tie the game + at the end of regulation. This resulted in the first overtime in Super Bowl + history. After winning the overtime coin toss, Brady led the Patriots down the + field to score a touchdown and win the game by a score of 34–28,[354] completing + the largest comeback win in both team history and Super Bowl history. With the + victory, Brady won his fifth Super Bowl, which set a record for most Super Bowl + victories of any quarterback in history and tied defensive player Charles Haley + for the most Super Bowl victories for any player. In addition, Brady set another + record by winning his fourth Super Bowl MVP award for his clutch performance.[355] + + After the game, it was discovered that Brady s jersey had gone missing from + the Patriots locker room at NRG Stadium.[356] The FBI, in collaboration with + Mexican authorities, recovered the jersey from the home of Martin Mauricio Ortega, + a Mexican tabloid writer, along with Brady s jersey from Super Bowl XLIX.[357] + + On May 12, 2017, Brady was announced as the cover athlete for Madden NFL 18.[358] + + In a CBS interview on May 17, 2017, Charlie Rose asked Brady s wife, Gisele + Bündchen, if she wanted Brady to retire, despite the fact that he was playing + at a high level. Bündchen mentioned that Brady suffered from a concussion in + the 2016 season, saying, I mean he has concussions pretty much every—I mean + we don t talk about—but he does have concussions. I don t really think it s + a healthy thing for anybody to go through.”[359][360] + + Following the Bündchen interview, the NFL released a statement: We have reviewed + all reports relating to Tom Brady from the unaffiliated neurotrauma consultants + and certified athletic trainer spotters who worked at Patriots’ home and away + 2016 season games as well as club injury reports that were sent to the league + office. There are no records that indicate that Mr. Brady suffered a head injury + or concussion, or exhibited or complained of concussion symptoms. Today we have + been in contact with the NFLPA and will work together to gather more information + from the club s medical staff and Mr. Brady .[361][362] Brady s agent, Don Yee, + said that Brady was not diagnosed with a concussion during the 2016 season.[363] + + The Patriots opened up their 2017 season in the NFL Kickoff Game on September + 7 at home against the Kansas City Chiefs. Brady had 267 passing yards in the + game, which the Patriots lost 42–27.[364] In Week 2, Brady threw three touchdown + passes in the first quarter of a game for the first time in his career in a + 36–20 win over the New Orleans Saints.[365] He finished the game with 447 passing + yards and three touchdowns, earning him his 28th AFC Offensive Player of the + Week award.[366] This broke the record previously held by Peyton Manning for + the most AFC Offensive Player of the Week awards in a career.[367] In Week 3, + Brady threw for 378 passing yards and five touchdowns as he led the Patriots + to a 36–33 comeback win against the Houston Texans, a performance that earned + him AFC Offensive Player of the Week honors for the second straight week, and + the 29th for his career.[368] In Week 4, Brady played well again, throwing for + 307 yards, two touchdowns, and no interceptions, but the Carolina Panthers upset + the Patriots 33–30 on a last second field goal from Graham Gano as time expired. + In the Patriots next game, a narrow 19–14 win against the Tampa Bay Buccaneers + on Thursday Night Football, Brady completed 30 out of 40 passes for 303 yards, + one touchdown, and one interception. With this victory, Brady became the third + quarterback in NFL history to record 186 career regular season victories, tying + Peyton Manning and Brett Favre for the most such wins of any quarterback in + NFL history.[369] On October 10, it was unveiled that Brady was diagnosed with + an AC joint sprain in his left (non-throwing) shoulder.[370][371] During Week + 6 against the New York Jets, Brady threw for 257 passing yards, two touchdowns, + and an interception as the Patriots won 24–17. Brady obtained his 187th career + win, setting the record for most regular season wins in NFL history.[372] The + next week, the Patriots hosted the Atlanta Falcons in a rematch of Super Bowl + LI on Sunday Night Football. Brady was efficient, completing 21 of 29 passes + for 249 yards and two touchdowns as the Patriots defeated the Falcons, 23–7.[373] + The following week, Brady completed 32-of-47 passes for 333 yards and one touchdown + in a 21–13 win against the Los Angeles Chargers. With the win against the Chargers, + the Patriots headed into their bye week with an AFC best 6–2 record.[374] + + Coming off their bye week, Brady and the Patriots traveled to Denver for a Sunday + Night Football match against the Denver Broncos. The Patriots dominated the + game, winning 41–16, with Brady completing 25 of 34 passes for 266 yards and + three touchdowns. For his performance against Denver, Brady was named the AFC + Offensive Player of the Week for the third time in the season.[375] After spending + the next week training at the United States Air Force Academy in Colorado Springs, + Colorado, Brady and the Patriots traveled to Mexico City for a special regular + season match with the Oakland Raiders. Like the previous week, the Patriots + won big, this time by a final score of 33–8. Brady completed 30 of 37 passes + for 339 yards and three touchdowns in the win. During Week 12 against the Miami + Dolphins, Brady finished with 227 passing yards, 4 touchdowns, and an interception + as the Patriots won 35–17. Brady became the first quarterback at age 40 to throw + for 4 touchdowns in a game. Brady was named AFC Offensive Player of the Month + for November.[376] During Week 13 against the Buffalo Bills, Brady finished + with 258 passing yards and an interception as the Patriots won 23–3. During + the game, Brady yelled at offensive coordinator Josh McDaniels after failing + to execute a play properly in the first quarter. Brady claimed that this wasn + t his first incident with McDaniels, with whom he had worked together for 13 + years, with a fruitful relationship.[377][378] The following week, the Patriots + traveled to Miami to face the Dolphins on Monday Night Football. The Dolphins + held off a late comeback attempt to defeat the Patriots 27–20, with Brady completing + 24 of 43 passes for 233 yards, a touchdown, and two interceptions.[379] In Week + 15, Brady completed 22 of 35 passes for 298 yards, a touchdown, and an interception + as he led the Patriots to a 27–24 comeback victory against the Pittsburgh Steelers.[380] + With this victory, the Patriots secured their ninth straight AFC East division + title. On December 19, Brady was selected to the Pro Bowl for the 13th time + in his career.[381][382] On Christmas Eve against the Buffalo Bills, Brady completed + 21 of 28 passes for 224 yards, two touchdowns, and an interception as the Patriots + won their twelfth game of the season, 37–16.[383] With this win, combined with + a loss by the Jacksonville Jaguars later in the day, the Patriots clinched a + first-round bye for the eighth straight year.[384] In the regular season finale + against the New York Jets on New Year s Eve, Brady completed 18 of 37 passes + for 190 yards, two touchdowns, and no interceptions in a 26–6 victory. With + the win, the Patriots clinched home-field advantage throughout the AFC playoffs.[385] + Brady finished the 2017 regular season as the NFL s passing yards leader with + 4,577 passing yards, making him the oldest player ever to lead the league in + passing yards.[386] He was named a first-team All-Pro by the Associated Press + for the third time in his career.[387] Earning 40 of 50 votes, Brady was named + the NFL Most Valuable Player for the third time in his career.[388] + + Brady playing in Super Bowl LII + + Brady and the Patriots began their postseason run by hosting the Tennessee Titans + in the Divisional Round of the playoffs. Brady completed 35 passes out of 53 + attempts for 337 yards, 3 touchdowns, and no interceptions in a 35–14 Patriots + victory.[389] With the win, the Patriots advanced to the AFC Championship Game + for the seventh straight year. Days after the divisional round, it was revealed + that Brady had a minor cut on his right hand, which required stitches.[390] + Despite this injury, Brady managed to start the AFC Championship Game, where + the Patriots faced off against the Jacksonville Jaguars. Brady led a fourth + quarter comeback to lead the Patriots to a 24–20 victory. He finished the game + with 26 completions out of 38 attempts for 290 passing yards, two passing touchdowns, + and no interceptions.[391] The win gave Brady and Patriots head coach Bill Belichick + their eighth conference title as a quarterback–head coach tandem, and the Patriots + a berth in Super Bowl LII, their tenth Super Bowl appearance as a team, both + of which extended NFL records. In Super Bowl LII at U.S. Bank Stadium in Minneapolis, + Minnesota, the Patriots faced off against the Philadelphia Eagles and their + second-string quarterback Nick Foles. Brady completed 28 passes on 48 attempts + for 3 touchdowns, no interceptions, and a Super Bowl record 505 yards – which + also set a new record for the most passing yards by a quarterback in any postseason + game in NFL history. With roughly two minutes remaining in the game and the + Eagles leading 38–33, Brady was strip-sacked by Brandon Graham. The Eagles recovered + the fumble and cemented their 41–33 win with a field goal, securing their first + franchise Super Bowl victory.[392] This was the third time overall that Brady + had lost in a Super Bowl, becoming the fourth starting quarterback in Super + Bowl history to lose at least three Super Bowls (Jim Kelly, Fran Tarkenton, + and John Elway).[393] In addition, this was the first time he had lost a Super + Bowl to a team and a quarterback other than the New York Giants and Eli Manning, + respectively.[394] + + Brady started his 19th professional season with 277 passing yards, three touchdowns, + and one interception in a 27–20 victory over the Houston Texans in the season + opener.[395][396] After losses to the Jacksonville Jaguars and Detroit Lions + over the next two games, Brady had 274 passing yards, three touchdowns, and + two interceptions in a 38–7 victory over the Miami Dolphins in Week 4.[397] + In the following game, a 38–24 victory over the Indianapolis Colts, he had 341 + passing yards, three touchdowns, and two interceptions to go with a rushing + touchdown. One of his touchdown passes went to Josh Gordon, who became the NFL-record + 71st different player to catch a touchdown from Brady.[398][399] In Week 6, + a 43–40 victory over the Kansas City Chiefs on Sunday Night Football, Brady + had 340 passing yards and a passing touchdown to go with a four-yard rushing + touchdown.[400] In Week 7, a 38–31 victory over the Chicago Bears, he had 277 + passing yards, three passing touchdowns, and one interception.[401] In Week + 12, against the New York Jets, Brady passed for 283 yards, with two touchdowns + and no interceptions and a 115.4 passer rating in a 27–13 victory.[402] In Week + 13, Brady reached 1,000 career rushing yards in a 24–10 victory over the Minnesota + Vikings, becoming the oldest player to reach that mark since 1970.[403] In Week + 15, Brady reached 70,000 passing yards, becoming only the fourth quarterback + in NFL history to accomplish the feat. He finished with 279 passing yards as + the Patriots lost 10–17 to the Pittsburgh Steelers.[404] During Week 16 against + the Buffalo Bills, Brady was limited to 126 passing yards, but the Patriots + combined for 273 rushing yards and won 24–12, clinching the AFC East pennant + for the 10th consecutive season and 16th time in 18 years.[405] In Week 17, + Brady completed 24 of 33 passes for 250 yards, and 4 touchdowns in a 38–3 win + against the Jets that allowed the Patriots to clinch the AFC s #2 seed and a + first-round bye in the AFC playoffs.[406][407] Brady finished the season completing + 375 of 570 passes (a 65.8% completion rate), 4,355 yards, 29 touchdowns and + 11 interceptions.[408] + + Following their first-round bye, the Patriots started their playoff run against + the Los Angeles Chargers in the Divisional Round. The Patriots jumped out to + a 35–7 halftime lead en route to a 41–28 win that saw Brady complete 34 of 44 + passes for 343 yards, a touchdown, and no interceptions.[409] With the win, + the Patriots advanced to the AFC Championship Game for the eighth consecutive + year, this time to face the Chiefs at Arrowhead Stadium.[410] + + In the AFC Championship Game, the Patriots opened the game with a 80-yard, 15-play + opening drive capped with a 1-yard Sony Michel rushing touchdown. The Patriots + went into halftime with a 14–0 lead. However, the Chiefs battled back in the + second half and Harrison Butker hit a 39-yard field goal for the Chiefs with + just 8 seconds remaining in regulation to send the game into overtime with a + score of 31–31. The Patriots won the coin toss to start overtime and elected + to receive the ball. Brady led the Patriots on a 75-yard drive that resulted + in a game-winning 2-yard rushing touchdown by Rex Burkhead. With the victory, + Brady earned a Super Bowl appearance for the third straight season and the ninth + time overall in his career. Brady finished the game completing 30 of 46 attempts, + with 348 yards passing, one passing touchdown, and two interceptions.[411] In + Super Bowl LIII at Mercedes-Benz Stadium in Atlanta, Georgia, Brady completed + 21 of 35 passes for 262 passing yards and an interception as the Patriots won + 13–3 over the Los Angeles Rams in the lowest-scoring Super Bowl in history. + With the victory, the Patriots became the second NFL team to win six Super Bowls, + tying the Pittsburgh Steelers for the most in NFL history. In addition, Brady + became the first player ever to win six Super Bowls as well as the oldest quarterback + at 41 years of age to win a Super Bowl.[412][413] + + Won the Super Bowl + + AP NFL MVP + + 1 0 1 3 33.3 6 2.0 6 0 0 42.4 0 0 0 0 0 0 0 0 0–0 + + 15 14 264 413 63.9 2,843 6.9 91 18 12 86.5 36 43 1.2 0 41 216 12 3 11–3 + + 16 16 373 601 62.1 3,764 6.3 49 28 14 85.7 42 110 2.6 1 31 190 11 5 9–7 + + 16 16 288 474 60.8 3,692 7.8 50 28 14 92.6 43 28 0.7 0 26 162 7 5 14–2 + + 16 16 319 516 61.8 3,529 6.8 62 24 12 87.9 49 102 2.1 0 26 175 12 4 12–4 + + 16 16 398 578 68.9 4,806 8.3 69 50 8 117.2 37 98 2.6 2 21 128 6 4 16–0 + + 1 1 7 11 63.6 76 6.9 26 0 0 83.9 0 0 0 0 0 0 0 0 1–0 + + 16 16 371 565 65.7 4,398 7.8 81 28 13 96.2 29 44 1.5 1 16 86 4 2 10–6 + + 16 16 401 611 65.6 5,235 8.6 99 39 12 105.6 43 109 2.5 3 32 173 6 2 13–3 + + 16 16 401 637 63.0 4,827 7.6 83 34 8 98.7 23 32 1.4 4 27 182 2 0 12–4 + + 12 12 291 432 67.4 3,554 8.2 79 28 2 112.2 28 64 2.3 0 15 87 5 0 11–1 + + Total‡ + + ‡ Career totals accurate as of the end of the 2018 regular season.[414] + + Passing[415] + + 3 3 60 97 61.9 572 5.9 29 1 1 77.3 8 22 2.8 1 5 36 1 0 3–0 + + 3 3 75 126 59.5 792 6.3 52 5 2 84.5 12 18 1.5 0 0 0 0 0 3–0 + + 3 3 55 81 67.9 587 7.2 60 5 0 109.4 7 3 0.4 1 0 0 1 1 3–0 + + 2 2 35 63 55.6 542 8.6 73 4 2 92.2 3 8 2.7 0 4 12 2 0 1–1 + + 3 3 70 119 58.8 724 6.1 49 5 4 76.5 8 18 2.2 0 4 22 2 0 2–1 + + 3 3 77 109 70.6 737 6.8 53 6 3 96.0 4 −1 −0.2 0 8 52 1 1 2–1 + + 1 1 23 42 54.8 154 3.7 24 2 3 49.1 0 0 0 0 3 22 1 1 0–1 + + 3 3 75 111 67.6 878 7.9 61 8 4 100.4 9 10 1.1 1 3 15 0 0 2–1 + + 2 2 54 94 57.4 664 7.1 49 4 2 84.7 3 4 1.3 0 1 9 0 0 1–1 + + 3 3 93 135 68.9 921 6.8 46 10 4 100.3 9 13 1.4 1 3 16 0 0 3–0 + + 3 3 93 142 65.5 1,137 8.0 48 7 3 97.7 9 13 1.4 0 9 42 0 0 3–0 + + 3 3 89 139 64.0 1,132 8.1 50 8 0 108.6 7 8 1.1 0 4 19 1 1 2–1 + + 3 3 85 125 68.0 953 7.6 35 2 3 85.8 5 −4 −0.8 0 1 9 1 0 3–0 + + 16 27 59.3 145 5.4 1 0 86.2 1 3 3.0 0 W 20–17 1–0 + + 32 48 66.7 354 7.4 3 1 100.5 2 12 6.0 0 W 32–29 1–0 + + 23 33 69.7 236 7.2 2 0 110.2 1 −1 −1.0 0 W 24–21 1–0 + + 29 48 60.4 266 5.5 1 0 82.5 0 0 0 0 L 17–14 0–1 + + 43 62 69.4 466 7.5 2 1 95.2 1 15 15.0 0 W 34–28 (OT) 1–0 + + 28 48 58.3 505 10.5 3 0 115.4 1 6 6.0 0 L 41–33 0–1 + + 21 35 60.0 262 7.5 0 1 71.3 2 −2 −1.0 0 W 13–3 1–0 + + Regular season (career) + + Most games won by a quarterback: 207[417] + + Best touchdown to interception ratio in a season: 28:2[418] + + Most wins on the road by a quarterback: 92[419] + + Most wins at home by a quarterback: 115 [420] + + Only quarterback to have three consecutive games with 300+ passing yards, 3+ + Touchdown-passes and 0 interceptions[421] + + Oldest QB to lead the league in passing yards: 40 [422] + + Most yards in a single season for a quarterback aged 40 and older (age 40): + 4,577[422] + + Most touchdown passes with one team: 517[423] + + Oldest player to win NFL MVP: 40 [424] + + Most career passing yards with one team: 70,514[424] + + Most games played: 40[425][426] + + Most games started: 40[427] + + Most games won by a starting quarterback: 30[427] + + Most consecutive wins by a starting quarterback: 10 (2001, 2003–2005) + + Most consecutive wins to start a career by a starting quarterback: 10 (2001, + 2003–2005) + + Most career home wins by a starting quarterback: 20 (2001–2019) + + Most consecutive home wins by a starting quarterback: 9 (2013–2019) + + Most touchdown passes: 73[428] + + Most passing yards: 11,179[429] + + Most passing yards in a single playoff game: 505 (Super Bowl LII)[18] + + Most passes completed: 1,005[430] + + Most passes attempted: 1,589[430] + + Most passes intercepted: 34[431] + + Most division titles won by a starting quarterback: 16[427] + + Most NFL conference championship appearances by a starting quarterback: 13[432] + + Most NFL conference championship wins by a starting quarterback: 9[433] + + Oldest Quarterback to win an AFC title game: 41 years, 5 months, 17 days + + Most career 300+ passing yard games: 16[430] + + Most game-winning drives: 13[100] + + Most multi-TD passes: 23[433] + + Super Bowl (career) + + Most passing yards: 2,838[18] + + Most passes completed: 256[18] + + Most passes attempted: 392[18] + + Most wins as starting QB: 6[100] + + Most passes completed in first half of a single Super Bowl: 20 (XLIX)[435] + + Most passes completed in a single Super Bowl: 43 (LI)[100] + + Most passes attempted in a single Super Bowl: 62 (LI)[100] + + Most passing yards in a single Super Bowl: 505 (LII)[18] + + Most Super Bowl appearances: 9[436] + + Most passing attempts without an interception in a single Super Bowl: 48 (XLII + & LII)[437] + + Oldest QB to start a Super Bowl: 41 yrs 6 months 0 days + + Oldest QB to win a Super Bowl: 41 yrs 6 months 0 days + + Oldest player to win Super Bowl MVP: 39 yrs 6 months 2 days + + Most consecutive completions in a single Super Bowl: 16 (XLVI)[437] + + Most game-winning drives: 6[438] + + Most wins as a player: 6. + + Brady has been featured as a guest star on some popular television programs, + hosting Saturday Night Live in 2005[439] and voicing himself in the 2005 The + Simpsons episode Homer and Ned s Hail Mary Pass and the 2006 Family Guy episode + ( Patriot Games ; both football-themed episodes were broadcast within a week + of that year s Super Bowl.[440][441] In 2009, he appeared as himself in a sixth + season episode of Entourage.[442] In 2015, he had cameo appearances as fictionalized + versions of himself in the Entourage movie[443] and Ted 2.[444] + + In 2007, Brady was a model for the Stetson cologne.[445] Brady has endorsed + brands including Uggs, Under Armour, Movado, Aston Martin and Glaceau Smartwater. + According to Forbes, he earned about $7 million from endorsements alone in 2014.[446][447][448] + In 2016, he began appearing in a Beautyrest Black commercial campaign for Simmons + Bedding Company.[449] In 2016, he launched his own line of vegan snacks.[450] + + On January 20, 2016, Brady announced the launch of his peak performance website + TB12Sports.com. The site features information on Brady s training regimen and + includes a store to purchase TB12 equipment and merchandise.[451] Later in the + year, on August 23, 2016, the TB12 brand then expanded to offer a snack line. + The snacks contain raw, vegan, and organic ingredients that are also free of + gluten and dairy.[452] The following month, Brady, alongside Boston Private + and Robert Paul Properties, announced the formation of the TB12 Foundation. + The purpose of the nonprofit foundation is to provide free post-injury rehabilitation + care and training to underprivileged, young athletes.[453] In March 2017, Brady + moved beyond his snack line and partnered with meal-kit startup Purple Carrot + to offer his own line of TB12 Performance Meals. The meals utilize whole foods + and focus on providing nutrients for workout recovery.[454][455] On September + 19, 2017, Simon & Schuster published Brady s first book, The TB12 Method: How + to Achieve a Lifetime of Sustained Peak Performance. Within 48 hours, it had + become a number one best-seller on Amazon.com.[456] The book also reached #1 + on the The New York Times weekly Best Sellers list, to be featured in the edition + of October 8, 2017.[457] + + Filmmaker Gotham Chopra filmed Brady during the 2017 offseason and regular season + for a Facebook Watch documentary series entitled Tom vs Time. According to The + New York Times, the documentary follows Brady as he conducts his ongoing subversion + campaign against the actuarial tables of quarterback longevity. [458] + + Brady riding a bicycle for charity at the Best Buddies Ride in Hyannis, Massachusetts, + in May 2009 + + Brady dated actress Bridget Moynahan from 2004 until late 2006.[459] On February + 18, 2007, Moynahan confirmed to People magazine that she was more than three + months pregnant with Brady s child.[459][460] Brady and Moynahan ended their + relationship sometime in early December 2006, around the time Moynahan became + pregnant.[461] John Edward Thomas Moynahan[462] was born in August 2007, at + Saint John s Health Center in Santa Monica, California.[463] + + Brady began dating Brazilian supermodel Gisele Bündchen in December 2006.[464] + In 2009, Brady said they had been set up on a blind date by a mutual friend.[465] + Brady and Bündchen married on February 26, 2009, in an intimate Catholic ceremony + in Santa Monica, California.[466] Together, they have two children: a son named + Benjamin Rein born in December 2009,[467] and a daughter named Vivian Lake born + in December 2012.[468] + + Brady and baseball player Kevin Youkilis became brothers-in-law in 2012, when + Youkilis married Brady s sister Julie.[469] + + Brady and his family live in Brookline, Massachusetts, and New York City.[470] + Brady s health regimen includes Transcendental Meditation, yoga, an 80/20 diet + (meaning 80% alkaline and 20% acidic), early bed time, resistance training and + neuroplasticity training.[471] + + Brady attended the 2004 State of the Union Address as a special guest of then-President + George W. Bush.[472] In 2004, he told ESPN The Magazine that being a U.S. Senator + would be his craziest ambition .[473][474] + + Brady is a friend of President Donald Trump;[475][476] in 2017, Brady indicated + he had known Trump for 16 years .[477] At a political event in New Hampshire + on the day before the 2016 presidential election, Trump said he had received + a call from Brady, and that Brady told him Donald, I support you, you re my + friend, and I voted for you. However, after Gisele Bündchen was asked directly + on Instagram whether she and Brady backed Trump, Bündchen answered NO! .[478] + After a Trump campaign Make America Great Again cap was photographed in Brady + s locker, Brady said that Bündchen told him not to discuss politics anymore, + which he thought was a good decision .[479] Brady did not join most of his + teammates from the New England Patriots in visiting Trump and the White House + in April 2017, citing personal family matters .[480] + + While there has been speculation that Brady would run for political office,[481] + in a 2015 interview he stated he had no interest in doing so.[482][483][484] + + In 2018, he endorsed Republican Helen Brady (no relation), who was running for + State Auditor of Massachusetts. Brady lost the election to Democrat Suzanne + Bump.[485][486][487] + + Brady and his family adhere to a controversial, strict diet, the TB12 Method + , that has attracted much media attention.[488][489] He advocates drinking 1/32 + of one s body weight in water daily.[490] He avoids consumption of most fruits, + mushrooms, tomatoes, peppers, eggplants, coffee, Gatorade, white sugar or flour, + gluten, dairy, soda, cereal, white rice, potatoes, and bread.[491][492] + + Other professional athletes including Kirk Cousins[493] and Mark Scheifele have + started to adopt his regimen.[494][495] + + Lists of Michigan Wolverines football passing leaders + + List of most wins by a National Football League starting quarterback + + List of Saturday Night Live guests + + ^ He did not start as a rookie, and missed nearly all of 2008 with a torn ACL.[14][15] + + ^ Reiss, Mike (January 1, 2017). Tom Brady sets NFL record for best TD to INT + ratio in a season . ESPN.com. Archived from the original on December 11, 2018. + Retrieved January 6, 2019. + + ^ In multiple seasons, from 1950 to 2018, requiring Pass Completion % >= 1, + sorted by most games matching criteria. (Note: Click on Games Won column to + sort.) . www.pro-football-reference.com. Pro Football Reference. Retrieved December + 3, 2018. + + ^ Brady, Welker get kick out of 99-yard touchdown . USATODAY.COM. Retrieved + 2019-02-12. + + ^ NFL (2017-08-03), Tom Brady s 40 Longest Touchdown Passes | NFL Highlights, + retrieved 2019-02-12 + + ^ Van Valkenburg, Kevin. Let all debate end: Tom Brady is the GOAT . ESPN.com. + Retrieved January 29, 2019. + + ^ Tom Brady greatest QB of all time? It s now safe to make that argument – + The Denver Post . Archived from the original on August 8, 2016. Retrieved June + 20, 2016. + + ^ Freeman, Mike. Brady Takes Throne as QB GOAT . Bleacher Report. Archived + from the original on July 7, 2016. Retrieved June 20, 2016. + + ^ Paine, Neil (February 6, 2015). Tom Brady s (Statistical) Place In The Pantheon + Of NFL QBs . FiveThirtyEight. Archived from the original on June 8, 2016. Retrieved + June 20, 2016. + + ^ Tom Brady, Joe Montana head top 10 quarterbacks in NFL history – National + Football League . Archived from the original on October 21, 2016. Retrieved + October 20, 2016. + + ^ Plaschke, Bill. Super Bowl 2019: Dazed and confused, Goff shows his age in + Atlanta . Los Angeles Times. Los Angeles Times. Retrieved February 4, 2019. + + ^ 25 of the greatest NFL Draft picks ever . CBS. CBS Interactive. Archived + from the original on February 22, 2017. Retrieved February 21, 2017. + + ^ Gaines, Cork. How the Patriots pulled off the biggest steal in NFL history + . Business Insider. Business Insider. Archived from the original on February + 22, 2017. Retrieved February 21, 2017. + + ^ Reineking, Jim. Top all-time NFL draft steals . NFL. NFL Enterprise LLC. + Archived from the original on February 22, 2017. Retrieved February 21, 2017. + + ^ Sources: Brady out with ACL tear . Yahoo Sports. Archived from the original + on October 15, 2015. Retrieved July 29, 2015. + + ^ Tom Brady . Pro-Football-Reference.com. Archived from the original on February + 6, 2018. Retrieved July 29, 2015. + + ^ Tom Brady named NFL s MVP for third time of career . NFL.com. Archived from + the original on July 26, 2018. Retrieved July 26, 2018. + + ^ Brady becomes first QB to 200 regular-season wins in NFL . Retrieved October + 15, 2018. + + ^ a b c d e f g 99-yard TDs . Pro Football Hall of Fame. Archived from the + original on March 28, 2018. Retrieved March 28, 2018. Cite error: Invalid + tag; name :1 defined multiple times with different content (see the help page). + + ^ Reiss, Mike (July 28, 2015). NFL s statement on upholding Tom Brady s suspension + at four games . ESPN.com. Archived from the original on December 27, 2016. Retrieved + December 26, 2016. + + ^ https://www.upi.com/amp/Super-Bowl-LIII-Patriots-beat-Rams-Brady-wins-record-6th-Lombardi-Trophy/5201549235499/ + + ^ Tom Brady bio at . TV Guide. Archived from the original on May 16, 2009. + Retrieved August 4, 2012. + + ^ Little brother big shot-thepostgame . Archived from the original on March + 2, 2010. Retrieved February 2, 2010. + + ^ a b Tom Brady s roots run deep into 19th-century Boston . The Boston Globe. + March 4, 2017. Archived from the original on March 6, 2017. Retrieved March + 6, 2017. + + ^ Gisele, Tom Brady Christen Baby Benjamin . Us Weekly. June 23, 2010. Archived + from the original on September 26, 2012. Retrieved September 12, 2010. + + ^ Collie, Ashley Jude (July 1, 2004). The Brady Brunch . American Way. Archived + from the original on January 20, 2010. Retrieved September 27, 2010. + + ^ Schorn, Daniel (December 23, 2007). Tom Brady: The Winner . CBS News. Archived + from the original on January 2, 2011. Retrieved January 11, 2011. + + ^ Tom Brady Family Tree . Makemyfamilytree.com. Archived from the original + on July 21, 2012. Retrieved August 4, 2012. + + ^ Tom Brady connection to Irish Famine ancestors from Boston discovered . IrishCentral. + March 6, 2017. Archived from the original on March 6, 2017. Retrieved March + 6, 2017. + + ^ Judge, Clark (February 7, 2005). Only 27, Brady seals his Hall of Fame credentials + . CBSSports.com. Archived from the original on February 10, 2005. Retrieved + December 26, 2007. + + ^ New England Patriots vs. Oakland Raiders – Recap – October 2, 2011 . ESPN. + October 2, 2011. Retrieved October 29, 2011. + + ^ Jim Ducibella (June 28, 2005), W&M s football facilities growing , Virginia + Pilot and Ledger-Star, p. 3, archived from the original on June 10, 2014, retrieved + January 12, 2014 + + ^ Profile Archived March 5, 2016, at the Wayback Machine, boston.com; accessed + November 12, 2014. + + ^ 2004 Athletic Hall of Fame Inductees . Junípero Serra High School. Archived + from the original on September 27, 2007. Retrieved December 26, 2007. + + ^ a b Story of boy named Tom Brady . NY Daily News. Archived from the original + on December 8, 2015. Retrieved December 8, 2015. + + ^ JockBio: Tom Brady Biography . www.jockbio.com. Archived from the original + on December 11, 2015. Retrieved December 4, 2015. + + ^ Lessons from Tom Brady s Recruiting in College . NCSA Athletic Recruiting + Blog. Archived from the original on December 8, 2015. Retrieved December 8, + 2015. + + ^ 1995 tops 1998 as Michigan s best recruiting class . www.maizeandbluenews.com. + Archived from the original on December 8, 2015. Retrieved December 4, 2015. + + ^ a b c d Tom Brady . New England Patriots. Archived from the original on March + 14, 2015. Retrieved December 8, 2015. + + ^ a b c The College Recruitment of Tom Brady . Bleacher Report. Archived from + the original on November 14, 2015. Retrieved December 4, 2015. + + ^ Things fell apart when Cal lost Brady . East Bay Times. February 2, 2008. + Archived from the original on October 25, 2017. Retrieved October 24, 2017. + + ^ Tom Brady apparently silently committed to Cal before he visited Michigan + . USA Today High School Sports. March 1, 2017. Archived from the original on + October 25, 2017. Retrieved October 24, 2017. + + ^ Tom Brady: The Story of a Baseball Failure . Major League Baseball. Archived + from the original on December 8, 2015. Retrieved December 4, 2015. + + ^ Tom Brady – Official New England Patriots biography . New England Patriots. + Archived from the original on March 5, 2005. Retrieved January 11, 2010. + + ^ Montreal Expos tried desperately to get Tom Brady to pick baseball over football + . Patriots Wire. July 11, 2017. Archived from the original on July 15, 2017. + Retrieved July 11, 2017. + + ^ The College Recruitment of Tom Brady . Bleacher Report. Archived from the + original on November 14, 2015. Retrieved December 8, 2015. + + ^ Tom Brady Biography . Biography. Bio. Archived from the original on December + 8, 2015. Retrieved December 7, 2015. + + ^ Knoblauch, Max (September 18, 2014). Tom Brady s Old Internships Look Really + Cute on His Résumé . Mashable. Archived from the original on September 22, 2014. + Retrieved September 25, 2014. + + ^ Kinney, Aaron (February 24, 2012). Serra to name football stadium after Brady + . San Jose Mercury News. Archived from the original on February 3, 2015. Retrieved + February 3, 2015. + + ^ Bradford, Rob (January 19, 2009). The Tom Brady Interview (in Toronto) . + WEEI Sportsradio Network. Archived from the original on March 1, 2009. Retrieved + May 18, 2010. + + ^ a b Rosenberg, Michael (January 9, 2012). Tom Brady As You Forgot Him . Sports + Illustrated. Archived from the original on February 23, 2016. Retrieved August + 22, 2015. + + ^ 1997 Michigan Wolverines Schedule and Results . College Football at Sports-Reference.com. + Archived from the original on February 24, 2018. Retrieved March 17, 2018. + + ^ Jenkins, Lee (January 31, 2008). Self-made man . Sports Illustrated. Archived + from the original on January 11, 2010. Retrieved January 11, 2010. + + ^ Pedulla, Tom (October 31, 2006). Decorated Patriots QB feels he still has + something to prove . USA Today. Archived from the original on January 26, 2008. + Retrieved December 27, 2007. + + ^ Tom Brady s Guru Archived September 9, 2018, at the Wayback Machine, by + Eric Adelson, January 11, 2011. + + ^ 60 Minutes Sports (Interview). YouTube. Archived from the original on January + 16, 2016. Retrieved January 6, 2019. + + ^ MGoBlue Statistics Archive . University of Michigan. Archived from the original + on September 7, 2004. Retrieved December 27, 2007. + + ^ Notes and Quotes from The Game . Ohio State Buckeyes Athletics. Archived + from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Capital One Bowl: Capital One Bowl football game resource for college football + fans . September 5, 2008. Archived from the original on February 8, 2007. Retrieved + September 5, 2008. + + ^ U-M Win Streak Comes to End at Michigan State, 34–31 – University of Michigan + . University of Michigan Athletics. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Schutte, Dustin. Throwback Thursday: Tom Brady s NFL Success Began at Michigan + . Usports. Archived from the original on September 10, 2018. Retrieved January + 6, 2019. + + ^ OSU-Michigan 1999: Buckeyes left out of bowl season after 24–17 loss to Wolverines + . Cleveland.com. Archived from the original on December 28, 2017. Retrieved + December 28, 2017. + + ^ Michigan Claims 35–34 Overtime Victory over Alabama – University of Michigan + . University of Michigan Athletics. Archived from the original on December 26, + 2017. Retrieved December 25, 2017. + + ^ 1999 Michigan Wolverines Schedule and Results . College Football at Sports-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ Tom Brady College & Pro Football Statistics - Totalfootballstats.com . www.totalfootballstats.com. + Archived from the original on November 6, 2015. Retrieved December 8, 2015. + + ^ Tom Brady . sports-reference.com. Sports Reference LLC. Archived from the + original on September 11, 2016. Retrieved September 2, 2016. + + ^ Historical NFL Wonderlic Scores . wonderlictestsample.com. Archived from + the original on September 2, 2016. Retrieved September 2, 2016. + + ^ Tom Brady . nfldraftscout.com. Archived from the original on August 29, 2016. + Retrieved August 29, 2016. + + ^ Yang, Nicole (March 3, 2017). Tom Brady digs up old T-shirt and harsh scouting + reports from NFL combine . Boston Globe. Archived from the original on September + 2, 2018. Retrieved January 6, 2019. + + ^ Iyer, Vinnie (March 19, 2015). Draft throwback: Read how Tom Brady nailed + his own scouting report . Sporting News. Archived from the original on April + 21, 2018. Retrieved January 6, 2019. + + ^ Tom Brady vs. the Browns: A contrast in winning ways . Archived from the + original on November 16, 2018. Retrieved January 6, 2019. + + ^ Wilner, Barry (January 13, 2013). Patriots beat Texans 41–28, Ravens up next + . Yahoo! Sports. Archived from the original on January 16, 2013. Retrieved January + 13, 2013. + + ^ Greenberg, Alan (September 27, 2001). In Brady They Trust: Belichick Has + Faith In Backup-turned-starter . Hartford Courant. Archived from the original + on December 1, 2017. Retrieved January 6, 2019. + + ^ Cafardo, Nick (January 7, 2002). Patriots clinch AFC East with blowout in + Carolina . Boston Globe. Archived from the original on December 1, 2017. Retrieved + January 6, 2019. + + ^ Lynch, Andrew (January 26, 2017). The 10 biggest gambling upsets in Super + Bowl history, ranked . Fox Sports. Archived from the original on December 1, + 2017. Retrieved January 6, 2019. + + ^ Cimini, Rich. Super Bowl XXXVI: Vinatieri and Pats beat Rams in Star-Spangled + Stunner . New York Daily News. Archived from the original on December 1, 2017. + Retrieved January 6, 2019. + + ^ Longest winning streaks in sports . USA Today. Archived from the original + on December 1, 2017. Retrieved January 6, 2019. + + ^ NFL: Brady and Patriots stride past outmatched Jets . The New York Times. + December 27, 2005. Archived from the original on December 1, 2017. Retrieved + January 6, 2019. + + ^ Associated Press (January 7, 2006). McGinest, Patriots sack Jaguars 28–3 + . NFL.com. Archived from the original on December 1, 2017. Retrieved January + 6, 2019. + + ^ Associated Press (December 29, 2007). Patriots break scoring record, Brady + and Moss set season marks . NFL. Archived from the original on December 9, 2017. + Retrieved November 27, 2017. + + ^ Shaughnessy, Dan (December 30, 2007). Just perfect: Patriots make history, + beat Giants for 16–0 season . Boston Globe. Archived from the original on December + 1, 2017. Retrieved January 6, 2019. + + ^ Bayne, Bijan (December 24, 2007). 2007 Patriots vs. 1972 Dolphins: Who Would + Win Batttle of the Undefeateds? . Bleacher Report. Archived from the original + on September 9, 2018. Retrieved January 6, 2019. + + ^ Statistics Bowl – How The 2007 Patriots And The 1972 Dolphins Compare Scientifically + . Science 2.0. December 30, 2008. Archived from the original on September 9, + 2018. Retrieved January 6, 2019. + + ^ Associated Press (January 5, 2008). Brady takes 49 of 50 votes in MVP voting + . ESPN. Archived from the original on September 9, 2018. Retrieved January 6, + 2019. + + ^ AP athletes of the year: Brady makes being a superstar look almost routine + . Deseret News. December 22, 2007. Archived from the original on September 9, + 2018. Retrieved January 6, 2019. + + ^ Battista, Judy (February 4, 2008). Giants Stun Patriots in Super Bowl XLII + . The New York Times. + + ^ Springer, Shira (September 11, 2008). Brady has both ACL and MCL tears . + Boston Globe. Archived from the original on December 19, 2017. Retrieved January + 6, 2019. + + ^ Associated Press. Tom Brady Wins AP Comeback Player Award . CBS News. Archived + from the original on September 25, 2018. Retrieved January 6, 2019. + + ^ Forsberg, Chris (September 12, 2011). Brady s INT streak ends at 358 attempts + . ESPN. Archived from the original on December 1, 2017. Retrieved January 6, + 2019. + + ^ Zimmer, John; Marini, Matt, eds. (2013). Official 2013 National Football League + Record & Fact Book (PDF). New York: National Football League. ISBN 978-1-603-20980-9. + Retrieved February 3, 2015. + + ^ NFL.com Wire Reports (February 6, 2011). Patriots Brady wins second MVP + award by unanimous decision . Archived from the original on December 1, 2017. + Retrieved January 6, 2019. + + ^ FanSided Staff (November 24, 2015). Best moments in NFL history: Lawrence + Taylor wins 1986 NFL MVP . FanSided. Archived from the original on December + 1, 2017. Retrieved January 6, 2019. + + ^ AP NFL Most Valuable Player Winners . Pro Football Reference. Archived from + the original on June 10, 2016. Retrieved January 6, 2019. + + ^ Super Bowl Most Valuable Player Winners . Pro Football Reference. Archived + from the original on August 3, 2017. Retrieved January 6, 2019. + + ^ 2011 NFL Top 100 . Pro Football Reference. Archived from the original on + January 2, 2019. Retrieved January 6, 2019. + + ^ Hutchins, Andy (February 6, 2012). Super Bowl 46: Bill Belichick s Coaching + Errors Leave Patriots On Losing End . SB Nation. Archived from the original + on September 9, 2018. Retrieved January 6, 2019. + + ^ Brady s big night ends with plenty of new entries in SB record book . Fox + Sports. February 2, 2015. Archived from the original on September 9, 2018. Retrieved + January 6, 2019. + + ^ SI Wire (February 1, 2015). Patriots QB Tom Brady named Super Bowl XLIX MVP + . Sports Illustrated. Archived from the original on September 9, 2018. Retrieved + January 6, 2019. + + ^ 2016-Reg-Week-4 . Patriots.com. October 2, 2016. Archived from the original + on May 4, 2017. Retrieved January 6, 2019. + + ^ King, Peter (February 6, 2017). Super Bowl 51: Patriots Take the Fifth in + Epic Comeback . Sports Illustrated. Archived from the original on December 30, + 2018. Retrieved January 6, 2019. + + ^ a b c d e DaSilva, Cameron (February 5, 2017). Every record Tom Brady broke + in his fifth Super Bowl win . Fox Sports. Archived from the original on October + 5, 2018. Retrieved January 6, 2019. + + ^ Martin, Jill. New England Patriots win Super Bowl LIII for 6th title . CNN. + + ^ 2005 NFL Leaders and Leaderboards . Pro Football Reference. Archived from + the original on August 14, 2018. Retrieved January 6, 2019. + + ^ NFL Career Passing Rating Leaders Archived November 18, 2018, at the Wayback + Machine Pro-Football-Reference.com + + ^ Hochman, Benjamin (February 2, 2015). Tom Brady greatest QB of all time? + It s now safe to make that argument . Denver Post. Archived from the original + on March 4, 2016. Retrieved January 6, 2019. Tom Brady Cements His Legacy as + Greatest Quarterback of All Time . Bleacher Report. February 2, 2015. Archived + from the original on August 4, 2018. Retrieved January 6, 2019. + + ^ NFL Rules Named After Players Archived October 28, 2018, at the Wayback Machine + . Sports Illustrated, August 19, 2014. Accessed September 13, 2018. + + ^ Sean Cunningham. How NFL Rules Changes Created a Golden Era of Quarterback + Stats Archived December 21, 2018, at the Wayback Machine . RealClearLife, November + 30, 2017. Accessed September 13, 2018. + + ^ Full 2000 NFL Draft . National Football League. Archived from the original + on September 6, 2011. Retrieved August 14, 2012. + + ^ Graham, Tim (April 10, 2011). Tom Brady cries when recalling 2000 draft . + ESPN. Archived from the original on January 1, 2019. Retrieved January 6, 2019. + + ^ Holley, Michael (2004). Patriots Reign. HarperCollins. ISBN 0-06-075794-9. + + ^ Top 10 NFL draft steals . Msn.foxsports.com. Archived from the original on + August 7, 2011. Retrieved October 29, 2011. + + ^ NFL s top 10 draft steals in league history . National Football League. April + 18, 2010. Archived from the original on April 19, 2008. Retrieved October 29, + 2011. + + ^ Football, National. news: Brady, Favre, Manning voted to list of top 10 draft + picks of all time . National Football League. Archived from the original on + September 13, 2011. Retrieved October 29, 2011. + + ^ Best NFL Draft Picks . Mynfldraft.com. Archived from the original on October + 28, 2011. Retrieved October 29, 2011. + + ^ https://boston.cbslocal.com/2012/01/20/brady-told-patriots-kraft-im-best-decision-this-organization-has-ever-made/ + + ^ Coach Hears Venom\Belichick Part of Problem? . Worcester Telegram and Gazette. + November 14, 2000. Retrieved August 15, 2012. + + ^ a b c d e f g h i j Tom Brady – #12 QB . National Football League. Archived + from the original on November 22, 2018. Retrieved January 6, 2019. + + ^ New England Patriots at Detroit Lions – November 23rd, 2000 . Pro Football + Reference. Retrieved July 2, 2017. + + ^ #TBT: When Tom Brady Made His Debut and No One Really Gave it Much Thought + . Archived from the original on August 16, 2017. Retrieved January 6, 2019. + + ^ Lowe, Mike (September 24, 2012). Pats fizzle when it counts . Portland Press + Herald. Retrieved August 14, 2012. + + ^ a b c d e f Tom Brady . National Football League. Archived from the original + on December 26, 2007. Retrieved December 26, 2007. + + ^ Indianapolis Colts at New England Patriots – September 30th, 2001 . Pro-Football-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ New England Patriots at Miami Dolphins – October 7th, 2001 . Pro-Football-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ 2001 NFL Week 5 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on August 1, 2017. Retrieved March 18, 2018. + + ^ Cafardo, Nick (October 15, 2001). Something special: Brady-led rally erases + mates earlier errors . The Boston Globe. Archived from the original on November + 5, 2012. Retrieved August 14, 2012. + + ^ Cafardo, Nick (October 1, 2012). Hold your horses: Patriots rout Colts as + defense shows season is not lost . Boston Globe. Archived from the original + on November 5, 2012. Retrieved August 14, 2012. + + ^ 2001 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on February 12, 2018. Retrieved March 17, 2018. + + ^ 2001 NFL Week 11 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on July 30, 2017. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots - December 22nd, 2001 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ NFL Pro Bowl 2002 – National Football League game summary (PDF). National + Football League. Archived (PDF) from the original on October 26, 2012. Retrieved + August 14, 2012. + + ^ Howe, Jeff. Patriots reflect on Snow Bowl during 10-year anniversary of + tuck rule game . NESN. Archived from the original on January 20, 2012. Retrieved + August 15, 2012. + + ^ Divisional Round - Oakland Raiders at New England Patriots - January 19th, + 2002 . Pro-Football-Reference.com. Retrieved 2019-02-17. + + ^ Bledsoe s return sparks Patriots past Steelers 24–17 . CNN. Associated Press. + Archived from the original on December 25, 2005. + + ^ AFC Championship – New England Patriots at Pittsburgh Steelers – January + 27th, 2002 . Pro-Football-Reference.com. Archived from the original on December + 28, 2017. Retrieved March 17, 2018. + + ^ Caesar, Dan (January 30, 2002). 14-Point spread isn t about respect . St. + Louis Post-Dispatch. Retrieved August 15, 2012. + + ^ Cotey, John (January 26, 2003). Madden sticks by his wrong call last year + . St. Petersburg Times. Archived from the original on November 6, 2012. Retrieved + August 15, 2012. + + ^ Camps, Mark (February 5, 2002). Brady beats two Joes as youngest Super QB + . San Francisco Chronicle. Archived from the original on August 12, 2017. Retrieved + August 11, 2017. + + ^ Silverstein, Tom; Christl, Cliff (February 4, 2002). Brady coolly fits the + bill . Milwaukee Journal Sentinel. Archived from the original on January 24, + 2013. + + ^ PRO FOOTBALL; Bledsoe Is Traded To the Bills . The New York Times. April + 22, 2002. ISSN 0362-4331. Archived from the original on December 26, 2017. Retrieved + December 25, 2017. + + ^ Pittsburgh Steelers at New England Patriots – September 9th, 2002 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ 2002 NFL Week 1 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on July 30, 2017. Retrieved March 18, 2018. + + ^ New England Patriots at Buffalo Bills – November 3rd, 2002 . Pro-Football-Reference.com. + Archived from the original on December 4, 2017. Retrieved March 18, 2018. + + ^ 2002 NFL Week 9 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on March 19, 2018. Retrieved March 18, 2018. + + ^ 2002 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on March 28, 2009. Retrieved August 14, 2012. + + ^ 2003 New England Patriots . Pro Football Reference. Archived from the original + on August 2, 2012. Retrieved August 14, 2012. + + ^ New England Patriots at Denver Broncos – November 3rd, 2003 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots - December 7th, 2003 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ 2003 NFL Week 17 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Wilner, Barry (January 2, 2004). Manning. McNair split MVP honors . USA Today. + Archived from the original on April 26, 2010. Retrieved August 14, 2012. + + ^ Divisional Round – Tennessee Titans at New England Patriots – January 10th, + 2004 . Pro-Football-Reference.com. Archived from the original on March 16, 2018. + Retrieved March 17, 2018. + + ^ AFC Championship – Indianapolis Colts at New England Patriots – January 18th, + 2004 . Pro-Football-Reference.com. Archived from the original on March 17, 2018. + Retrieved March 17, 2018. + + ^ Super Bowl XXXVIII – New England Patriots vs. Carolina Panthers – February + 1st, 2004 . Pro-Football-Reference.com. Archived from the original on December + 28, 2017. Retrieved March 17, 2018. + + ^ Super Bowl XXXVIII MVP: Tom Brady . National Football League. Archived from + the original on November 7, 2012. Retrieved August 14, 2012. + + ^ Longest Winning Streaks . Pro Football Hall of Fame. Archived from the original + on January 16, 2010. Retrieved January 3, 2010. + + ^ Bill Belichick – Head Coach . New England Patriots. Archived from the original + on September 25, 2011. Retrieved August 14, 2012. + + ^ 2004 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on March 30, 2018. Retrieved March 17, 2018. + + ^ a b 2004 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on August 5, 2012. Retrieved August 14, 2012. + + ^ Quarterback fought 103-degree fever, chills . Associated Press. Archived + from the original on October 4, 2015. Retrieved January 6, 2019. + + ^ Super Bowl XXXIX . National Football League. Archived from the original on + June 21, 2018. Retrieved August 14, 2012. + + ^ Davis, Scott. 12 teams have won multiple Super Bowls and the Rams are trying + to join the group . Business Insider. Retrieved February 4, 2019. + + ^ Dillon Returns From Injury To Push Patriots Past Jets . Lakeland Ledger. + December 5, 2005. Retrieved August 15, 2012. + + ^ Cafardo, Nick (November 2, 2005). Dillon s resolve solved a few offensive + problems . The Boston Globe. Archived from the original on December 3, 2013. + Retrieved August 15, 2012. + + ^ New England Patriots at Atlanta Falcons – October 9th, 2005 . Pro-Football-Reference.com. + Archived from the original on March 14, 2018. Retrieved March 18, 2018. + + ^ 2005 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Associated Press. Archived from the original on August 4, 2012. Retrieved August + 14, 2012. + + ^ 2005 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on September 25, 2018. Retrieved March 18, 2018. + + ^ Wild Card – Jacksonville Jaguars at New England Patriots – January 7th, 2006 + . Pro-Football-Reference.com. Archived from the original on December 28, 2017. + Retrieved December 28, 2017. + + ^ Divisional Round – New England Patriots at Denver Broncos – January 14th, + 2006 . Pro-Football-Reference.com. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Drehs, Wayne. Brady, Patriots finally feel playoff defeat . ESPN. Archived + from the original on November 10, 2012. Retrieved August 14, 2012. + + ^ Reiss, Mike (January 31, 2006). Brady s groin may be hurt . The Boston Globe. + Archived from the original on January 5, 2009. Retrieved December 26, 2007. + + ^ Buffalo Bills at New England Patriots - September 10th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ New England Patriots at Minnesota Vikings - October 30th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ New England Patriots at Green Bay Packers - November 19th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ 2006 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on February 8, 2010. Retrieved August 14, 2012. + + ^ Maske, Mark (December 19, 2006). Romo Gets Pro Bowl Nod in NFC, Brady Doesn + t in AFC . The Washington Post. Archived from the original on October 6, 2008. + Retrieved December 26, 2007. + + ^ McClain, John (July 2, 2007). Young to replace Rivers at Pro Bowl . Houston + Chronicle. Archived from the original on January 5, 2008. Retrieved December + 26, 2007. + + ^ Brady, Patriots shake feisty Jets, roll on to San Diego . ESPN. Archived + from the original on November 13, 2014. Retrieved August 14, 2012. + + ^ Hayes, Neil. Super Chargers top Super Bowl list . NBC Sports. Archived from + the original on November 2, 2012. Retrieved August 14, 2012. + + ^ Clayton, John. Patriots teach Chargers a lesson in playoff football . ESPN. + Archived from the original on August 9, 2012. Retrieved August 14, 2012. + + ^ Pasquarelli, Len. .Manning shakes label of not being able to win big one + . ESPN. Archived from the original on November 13, 2012. Retrieved August 14, + 2012. + + ^ Byrne, Kerry J. (June 3, 2009). Best individual seasons of 2000s . Sports + Illustrated. Archived from the original on November 3, 2012. Retrieved January + 11, 2010. + + ^ Top 10 greatest quarterback seasons Archived November 17, 2015, at the Wayback + Machine, NFL Nation Blog, espn.go.com; accessed November 12, 2014. + + ^ 2007 New England Patriots . Pro Football Reference. Archived from the original + on February 9, 2010. Retrieved January 11, 2010. + + ^ 2007 NFL Week 17 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on August 2, 2017. Retrieved March 18, 2018. + + ^ Banks, Don (October 12, 2007). Litmus test . Sports Illustrated. Archived + from the original on November 30, 2007. Retrieved December 8, 2007. + + ^ Brady s six TDs give him 27 TDs after seven games . ESPN. Archived from the + original on November 22, 2015. Retrieved January 6, 2019. + + ^ Young, Shalise Manza (November 4, 2007). Patriots 24, Colts 20: Tom s got + you, Babe . The Providence Journal. Archived from the original on November 7, + 2007. Retrieved December 26, 2007. + + ^ Patriots break scoring record, Brady and Moss set season marks . NFL.com. + Associated Press. December 29, 2007. Archived from the original on December + 9, 2017. Retrieved August 11, 2017. + + ^ Brady an easy winner in AP Male Athlete of Year balloting . USA Today. Associated + Press. December 21, 2007. Archived from the original on January 23, 2011. Retrieved + January 28, 2012. + + ^ 2007 NFL All-Pros . Pro-Football-Reference.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ 2007 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on March 16, 2018. Retrieved March 18, 2018. + + ^ Mihoces, Gary (January 13, 2008). Perfect Pats, Brady make short work of + Jaguars . USA Today. Archived from the original on November 14, 2010. Retrieved + November 30, 2008. + + ^ Pats put away Chargers for fourth Super Bowl berth in seven years . ESPN. + Associated Press. January 20, 2008. Archived from the original on September + 24, 2008. Retrieved November 30, 2008. + + ^ Super Bowl XLII – New York Giants vs. New England Patriots – February 3rd, + 2008 . Pro-Football-Reference.com. Archived from the original on February 2, + 2011. Retrieved January 24, 2018. + + ^ Foot injury may sideline Tom Brady for another game . USA Today. Associated + Press. August 2008. Retrieved September 28, 2015. + + ^ Brady to have season-ending knee surgery, will be placed on IR . NFL.com. + Archived from the original on December 17, 2018. Retrieved January 6, 2019. + + ^ Reiss, Mike (September 8, 2008). Pats confirm Brady out for the year . The + Boston Globe. Archived from the original on July 25, 2012. Retrieved September + 8, 2008. + + ^ Springer, Shira (September 10, 2008). Sources: Brady tore ACL and MCL . The + Boston Globe. Archived from the original on January 5, 2009. Retrieved September + 10, 2008. + + ^ Chronic right shoulder injury slows Brady . NBC Sports. Associated Press. + September 6, 2007. Archived from the original on September 9, 2007. Retrieved + December 27, 2007. + + ^ Farmer, Sam (June 2, 2009). Tom Brady s doctor says knee recovery exceeds + expectations . Los Angeles Times. Archived from the original on January 12, + 2012. Retrieved November 7, 2011. + + ^ Brady Has More Procedures Done on Knee, Report Says . The New York Times. + Associated Press. October 23, 2008. Archived from the original on January 19, + 2015. Retrieved November 30, 2008. + + ^ Springer, Shira (October 24, 2008). Brady s recovery hits snag . The Boston + Globe. Archived from the original on October 27, 2008. Retrieved November 30, + 2008. + + ^ 2008 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on January 27, 2018. Retrieved January 24, 2018. + + ^ Buffalo Bills at New England Patriots – September 14th, 2009 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Keefe, Neil. Brady Named AFC Offensive Player of the Week . NESN. Retrieved + August 14, 2012. + + ^ Brady throws six TD passes as Patriots ice winless Titans . Associated Press. + Archived from the original on November 14, 2012. Retrieved August 14, 2012. + + ^ Tennessee Titans at New England Patriots – October 18th, 2009 . Pro-Football-Reference.com. + Archived from the original on December 30, 2017. Retrieved March 18, 2018. + + ^ Brady sets a record for TDs in a quarter . The Washington Times. October + 19, 2009. Archived from the original on January 12, 2014. Retrieved January + 11, 2010. + + ^ Brady, Patriots get historic win thanks to rout of visiting Titans . NFL.com. + Retrieved 2019-02-11. + + ^ Breer, Albert R. (January 4, 2010). Brady dealing with broken finger on throwing + hand . The Boston Globe. Archived from the original on October 29, 2010. Retrieved + January 4, 2010. + + ^ 2009 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on August 21, 2018. Retrieved March 17, 2018. + + ^ Brady named Comeback Player of the Year . NBC Sports. Associated Press. January + 6, 2010. Archived from the original on August 18, 2012. Retrieved January 6, + 2010. + + ^ Ravens fast start puts Pats on heels, out of playoffs . ESPN. Associated + Press. January 10, 2010. Archived from the original on January 13, 2010. Retrieved + January 20, 2010. + + ^ Battista, Judy (September 10, 2010). Patriots Brady Signs League s Richest + Deal, at the Moment . The New York Times. Archived from the original on January + 19, 2012. Retrieved September 11, 2010. + + ^ Matuszewski, Erik (October 4, 2010). Tom Brady Gets 100th Career Win in NFL + as Patriots Rout Dolphins 41–14 . Bloomberg. Archived from the original on October + 8, 2010. Retrieved October 11, 2010. + + ^ Woodhead keeps contributing as Pats withstand Colts comeback attempt . National + Football League. Associated Press. November 21, 2010. Archived from the original + on November 23, 2010. Retrieved November 22, 2010. + + ^ Krasner, Steven (November 21, 2010). Brady ties mark with 25th straight home + W . ESPNBoston.com. Archived from the original on November 23, 2010. Retrieved + November 22, 2010. + + ^ New England Patriots at Detroit Lions – November 25th, 2010 . Pro-Football-Reference.com. + Archived from the original on January 1, 2018. Retrieved March 18, 2018. + + ^ 2010 NFL Week 12 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on September 9, 2018. Retrieved March 18, 2018. + + ^ Frenz, Erik. Patriots Vs. Lions: Tom Brady Enjoys Perfect Passer Rating on + Thanksgiving . Bleacher Report. Retrieved 2019-02-06. + + ^ Brady s Perfect Game Leads Patriots Over Lions . The New York Times. 2010-11-25. + Retrieved 2019-02-06. + + ^ Patriots destroy Jets . London Free Press. Archived from the original on + December 1, 2012. Retrieved August 14, 2012. + + ^ New York Jets at New England Patriots – December 6th, 2010 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ NFL Single-Season Passer Rating Leaders . Archived from the original on December + 25, 2018. Retrieved January 6, 2019. + + ^ Springer, Shira & Walker, Monique (January 20, 2011). Brady to have foot + surgery today . The Boston Globe. Archived from the original on November 2, + 2012. Retrieved January 20, 2011. + + ^ Tom Brady unanimous as NFL MVP . Associated Press. Archived from the original + on August 3, 2012. Retrieved August 14, 2012. + + ^ Top 100: Tom Brady . New England Patriots. Archived from the original on + March 19, 2018. Retrieved March 18, 2018. + + ^ Divisional Round – New York Jets at New England Patriots – January 16th, + 2011 . Pro-Football-Reference.com. Archived from the original on December 17, + 2017. Retrieved March 17, 2018. + + ^ Jets back up talk as Sanchez throws three TDs, defense knocks down Brady + . Archived from the original on December 28, 2014. Retrieved December 29, 2014. + + ^ 2011 NFL Week 1 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on August 30, 2018. Retrieved March 18, 2018. + + ^ Tom Brady picks apart Dolphins as 517-yard, 4-TD opener fuels Pats . ESPN. + September 12, 2011. Archived from the original on September 28, 2011. Retrieved + September 13, 2011. + + ^ Tom Brady, Chad Henne Combine For Slew of NFL Records On Monday Night Football + . September 13, 2011. Archived from the original on November 7, 2012. Retrieved + September 17, 2011. + + ^ San Diego Chargers at New England Patriots – September 18th, 2011 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots – December 24th, 2011 . Pro-Football-Reference.com. + Archived from the original on January 4, 2018. Retrieved March 18, 2018. + + ^ 2011 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved January 24, 2018. + + ^ The Top 100: Players of 2012 : Tom Brady . NFL.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ Belichick: No quarterback I d rather have . weei.com. Archived from the + original on 2017-01-29. Retrieved 2019-01-06. + + ^ Quinton Carter, David Bruton exit hurt . ESPN. Archived from the original + on January 16, 2012. Retrieved August 14, 2012. + + ^ Cannizzaro, Mark. Patriots redefine postseason success for coach-quarterback + duo . New York Post. Retrieved August 16, 2012. + + ^ Patriots Beat Ravens 23–20 in AFC Championship Game . Fox News. Associated + Press. January 22, 2012. Archived from the original on July 17, 2012. Retrieved + August 14, 2012. + + ^ For second time in five seasons, Giants top Brady, Patriots in Super Bowl + . Associated Press. Archived from the original on August 17, 2012. Retrieved + August 14, 2012. + + ^ Houston Texans at New England Patriots – December 10th, 2012 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved March 18, 2018. + + ^ Tom Brady. Tom Brady, QB for the New England Patriots at . Nfl.com. Archived + from the original on November 22, 2018. Retrieved July 6, 2013. + + ^ Top 100 Players of 2013 : Tom Brady . NFL.com. Retrieved 2019-02-11. + + ^ Divisional Round – Houston Texans at New England Patriots – January 13th, + 2013 . Pro-Football-Reference.com. Archived from the original on February 1, + 2018. Retrieved March 17, 2018. + + ^ Wilner, Barry. NFL Playoffs: Patriots 41, Texans 28: Brady passes idol as + Pats pound Texans . Arizona Daily Star. Retrieved 2019-02-11. + + ^ AFC Championship – Baltimore Ravens at New England Patriots – January 20th, + 2013 . Pro-Football-Reference.com. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Timeline: Patriots-Ravens rivalry through the years - The Boston Globe . + BostonGlobe.com. Retrieved 2019-02-17. + + ^ Wesseling, Chris (February 25, 2013). Tom Brady, New England Patriots agree + to extension . National Football League. Archived from the original on February + 27, 2013. Retrieved February 25, 2013. + + ^ King, Peter (February 26, 2013). More on Tom Brady s amazing deal; mail – + NFL – Peter King – SI.com . Sportsillustrated.cnn.com. Archived from the original + on May 20, 2013. Retrieved July 6, 2013. + + ^ New England Patriots at Buffalo Bills – September 8th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved January 24, 2018. + + ^ New York Jets at New England Patriots – September 12th, 2013 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved January 24, 2018. + + ^ New England Patriots at Cincinnati Bengals – October 6th, 2013 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved January 24, 2018. + + ^ New Orleans Saints at New England Patriots – October 13th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Denver Broncos at New England Patriots – November 24th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 22, 2017. Retrieved December 16, 2017. + + ^ Buffalo Bills at New England Patriots - December 29th, 2013 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ 2013 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on March 7, 2018. Retrieved March 18, 2018. + + ^ Top 100 Players of 2014 : Tom Brady . New England Patriots. Archived from + the original on September 11, 2016. Retrieved March 18, 2018. + + ^ 2013 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on January 23, 2018. Retrieved January 24, 2018. + + ^ Divisional Round – Indianapolis Colts at New England Patriots – January 11th, + 2014 . Pro-Football-Reference.com. Archived from the original on November 14, + 2017. Retrieved March 17, 2018. + + ^ AFC Championship – New England Patriots at Denver Broncos – January 19th, + 2014 . Pro-Football-Reference.com. Archived from the original on November 15, + 2017. Retrieved November 14, 2017. + + ^ New England Patriots at Miami Dolphins – September 7th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Minnesota Vikings – September 14th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Oakland Raiders at New England Patriots – September 21st, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Kansas City Chiefs – September 29th, 2014 . Pro-Football-Reference.com. + Archived from the original on November 9, 2017. Retrieved March 17, 2018. + + ^ New England Patriots at Buffalo Bills – October 12th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved March 17, 2018. + + ^ New York Jets at New England Patriots – October 16th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Chicago Bears at New England Patriots – October 26th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Detroit Lions at New England Patriots – November 23rd, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Green Bay Packers – November 30th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at San Diego Chargers – December 7th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Orton, Bills beat Patriots 17–9 . New England Patriots. Archived from the + original on February 5, 2017. Retrieved January 6, 2019. + + ^ Top 100 Players of 2015 : No. 3 Tom Brady . NFL.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ Divisional Round – Baltimore Ravens at New England Patriots – January 10th, + 2015 . Pro-Football-Reference.com. Archived from the original on December 26, + 2017. Retrieved December 28, 2017. + + ^ AFC Championship – Indianapolis Colts at New England Patriots – January 18th, + 2015 . Pro-Football-Reference.com. Archived from the original on December 1, + 2017. Retrieved December 28, 2017. + + ^ Super Bowl XLIX – Seattle Seahawks vs. New England Patriots – February 1st, + 2015 . Pro-Football-Reference.com. Archived from the original on January 30, + 2018. Retrieved March 17, 2018. + + ^ Patriots beat the Seahawks in dramatic finale . BBC Sport. February 1, 2015. + Archived from the original on February 4, 2015. Retrieved February 2, 2015. + + ^ INVESTIGATIVE REPORT CONCERNING FOOTBALLS USED DURING THE AFC CHAMPIONSHIP + GAME ON JANUARY 18, 2015 (PDF). nfl.com. National Football League. Retrieved + May 6, 2015. + + ^ Rosenthal, Gregg (May 11, 2015). Patriots Tom Brady suspended 4 games . + National Football League. Archived from the original on May 13, 2015. Retrieved + May 11, 2015. + + ^ a b NFL releases statement on Patriots violations . National Football League. + May 11, 2015. Archived from the original on May 13, 2015. Retrieved May 12, + 2015. + + ^ Patra, Kevin (May 14, 2015). Tom Brady NFLPA appeal four game suspension + . National Football League. Archived from the original on May 18, 2015. Retrieved + May 14, 2015. + + ^ NFL upholds four-game suspension of Tom Brady . cbsnews.com. July 28, 2015. + Archived from the original on July 29, 2015. Retrieved July 29, 2015. + + ^ Report: Tom Brady Authorizes NFLPA To Appeal His Case In Federal Court . + NESN.com. Archived from the original on July 29, 2015. Retrieved July 29, 2015. + + ^ Rosenthal, Gregg (July 28, 2015). Roger Goodell upholds Tom Brady suspension + . National Football League. Archived from the original on July 29, 2015. Retrieved + July 28, 2015. + + ^ Gantt, Darin (July 28, 2015). Goodell cites destroying phone in upholding + Tom Brady s suspension . NBC Sports. Archived from the original on July 29, + 2015. Retrieved July 28, 2015. + + ^ Armstrong, Kevin; et al. (July 28, 2015). NFL hopes to have expected Tom + Brady lawsuit in New York and not Minnesota . New York Daily News. Archived + from the original on July 31, 2015. Retrieved July 28, 2015. + + ^ Tom Brady rips the NFL s Deflategate decision on his Facebook page . USA + Today. Archived from the original on September 9, 2018. Retrieved January 6, + 2019. + + ^ Robert Kraft attacks the NFL, apologizes to Patriots fans . Yahoo Sports. + July 29, 2015. Archived from the original on August 12, 2017. Retrieved January + 6, 2019. + + ^ a b Freeman, Mike (May 11, 2015). NFL Deflategate Message: No Player Is Above + the Rules, Not Even Tom Brady . Bleacher Report. Archived from the original + on May 15, 2015. Retrieved January 6, 2019. + + ^ Adelson, Eric (May 11, 2015). Tom Brady allowed the new NFL Way to smack + Patriot Way in stunning fashion . Yahoo! Sports. Archived from the original + on September 29, 2018. Retrieved January 6, 2019. Somewhere along the line, + the debate over what happened in the hours and minutes leading up to the AFC + championship game in January went beyond air pressure and weather conditions, + and became a referendum on the character of Tom Brady and his franchise. + + ^ O Connor, Ian. Tom Brady should skip appeal, tell truth now . ESPN.com. Archived + from the original on May 15, 2015. Retrieved May 12, 2015. + + ^ NYSD Decision and Order . + + ^ Roger Goodell Made Tom Brady Seem Dishonest In Deflategate Appeal Ruling + . NESN.com. Archived from the original on February 7, 2016. Retrieved February + 7, 2016. + + ^ Pittsburgh Steelers at New England Patriots – September 10th, 2015 . Pro-Football-Reference.com. + Archived from the original on November 10, 2017. Retrieved December 28, 2017. + + ^ Very rare performance by Tom Brady reflects his greatness . ESPN.com. Archived + from the original on October 27, 2015. Retrieved October 28, 2015. + + ^ Miami Dolphins at New England Patriots – October 29th, 2015 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ New England Patriots at Denver Broncos – November 29th, 2015 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ 2015 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved March 17, 2018. + + ^ 2015 NFL Passing . Pro-Football-Reference.com. Archived from the original + on February 12, 2018. Retrieved March 17, 2018. + + ^ Top 100 Players of 2016 : No. 2 Tom Brady . NFL.com. Archived from the original + on August 31, 2018. Retrieved January 6, 2019. + + ^ Divisional Round – Kansas City Chiefs at New England Patriots – January 16th, + 2016 . Pro-Football-Reference.com. Archived from the original on December 26, + 2017. Retrieved March 17, 2018. + + ^ Golen, Jimmy (January 16, 2016). Patriots to 5th straight AFC title game, + beat Chiefs 27–20 . Associated Press. Foxborough, Massachusetts: AP Sports. + Associated Press. Retrieved February 17, 2019. + + ^ New England at Denver – 2016-01-24 – National Football League – Yahoo! Sports + . Yahoo Sports. Archived from the original on November 19, 2018. Retrieved January + 6, 2019. + + ^ Reiss, Mike. New deal links Tom Brady to Patriots through 2019 . ESPN.com. + Archived from the original on March 1, 2016. Retrieved February 29, 2016. + + ^ Volin, Ben (March 3, 2016). Brady s lawyer feels pressure from judges . The + Boston Globe. Archived from the original on April 16, 2016. Retrieved April + 26, 2016. + + ^ Orr, Connor (April 25, 2016). Tom Brady s four-game suspension reinstated + . NFL.com. Archived from the original on April 26, 2016. Retrieved April 25, + 2016. + + ^ Tom Brady s four-game suspension upheld . ESPN. April 25, 2016. Archived + from the original on April 26, 2016. Retrieved April 25, 2016. + + ^ Volin, Ben (April 25, 2016). Brady must serve Deflategate suspension, appeals + court rules . The Boston Globe. Archived from the original on April 27, 2016. + Retrieved April 26, 2016. + + ^ Gershman, Jacob (April 25, 2016). Why the NFL Won its Deflategate Appeal + . The Wall Street Journal. Archived from the original on April 28, 2016. Retrieved + April 26, 2016. + + ^ Tom Brady keeps Deflategate battle going with another appeal of suspension + Archived October 5, 2018, at the Wayback Machine May 23, 2015. + + ^ Brady s Deflategate appeal denied by court . Archived from the original on + July 16, 2016. Retrieved January 6, 2019. + + ^ New England Patriots at Cleveland Browns – October 9th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ Cincinnati Bengals at New England Patriots – October 16th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Pittsburgh Steelers – October 23rd, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Buffalo Bills – October 30th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Ortega, Mark E. (November 3, 2016). Tom Brady, David Johnson are Players + of the Month . NFL.com. Archived from the original on September 25, 2018. Retrieved + January 6, 2019. + + ^ Seattle Seahawks at New England Patriots – November 13th, 2016 . Pro-Football-Reference.com. + Archived from the original on August 4, 2017. Retrieved December 28, 2017. + + ^ Lam, Quang M. (November 23, 2016). Tom Brady, Kirk Cousins among Players + of Week . NFL.com. Archived from the original on November 24, 2016. Retrieved + January 6, 2019. + + ^ New England Patriots at New York Jets – November 27th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Los Angeles Rams at New England Patriots – December 4th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Reiss, Mike. Tom Brady wins NFL-record 201st game . ESPN.com. Archived from + the original on December 6, 2016. Retrieved December 13, 2016. + + ^ Howe, Jeff. Patriots, despite miscues, outlast Ravens to move to 11–2 . The + Boston Herald. Archived from the original on December 20, 2016. Retrieved December + 13, 2016. + + ^ New England Patriots at Denver Broncos – December 18th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Patriots top Broncos, clinch AFC East, first-round bye . Archived from the + original on December 19, 2016. Retrieved January 6, 2019. + + ^ NFL announces 2017 Pro Bowl rosters . NFL.com. December 20, 2016. Archived + from the original on November 17, 2018. Retrieved January 6, 2019. + + ^ Archived copy . Archived from the original on January 2, 2017. Retrieved + January 1, 2017. CS1 maint: Archived copy as title (link) + + ^ Patriots clinch home-field advantage in AFC playoffs . Archived from the + original on December 20, 2018. Retrieved January 6, 2019. + + ^ Hurley, Michael (January 1, 2017). Tom Brady Sets NFL Record For Best TD-To-INT + Ratio Of All Time . CBS Boston. Archived from the original on January 4, 2017. + Retrieved January 2, 2017. + + ^ Three rookies, Matt Ryan among players named to All-Pro team . NFL.com. January + 6, 2017. Archived from the original on June 17, 2018. Retrieved January 6, 2019. + + ^ Top 100 Players of 2017 : No. 1 New England Patriots quarterback Tom Brady + . NFL.com. Archived from the original on June 17, 2018. Retrieved January 6, + 2019. + + ^ Patra, Kevin (January 15, 2017). Patriots Top Texans, Move on to AFC Championship + . Around the NFL. National Football League. Archived from the original on January + 29, 2017. Retrieved February 6, 2017. + + ^ Wesseling, Chris (January 23, 2017). Patriots Shred Steelers, Advance to + Ninth Super Bowl . Around the NFL. National Football League. Archived from the + original on February 2, 2017. Retrieved February 6, 2017. + + ^ Super Bowl LI – New England Patriots vs. Atlanta Falcons – February 5th, + 2017 . Pro-Football-Reference.com. Archived from the original on August 7, 2017. + Retrieved August 6, 2017. + + ^ Super Bowl Most Valuable Player Winners . Pro-Football-Reference.com. Archived + from the original on August 3, 2017. Retrieved January 24, 2018. + + ^ Tom Brady s stolen Super Bowl jerseys returned to Patriots . Fox News. March + 23, 2017. Archived from the original on April 11, 2017. Retrieved April 10, + 2017. + + ^ Tom Brady Super Bowl jersey thief investigation . Sports Illustrated. Archived + from the original on April 24, 2017. Retrieved August 11, 2017. + + ^ GOAT edition: Brady on Madden NFL 18 cover . ESPN.com. Archived from the + original on May 13, 2017. Retrieved May 13, 2017. + + ^ Press, Associated. Gisele Bundchen: Tom Brady had a concussion last year + . Archived from the original on September 22, 2017. Retrieved January 6, 2019. + + ^ Igel, Lee. Gisele Bündchen Casts Doubt On Adequacy Of NFL Concussion Protocol + . Archived from the original on September 15, 2017. Retrieved January 6, 2019. + + ^ NFL Investigating After Gisele Claims Tom Brady Suffered a Concussion . Archived + from the original on September 11, 2017. Retrieved January 6, 2019. + + ^ NFL looking into Tom Brady concussion claim by Gisele Bundchen . Archived + from the original on December 8, 2018. Retrieved January 6, 2019. + + ^ Agent: Tom Brady not diagnosed with concussion in 16 . Archived from the + original on October 19, 2018. Retrieved January 6, 2019. + + ^ Tom Brady: We didn t dig very deep on Thursday night . Pro Football Talk. + Archived from the original on September 8, 2017. Retrieved September 8, 2017. + + ^ WATCH: In Year 18, Tom Brady finally does something he s never done before + . CBSSports.com. September 17, 2017. Archived from the original on January 1, + 2019. Retrieved January 6, 2019. + + ^ Maya, Adam (September 20, 2017). Tom Brady, J.J. Nelson among Players of + the Week . NFL.com. Archived from the original on December 22, 2018. Retrieved + January 6, 2019. + + ^ Tom Brady takes another title away from his nemesis Peyton Manning . Archived + from the original on January 1, 2019. Retrieved January 6, 2019. + + ^ Lam, Quang M. (September 27, 2017). Tom Brady, Kirk Cousins among Players + of the Week . NFL.com. Archived from the original on September 27, 2017. Retrieved + January 6, 2019. + + ^ Tom Brady Ties Brett Favre, Peyton Manning for Most Regular-Season Wins by + QB . Bleacher Report. Archived from the original on January 1, 2019. Retrieved + January 6, 2019. + + ^ Orr, Conor. Tom Brady has sprain to non-throwing shoulder . NFL. Archived + from the original on October 11, 2017. Retrieved October 10, 2017. + + ^ Patra, Kevin. Brady isn t worried about his shoulder: I m good . NFL. Archived + from the original on October 12, 2017. Retrieved October 11, 2017. + + ^ Tom Brady becomes NFL s career QB wins leader . Archived from the original + on November 25, 2018. Retrieved January 6, 2019. + + ^ Tom Brady, Patriots roll through fog past Falcons . Archived from the original + on January 1, 2019. Retrieved January 6, 2019. + + ^ Los Angeles Chargers at New England Patriots – October 29th, 2017 . Pro-Football-Reference.com. + Archived from the original on November 7, 2017. Retrieved December 7, 2017. + + ^ Maya, Adam (November 15, 2017). Tom Brady, Cam Newton among Players of the + Week . NFL.com. Archived from the original on July 1, 2018. Retrieved January + 6, 2019. + + ^ Case Keenum wins NFC player of month honors . Archived from the original + on January 27, 2018. Retrieved January 6, 2019. + + ^ Hanzus, Dan. Tom Brady, Josh McDaniels have sideline disagreement . NFL. + Archived from the original on December 3, 2017. Retrieved December 3, 2017. + + ^ Sessler, Marc. Patriots overcome ugly start to scatter Bills in Buffalo . + NFL. Archived from the original on December 3, 2017. Retrieved December 3, 2017. + + ^ New England Patriots at Miami Dolphins – December 11th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved January 24, 2018. + + ^ New England Patriots at Pittsburgh Steelers – December 17th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 29, 2017. Retrieved December 28, 2017. + + ^ NFL announces 2018 Pro Bowl rosters . NFL. Archived from the original on + December 20, 2017. Retrieved December 19, 2017. + + ^ Buffalo Bills at New England Patriots – December 24th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ Patriots secure first-round bye for eighth straight year . Archived from + the original on November 10, 2018. Retrieved January 6, 2019. + + ^ Patriots clinch home-field advantage through playoffs . + + ^ NFL offensive production falls despite record for Brady . www.boston.com. + Archived from the original on November 10, 2018. Retrieved January 6, 2019. + + ^ Wilner, Barry. Steelers Antonio Brown, unanimous choice on AP All-Pro Team + . AP News. AP. + + ^ Wesseling, Chris (February 3, 2018). Tom Brady named NFL s MVP for third + time of career . NFL.com. Archived from the original on July 26, 2018. Retrieved + January 6, 2019. + + ^ Divisional Round – Tennessee Titans at New England Patriots – January 13th, + 2018 . Pro-Football-Reference.com. Archived from the original on January 18, + 2018. Retrieved January 18, 2018. + + ^ Patra, Kevin (January 19, 2018). Tom Brady (thumb) questionable for Patriots + vs. Jags . NFL.com. Archived from the original on January 20, 2018. Retrieved + January 20, 2018. + + ^ AFC Championship – Jacksonville Jaguars at New England Patriots – January + 21st, 2018 . Pro-Football-Reference.com. Archived from the original on January + 24, 2018. Retrieved January 24, 2018. + + ^ Super Bowl LII – Philadelphia Eagles vs. New England Patriots – February + 4th, 2018 . Pro-Football-Reference.com. Archived from the original on March + 1, 2018. Retrieved March 17, 2018. + + ^ Super Bowl 50: How many quarterbacks have lost multiple Super Bowls? . syracuse.com. + Retrieved 2019-02-12. + + ^ Is Super Bowl LII Loss the End of Patriots and Tom Brady s Dynasty? . Bleacher + Report. Archived from the original on February 5, 2018. Retrieved February 5, + 2018. + + ^ At 41 and going strong, Tom Brady awaits a 19th season . USA TODAY. Archived + from the original on October 30, 2018. Retrieved October 29, 2018. + + ^ Despite changes, Patriots offense still rolling behind Tom Brady in win over + Texans . USA TODAY. Archived from the original on October 29, 2018. Retrieved + October 29, 2018. + + ^ Brady Throws 3 TDs As Patriots Blow Out Dolphins To Improve To 2–2 . CBS + Boston. September 30, 2018. Archived from the original on October 29, 2018. + Retrieved October 29, 2018. + + ^ Brady, Patriots roll past banged-up Colts . Duluth News Tribune. Archived + from the original on October 30, 2018. Retrieved October 29, 2018. + + ^ Tom Brady sets another NFL record with TD pass to Josh Gordon . USA Today. + October 5, 2018. Archived from the original on October 31, 2018. Retrieved October + 30, 2018. + + ^ Brady, Patriots top Chiefs for wild 43–40 win . USA TODAY. Archived from + the original on October 29, 2018. Retrieved October 29, 2018. + + ^ Brady throws 3 TDs, Patriots hang on to beat Bears 38–31 . AP NEWS. October + 21, 2018. Archived from the original on October 30, 2018. Retrieved October + 29, 2018. + + ^ Tom Brady: Game Logs at NFL.com . National Football League. Archived from + the original on November 22, 2018. Retrieved November 26, 2018. + + ^ Colin J. Liotta, Tom Brady (finally) reaches 1,000 career rushing yards USA + Today. From the original on December 3, 2018. Retrieved January 9, 2019 + + ^ Tom Brady reaches 70,000 passing yards . NFL. Archived from the original + on December 18, 2018. Retrieved December 16, 2018. + + ^ Pats win AFC East again, take back No. 2 seed . ESPN.com. December 23, 2018. + Retrieved January 22, 2019. + + ^ Sullivan, Tara. Tara Sullivan: Vintage Tom Brady returns, just in time for + the playoffs – The Boston Globe . BostonGlobe.com. Retrieved January 22, 2019. + + ^ Tom Brady tunes up and Patriots clinch first-round bye after routing Jets + . ESPN.com. December 30, 2018. Retrieved January 22, 2019. + + ^ Schrock, Joshua (December 30, 2018). Tom Brady s New Year s Resolution Will + Make Bill Belichick, Patriots Fans Happy . NESN.com. Retrieved January 22, 2019. + + ^ Hightower, Kyle (January 13, 2019). Michel scores 3 TDs, Patriots roll past + Chargers . KOIN. Retrieved February 6, 2019. + + ^ Chargers vs. Patriots – Game Recap – January 13, 2019 – ESPN . ESPN.com. + Retrieved January 22, 2019. + + ^ Patriots make 3rd straight Super Bowl, beat Chiefs 37–31 OT . Associated + Press. January 20, 2019. Retrieved January 21, 2019. + + ^ New England Patriots win Super Bowl LIII . NFL. Retrieved February 3, 2019. + + ^ Tom Brady sets record for most Super Bowl wins by NFL player with six . USA + TODAY. Retrieved February 6, 2019. + + ^ Tom Brady . NFL.com. Archived from the original on December 7, 2015. Retrieved + December 7, 2015. + + ^ Tom Brady s Career Touchdown Plays . Pro-Football-Reference.com. Archived + from the original on July 11, 2015. Retrieved July 29, 2015. + + ^ In multiple seasons, from 1950 to 2018, requiring Pass Completion % >= 1, + sorted by most games matching criteria. (Note: Click on Games Won column to + sort) . www.pro-football-reference.com. Pro Football Reference, LLC. Retrieved + January 1, 2019. + + ^ Reiss, Mike (November 14, 2017). Tom Brady relishes chance to silence fans + while playing on road . ESPN.com. Archived from the original on February 9, + 2018. Retrieved February 8, 2018. + + ^ https://www.footballdb.com/stats/qb-records.html?alltime=1&type=reg&letter=&sort=w + + ^ WHAT TO LOOK FOR – WEEK 11 . nflcommunications.com. November 15, 2017. Archived + from the original on February 9, 2018. Retrieved February 8, 2018. + + ^ a b Porter, Conor (January 1, 2018). Tom Brady achieved another amazing NFL + record in 2017 . GiveMeSport. Archived from the original on February 9, 2018. + Retrieved February 8, 2018. + + ^ Tom Brady joins select club with 500th career touchdown pass . MLive.com. + Archived from the original on October 6, 2018. Retrieved October 5, 2018. + + ^ a b Archived copy . Archived from the original on November 6, 2018. Retrieved + November 6, 2018. CS1 maint: Archived copy as title (link) + + ^ NFL Playoff Records: Individual – Passing . nfl.com. Archived from the original + on July 22, 2015. Retrieved July 30, 2015. + + ^ Adamski, Chris. Brady, Big Ben meet again in AFC title game . TribLIVE.com. + Archived from the original on January 27, 2017. Retrieved January 24, 2017. + + ^ a b c Stites, Adam (February 4, 2018). What NFL records does Tom Brady already + own? . SBNation.com. Archived from the original on February 10, 2018. Retrieved + February 9, 2018. + + ^ Schechter, Lee (January 11, 2015). Brady s 46th TD breaks Montana s playoff + mark . ESPN.com. Archived from the original on February 9, 2018. Retrieved February + 8, 2018. + + ^ Reiss, Mike (January 19, 2015). Brady sets NFL s postseason passing record + . ESPN.com. Archived from the original on February 9, 2018. Retrieved February + 8, 2018. + + ^ a b c David Smith, Michael (January 8, 2018). In his 35th postseason game, + Tom Brady will add to his many records . Yahoo Sports. Archived from the original + on February 9, 2018. Retrieved February 9, 2018. + + ^ Tom Brady passes Brett Favre for most career interceptions in the postseason + . SB Nation. Archived from the original on May 15, 2018. Retrieved May 15, 2018. + + ^ The QB With the Most Conference Championship Appearance? . NFL RUSH. January + 19, 2017. Archived from the original on January 25, 2018. Retrieved February + 9, 2018. + + ^ a b Game Notes: Patriots extend NFL-record to 10th Super Bowl overall . New + England Patriots. January 21, 2018. Archived from the original on February 9, + 2018. Retrieved February 9, 2018. + + ^ Super Bowl Records: Individual – Passing . nfl.com. Archived from the original + on August 10, 2015. Retrieved July 29, 2015. + + ^ Breech, John (February 2, 2015). Tom Brady broke, tied or extended 9 Super + Bowl records . CBSSports.com. Archived from the original on January 23, 2018. + Retrieved February 9, 2018. + + ^ Tom Brady, Bill Belichick make NFL history with record 7th Super Bowl appearance + . abcnews.com. Archived from the original on January 29, 2017. Retrieved January + 23, 2017. + + ^ a b Kirk, Jason (February 5, 2018). Pats now own 75 Super Bowl records, including + most losses . SBNation.com. Archived from the original on April 4, 2018. Retrieved + April 4, 2018. + + ^ Patriots, Tom Brady keep rewriting Super Bowl record book . + + ^ Hanzus, Dan. Tom Brady is game for another SNL hosting gig . National Football + League. Archived from the original on August 17, 2012. Retrieved August 17, + 2012. + + ^ Bark, Ed (February 6, 2005). Fox gets animated after the Super Bowl . Dallas + Morning News. Retrieved August 17, 2012. + + ^ Patriots News and Notes . Patriots Insider. Fox Sports. Archived from the + original on January 27, 2013. Retrieved August 17, 2012. + + ^ Entourage Fore (TV Episode 2009) – IMDb . IMDb. Archived from the original + on March 26, 2017. Retrieved August 11, 2017. + + ^ Entourage: Tom Brady replaced Manning brothers in Season 6 cameo . Sports + Illustrated. May 28, 2015. Archived from the original on August 11, 2017. Retrieved + August 11, 2017. + + ^ Tom Brady s Ted 2 Cameo Features Deflategate Line From Mark Wahlberg . + NESN. June 24, 2015. Archived from the original on August 11, 2017. Retrieved + August 11, 2017. + + ^ Buttons NY – Sound + Picture » Vote for your favorite Stetson Cologne man, + win a $10 gift card, and Listen to the latest Stetson Radio ad, with the original + Stetson Jingle! . Archived from the original on January 1, 2019. Retrieved January + 6, 2019. + + ^ Tom Brady . Forbes. Archived from the original on March 19, 2015. Retrieved + April 1, 2015. + + ^ Peyton Manning vs. Tom Brady Endorsements: Who s No. 1 In Commercial Appeal? + . Archived from the original on April 2, 2015. Retrieved April 1, 2015. + + ^ Ember, Sydney Tom Brady Still a Key Part of Under Armour s Broader Ad Push + Archived January 1, 2019, at the Wayback Machine New York Times. August 25, + 2015 + + ^ Beautyrest Black and Tom Brady Score for Sleep – BedTimes . Archived from + the original on January 2, 2019. Retrieved January 6, 2019. + + ^ Reimer, Alex (August 23, 2016). Tom Brady s Vegan Snacks Only Add to His + Bourgeois Profile . Forbes. Archived from the original on January 1, 2019. Retrieved + January 6, 2019. + + ^ Tom Brady Announces Launch Of TB12 Website, Online Store (Photo) . NESN.com. + January 21, 2016. Archived from the original on September 28, 2017. Retrieved + September 27, 2017. + + ^ Tom Brady Launches Raw Snack Line Under His TB12 Brand . NCA. Retrieved September + 27, 2017. + + ^ Tom Brady and TB12 Launch TB12 Foundation for Young Athletes – Physical Therapy + Products . Physical Therapy Products. Archived from the original on September + 28, 2017. Retrieved September 27, 2017. + + ^ This New Meal Delivery Plan Will Help You Eat Like Tom Brady . Archived from + the original on September 28, 2017. Retrieved September 27, 2017. + + ^ Garcia, Ahiza. Tom Brady launches meal kit service . CNNMoney. Archived from + the original on September 28, 2017. Retrieved September 27, 2017. + + ^ O Connor, Ian (September 20, 2017). Tom Brady has No. 1 book on Amazon, Hillary + at No. 2. As they said at Michigan, all he does is winpic.twitter.com/glGlzkGGRd + . @Ian_OConnor. Retrieved September 21, 2017. + + ^ Tom Brady s TB12 Method Is a Best Seller . Boston Magazine. Archived from + the original on September 28, 2017. Retrieved September 29, 2017. + + ^ Leibovich, Mark (2018). Tom Brady Gave a Filmmaker Unusual Access to His + Private Life . The New York Times. ISSN 0362-4331. Archived from the original + on January 10, 2018. Retrieved January 10, 2018. + + ^ a b Dagostino, Mark (December 14, 2006). Tom Brady, Bridget Moynahan Split + Up . People. Archived from the original on October 12, 2007. Retrieved December + 27, 2007. + + ^ Smith, Liz (February 18, 2007). It s Brady Baby For Sixy Star . New York + Post. Archived from the original on February 20, 2007. Retrieved December 27, + 2007. + + ^ Shanahan, Mark (February 18, 2007). Ex-Brady Girlfriend Says She s Pregnant + With His Child . The Boston Globe. Archived from the original on March 11, 2007. + Retrieved November 30, 2008. + + ^ Boehm, Kristin (August 28, 2007). Bridget Moynahan Thankful for Healthy + Baby . People. Archived from the original on November 13, 2008. Retrieved November + 30, 2008. + + ^ Bridget Moynahan Welcomes a Baby Boy . People. August 23, 2007. Archived + from the original on June 28, 2008. Retrieved November 30, 2008. + + ^ Tom Brady & Gisele Bundchen: New Couple? . People. Archived from the original + on September 6, 2015. Retrieved December 7, 2012. + + ^ Patriots Quarterback Tom Brady on Football, Fatherhood, and Gisele Bündchen + . Archived from the original on October 2, 2013. Retrieved April 27, 2013. + + ^ Cedenheim, Pernilla (February 27, 2009). Model Tom Brady & Gisele Bündchen: + Married! . People. Archived from the original on May 20, 2016. Retrieved April + 27, 2018. + + ^ Gisele Bündchen & Tom Brady Have a Boy . People. December 9, 2009. Archived + from the original on July 2, 2017. Retrieved August 11, 2017. + + ^ Gisele Bündchen and Tom Brady Welcome Daughter Vivian Lake . People. December + 7, 2015. Archived from the original on September 5, 2015. Retrieved August 11, + 2017. + + ^ Farrar, Doug. Boston (in) Common: Kevin Youkilis set to marry Tom Brady s + sister . Archived from the original on February 10, 2012. Retrieved February + 10, 2012. + + ^ Hua, Karen (February 2, 2017). Inside The Multimillion-Dollar Homes Of Tom + Brady . Forbes. Archived from the original on August 11, 2017. Retrieved August + 11, 2017. + + ^ The Tao Of Tom: How Tom Brady Uses An 80–20 Diet, Meditation, Yoga & One + Book To Age Backwards . Retrieved January 24, 2018. + + ^ The Best There Ever Was? . GQ. August 5, 2005. Archived from the original + on July 30, 2017. Retrieved July 30, 2017. + + ^ Tom Brady vs. Peyton Manning For Republican Presidential Nomination? Some + Believe It s Possible . WBZ-TV (CBS Boston). June 7, 2017. Archived from the + original on July 13, 2017. Retrieved July 30, 2017. + + ^ Super Bowl QB Tom Brady s No Patriot . The Smoking Gun. January 26, 2004. + Archived from the original on July 29, 2017. Retrieved July 30, 2017. + + ^ Leibovich, Mark (February 1, 2017). The Uncomfortable Love Affair Between + Donald Trump and the New England Patriots . The New York Times. Archived from + the original on February 6, 2017. Retrieved February 2, 2017. + + ^ Sports figures who support Donald Trump . Archived from the original on August + 28, 2018. Retrieved January 6, 2019. + + ^ Boren, Cindy. It s just a friendship : Tom Brady opens up a little about + President Trump . The Washington Post. Archived from the original on January + 24, 2017. Retrieved January 24, 2017. + + ^ Rappeport, Alan. Did Tom Brady and Gisele Bündchen Back Donald Trump? She + Says No, and He s Not Saying . The New York Times. Archived from the original + on February 16, 2017. Retrieved January 24, 2017. + + ^ Chestang, Raphael. Tom Brady Says Wife Gisele Bundchen Doesn t Want Him Talking + Politics . ET Online. Archived from the original on January 30, 2017. Retrieved + January 24, 2017. + + ^ Tom Brady will not attend Patriots visit to White House due to personal + family matters . Sports Illustrated. Sports Illustrated. Archived from the + original on April 9, 2018. Retrieved April 9, 2018. + + ^ Kamisar, Ben (February 1, 2015). 5 NFL stars who could run for office . The + Hill. Archived from the original on March 12, 2016. Retrieved February 5, 2017. + + ^ Klosterman, Chuck (November 18, 2015). Tom Brady Talks to Chuck Klosterman + About Deflategate (Sort Of . . .) . GQ. Archived from the original on February + 1, 2016. Retrieved February 5, 2017. + + ^ Durkee, Travis (November 18, 2015). Sorry, America, Tom Brady will never + run for president . Sporting News. Archived from the original on February 7, + 2017. Retrieved February 5, 2017. + + ^ Tack, Travis (November 14, 2016). Tom Brady Won t Talk Politics, Doesn t + Want To Run For Office . Politicus Sports. Archived from the original on February + 7, 2017. Retrieved February 5, 2017. + + ^ https://www.bostonherald.com/2018/10/12/helen-brady-hopes-tom-brady-photo-gives-campaign-a-boost/ + + ^ http://blog.masslive.com/patriots/2016/11/tom_brady_give_em_helen_ad.html + + ^ LaFratta, Kristin (November 6, 2018). 2018 Massachusetts Election: State + Auditor live results (Suzanne M. Bump, Helen Brady, Daniel Fisherman, Edward + J. Stamas) . Mass Live. Retrieved January 21, 2019. + + ^ Archived copy . Archived from the original on November 25, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on December 6, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on November 5, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on October 9, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + Pierce, Charles (2006), Moving the Chains: Tom Brady and the Pursuit of Everything, + Farrar, Straus and Giroux, ISBN 0-374-21444-1 + + Wikiquote has quotations related to: Tom Brady + + Wikimedia Commons has media related to Tom Brady. + + Michigan Wolverines bio + + Career statistics and player information from NFL.com · ESPN · Yahoo! Sports + · SI.com · Pro-Football-Reference · Rotoworld + + Tom Brady on IMDb + + New England Patriots current roster + + 2 Brian Hoyer + + 14 Braxton Berrios + + 16 Darren Andrews + + 21 Duron Harmon + + 22 Obi Melifonwu + + 23 Patrick Chung + + 24 Stephon Gilmore + + 26 Sony Michel + + 27 J. C. Jackson + + 29 Duke Dawson + + 35 Keion Crossen + + 36 Brandon King + + 43 Nate Ebner + + 44 Christian Sam + + 46 James Develin + + 49 Joe Cardona + + 51 Ja Whaun Bentley + + 52 Elandon Roberts + + 53 Kyle Van Noy + + 54 Dont a Hightower + + 58 Keionta Davis + + 60 David Andrews + + 61 Marcus Cannon + + 62 Joe Thuney + + 63 Brian Schwenke + + 66 James Ferentz + + 69 Shaq Mason + + 70 Adam Butler + + 75 Ted Karras + + 76 Isaiah Wynn + + 80 Stephen Anderson + + 85 Ryan Izzo + + 91 Deatrich Wise Jr. + + 93 Lawrence Guy + + 95 Derek Rivers + + 97 Ufomba Kamalu + + 5 Danny Etling (Future) + + 17 Damoun Patterson (Future) + + 39 A. J. Howard (Future) + + 45 Trent Harris (Future) + + 48 Calvin Munson (Future) + + 72 Dan Skipper (Future) + + 74 Cole Croston (Future) + + 92 Frank Herron (Future) + + -- Jake Eldrenkamp (Future) + + -- Ryker Mathews (Future) + + -- David Parry (Future) + + 3 Stephen Gostkowski (UFA) + + 6 Ryan Allen (UFA) + + 10 Josh Gordon (RFA) + + 13 Phillip Dorsett (UFA) + + 15 Chris Hogan (UFA) + + 25 Eric Rowe (UFA) + + 30 Jason McCourty (UFA) + + 31 Jonathan Jones (RFA) + + 33 Jeremy Hill (UFA) + + 50 Ramon Humber (UFA) + + 55 John Simon (UFA) + + 59 Albert McClellan (UFA) + + 67 Ulrick John (UFA) + + 68 LaAdrian Waddle (UFA) + + 71 Danny Shelton (UFA) + + 77 Trent Brown (UFA) + + 81 Cody Hollister (ERFA) + + 84 Cordarrelle Patterson (UFA) + + 90 Malcom Brown (UFA) + + 98 Trey Flowers (UFA) + + List of starting quarterbacks in the National Football League (as of Week 17 + of the 2018 NFL season) + + Josh Allen (Buffalo Bills) + + Tom Brady (New England Patriots) + + Sam Darnold (New York Jets) + + Lamar Jackson (Baltimore Ravens) + + Jeff Driskel (Cincinnati Bengals) + + Baker Mayfield (Cleveland Browns) + + Deshaun Watson (Houston Texans) + + Andrew Luck (Indianapolis Colts) + + Blake Bortles (Jacksonville Jaguars) + + Blaine Gabbert (Tennessee Titans) + + Case Keenum (Denver Broncos) + + Patrick Mahomes (Kansas City Chiefs) + + Derek Carr (Oakland Raiders) + + Eli Manning (New York Giants) + + Nick Foles (Philadelphia Eagles) + + Josh Johnson (Washington Redskins) + + Mitchell Trubisky (Chicago Bears) + + Matthew Stafford (Detroit Lions) + + Kirk Cousins (Minnesota Vikings) + + Matt Ryan (Atlanta Falcons) + + Kyle Allen (Carolina Panthers) + + Teddy Bridgewater (New Orleans Saints) + + Jameis Winston (Tampa Bay Buccaneers) + + Josh Rosen (Arizona Cardinals) + + Jared Goff (Los Angeles Rams) + + Nick Mullens (San Francisco 49ers) + + Russell Wilson (Seattle Seahawks) + + Tom Brady—awards, championships, and honors + + Peyton Manning Record for NFL passing touchdowns in a single season + + Michigan Wolverines starting quarterbacks + + Barmore (1880) + + Horton (1881) + + McNeil (1883–1885) + + Farrand (1887) + + F. Smith (1888) + + Sherman (1891) + + Sanderson (1892) + + Baird (1893–1895) + + Richards (1895–1897) + + Drumheller (1896) + + Felver (1896–1897) + + Talcott (1898) + + McGinnis (1900) + + Weeks (1901–1902) + + Norcross (1904–1905) + + Barlow (1905) + + Wasmund (1907–1909) + + McMillan (1910–1911) + + Huebel (1912) + + Hughitt (1913–1914) + + Roehm (1915) + + Sparks (1916, 1919) + + Knode (1918) + + Bank (1920–1921) + + Uteritz (1921–1923) + + Rockwell (1924) + + Friedman (1925–1926) + + Simrall (1929) + + Tessmer (1930–1931) + + Newman (1930–1932) + + Fay (1933) + + Jennings (1934) + + Renner (1935) + + Evashevski (1938–1940) + + Ceithaml (1941–1942) + + Wiese (1943) + + Ponsetto (1944–1945) + + Yerges (1945–1947) + + Elliott (1948) + + Ghindia (1949) + + Putich (1950) + + Topor (1951–1952) + + Baldacci (1953–1954) + + Maddock (1955) + + Van Pelt (1956–1957) + + Ptacek (1958) + + Noskin (1959) + + Stamos (1960–1961) + + Glinka (1960–1961) + + Timberlake (1962–1964) + + Gabler (1965) + + Vidmer (1965–1967) + + Den. Brown (1967–1968) + + Moorhead (1969–1970) + + Slade (1971) + + Franklin (1972–1974) + + Leach (1975–1978) + + Dickey (1979) + + Wangler (1979–1980) + + S. Smith (1981–1983) + + Zurbrugg (1984) + + Harbaugh (1984–1986) + + Dem. Brown (1987–1988) + + Taylor (1987–1989) + + Grbac (1989–1992) + + Collins (1993–1994) + + Dreisbach (1995–1996) + + Griese (1995–1997) + + Brady (1998–1999) + + Henson (2000) + + Navarre (2000–2003) + + Henne (2004–2007) + + Mallett (2007) + + Threet (2008) + + Forcier (2009) + + Robinson (2010–2012) + + Gardner (2012–2014) + + Morris (2013–2014) + + Rudock (2015) + + Speight (2016–2017) + + O Korn (2016–2017) + + Peters (2017) + + Patterson (2018– ) + + 1997 Michigan Wolverines football—AP national champions + + Jeff Backus + + Scott Dreisbach + + Tommy Hendricks + + Marcus Knight + + DeWayne Patmon + + Rob Renes + + Aaron Shea + + Glen Steele + + Tai Streets + + Sam Sword + + Jerame Tuman + + Andre Weathers + + Head coach: Lloyd Carr + + Assistant coaches: Vance Bedford + + Mike DeBord + + Jim Herrmann + + Stan Parrish + + New England Patriots 2000 NFL draft selections + + Adrian Klemm + + J. R. Redmond + + Greg Randall + + Dave Stachelski + + Jeff Marriott + + Casey Tisdale + + Boston / New England Patriots starting quarterbacks + + Butch Songin (1960–1961) + + Tom Greene (1960) + + Babe Parilli (1961–1967) + + Tom Yewcic (1962) + + Eddie Wilson (1965) + + Don Trull (1967) + + Mike Taliaferro (1968–1970) + + Tom Sherman (1968) + + Joe Kapp (1970) + + Jim Plunkett (1971–1975) + + Steve Grogan (1975–1990) + + Neil Graff (1975) + + Matt Cavanaugh (1980–1982) + + Tom Owen (1981) + + Tony Eason (1983–1989) + + Tom Ramsey (1987–1988) + + Bob Bleier (1987) + + Doug Flutie (1987–1989) + + Marc Wilson (1989–1990) + + Tommy Hodson (1990–1992) + + Hugh Millen (1991–1992) + + Scott Zolak (1992, 1995, 1998) + + Drew Bledsoe (1993–2001) + + Scott Secules (1993) + + Tom Brady (2001–present) + + Matt Cassel (2008) + + Jacoby Brissett (2016) + + Associated Press NFL Offensive Player of the Year Award winners + + 1974: Stabler + + 1975: Tarkenton + + 1982: Fouts + + 1983: Theismann + + 1984: Marino + + 1986: Dickerson + + 1988: Craig + + 1989: Montana + + 1995: Favre + + 2006: Tomlinson + + 2008: Brees + + 2017: Gurley + + 2018: Mahomes + + Associated Press NFL Most Valuable Player Award winners + + 1957: J. Brown + + 1960: Van Brocklin + + 1962: J. Taylor + + 1963: Tittle + + 1966: Starr + + 1969: Gabriel + + 1970: Brodie + + 1972: L. Brown + + 1975: Tarkenton 1976: Jones + + 1980: Sipe + + 1982: Moseley + + 1987: Elway + + 1988: Esiason + + 1997: Favre & Sanders + + 2002: Gannon + + 2003: Manning & McNair + + 1962: Robustelli + + 1970: Blanda + + 1974: Olsen + + 1977: Griese + + 1983: Riggins + + 1988: Cunningham + + 2010: Vick + + 2017: Wentz + + 1975: Hampton + + 1995: Harbaugh & Hearst + + 1996: Bettis + + 2000: J. Johnson + + 2002: Maddox + + 2011: Stafford + + 2014: Gronkowski + + 2018: Luck + + New England Patriots Super Bowl XXXVI champions + + 4 Adam Vinatieri + + 11 Drew Bledsoe + + 12 Tom Brady (MVP) + + 13 Ken Walter + + 14 Walter Williams + + 15 Jimmy Farris + + 16 Scott McCready + + 19 Damon Huard + + 21 J. R. Redmond + + 22 Terrance Shaw + + 23 Antwan Harris + + 24 Ty Law + + 25 Leonard Myers + + 26 Matt Stevens + + 27 Terrell Buckley + + 28 Brock Williams + + 29 Hakim Akbar + + 30 Je Rod Cherry + + 31 Ben Kelly + + 32 Antowain Smith + + 33 Kevin Faulk + + 34 Tebucky Jones + + 35 Patrick Pass + + 36 Lawyer Milloy + + 38 Ray Hill + + 44 Marc Edwards + + 45 Otis Smith + + 48 Arther Love + + 49 Jabari Holloway + + 50 Mike Vrabel + + 51 Bryan Cox + + 52 Ted Johnson + + 53 Larry Izzo + + 54 Tedy Bruschi + + 55 Willie McGinest + + 58 Matt Chatham + + 59 Andy Katzenmoyer + + 60 Drew Inzer + + 61 Stephen Neal + + 62 Setema Gali + + 63 Joe Andruzzi + + 64 Greg Randall + + 65 Damien Woody + + 66 Lonie Paxton + + 67 Grey Ruegamer + + 68 Tom Ashworth + + 70 Adrian Klemm + + 71 Chris Sullivan + + 72 Matt Light + + 74 Kenyatta Jones + + 75 Maurice Anderson + + 76 Grant Williams + + 77 Mike Compton + + 80 Troy Brown + + 82 Curtis Jackson + + 83 Rod Rutledge + + 84 Fred Coleman + + 85 Jermaine Wiggins + + 86 David Patten + + 88 Terry Glenn + + 90 Marty Moore + + 91 Bobby Hamilton + + 92 David Nugent + + 93 Richard Seymour + + 94 Jace Sayler + + 95 Roman Phifer + + 96 Brandon Mitchell + + 97 Riddick Parker + + 98 Anthony Pleasant + + 99 Kole Ayi + + Coaches: Ned Burke + + Ivan Fears + + Randy Melvin + + Dante Scarnecchia + + New England Patriots Super Bowl XXXVIII champions + + 6 Rohan Davey + + 10 Jamin Elliott + + 16 Kliff Kingsbury + + 17 Dedric Ward + + 18 Chas Gessner + + 21 Mike Cloud + + 22 Asante Samuel + + 26 Eugene Wilson + + 31 Larry Centers + + 34 Chris Akins + + 38 Tyrone Poole + + 39 Shawn Mayer + + 44 Fred McCrary + + 46 Brian Kinchen + + 48 Tully Banta-Cain + + 49 Sean McDermott + + 51 Don Davis + + 59 Rosevelt Colvin + + 60 Wilbert Brown + + 62 Tim Provost + + 64 Gene Mruczkowski + + 67 Dan Koppen + + 71 Russ Hochstein + + 75 Jamil Soriano + + 76 Brandon Gorin + + 81 Bethel Johnson + + 82 Daniel Graham + + 83 Deion Branch + + 84 Fred Baxter + + 85 J. J. Stokes + + 87 David Givens + + 88 Christian Fauria + + 90 Dan Klecko + + 92 Ted Washington + + 94 Ty Warren + + 96 Rick Lyle + + 97 Jarvis Green + + 99 Ethan Kelley + + Coaches: Romeo Crennel + + Sean Gustus + + New England Patriots Super Bowl XXXIX champions + + 8 Josh Miller + + 10 Kevin Kasper + + 13 Jim Miller + + 14 P. K. Sam + + 18 Cedric James + + 19 Ricky Bryant + + 21 Randall Gay + + 23 Omare Lowe + + 27 Rabih Abdullah + + 28 Corey Dillon + + 29 Earthwind Moreland + + 31 Hank Poteat + + 32 Kory Chapman + + 34 Cedric Cobbs + + 39 Guss Scott + + 42 Dexter Reid + + 46 Zeron Flemister + + 47 Justin Kurpeikis + + 49 Eric Alexander + + 65 Lance Nimmo + + 69 Buck Rasmussen + + 74 Billy Yates + + 75 Vince Wilfork + + 83 Deion Branch (MVP) + + 84 Benjamin Watson + + 85 Jed Weaver + + 91 Marquise Hill + + 96 Rodney Bailey + + 98 Keith Traylor + + New England Patriots Super Bowl XLIX champions + + 3 Stephen Gostkowski + + 6 Ryan Allen + + 8 Garrett Gilbert + + 10 Jimmy Garoppolo + + 16 Jonathan Krause + + 17 Aaron Dobson + + 21 Malcolm Butler + + 22 Stevan Ridley + + 24 Darrelle Revis + + 25 Kyle Arrington + + 26 Logan Ryan + + 27 Tavon Wilson + + 29 LeGarrette Blount + + 31 Justin Green + + 34 Shane Vereen + + 35 Jonas Gray + + 36 Tyler Gaffney + + 37 Alfonzo Dennard + + 39 Brandon Browner + + 41 Daxton Swanson + + 45 Cameron Gordon + + 47 Michael Hoomanawanui + + 48 Danny Aiken + + 50 Rob Ninkovich + + 51 Jerod Mayo + + 53 Eric Martin + + 58 Darius Fleming + + 59 Chris White + + 62 Ryan Wendell + + 63 Dan Connolly + + 64 Chris Barker + + 65 Jordan Devey + + 66 Bryan Stork + + 67 Josh Kline + + 68 Caylin Hauptmann + + 71 Cameron Fleming + + 72 Joe Vellano + + 74 Dominique Easley + + 76 Sebastian Vollmer + + 80 Danny Amendola + + 81 Tim Wright + + 82 Josh Boyce + + 84 Brian Tyms + + 90 Zach Moore + + 91 Jamie Collins + + 92 Jake Bequette + + 94 Chris Jones + + 95 Chandler Jones + + 96 Sealver Siliga + + 97 Alan Branch + + 99 Michael Buchanan + + – James Morris + + – Greg Orton + + Coaches: Stephen Belichick + + Josh Boyer + + Joe Judge + + Harold Nash + + Chad O Shea + + New England Patriots Super Bowl LI champions + + 14 Michael Floyd + + 16 Devin Lucien + + 17 DeAndrew White + + 19 Malcolm Mitchell + + 22 Justin Coleman + + 24 Cyrus Jones + + 25 Eric Rowe + + 27 D. J. Foster + + 31 Jonathan Jones + + 44 Trevor Bates + + 47 Glenn Gronkowski + + 51 Barkevious Mingo + + 55 Jonathan Freeny + + 63 Tre Jackson + + 65 Jamil Douglas + + 66 Chase Farris + + 68 LaAdrian Waddle + + 74 Woodrow Hamilton + + 82 Matt Lengel + + 83 Greg Scruggs + + 88 Martellus Bennett + + 90 Malcom Brown + + 92 Geneo Grissom + + 95 Chris Long + + 96 Darius Kilgo + + 98 Trey Flowers + + 99 Vincent Valentine + + Raymond Ventrone + + 5 Danny Etling + + 11 Julian Edelman (MVP) + + 17 Riley McCarron + + 17 Damoun Patterson + + 39 A. J. Howard + + 42 Jomal Wiltz + + 45 Trent Harris + + 48 Calvin Munson + + 50 Ramon Humber + + 55 John Simon' + - 'PFR Home Page > Leaders > NFL Passing Yards Career Playoffs Leaders + + 2018 NFL Leaders + + Other Passing Yds Leaders + + NFL Passing Yards Career Playoffs Leaders + + View Current Leaderboard + + See leaders through past seasons + + Passes Completed Pass Attempts Passing Yards Passing Touchdowns Passer Rating + Longest Pass Passes Intercepted Passing Yards per Game Yards per Pass Attempt + Yards per Pass Completion Pass Attempts per Game Adjusted Yards per Pass Attempt + Net Yards per Pass Attempt Adjusted Net Yards per Pass Attempt Passes Completed + per Game Pass Completion % Pass Interception % Passing Touchdown % Fourth Quarter + Comebacks Rushing Attempts Rushing Yards Rushing Touchdowns Longest Rush Yards + per Rushing Attempt Rushing Yards per Game Receptions Receiving Yards Receiving + Touchdowns Long Reception Yards per Reception Receiving Yards per Game Touchdowns + Points Scored Rushing & Receiving Touchdowns Non-Offensive Touchdowns Yards + From Scrimmage All-Purpose Yards Total Offense Touches Yards per Touch Kick + Returns Kick Return Yards Kick Returns for Touchdown Longest Kick Returns Yards + per Kick Return Punt Returns Punt Return Yards Punt Returns for Touchdown Longest + Punt Return Yards per Punt Return Kick & Punt Returns Kick & Punt Return Yards + Extra Points Made Extra Point Attempts Total Field Goals Made Field Goal Attempts + Field Goal % Punts Punting Yards Longest Punt Punts Blocked Yards per Punt Fumbles + Fumbles Recovered Fumble Return Yards Fumble Return TD Interceptions Interception + Return Yards Interception Returns for Touchdown Longest interception return + Tackles Tackles Combined Tackles For Loss Fumbles Forced Passes Defended Safeties + + Single Season Career + + + indicates Hall of Famer + + Tom Brady 11,179 2000-2018 nwe + + Peyton Manning 7,339 1998-2015 2TM + + Brett Favre+ 5,855 1991-2010 2TM + + Joe Montana+ 5,772 1979-1994 2TM + + Ben Roethlisberger 5,256 2004-2018 pit + + John Elway+ 4,964 1983-1998 den + + Drew Brees 4,759 2001-2018 2TM + + Dan Marino+ 4,510 1983-1999 mia + + Aaron Rodgers 4,458 2005-2018 gnb + + Kurt Warner+ 3,952 1998-2009 2TM + + Jim Kelly+ 3,863 1986-1996 buf + + Troy Aikman+ 3,849 1989-2000 dal + + Terry Bradshaw+ 3,833 1970-1983 pit + + Donovan McNabb 3,752 1999-2011 phi + + Steve Young+ 3,326 1985-1999 sfo + + Joe Flacco 3,223 2008-2018 rav + + Russell Wilson 3,010 2012-2018 sea + + Warren Moon+ 2,870 1984-2000 2TM + + Roger Staubach+ 2,817 1969-1979 dal + + Eli Manning 2,815 2004-2018 nyg + + Matt Hasselbeck 2,741 1999-2015 sea + + Matt Ryan 2,672 2008-2018 atl + + Philip Rivers 2,656 2004-2018 sdg + + Ken Stabler+ 2,641 1970-1984 2TM + + Randall Cunningham 2,426 1985-2001 2TM + + Jim Plunkett 2,293 1971-1986 rai + + Danny White 2,284 1976-1988 dal + + Andrew Luck 2,254 2012-2018 clt + + Dan Fouts+ 2,125 1973-1987 sdg + + Otto Graham+ 2,101 1946-1955 cle + + Bernie Kosar 1,953 1985-1996 3TM + + Daryle Lamonica 1,928 1963-1974 2TM + + Dave Krieg 1,895 1980-1998 3TM + + Jake Delhomme 1,847 1999-2011 car + + Mark Brunell 1,833 1994-2011 4TM + + Cam Newton 1,821 2011-2018 car + + Fran Tarkenton+ 1,803 1961-1978 min + + Joe Theismann 1,782 1974-1985 was + + Mark Rypien 1,776 1988-2001 2TM + + Steve McNair 1,764 1995-2007 2TM + + Bart Starr+ 1,753 1956-1971 gnb + + Alex Smith 1,745 2005-2018 2TM + + Neil O Donnell 1,709 1991-2003 2TM + + Rich Gannon 1,691 1987-2004 3TM + + Phil Simms 1,679 1979-1993 nyg + + Ron Jaworski 1,669 1974-1989 2TM + + Johnny Unitas+ 1,663 1956-1973 clt + + Nick Foles 1,633 2012-2018 phi + + Kerry Collins 1,556 1995-2011 3TM + + Len Dawson+ 1,497 1957-1975 kan + + You are here: PFR Home Page > Leaders > NFL Passing Yards Career Playoffs Leaders + + In the News: Antonio Brown, Joe Flacco, Le Veon Bell, Case Keenum, Tom Brady, + Nick Foles ...' + - 'Alternative Titles: Thomas Edward Patrick Brady, Jr. + + Tom Brady, in full Thomas Edward Patrick Brady, Jr., (born August 3, 1977, San + Mateo, California, U.S.), American gridiron football quarterback, who led the + New England Patriots of the National Football League (NFL) to six Super Bowl + victories (2002, 2004, 2005, 2015, 2017, and 2019) and was named the game’s + Most Valuable Player (MVP) four times (2002, 2004, 2015, and 2017). + + While growing up, Brady often attended San Francisco 49ers games to watch the + legendary quarterback Joe Montana—Brady’s idol and the man to whom he would + eventually be compared—play during the 1980s. In high school Brady excelled + in both football and baseball. He entered the Major League Baseball draft in + 1995 and was picked by the Montreal Expos, but he decided instead to attend + the University of Michigan and play football. Brady, who did not start until + his junior year, led Michigan to victory in the 1999 Orange Bowl and gained + a reputation as a determined and intelligent player but one who lacked any exceptional + physical skills. In 2000 he was chosen in the sixth round of the NFL draft by + New England, and he worked diligently during his first season to bulk up physically + and improve his strength and technique. + + In the second game of the 2001 season, the Patriots’ starting quarterback, Drew + Bledsoe, was injured, and Brady was chosen to fill the position. His play was + not spectacular, but he was consistent, making simple plays and minimizing mistakes. + With Brady as their starting quarterback, the Patriots went on to post an 11–3 + record in the regular season and to upset the St. Louis Rams in Super Bowl XXXVI; + Brady was named the Super Bowl MVP. The Patriots became one of the NFL’s elite + teams, posting an incredible 40–12 record during Brady’s first three seasons. + In 2004 the team returned to the Super Bowl, defeating the Carolina Panthers + and earning Brady another Super Bowl MVP award. The momentum carried through + to the next season, as the Patriots extended their consecutive win streak to + 21, breaking the record of 18 set by the Miami Dolphins in 1972–73. Brady and + the Patriots capped off the season with their third Super Bowl in four years, + this time against the Philadelphia Eagles. + + In the 2007 season Brady threw an unprecedented 50 touchdown passes (the record + was broken by Brady’s longtime rival Peyton Manning in 2013), and he led New + England to the first 16–0 regular season in NFL history, earning NFL MVP honours + in the process. However, the Patriots lost to the underdog New York Giants in + Super Bowl XLII. In the first game of the 2008 NFL schedule, Brady suffered + a severe knee injury that required season-ending surgery. He returned to form + the next season, earning a Pro Bowl selection after guiding the Patriots to + another playoff berth. Brady led the NFL with 36 touchdown passes in 2010 and + helped the Patriots to a league-best 14–2 record. Despite the Patriots getting + upset in their first playoff game the following postseason, he was named league + MVP a second time, becoming the first player to capture the award unanimously. + + During the 2011 season Brady passed for 5,235 yards to become—along with new + record holder Drew Brees—one of two quarterbacks to surpass Dan Marino’s single-season + passing yardage record (which was also broken by Manning in 2013), and he led + the Patriots to another Super Bowl loss to the Giants in February 2012. Brady + continued playing at a Pro-Bowl level in 2012 and 2013, guiding the Patriots + to losses in the AFC championship game in each season. Following the 2014 regular + season, he helped the team get over its recent hump as New England routed the + Indianapolis Colts in the AFC championship game to earn Brady his record sixth + Super Bowl start. However, that victory was soon awash in controversy, as it + was found that 11 of the 12 footballs that the Patriots had used in the game + were markedly underinflated, which can make them easier to grip and travel farther + when thrown. The NFL looked into the incident, but no action was taken before + the Super Bowl, where Brady led a fourth-quarter rally in a 28–24 win over the + Seattle Seahawks. Brady passed for 328 yards and four touchdowns in the contest + to earn his third Super Bowl MVP trophy. + + In May 2015 Brady was suspended for four games of the upcoming season for his + role in the ball deflations during the AFC championship game and for not fully + cooperating with the NFL’s investigation into the matter. Brady and his lawyers + appealed the suspension, arguing that NFL commissioner Roger Goodell had overstepped + the bounds of the collective-bargaining agreement between the league and the + players’ union in handing down the punishment, and the suspension was overturned + by a U.S. federal judge shortly before the start of the 2015 NFL season. The + affair seemed to motivate Brady, as he led the Patriots to a blistering 10–0 + start to the 2015 season that ultimately ended with yet another division title + for New England. He passed for 4,770 yards and an NFL-high 36 touchdowns that + year, but his team’s season ended in the AFC championship game with a loss to + Manning and the Denver Broncos. During the off-season, however, his suspension + from the previous year was reinstated by the U.S. Court of Appeals and applied + to the first four games of the 2016 season. On December 4 of that year, Brady + set a new NFL record for wins as a starting quarterback when he led the Patriots + to the 201st win of his tenure. His strong postsuspension play (including a + career-low two interceptions over the season) helped the Patriots win a league-best + 14 games and capture another AFC title. In the following Super Bowl, Brady tallied + a then-record 466 passing yards as well as two touchdowns as he led the Patriots + to the largest comeback ever in that game (overcoming a 25-point third-quarter + deficit in overtime) to win an unprecedented fifth title as an NFL starting + quarterback. + + In 2017 Brady led the NFL with 4,577 passing yards and also threw 32 touchdown + passes and just eight interceptions, earning him a third league MVP award. The + Patriots again had the best record in the AFC that season and advanced to the + Super Bowl for the eighth time in Brady’s career. There, despite Brady breaking + his own Super Bowl record with 505 passing yards, the Patriots were upset by + the Eagles. In 2018 Brady passed for 4,355 yards and 29 touchdowns while leading + the Patriots to a 10th consecutive division title and a third straight Super + Bowl appearance. In the championship game, the lowest-scoring in NFL history, + Brady helped the Patriots defeat the Los Angeles Rams, 13–3. It was his sixth + title, and he became, at age 41, the oldest quarterback to win the Super Bowl. + He had one of his worst seasons in 2019, throwing just 24 touchdown passes, + his lowest full-season total since 2006. The Patriots still won an 11th straight + division championship that year, but the team lost its opening postseason game. + + While not the strongest or quickest quarterback in the NFL, Brady established + himself among the game’s greats for his tenacity, his intelligent playmaking + abilities, and the remarkable leadership he provided under pressure. He was + also known for his approach to fitness, which he wrote about in The TB12 Method: + How to Achieve a Lifetime of Sustained Peak Performance (2017). In 2009 he married + fashion model Gisele Bündchen. + + …turned to little-used second-year quarterback Tom Brady, who proceeded to lead + the Patriots to a 11–3 finish and an improbable postseason run that resulted + in the team’s first Super Bowl title. That championship marked the beginning + of a New England dynasty, in which the Patriots compiled consecutive 14–2 records + in… + + …Bledsoe paved the way for Tom Brady, a relatively unknown sixth-round draft + choice, to take over the Patriots’ offense and lead the team to a surprising + Super Bowl win the following February. Brady would become an elite passer and + guide the Patriots to four more Super Bowl victories—in 2004, 2005,… + + …Patriots, led by star quarterback Tom Brady, were accused of having tampered + with the balls (by partially deflating them) during the AFC Championship game + on January 18; the Patriots went on to win the Super Bowl on February 1. Three + months later Goodell suspended Brady for not fully cooperating in… + + Super Bowl (2019) + + spouse Gisele Bündchen + + Larry Csonka - Facts + + Antonio Brown - Facts + + Red Grange - Facts + + Tom Brady - Student Encyclopedia (Ages 11 and up)' + - 'Tom Brady Reveals Which NFL Record Means The Most To Him + + Filed Under:Brett Favre, Jim Gray, Michael Hurley, NFL History, Peyton Manning, + Sports News, Tom Brady + + BOSTON (CBS) — Tom Brady continues to rewrite the history books on a near-weekly + basis. Most recently, Brady climbed past Brett Favre on the all-time passing + yards list. + + Now in the No. 3 overall spot, Brady sits just 17 yards under Peyton Manning + for the second spot. Brady’s also now trailing Manning by just 12 for most career + touchdown passes of all time. (Brady already owns the record for most passing + yards and touchdowns in the regular season and playoffs combined.) While it’s + certainly a weighty accomplishment for a quarterback to achieve, Brady predictably + wanted to share that glory when asked about it on Monday night. + + “I think having a lot of perspective on things like this is where I like to + come from. I don’t believe that football is an individual sport, so any individual + accomplishment to me is always a team accomplishment,” Brady told Jim Gray on + Westwood One. “There’s nothing you can accomplish in football without everybody + else doing their job. And I think I’ve always taken the football because of + that. I’m not a golfer, I don’t play tennis. You look at some of these individual + sports, and yeah it’s amazing, and there’s great accomplishment, but I think + the joy in sports for me is the relationships that I’ve built with my teammates, + with my coaches and with the organization I’ve represented. + + “So because I’ve been fortunate to play in the same place for 20 years with + great teammates, I’ve been able to pile up a lot of individual statistics, but + the reality for me is all those, I share with all the guys that I’ve played + with.” + + Brady went so far in offering that praise that he recalled his wife’s famous + quote from the immediate aftermath of the Patriots losing Super Bowl XLVI. + + “So, you know how my wife said, ‘He cannot throw the ball and catch it’? That’s + the truth,” Brady said. “There’s a lot of guys who have been on the other end + of catching all of those passes.” + + Gray then asked Brady how Wes Welker — the Patriots’ all-time leader in receptions + who also dropped a key pass in that Super Bowl loss — would feel about that + comment. Brady’s response turned into a love letter to all of his best receivers. + + “You know Wes is one of my best friends. He always will be. Wes knows how I + feel about him. What an amazing player he was,” Brady answered. “So I look at + Wes, I look at Troy Brown, I look at Julian Edelman, and Deion Branch, Randy + Moss, Rob Gronkowski, so many guys over the years. All the backs that I’ve played + with. It’s pretty amazing. I think I’ve gained a lot of perspective over the + years, as I said, and I’m very, very blessed. I love to play this sport, I love + to work at it and I love to compete every weekend. And hopefully the fans still + enjoy seeing me out there, too.” + + Patriots fans surely enjoy seeing the victories continue to pile up, and so + does Brady. Now the owner of innumerable NFL records, Brady was asked which + record he holds in the highest regard. Once again, the answer was not surprising. + + “Well I think the name of the game for me has always been winning, and I think + that that’s the one that has and always will mean the most,” Brady said. “The + goal every week is to go out there and win, and I know some weeks it doesn’t + always look as good as others. But the goal of the game is to win, and I’m just + proud of our team and all of the accomplishments we’ve had. Winning as often + as we have has made my life on Mondays a hell of a lot better. I can hardly + deal with the losses, and we haven’t had nearly as many losses as we’ve had + wins. So I deal with the wins a lot better.” + + Brady talked about some records that may never be broken, like Jerry Rice’s + receiving record. And though Brady didn’t say it himself, it’s unlikely that + anybody ever catches his record for most wins by a starting quarterback. Brady + owns 212 regular-season wins (and counting), with Peyton Manning ranking second + at 186. The highest active player on the wins list is Drew Brees, who with 156 + wins would have to go undefeated in his next 56 regular-season starts just to + catch up to where Brady is now. Likewise, the 37-year-old injured Ben Roethlisberger + is at 144 career wins, meaning he has no chance to catch Brady. Soon-to-be-36-year-old + Aaron Rodgers is at 101 wins, meaning he’d have to more than double his career + wins total just to get close to Brady’s current level. + + And in terms of postseason victories, nobody’s in Brady’s stratosphere. Brady + has won 30 games as a starting quarterback in the playoffs, almost twice as + many as Joe Montana, who ranks second with 16. Three players — Peyton Manning, + Terry Bradshaw, and John Elway — have 14 career playoff wins, with Ben Roethlisberger’s + 13 sitting as the second-highest number among active QBs. + + The unprecedented level of winning Brady has engineered in New England for two + decades likely means that Brady’s spot atop those all-time lists won’t soon + be challenged — if ever. + + Brady also touched on a number of other topics with Gray. + + ON SOME OF THE RECORDS HE’S ENJOYED WATCHING AS THEY’RE MADE … + + “Peyton Manning’s 55 touchdowns in one year, I mean that was incredible. I remember + watching that, and I had held the record at that point at 50. And he started + the year against Baltimore and I think he had six that night, or seven that + night. And they just had a prolific offense, to throw 55 in one year. And then + what [Patrick] Mahomes did last year, it’s pretty amazing when you have seasons + like that [with 50 touchdown passes]. It’s pretty unique and very difficult + to do.” + + ON THE DEFENSE … + + “The one great thing about what’s happening with our team is our defense is + playing incredible. We’re not giving up many yards. We’re not giving up hardly + any points. It’s just been incredible to watch those guys go out and perform, + and get turnovers like they have, give us short fields like they have, give + us a lot of opportunities to get on track.” + + ON OVERALL FEELINGS ON THE 5-0 PATRIOTS IN 2019 … + + “We’re going to be tested here over the next 11 games. … We’re going to need + to continue to improve, and we need to be a better team in October than we were + in September.” + + ON THROWING A RED-ZONE INTERCEPTION IN CONSECUTIVE WEEKS … + + “The name of the game is points. That’s what you’re trying to get. Even the + last two weeks now, I’ve had two interceptions in the low red area on third + down, which are really inexcusable. I mean, I always think of my mistakes, because + I think I should complete every pass. But the ones that I don’t complete and + the ones that I complete to the other team — meaning interceptions — are the + ones that I really lose sleep over. I’ve had two bad decisions and when you + do that, you’re keeping points off the board. And because I realize how hard + it is for those other teams to score, those are just really inexcusable mistakes. + So I have to do a better job taking care of the ball, and sometimes kicking + a field goal is good. If we don’t have a great chance to score throwing the + ball into the end zone and completing it, then sometimes throwing it away or + taking a sack is the best thing to do.” + + ON WHICH OF HIS MANY BACKUP QUARTERBACKS WAS THE BEST … + + “Aw man, that’s a tough question. You know when Jimmy was with me, he was very + young. It was his rookie year. He got a great opportunity with the Niners. He’s + still really trying to establish himself and his career, but everything that + he has done has been very exceptional. Jacoby Brissett, look what he’s done. + Goes to the Chiefs [Sunday night] and wins a game. Matt Cassel had an incredible + career. Brian Hoyer’s backing up Jacoby Brissett. There’s just been a lot of + great guys that I’ve played with that are still all my great friends, and I + watch them and I cheer for them every week. We exchange texts and emails. And + again, I think what’s mattered most to me is relationships, the brotherhood + that I have with all these guys. So you share this room, it’s a very intimate + room, and we’re all competitors and we all want to play, but the guys that move + on to other teams, I can see things that we’ve talked about that carry over + to other teams. It’s just a great feeling. And I’ll be buddies with these guys + for the rest of my life.”' + - 'New England Patriots quarterback Tom Brady has stockpiled a treasure-trove + of NFL records during his legendary 19-year career, and he added another line + to his future Hall-of-Fame plaque in last night’s 35-14 smackdown of the injury-riddled + New York Giants. No, I’m not referring to Brady… + + Believe it or not, New England Patriots quarterback Tom Brady set an NFL rushing + record in last night s game against the New York Giants. | Source: Adam Glanzman + / Getty Images / AFP + + New England Patriots quarterback Tom Brady has stockpiled a treasure-trove of + NFL records during his legendary 19-year career, and he added another line to + his future Hall-of-Fame plaque in last night’s 35-14 smackdown of the injury-riddled + New York Giants. + + No, I’m not referring to Brady racing past longtime arch-nemesis Peyton Manning + for second on the all-time passing yards list, which he accomplished on the + second play of the game with a 19-yard-pass to Sony Michel. + + Brady, who ran an elephantine 5.28 second 40-yard dash at the 2000 NFL Scouting + Combine, also set an NFL rushing record. + + Tom Brady Now Holds an NFL Rushing Record + + Tom Brady’s fourth-quarter rushing touchdown launched him into the NFL record + books (again). | Source: Maddie Meyer / Getty Images / AFP + + In addition to passing for 334 yards while completing 31-of-41 attempts, Brady + attempted a season-high seven rushes. Despite gaining just 6 yards, two of those + rushes ended in touchdowns, making him the oldest player in NFL history to record + multiple rushing touchdowns in a game. + + Brady completed the feat at 42 years, 68 days old, placing him far ahead of + the previous record-holder, fellow quarterback Doug Flutie, who was 41 years, + 17 days old when he set that mark in 2003. + + It goes without saying that Tom Brady has never been known for his rushing prowess. + Buffalo Bills quarterback Josh Allen recorded more than half as many rushing + yards (631) in 2018 as Brady has in his entire career (1,006), despite being + drafted when Allen was just three years old. + + Ironically, that aversion to putting the ball on the ground is precisely why + he was able to set an NFL rushing record, which is really more about longevity + than anything else. + + No Running Back Will Ever Reclaim This Record + + And that’s why it’s the rare NFL rushing record that doesn’t favor running backs. + That’s unlikely to change anytime soon, or more likely, ever. + + NFL rule changes provide quarterbacks with more injury protection than ever, + and the average QB career lasts nearly twice as long (4.44 years) as the average + running back career (2.57 years), according to data from Statista. + + Yes, there are occasional outliers. A 36-year-old Frank Gore continues to defy + Father Time and rush his way into the NFL record books. Earlier this year, Gore + – now of the Buffalo Bills – became just the fourth NFL player to cross 15,000 + career rushing yards. He enters Week 6 with 15,081 yards, needing less than + 200 more to surpass Barry Sanders (15,269 yards) and move into third all-time. + + As astonishing as Frank Gore’s age-defying career has been, he’s still six years + younger than Tom Brady, who plays a much less physically-demanding position. + | Source: Brett Carlsen/Getty Images/AFP + + But as astonishing as Gore’s career has been, he is still six years younger + than Tom Brady, who is now older than any running back in NFL history. + + According to the Pro Football Hall of Fame’s “40 And Over Club,” only two running + backs have ever played a down over age 40. + + A 40-year-old Jim Thorpe played appeared in one game for the 1928 Chicago Cardinals, + and no other running back has accomplished the feat since a 41-year old Ken + Strong appeared on the 1947 New York Giants. However, Strong, a jack-of-all-trades + who also recorded 6 passing touchdowns and kicked 38 field goals during his + career, last made a rushing attempt during his age-38 season. + + And considering that Tom Brady is on record saying he hopes to play until he’s + 45, he could QB sneak his way to at least one more multi-rushing TD game – not + to mention dozens of more rushing yards – over the next three seasons. + + More of: New England PatriotsNFLtom brady' + __selected-docs__: + - 'For other people named Tom Brady, see Tom Brady (disambiguation). + + Brady in 2017 + + New England Patriots (2000–present) + + 6× Super Bowl champion (XXXVI, XXXVIII, XXXIX, XLIX, LI, LIII) + + 4× Super Bowl MVP (XXXVI, XXXVIII, XLIX, LI) + + 3× NFL Most Valuable Player (2007, 2010, 2017) + + 14× Pro Bowl (2001, 2004, 2005, 2007, 2009–2018) + + 3× First-team All-Pro (2007, 2010, 2017) + + 2× Second-team All-Pro (2005, 2016) + + 3× NFL passing yards leader (2005, 2007, 2017) + + 2× NFL passer rating leader (2007, 2010) + + Bert Bell Award (2007) + + Associated Press Male Athlete of the Year (2007) + + Sports Illustrated Sportsman of the Year (2005) + + NFL 2000s All-Decade Team + + National champion (1997) + + Best touchdown to interception ratio in a single season: 28:2[1] + + Most games won by a quarterback: 237[2] + + Most Super Bowl appearances: 9 + + Most Super Bowl wins: 6 + + Most Super Bowl MVP awards: 4 + + Most passing yards in a Super Bowl: 505 + + Longest touchdown pass (tied)[3][4] + + Completion percentage: + + Thomas Edward Patrick Brady Jr. (born August 3, 1977) is an American football + quarterback for the New England Patriots of the National Football League (NFL). + He has won six Super Bowls, the most of any football player ever, and due to + his numerous accomplishments, records, and accolades, many analysts and sportswriters + consider Brady to be the greatest quarterback in NFL history.[5][6][7][8][9][10] + + After playing college football for the University of Michigan, Brady was drafted + by the Patriots in the sixth round of the 2000 NFL Draft. Due to his late selection, + Brady is considered the biggest steal in the history of the NFL Draft.[11][12][13] + In Brady s seventeen seasons as a starter,[a] he has played in nine Super Bowls + with the Patriots, and is one of only two quarterbacks to win the Super Bowl + in their first season as a starter (the other being Kurt Warner). Brady holds + most of the postseason quarterback records, leading all players in postseason + touchdowns, passing yards, and completions, while owning the corresponding Super + Bowl records as well. + + Brady has won four Super Bowl MVP awards (Super Bowl XXXVI, XXXVIII, XLIX, and + LI), the most ever by a player, as well as three league MVP awards (2007, 2010, + 2017); he is the oldest to have received either award.[16] Brady has also been + selected to 14 Pro Bowls, and has led his team to more division titles (16) + than any other quarterback in NFL history. He is fourth all-time in career passing + yards for regular season play, third in career touchdown passes, and fourth + in career passer rating. For regular season and postseason combined, Brady is + first all-time in career passing yards and touchdown passes. + + The only quarterback to reach 200 regular-season wins,[17] Brady is the winningest + quarterback in NFL history. With a postseason record of 30–10, he is first all-time + in playoff wins and appearances for an NFL player. Brady has led the Patriots + to an NFL-record eight consecutive AFC championship games since 2011 (thirteen + overall), and has never had a losing season as a starting quarterback. He is + tied for the record for the longest touchdown pass at 99 yards to Wes Welker.[18] + + For his alleged involvement in the highly publicized Deflategate football-tampering + scandal, Brady was suspended for the first four games of the 2016 season.[19] + Brady and the Patriots won two of the next three Super Bowls, making him the + record holder for most Super Bowl wins by a player, and the oldest quarterback + to win a Super Bowl, at 41.[20] + + 3.2.2.1 2001 postseason + + 3.2.10 2009 season + + 3.2.10.1 2009 postseason + + 3.3.6.1 2015 offseason + + 3.3.6.2 2015 regular season + + 4 NFL career statistics + + 4.3 Super Bowl + + 5.1 Regular season (career) + + 5.2 Postseason (career) + + 5.3 Super Bowl (career) + + 6 Other endeavors + + Brady was born in San Mateo, California, on August 3, 1977, the only son and + fourth child of Galynn Patricia (née Johnson) and Thomas Brady, Sr.[21] He has + three older sisters, Nancy, Julie, and Maureen,[22] and was raised as a Catholic. + His father is of Irish descent, while his mother has German, Norwegian, Polish, + and Swedish ancestry.[23] Two of Brady s great-great-grandparents on his father + s side, John and Bridget Brady, were Irish refugees from the Great Famine who + moved to San Francisco from Boston before the American Civil War. They were + accompanied by Bridget s sister Ann and her husband Lawrence Meegan, the parents + of the 19th-century American Major League Baseball player Steady Pete Meegan. + Brady s great-uncle Michael Buckley Jr. was the first American prisoner of war + in World War II.[23][24][25][26][27][28] + + In the 1980s, Brady regularly attended San Francisco 49ers games at Candlestick + Park, where he was a fan of quarterback Joe Montana; Brady has called Montana + his idol and one of his inspirations.[29] At age four, Brady attended the 1981 + NFC Championship, against the Dallas Cowboys, in which Montana threw The Catch + to Dwight Clark.[30] As a child, Brady attended football camp at the College + of San Mateo, where he was taught to throw the football by camp counselor and + future NFL/AFL quarterback Tony Graziani.[31] Brady grew up as a Los Angeles + Lakers and Boston Celtics fan.[32] + + He attended Junípero Serra High School in San Mateo, where he graduated in 1995; + the ceremony was held at St. Mary s Cathedral.[33] He played football, basketball, + and baseball in high school. He played against Bellarmine College Preparatory + rival Pat Burrell in both football and baseball. Brady began his football career + as the backup quarterback on the Padres junior varsity team. At first, Brady + was not good enough to start on the 0–8 JV team, which had not scored a touchdown + all year.[34] Brady ascended to the starting position when the starting quarterback + was injured. He became the varsity starter in his junior year and held the position + until he graduated.[35] By Brady s senior year, he was striving to be noticed + by college coaches. He created highlight tapes and sent them to schools he considered + attending.[36] This led to strong interest from many football programs around + the nation. + + The process of recruiting was much different during Brady s time, and athletes rankings + were not as prominent. In terms of recruiting in the 2000s, Brady would have + been considered a four-star recruit. In essence, he was a highly rated prospect.[37] + Brady was also on Blue Chip Illustrated as well as a Prep Football Report All-American + selection.[38] After his recruiting process, he narrowed down his list to five + schools.[39] Probably the ones that we did hear from and ultimately pared the + list to were Cal–Berkeley, UCLA, USC, Michigan, and Illinois”, his father said.[39] + As a Cal fan, his father hoped that Brady would attend the nearby Cal, where + Brady was a silent commit, and that he would be able to watch his son play.[40][41] + + Brady was also known as a great baseball player in high school.[42] He was a + left-handed-batting catcher with power. His skills impressed MLB scouts, and + he was drafted in the 18th round of the 1995 MLB Draft by the Montreal Expos.[34][43] + The Expos projected Brady as a potential All-Star, and offered him money typical + of that offered to a late second-round or early third-round pick.[44] Nevertheless, + Brady was determined to play football at the next level. He was always more + passionate about football; when he found that there was significant interest + in him, he decided to take the road of football.[39] Brady was recruited by + Michigan assistant Bill Harris, and he signed to play for the University of + Michigan in 1995.[45][46] He finished his high-school football career by completing + 236 of 447 passes for 3,702 yards and 31 touchdowns. He also won All-State and + All-Far West honors and the team s Most Valuable Player Award.[38] + + During the summers of 1998 and 1999, Brady was an intern at Merrill Lynch.[47] + He was inducted into the Junípero Serra High School Hall of Fame in 2003, joining + fellow Serra High graduates Barry Bonds, Lynn Swann, Gregg Jefferies, Jim Fregosi, + and his older sister Maureen, among many others.[38] When Brady revisited two + weeks after Super Bowl XLVI, in 2012, school administrators announced that they + had named the football stadium Brady Family Stadium.[48] + + Brady at Michigan Stadium in 2016 + + Brady played college football at the University of Michigan from 1995 to 1999.[49][50] + He was a backup quarterback for his first two years, while teammate and future + NFL quarterback Brian Griese led the 1997 Wolverines to an undefeated season, + which was capped by a victory in the Rose Bowl and a share of the national championship.[51] + When he enrolled at Michigan, Brady was seventh on the depth chart, and he had + an intense struggle to get some playing time. At one point, Brady hired a sports + psychologist to help him cope with frustration and anxiety, and even considered + transferring to California.[52][53] He worked closely with assistant athletic + director Greg Harden, who met with Brady every week to build his confidence + and to maximize his performance on the field.[54] Brady told 60 Minutes in 2014: He + will always be somebody I rely on for sound advice and mentorship. He has helped + me with my own personal struggles in both athletics and in life. Greg really + pushed me in a direction that I wasn t sure I could go. [55] + + Under Michigan head coach Lloyd Carr, Brady battled for the starting job with + Drew Henson[50] and ultimately started every game in the 1998 and 1999 seasons. + During his first full year as starter, he set new Michigan records for most + pass attempts and completions in a season, for a total of 214.[56] Brady was + All-Big Ten honorable mention both seasons, and was the team captain in his + senior year. The Wolverines won 20 of 25 games when he started, and he set a + school record for completions in a 31–16 loss against Ohio State in 1998, a + season in which Michigan shared the Big Ten Conference title.[57] Brady capped + that season with a 45–31 win over Arkansas in the Citrus Bowl.[58] + + In the 1999 season, Brady had to once again hold off Henson for the starting + job. The two players platooned during the season s first seven games, with Brady + playing the first quarter, Henson the second and Carr then deciding upon a quarterback + for the second half. The 1999 Michigan Wolverines started with a 5–0 record, + including a 26–22 win over Notre Dame, and a road win against eventual powerhouse + Wisconsin. Against Michigan State, Brady was not chosen to play the second half; + however, he was reinserted into the game with Michigan down by 17 points, and + he nearly led Michigan all the way back before losing 34–31.[59] After a 300-yard + passing game the following week, Carr went exclusively with Brady for the remainder + of the season. Brady went on to lead Michigan to multiple 4th-quarter comebacks, + including a remarkable 31–27 win against Penn State, and leading them out of + a close game against Indiana, 34–31, heading into the regular season s final + game, winners of three straight, earning him the moniker of Comeback Kid .[60] + + Michigan concluded the regular season against Ohio State; this was a dramatic + game with a trip to the Orange Bowl on the line. With five minutes left, tied + 17–17, Brady led Michigan to the winning score.[61] He led Michigan to an overtime + win in the Orange Bowl over Alabama, throwing for 369 yards, four touchdowns, + leading the team back from a pair of 14-point deficits in regulation (14–0 in + the first half, and 28–14 in the second). He threw the game-winning score on + a bootleg to tight end Shawn Thompson. Michigan won the game when Alabama missed + an extra point following its own touchdown.[62][63] + + In the two seasons that Brady started at Michigan, he posted a 20–5 record, + including wins at the Citrus Bowl (1999) and the Orange Bowl (2000). Brady finished + his career ranking third in Michigan history with 710 attempts and 442 completions, + fourth with 5,351 yards and 62.3 completion percentage, and fifth with 35 touchdown + passes.[38][64] + + 1996 Michigan 3 5 60.0% 26 5.2 0 1 63.7 – – – – + + 1997 Michigan 12 15 80.0% 103 6.9 0 0 137.7 2 −14 −7.0 0 + + 1998 Michigan 200 323 61.9% 2,427 7.5 14 10 133.1 54 −105 −1.9 2 + + 1999 Michigan 180 295 61.0% 2,217 7.5 16 6 138.0 34 −31 −0.9 1 + + Career 395 638 61.9% 4,773 7.5 30 17 134.9 90 −150 −1.7 3 + + (2.51 m) 33[66] + + All values from NFL Combine[67] + + A lightly regarded prospect coming out of college,[68][69] Brady was selected + by the New England Patriots with the 199th overall pick in the sixth round of + 2000 NFL Draft and has since spent his entire 19-season career with the Patriots. + Brady s tenure with the Patriots is an NFL record for the longest time playing + quarterback for one franchise. Since Brady became their starting quarterback + in 2001, the Patriots have never had a losing season and have won 16 division + titles. The Patriots played in thirteen AFC Championship Games from 2001 to + 2018—including eight in a row from 2011 to 2018—and won nine of them. Brady + and Patriots head coach Bill Belichick have combined to form the most successful + quarterback-head coach tandem in NFL history, winning more regular season games + and postseason games than any other such duo[70] as well as appearing in nine + Super Bowls. All of these events set new NFL records.[71] + + In his second season, Brady took over as the starting quarterback after Drew + Bledsoe was injured.[72] He led the Patriots to first place in the AFC East[73] + and a victory over the favored St. Louis Rams[74][75] in Super Bowl XXXVI, winning + his first Super Bowl MVP award. Despite the Patriots missing the playoffs the + following season, Brady would then lead them to back-to-back World Championships + in 2003 and 2004, winning Super Bowl MVP honors again in 2003. Along the way, + the Patriots won an NFL-record 21 consecutive games (including the playoffs) + between the 2003 and 2004 seasons.[76] The 2005 season was Brady s first to + throw for 4,000 yards and lead the NFL in passing.[77] That postseason, Brady + would win his 10th consecutive playoff game, another NFL postseason record.[78] + + Although Brady and the Patriots continued to win often, they did not return + to the Super Bowl until the 2007 season. That year, Brady not only set an NFL + record with 50 touchdown passes[79] but he would also lead the Patriots to a + 16–0 finish,[80] the first perfect regular-season record since the Miami Dolphins + finished 14–0 in 1972.[81][82] Brady would win his first career NFL MVP Award, + winning 49 out of 50 votes.[83] The Associated Press also named him Male Athlete + of the Year, the first such award given to an NFL player since Joe Montana won + it in 1989 and 1990.[84] However, the Patriots suffered their first Super Bowl + loss with Brady as quarterback, dropping a 17–14 decision to the New York Giants + in Super Bowl XLII.[85] + + Brady missed virtually the entire following season due to a knee injury in the + season opener.[86] But he would come back strong in the 2009 season to be named + the league s Comeback Player of the Year.[87] In 2010, Brady set the NFL record + for consecutive passes without an interception (358)[88] and broke his own record + for the highest season touchdown-to-interception ratio (among players who have + started a full season) at 9:1, currently the third best TD:INT ratio for a single + season by a quarterback.[89] Brady would win his second league MVP award with + all 50 votes in his favor.[90] He was the first unanimous NFL MVP since Giants + linebacker Lawrence Taylor won the award in 1986.[91] He and Joe Montana are + the only players in NFL history to win multiple NFL MVP and Super Bowl MVP awards.[92][93] + Brady was also named the top player by his peers in the first NFL Top 100 list, + released in 2011.[94] + + In the 2011 season, Brady led the Patriots to their first AFC Championship since + 2007 and appeared in the Super Bowl for a fifth time; but the Patriots would + lose again to the Giants.[95] Following AFC Championship Game losses in the + following seasons (2012 and 2013), Brady and the Patriots made their sixth trip + to the Super Bowl after the 2014 season (Brady s 15th as a professional). There, + he led the Patriots to a fourth-quarter comeback[96] over the defending champion + Seattle Seahawks. He would lift his fourth Super Bowl trophy (the Patriots first + in ten seasons) and was named Super Bowl MVP for the third time.[97] + + Despite missing the first four games of the 2016 season, Brady would lead the + Patriots (3–1 before he rejoined them)[98] to win 11 out of the 12 remaining + regular season games and two postseason games to make his seventh Super Bowl + appearance. Brady and the Patriots would overcome a 25-point deficit against + the Atlanta Falcons (down 28–3 in the third quarter) to force the first overtime + in Super Bowl history, winning 34–28 to give Brady his fifth Super Bowl title.[99] + He earned his fourth Super Bowl MVP award after setting title-game records for + appearances, pass attempts, completions, passing yards and fourth-quarter comebacks.[100] + In his eighth appearance, capping the 2017 season, Brady threw for 505 yards + at 40 years old, setting a record for most passing yards in a Super Bowl, but + the Patriots lost to the Philadelphia Eagles. In 2019, the Patriots won Super + Bowl LIII, earning Brady his sixth super bowl title, becoming the first player + in history to have won six Super Bowls.[101] + + Over his career, Brady has won three league MVP awards, six Super Bowls, and + four Super Bowl MVP Awards. A 14-time Pro Bowler, Brady has also twice led the + NFL in passing yardage.[102][103] As of November 2017, he owns the third-highest + career passer rating (97.9) among quarterbacks with at least 1,500 career passing + attempts.[104] He has thrown for more passing yards and touchdowns than any + other quarterback in NFL postseason history; he also has won more playoff games + than any other quarterback. As a result of his highly successful career, Brady + is rated among the greatest quarterbacks of all time.[105] + + Brady s name has become associated with two NFL rules, which sports reporters + have called the Brady rules . One is the tuck rule that was in effect from + 1999 through 2013.[106] The other is a rule about low hits enacted in 2009: A + defender cannot initiate a roll or lunge and forcibly hit the passer in the + knee area or below, even if he is being contacted by another player. [107] + + Brady was selected with pick number 199, a compensatory pick, in the sixth round + of the 2000 NFL Draft.[108] He and his family had believed that Brady would + be drafted in the second or third round; they watched the draft on television, + stunned as six other quarterbacks were drafted before he was. Brady was so embarrassed + that he briefly left the family home during the sixth round, and cried when + recalling the experience for an interview 11 years later. When the Patriots + notified him that he would be drafted, Brady was grateful that, he later said, + he would not have to be an insurance salesman .[109] According to Michael Holley + s book Patriot Reign, the Patriots were considering Brady and Tim Rattay, both + of whom had received positive reviews from then-quarterbacks coach Dick Rehbein.[110] + Ultimately, the Patriots front office chose Brady. Considering his subsequent + success, many analysts have called Brady the best NFL draft pick of all time.[111][112][113][114] + Patriots owner Robert Kraft recalled: “I still have the image of Tom Brady coming + down the old Foxboro stadium steps with that pizza box under his arm, a skinny + beanpole, and when he introduced himself to me and said ‘Hi Mr. Kraft,’ he was + about to say who he was, but I said ‘I know who you are, you’re Tom Brady. You’re + our sixth round draft choice,’” recalled Kraft. “And he looked me in the eye + and said ‘I’m the best decision this organization has ever made.’ It looks like + he could be right.”[115] + + Brady started the season as the fourth-string quarterback, behind starter Drew + Bledsoe and backups John Friesz and Michael Bishop; by season s end, he was + number two on the depth chart behind Bledsoe.[116] During his rookie season, + he was 1-for-3 passing, for six yards.[117] Tight end Rod Rutledge caught Brady + s first and only completed pass of the season in a 34–9 loss to the Detroit + Lions on November 23.[118][119] + + With Bledsoe as the starting quarterback, the Patriots opened the season with + a 23–17 loss at Cincinnati.[117] In their second game and home opener on September + 23, the Patriots squared off against their AFC East rivals, the New York Jets. + Bledsoe was again the starter; in the fourth quarter, he suffered internal bleeding + after a hit from Jets linebacker Mo Lewis. Bledsoe returned for the next series, + but was replaced with Brady for the Patriots final series of the game. New + York would hold on to win, 10–3, and the Patriots fell to 0–2 on the season.[120] + Brady was named the starter for the season s third game, against the Indianapolis + Colts. In his first two games as starter, Brady posted unspectacular passer + ratings of 79.6 and 58.7, respectively, in a 44–13 victory over the Colts (in + their last season in the AFC East) and a 30–10 loss to the Miami Dolphins.[121][122][123] + + In the Patriots fifth game, Brady began to find his stride. Trailing the visiting + San Diego Chargers 26–16 in the fourth quarter, he led the Patriots on two scoring + drives to force overtime, and another in overtime to set up a winning field + goal. Brady finished the game with 33 pass completions on 54 attempts, for 364 + yards, and two touchdowns, and was named AFC Offensive Player of the Week for + the first time in his career.[124][125] The following week, Brady again played + well during the rematch at Indianapolis, with a passer rating of 148.3 in a + 38–17 win.[126] The Patriots went on to win eleven of the fourteen games Brady + started, and six straight to finish the regular season, winning the AFC East + and entering the 2001–02 NFL playoffs with a first-round bye.[127] In that stretch + was a Week 11 34–17 victory over the New Orleans Saints where he was 19 of 26 + for 258 passing yards and four touchdowns to earn his second AFC Offensive Player + of the Week nod in 2001.[128] In Week 15, against the Miami Dolphins, he recorded + a 23-yard reception from Kevin Faulk on a trick play.[129] Brady finished the + 2001 season with 2,843 passing yards and 18 touchdowns and earned an invitation + to the 2002 Pro Bowl.[117][130] + + In Brady s first playoff game, he threw for 312 yards against the Oakland Raiders + and led the Patriots back from a ten-point fourth-quarter deficit to send the + game to overtime, where they won on an Adam Vinatieri field goal. A controversial + play occurred in that game. Trailing by three points in the fourth quarter, + Brady lost control of the ball after being hit by Raiders cornerback Charles + Woodson. Oakland initially recovered the ball, but, citing the tuck rule, which + states that any forward throwing motion by a quarterback begins a pass even + if the quarterback loses possession of the ball as he is attempting to tuck + it back toward his body, referee Walt Coleman overturned the call on instant + replay, ruling it an incomplete pass rather than a fumble.[131] Brady finished + the game 32-of-52 for 312 passing yards and one interception.[132] + + In the AFC Championship Game against the Pittsburgh Steelers, Brady injured + his knee, and was relieved by Bledsoe.[133] The Patriots won the game by a score + of 24–17 and were immediately installed by Las Vegas oddsmakers as 14-point + underdogs against the NFC champion St. Louis Rams in Super Bowl XXXVI.[134][135] + + Brady returned from his knee injury in the AFC Championship Game to start in + the Super Bowl a week later at the Louisiana Superdome in New Orleans. Despite + being heavy underdogs, the Patriots played well, holding the Rams high powered + offense in check through the first three quarters. The Rams rallied from a 17–3 + deficit to tie the game with 1:30 left in regulation. The Patriots then got + the ball back at their own 17-yard line with no timeouts remaining. Sportscaster + and former Super Bowl-winning coach John Madden said he thought the Patriots + should run out the clock and try to win the game in overtime.[136] Instead, + Brady drove the Patriots offense down the field to the Rams 31-yard line before + spiking the ball with seven seconds left. Then kicker Adam Vinatieri converted + a 48-yard field goal as time expired to give the Patriots a 20–17 win and their + first ever league championship. Brady was named MVP of Super Bowl XXXVI while + throwing for 145 yards, one touchdown, and no interceptions. At the age of 24 + years and six months, Brady surpassed Joe Namath in Super Bowl III and Joe Montana + in Super Bowl XVI, who were both 25 years, seven months, and 13 days old at + the time of their victories, to earn the title of youngest quarterback to win + a Super Bowl.[137][138] A possible quarterback controversy was averted when + Bledsoe was traded to the Buffalo Bills during the offseason; this event cemented + Brady s status as the starting quarterback.[139] + + In the 2002 season opener, Brady had 294 passing yards and three touchdowns + in the 30–14 victory over the Pittsburgh Steelers to earn his third AFC Offensive + of the Week title.[140][141] In Week 9, in a 38–7 victory over the Buffalo Bills, + he had 265 passing yards and three touchdowns to earn another AFC Offensive + Player of the Week nod.[142][143] Brady and the Patriots finished the year at + 9–7, tied with the New York Jets and Miami Dolphins for the best record in the + division; however, the Jets won the division on the third tiebreaker, and the + Patriots missed the playoffs.[144] + + Though Brady posted a career-low single-season passer rating of 85.7 and a career-high + of 14 interceptions, he threw for a league-leading 28 touchdown passes and 921 + more yards than in the 2001 season.[121] However, Brady played much of the second + half of the season with a shoulder injury, and New England head coach Bill Belichick + later indicated that Brady would not have been able to play in their first playoff + game if the Patriots had made the playoffs. + + After opening the 2003 NFL season with a 2–2 start, Brady led the Patriots to + twelve consecutive victories to finish the regular season in winning the AFC + East.[145] In Week 9, against the Denver Broncos, he had 350 passing yards, + three touchdowns, and one interception in the 30–26 victory to earn his fifth + AFC Offensive Player of the Week honor.[146][147] In Week 14, a 12–0 victory + against the Miami Dolphins, he recorded a 36-yard punt in the game.[148] Statistically, + Brady s strongest game of the season was in Week 17 against the division rival + Buffalo Bills, when he achieved a season-high quarterback rating of 122.9, and + was named AFC Offensive Player of the Week.[121][149] Brady finished with 3,620 + passing yards and 23 touchdowns,[117] and was third in NFL MVP voting to co-winners + Peyton Manning and Steve McNair.[150] + + In the first two rounds of the playoffs, the Patriots defeated the Tennessee + Titans in the Divisional Round by a score of 17–14. In the win, Brady was 21 + of 41 for 201 passing yards and one passing touchdown.[151] In the following + round, they defeated Indianapolis Colts in the AFC Championship by a score of + 24–14. Brady completed 22 of 37 passes for 237 yards, one passing touchdown, + and an interception.[152] On February 1, 2004, Brady led the Patriots to a 32–29 + victory over the NFC champion Carolina Panthers in Super Bowl XXXVIII and was + named Super Bowl MVP for the second time. During the game, Brady threw for 354 + yards with three touchdowns and set the record for most completions by a quarterback + in a Super Bowl with 32. With 1:08 left in the fourth quarter and the score + tied 29–29, Brady engineered a drive with five pass completions to put the Patriots + in position for the game-winning 41-yard field goal by Vinatieri.[153][154] + + Brady during Super Bowl XXXIX + + During the 2004 season, Brady helped the Patriots set an NFL record with 21 + straight wins dating from the previous year, an accomplishment honored in the + Pro Football Hall of Fame (though for official records, the NFL considers it + an 18-game regular season winning streak; it does not count playoff games).[155] + New England finished with a 14–2 record, equaling their 2003 record and the + best regular-season record ever for a defending champion.[156] The Patriots + also won the AFC East divisional title for the third time in four years.[157] + Brady threw for 3,692 yards and 28 touchdowns, with a 92.6 passer rating, and + was voted to his second Pro Bowl.[117] + + In the playoffs, Brady led the Patriots to victories over the Indianapolis Colts + in the Divisional Round by a score of 20–3 and the Pittsburgh Steelers in the + AFC Championship by a score of 41–27.[158] Brady played his best game of the + year in Pittsburgh despite requiring intravenous treatment the previous night + when he ran a temperature of 103°.[159] Against the NFL s best defense,[158] + he recorded a quarterback passer rating of 130.5, his highest of the season.[121] + On February 6, 2005, the Patriots narrowly defeated the Philadelphia Eagles, + 24–21, to win Super Bowl XXXIX at Alltel Stadium in Jacksonville, Florida. Brady + threw for 236 yards and two touchdowns[160] while capturing the Patriots third + championship in four years. They became the first franchise since the Dallas + Cowboys in 1992–1995 to win three Super Bowls in four years.[161] + + During the 2005 season, injuries suffered by running backs Corey Dillon, Patrick + Pass, and Kevin Faulk forced the Patriots to rely more on Brady s passing.[162][163] + Brady also had to adjust to new center Russ Hochstein and running back Heath + Evans. On October 9, in a 31–28 victory over the Atlanta Falcons, he had 350 + passing yards, three touchdowns, and one interception to earn AFC Offensive + Player of the Week honors.[164][165] Brady finished first in the league with + 4,110 passing yards and third in the league with 26 touchdowns.[117] At 92.3, + his 2005 passer rating was the second-highest of his career at the time, although + he equaled his career high for interceptions with 14.[121] He rushed for 89 + yards and fumbled a career-low four times.[121] He and the Patriots finished + with a 10–6 record, winning their third straight AFC East title.[166] He was + named to his third Pro Bowl at the end of the season.[167] + + In the playoffs, Brady recorded 201 passing yards and three passing touchdowns + to help lead the Patriots to a 28–3 victory over the Jacksonville Jaguars in + the Wild Card Round. On January 14, 2006, the Patriots lost 27–13 to the Denver + Broncos at INVESCO Field in the Divisional Round.[168][169] Brady threw for + 341 yards in the game with one touchdown and two interceptions, in the first + playoff loss of his career after ten playoff victories.[170] After the season + s end, it was revealed that Brady had been playing with a sports hernia since + December. Linebacker Willie McGinest commented on it and said he knew, but Brady + continued playing.[171] + + Brady on the sideline at Giants Stadium with teammates Randy Moss and Jabar + Gaffney, after throwing for his record-breaking 50th passing touchdown of the + 2007 season + + Brady started the 2006 season with 163 passing yards, two passing touchdowns, + and an interception against the Buffalo Bills in a 19–17 victory.[172] In Week + 8, against the Minnesota Vikings, he had one of his stronger performances of + the season with 372 passing yards, four passing yards, and one interception + in the 31–7 victory.[173] He posted another game with four passing touchdowns + in the Week 11 35–0 victory over the Green Bay Packers.[174] Brady led the Patriots + to a 12–4 record and the fourth seed in the AFC playoffs.[175] In the regular + season, Brady threw for 3,529 yards and 24 touchdowns.[117] He was not among + the players initially selected to the Pro Bowl,[176] although he was offered + an injury-replacement selection when San Diego Chargers quarterback Philip Rivers + was forced to withdraw. Brady ended up declining the invitation.[177] + + In the postseason, the Patriots first hosted their division rivals, the New + York Jets, in the Wild Card Round. The Patriots defeated the Jets 37–16, as + Brady went 22–34 for 212 yards and two touchdowns.[178] The Patriots traveled + to San Diego to take on the Chargers in the Divisional Round. This was Brady + s first playoff game in his home state of California. Brady and the Patriots + struggled against the Chargers, whom many had picked as favorites to win Super + Bowl XLI.[179] With eight minutes left in the fourth quarter and the Patriots + down by eight points, Brady and the Patriots started a key drive that would + ultimately decide the game. After a 49-yard pass play to wide receiver Reche + Caldwell, a Stephen Gostkowski field goal gave the Patriots a 24–21 win.[180] + + In the AFC Championship, the Patriots faced the Indianapolis Colts. The Patriots + and Colts had faced each other twice in the previous three postseasons at Foxborough; + this game, however, was played at Indianapolis. The Patriots led at halftime, + 21–6; however, the Colts and Peyton Manning staged a comeback, culminating in + a last minute interception thrown by Brady, and the Patriots lost the game to + the Colts, 34–38.[181] + + Playing with a dramatically overhauled receiver corps—in the 2007 offseason, + the Patriots acquired wide receivers Donté Stallworth, Wes Welker, Kelley Washington, + and Randy Moss; tight end Kyle Brady; and running back Sammy Morris—Brady enjoyed + what some sportswriters described as one of the best seasons by a quarterback.[182][183] + The average score of a 2007 Patriots regular-season game would be 37–17 by the + end of the year.[184] Brady led the Patriots to the first 16–0 regular-season + record in league history, outscoring opponents by more than a 2-to-1 margin, + but also attained numerous career, franchise, and NFL records and milestones + in the process. He was named as the AFC Offensive Player of the Week five separate + times that year.[185][186][187][188][189] While away at Dallas, he had a career-high + five passing touchdowns in a 48–27 win. The win tied him with Cowboys Hall of + Fame quarterback Roger Staubach for the most wins ever by a starting quarterback + in his first 100 regular-season games, with 76.[190] The next week, in part + of a 49–28 win at Miami, he had yet another record day, with a career-high six + passing touchdowns, setting a franchise record. He also had the first game with + a perfect passer rating of his career.[191] Two weeks later, as part of a come-from-behind + 24–20 victory at Indianapolis, he threw for another three touchdowns, the ninth + consecutive game in which he had done so, breaking Peyton Manning s NFL record + of eight.[192] During the last game of the year, Brady threw two touchdown passes; + his second touchdown was his 50th, breaking Peyton Manning s record of 49 in + the 2004 season.[193] + + Brady in December 2007 + + Brady finished the season with 4,806 passing yards, 50 touchdown passes, and + only eight interceptions. It was unanimously voted the greatest passing season + of all time by ESPN in 2013. His 50:8 touchdown to interception ratio was, at + the time, an NFL record. He became the first quarterback to pass for 50 touchdowns + in a season and his 117.2 passer rating is[when?] the fourth highest in a single + season. His 8.7% touchdown passing percentage is[when?] the third highest ever + in a season. He led the Patriots to becoming the first team to ever go undefeated + in the regular season since the 16 game schedule was enforced and directed an + offense that scored a then NFL record 589 points and 75 total touchdowns. Those + records stood until they were eclipsed by the 2013 Denver Broncos. The team + s 50 total touchdown passes is the fourth most ever in a season. For his efforts, + Brady was named the Most Valuable Player of this season, as well as Offensive + Player of the Year. He was also honored by the Associated Press as their Male + Athlete of the Year, the first time an NFL player has been so honored since + Joe Montana won the award in 1990.[194] He was named as a First Team All-Pro + and to his fourth career Pro Bowl as a result of his historic season.[195][196] + + In the Patriots first playoff game, a Divisional Round game against Jacksonville, + Brady began the game with an NFL postseason record 16 consecutive completed + passes, and finished the game with 26 completions in 28 attempts, a completion + rate of 92.9%. That mark is the highest single-game completion percentage (for + passers with at least 20 attempts) in NFL history, regular season or postseason.[197] + With the win, the Patriots matched the undefeated 1972 Miami Dolphins as the + only team to win 17 consecutive games in one season. + + Statistically, Brady did not fare as well in the AFC Championship Game against + the San Diego Chargers, throwing three interceptions (including his first interception + in the red zone since the playoff loss to Denver in the 2005 postseason). Nevertheless, + the Patriots won their 18th game of the season, 21–12, to advance to the Super + Bowl for the fourth time in seven seasons. Brady, with the 100th win of his + career, also set an NFL record for the fewest games needed by a starting quarterback + to do so: his 100–26 record is sixteen games better than Joe Montana s.[198] + In Super Bowl XLII at the University of Phoenix Stadium in Glendale, Arizona., + Brady was pressured heavily and sacked five times. The Patriots did manage to + take the lead with a Brady touchdown to Moss with less than three minutes remaining + in the fourth quarter, but the Giants were able to score a last-minute touchdown + to upset the Patriots 17–14, taking away what would have been the first perfect + season since the NFL expanded its regular season to 16 games.[199] + + Brady in action against the Washington Redskins on August 28, 2009. + + Brady did not play in any games during the 2008 preseason or in the 2008 Pro + Bowl due to two different foot injuries.[200][201] In the Patriots 2008 season + opener against the Kansas City Chiefs at Gillette Stadium, Brady s left knee + was seriously injured midway through the first quarter on a hit by Chiefs safety + Bernard Pollard; he left the game and did not return. The team later confirmed + that Brady would require surgery, and it would prematurely end his 2008 season.[202] + Brady tore both his anterior cruciate ligament and medial collateral ligament.[203] + The injury ended Brady s streak of 111 consecutive starts (ninth in the list + of most consecutive starts by an NFL quarterback, behind Brett Favre, Peyton + Manning, Eli Manning, Philip Rivers, Matt Ryan, Matthew Stafford, Ron Jaworski, + and Joe Flacco).[204] Dr. Neal ElAttrache performed the anterior cruciate ligament + reconstruction at the Los Angeles Kerlan-Jobe Orthopaedic Clinic October 6, + using Brady s patellar tendon graft to replace the torn ligament, and also repaired + his medial collateral ligament, through a separate incision in his left knee.[205] + An infection in the wound resulted in further debridement surgery several times + since the original procedure. Brady received IV antibiotics for this infection + which, at the time, threatened to delay his rehab.[206][207] Despite Brady s + absence, the Patriots managed to finish the 2008 season with an 11–5 record; + however, due to tiebreakers, the Patriots not only failed to win the AFC East + division title, but missed the playoffs altogether for the first time since + the 2002 season.[208] + + Brady in Landover, Maryland, on August 28, 2009, during warmups in a preseason + game against the Washington Redskins. + + In his first game in nearly a year, Brady threw for 378 yards and two touchdowns + in the 2009 season opener against the Buffalo Bills. In the final three minutes + of the game, the Patriots were down 24–13 before Brady and tight end Benjamin + Watson connected on two straight touchdowns to lead the Patriots to a 25–24 + win.[209] Brady was named the AFC Offensive Player of the Week for the 13th + time in his career for his performance.[210] + + On October 18, 2009, in an early season snowstorm, Brady set an NFL record against + the Tennessee Titans for most touchdowns in a single quarter, throwing five + in the second quarter. Brady finished the game with six touchdowns, tying his + career-high from the 2007 season, and 380 yards, completing 29-of-34 attempts, + finishing with a nearly perfect passer rating of 152.8.[211][212] He earned + his second AFC Offensive Player of the Week nod for his efforts against the + Titans.[213] The Patriots 59–0 victory over the Titans tied the record for + the largest margin of victory since the 1970 AFL-NFL merger,[214] and set a + record for largest halftime lead in NFL history, which was 45–0.[215] + + Brady finished the 2009 regular season with 4,398 yards passing and 28 touchdowns + for a 96.2 rating,[117] despite a broken right ring finger and three fractured + ribs, all which were suffered over the course of the season.[216] He was selected + as a reserve to the 2010 Pro Bowl and named the 2009 NFL Comeback Player of + the Year.[217][218] + + Brady ended the 2009 season throwing for 154 passing yards, two touchdowns, + and three interceptions in a Wild Card Round loss to the Baltimore Ravens, 33–14, + his first career home playoff loss, and the first playoff loss at home by a + Patriots quarterback since 1978 (Steve Grogan).[219] + + On September 10, 2010, Brady signed a four-year, $72 million contract extension, + making him the highest-paid player in the NFL. The extension included $48.5 + million in guaranteed money.[220] + + Brady became the quickest quarterback to achieve 100 regular season wins by + helping his team defeat the Miami Dolphins 41–14 on October 4, 2010.[221] + + In a 31–28 win over the Indianapolis Colts on November 21, 2010, Brady tied + Brett Favre s record of winning 25 consecutive regular-season home starts.[222] + Brady s last regular-season defeat at home was a 17–14 loss to the New York + Jets on November 12, 2006.[223] On November 25, in a 45–24 victory over the + Detroit Lions, he had 341 passing yards and four touchdowns to earn AFC Offensive + Player of the Week.[224][225] In the game, he earned a perfect passer rating + for the second time in his career.[226][227] The next week, in a 45–3 victory + over the New York Jets, he had 326 passing yards and four touchdowns to earn + AFC Offensive Player of the Week honors for the second consecutive week. The + victory over the Jets set an NFL record by winning 26 consecutive regular-season + home starts.[228][229][230] + + Brady threw for 3,900 yards with 36 touchdowns and only four interceptions on + the season.[117] He had a 111.0 passer rating; this gave him—at the time—two + of the top five season ratings in NFL history and made him the first player + to finish with a rating above 110 in two different seasons.[231] + + Brady was selected as a starter to the 2011 Pro Bowl.[232] However, he pulled + out of the game (and was replaced by former backup Matt Cassel of the Kansas + City Chiefs) after undergoing surgery for a stress fracture in his right foot + dating back to 2008.[233] Brady was also the only unanimous selection for the + AP All-Pro Team and was named the 2010 Associated Press NFL Offensive Player + of the Year. By unanimous decision, he won the MVP award for the second time + in his career.[234] On the NFL Top 100 Players of 2011 players list, Brady + was ranked as the best player in the NFL by his fellow players.[235] + + After earning the #1 seed and a bye week, the Patriots lost to the New York + Jets in the Divisional Round by a score of 28–21. Brady finished the game 29-of-45 + for 299 yards and two touchdowns, with one interception. His one interception + ended his NFL record of consecutive passes without an interception at 340.[236][237] + + In Week 1 of the 2011 NFL season, Brady threw for a career-high 517 yards, four + touchdowns, and one interception in a 38–24 victory over the Miami Dolphins + and earned AFC Offensive Player of the Week honors.[238] This was the second + time that he had thrown for 400 or more yards in a single game. In the game, + he threw a record-tying 99-yard touchdown pass to Wes Welker in the second quarter.[239][240][18] + In the next game, a 35–21 victory over the San Diego Chargers, he had 423 passing + yards and three touchdowns to earn another AFC Offensive Player of the Week + nod.[241][242] + + In Week 16, in the second divisional game against the Miami Dolphins, Brady + had 304 passing yards and one passing touchdown to go along with nine rushes + for 17 yards and two rushing touchdowns in the 27–24 victory to earn AFC Offensive + Player of the Week for the third time in 2011.[243][244] In the regular season + finale against the Buffalo Bills, Brady became the fourth quarterback to throw + for 5,000 yards in a single season, finishing with 5,235; although Brady surpassed + Dan Marino s longstanding record of 5,084 passing yards, he finished the season + second in passing yards behind Drew Brees s 5,476.[117] In the end, the Patriots + finished the season 13–3 and clinched the AFC s #1 seed.[245] For his efforts + in the 2011 season, Brady was named to the Pro Bowl and was named as the fourth + best player in the NFL on the NFL Top 100 Players of 2012 by his peers.[246][247] + + There s no quarterback I d rather have than Tom Brady. He s the best. He does + so much for us in so many ways on so many different levels. I m very fortunate + that he s our quarterback and what he s able to do for this team. It s good + to win with him and all the rest of our players. If that s more than somebody + else did, I don t really care about that.[248] + + –Bill Belichick + + In the Patriots 45–10 rout of the Denver Broncos in the Divisional Round, Brady + set a personal postseason best with 363 passing yards, and tied an NFL playoff + record shared by Daryle Lamonica and Steve Young, throwing for six touchdown + passes.[249] The win, his first postseason win since January 2008, gave Brady + and Patriots head coach Bill Belichick sole possession of the NFL record for + postseason wins by a quarterback-head coach combo with 15.[250] In the AFC Championship + game against the Baltimore Ravens, Brady failed to throw a touchdown pass for + the first time in 36 games, though he did pass for 239 yards and scored a one-yard + rushing touchdown late in the game. A missed field goal from Ravens kicker Billy + Cundiff gave Brady and the Patriots a 23–20 victory, sending Brady to his fifth + Super Bowl as a member of the Patriots.[251] In Super Bowl XLVI at Lucas Oil + Stadium in Indianapolis, Brady and the Patriots met the New York Giants in a + rematch of their Super Bowl XLII meeting four years earlier. Brady played well, + leading a Super Bowl record-tying 96-yard touchdown drive to close the first + half and at one point completing 16 passes in a row to give him a 20-of-23 mark + partway into the third quarter, another Super Bowl record. Brady threw two touchdowns + against one interception on the Patriots first offensive series, and was penalized + for intentional grounding in the end zone, giving up a crucial safety to the + Giants. A final score of 21–17 for the Giants prevented Brady from winning his + fourth Super Bowl.[252] + + Brady started all 16 regular season games of the 2012 NFL season and led the + Patriots to a 12–4 record. Among the many highlights of the team was a 42–14 + win over the Houston Texans in Week 14. Brady had 296 passing yards and four + touchdowns to earn AFC Offensive Player of the Week.[253][254] The Patriots + scored 557 total points, the third highest in league history and Brady became + the first quarterback to lead his team to ten division titles.[255] With that + point total, the Patriots became the first team to score at least 500 points + in a season four different times, with Brady leading all four squads, which + was a record as well. He finished the season with 4,827 passing yards, 34 touchdowns, + only eight interceptions, and a passer rating of 98.7. It was Brady s third + straight season throwing for over 30 touchdowns.[256] He was named to the Pro + Bowl for the eighth time in his career.[257] On the NFL Top 100 Players of 2013, + Brady was ranked fourth by his fellow players for the second consecutive year.[258] + + Brady started both Patriots playoff games, winning 41–28 against the Houston + Texans in the Divisional Round.[259] Brady passed for 344 yards and three touchdowns + as he led the team to their seventh AFC Championship Game in his 12 years as + a starter. With the victory, Brady surpassed Joe Montana for most career playoff + wins, with 17.[260] The Patriots were then upset by the eventual Super Bowl + XLVII champion Baltimore Ravens, 28–13 in the AFC Championship. He threw for + 320 yards and one touchdown with two interceptions.[261] He suffered his first + career loss at home when leading by halftime, in which during that span he was + 67–0.[262] + + On February 25, 2013, Brady and the Patriots agreed on a three-year contract + extension, which kept him with the team through 2017.[263] Peter King called + it an amazing deal, as Brady took just $27 million in new money over the 2015, + 2016, and 2017 seasons, and also noted that it reflected Patriots owner Robert + Kraft s desire to make sure that Brady retired as a Patriot.[264] + + Brady and the Patriots began the season with much upheaval on the offensive + side of the ball. Tight end Rob Gronkowski was injured and Aaron Hernandez was + arrested. Wes Welker departed to the Denver Broncos, Danny Woodhead left in + free agency for the San Diego Chargers, and Brandon Lloyd was released from + the team. In order to replace the five players, the Patriots signed Danny Amendola + in free agency from the Rams, drafted rookie wide receivers Aaron Dobson and + Josh Boyce, and signed undrafted rookie free agent wide receiver Kenbrell Thompkins. + In the first two games of the season, Brady completed 52% of his passes and + had three touchdowns and one interception.[265][266] + + Brady during the 2013 season + + Brady was in pursuit of Drew Brees s record of at least one touchdown in 54 + consecutive regular season games and saw the streak end at 52 games in a Week + 5 loss against the Cincinnati Bengals.[267] In a Week 6 game against the Saints, + the Patriots struggled in the first half and bounced back in the second with + Brady passing for 269 yards with a touchdown to Kenbrell Thompkins as time expired + to pull out the win over the Saints.[268] + + In Week 12, Brady faced-off against Peyton Manning for the fourteenth time in + his career. After going to the half trailing by 24 points, Brady and the Patriots + scored 31 unanswered points. The Patriots won after a muffed punt in overtime + when Stephen Gostkowski scored a field goal.[269] With the win, Brady earned + AFC Offensive Player of the Week honors.[270] With a Week 16 win over the Baltimore + Ravens, Brady collected his 147th win as a starting quarterback to tie Dan Marino + for fourth place all time, and the following week he defeated the Buffalo Bills + to tie John Elway for third place. In the victory over the Bills, Brady recorded + a 32-yard punt.[271] Brady was named to the Pro Bowl for the ninth time in career + and was ranked third on the NFL Top 100 Players of 2014 players list in the + offseason.[272][273] + + Brady s Patriots finished the season 12–4, to earn the second seed in the AFC + and a first-round bye.[274] In the Divisional Round matchup against the Indianapolis + Colts, Brady made his 25th playoff appearance, breaking Brett Favre s career + record for playoff appearances by a quarterback (Jerry Rice appeared in 29 playoff + games). He passed for 198 yards as the Patriots won 43–22 behind a four-touchdown + performance from LeGarrette Blount.[275] The following week, the Patriots lost + 26–16 to the Denver Broncos in the AFC Championship, eliminating Brady and the + Patriots from the playoffs. In the loss, Brady was 24-for-38 for 277 yards and + touchdown, along with two carries for seven yards and a rushing touchdown.[276] + + Brady in September 2014 against the Minnesota Vikings + + Brady started the 2014 season with a 33–20 loss to the Miami Dolphins.[277] + It was Brady s first opening day loss since the 2003 season. Brady recorded + 241 yards and a touchdown in the loss. New England rebounded against the Minnesota + Vikings, but Brady struggled, throwing for 149 yards and a touchdown in a 30–7 + win.[278] Against the Oakland Raiders, Brady was pressured all day, but threw + for 234 yards and a touchdown in 16–9 win.[279] After a humiliating 41–14 loss + to the Kansas City Chiefs, Brady led New England to back-to-back wins against + the Cincinnati Bengals and the Buffalo Bills.[280][281] Brady then defeated + the New York Jets with a 261-yard performance that included three touchdowns.[282] + The following week, a 51–23 embarrassment of the Chicago Bears saw Brady throw + for 354 yards and a season-high five touchdowns.[283] After passing for 333 + yards, and 257 yards in his next two games against the Denver Broncos and Indianapolis + Colts respectively, Brady defeated the Detroit Lions 34–9 with 349 passing yards + and two touchdowns against only one interception.[284] The Patriots winning + streak was put to the test against the Green Bay Packers in Week 13. Down 13–0 + early, Brady threw for 245 yards and two touchdowns. Still down 26–21, Brady + was unable to give the Patriots their eighth consecutive victory.[285] After + trailing 14–3 at the San Diego Chargers, Brady rallied his team with 317 passing + yards, two touchdowns, and one interception, to a 23–14 comeback win.[286] Brady + clinched his NFL record 12th AFC East division title with 287 passing yards, + two touchdowns, and an interception. Brady struggled in his final two games, + throwing for only 182 yards, a touchdown, and an interception in 17–16 victory + against the Jets, and 80 yards in one half of the final regular season game + against the Buffalo Bills, a 17–9 loss, though Julian Edelman, Rob Gronkowski, + and three starting offensive linemen did not play either the entirety or the + majority of the final game, and Brady only played in the first half.[287] Brady + was named to his tenth career Pro Bowl and was ranked third by his fellow players + on the NFL Top 100 Players of 2015.[288][289] + + In a 35–31 Divisional Round win over the Ravens, Brady threw for three touchdowns + and ran in a fourth, breaking Curtis Martin s club record for rushing touchdowns + in the playoffs; Brady also broke Joe Montana s record for playoff touchdowns + with 46. After the Ravens scored on their first two possessions, the Patriots + were quickly down 14–0. Brady led New England on an eight-play, 78-yard drive, + and ran for a score to cut the Ravens lead to 14–7. In the second quarter, Brady + s 15 yard touchdown pass to Danny Amendola tied the score at 14–14. After getting + the ball back, Brady threw an interception at the end of the first half. Joe + Flacco capitalized on it by throwing an 11-yard touchdown strike to tight end + Owen Daniels to give Baltimore a 21–14 halftime lead. Down 28–14, Brady engineered + an 80-yard drive, culminating in a touchdown to Rob Gronkowski to cut the lead + to 28–21. The Patriots tied the game once again at 28 off of a trick play where + Brady passed laterally to Julian Edelman who then threw a 51-yard touchdown + to Danny Amendola. Ravens kicker Justin Tucker drilled a 25-yard field goal + to give Baltimore a 31–28 4th quarter lead. Brady got the ball back, and threw + a 23-yard touchdown to wide receiver Brandon LaFell to give the Patriots their + first lead, up 35–31. After a Duron Harmon interception and a Joe Flacco Hail + Mary attempt failed, Brady clinched his record ninth AFC Championship Game, + fourth straight, and the third championship game against the Indianapolis Colts.[290] + After a 45–7 blowout, Brady advanced to play in his sixth Super Bowl, breaking + a tie with John Elway for most career Super Bowl appearances by a quarterback. + Against the Colts, Brady threw for 226 yards and three passing touchdowns with + one interception[291] + + In Super Bowl XLIX at University of Phoenix Stadium in Glendale, Arizona, Brady + completed 37-of-50 passes for 328 yards, four touchdowns, and two interceptions. + He guided a then-record ten-point fourth quarter comeback as the Patriots defeated + the Seattle Seahawks 28–24 to give Brady his fourth Super Bowl ring, tying him + with Joe Montana and Terry Bradshaw for most Super Bowl victories by a starting + quarterback.[292] He was named Super Bowl MVP for the third time, tying Montana + s record. Brady s 37 completed passes in the game set a Super Bowl record at + the time, which Brady himself would break in Super Bowl LI two years later.[293] + + Further information: Deflategate + + On May 6, 2015, the NFL published a 243-page report regarding the deflation + of footballs used in the previous season s AFC Championship Game.[294] The report + concluded that, more likely than not, Brady was at least generally aware of + the intentional deflation. On May 11, Brady was suspended for four games by + the NFL for his involvement based on substantial and credible evidence that + Brady knew Patriots employees were deflating footballs and that he failed to + cooperate with the investigators.[295] On May 11, Troy Vincent—NFL Executive + Vice President of Football Operations—penned a letter to Brady that stated in + part: Your actions as set forth in the report clearly constitute conduct detrimental + to the integrity of and public confidence in the game of professional football. + [296] Vincent s letter further stated: With respect to your particular involvement, + the report established that there is substantial and credible evidence to conclude + you were at least generally aware of the actions of the Patriots employees + involved in the deflation of the footballs and that it was unlikely that their + actions were done without your knowledge. Moreover, the report documents your + failure to cooperate fully and candidly with the investigation, including by + refusing to produce any relevant electronic evidence (emails, texts, etc.), + despite being offered extraordinary safeguards by the investigators to protect + unrelated personal information, and by providing testimony that the report concludes + was not plausible and contradicted by other evidence. [296] Brady, through the + NFL Players Association, officially appealed the suspension on May 14.[297] + + On July 28, NFL Commissioner Roger Goodell announced the upholding of Brady + s four-game suspension.[298] Brady gave permission to the NFLPA to appeal the + suspension in federal court.[299] Goodell cited Brady s destruction of his cell + phone as a critical factor in his decision to uphold Brady s suspension.[300][301] + The NFL also filed papers in federal court seeking to confirm Roger Goodell + s decision.[302] On July 29 Brady released a statement on his Facebook page + that criticized Goodell s decision to uphold the suspension, saying in part I + am very disappointed by the NFL s decision to uphold the 4 game suspension against + me. I did nothing wrong, and no one in the Patriots organization did either... + I will not allow my unfair discipline to become a precedent for other NFL players + without a fight. [303][304] + + Commentary on the initial punishment was mixed. Bleacher Report writer Mike + Freeman made a statement agreeing with Goodell s decision, saying the penalties + were brutal, but it deserved to be. [305] Various commentators also implied + that the prior reputation of the Patriots organization as a team that bends + rules appeared to factor into the harshness of the punishment.[305][306] Others + described the punishment as firm but fair .[307] + + On September 3, 2015, Judge Richard M. Berman of the United States District + Court for the Southern District of New York vacated Brady s suspension; this + ruling allowed Brady to play in the first four games of the 2015 NFL season. + In his decision, Judge Berman cited the NFL s failure to provide proper notice + to Brady of the charges against him and the potential for a suspension.[308] + Post-appeal commentary also criticized Goodell for manipulating Brady s testimony at + the appeal hearing in his decision.[309] + + In the NFL Kickoff Game, Brady led the Patriots to a 28–21 win over the Pittsburgh + Steelers. He threw for 288 yards and four touchdowns, three of them to Rob Gronkowski.[310] + The Patriots victory was the 161st victory of Brady s career, all with the + Patriots, which surpassed the record held by former Green Bay Packers quarterback + Brett Favre for most regular season wins by a starting quarterback with a single + team. In Week 2, Brady threw for 466 yards and three touchdowns against the + Buffalo Bills. Through the first five games of the season, Brady threw a total + of 14 touchdowns with one interception and had a quarterback rating of 118.4.[311] + In Week 8, a 36–7 victory over the Miami Dolphins, he had 356 passing yards + and four touchdowns to earn his 25th AFC Offensive Player of the Week title.[312][313] + + Despite Brady s success, the Patriots were hit by many injuries to key players + on offense, including wide receiver Julian Edelman, and the Patriots eventually + lost their first game against the Denver Broncos, who were without Peyton Manning, + in Denver on the Sunday after Thanksgiving following a 10–0 start.[314] The + Patriots then lost three of their remaining five games to finish 12–4 for a + fourth straight season, tied with the Cincinnati Bengals and Denver Broncos + for the AFC s best record. The Denver Broncos clinched the No. 1 seed due to + their victories over both the Patriots and the Bengals, while the Patriots finished + with the AFC s No. 2 seed due to having a better record against common opponents + than the Cincinnati Bengals.[315][316] Brady finished the regular season with + a league-leading 36 touchdown passes and seven interceptions.[317] He was named + to his 11th Pro Bowl (seventh straight), and was ranked as the second best player + on the NFL Top 100 Players of 2016 behind only league MVP Cam Newton.[318][319] + + With the return of Julian Edelman from a foot injury, the Patriots defeated + the Kansas City Chiefs in the Divisional Round by a score of 27–20 after advancing + with a first round bye.[320] Brady completed 28 of 42 passes for 302 yards and + two passing touchdowns and one rushing touchdown as he led the team to their + fifth consecutive AFC championship game.[321] The Patriots advanced to the AFC + Championship to face Peyton Manning and the Denver Broncos at Sports Authority + Field at Mile High. It would turn out to be the 17th and final meeting between + the two storied quarterbacks, as Manning would announce his retirement after + the season ended. The Broncos top-ranked defense harassed Brady, who completed + 27-of-56 passes with two interceptions and a touchdown, all day, and the Patriots + eventually lost the game 20–18 after a potential game-tying two-point conversion + attempt failed with 17 seconds left in regulation.[322] + + On February 29, 2016, Brady signed a two-year contract extension covering the + 2018 and 2019 seasons.[323] + + Three days later, the NFL appealed Judge Richard M. Berman s 2015 decision to + vacate Brady s four-game suspension as punishment for his alleged role in the + Deflategate scandal. At the March 3, 2016, hearing in New York City, the three-judge + panel of the United States Court of Appeals for the Second Circuit questioned + Players Association lawyer Jeffrey L. Kessler more intensely than NFL lawyer + Paul Clement, with Circuit Judge Denny Chin even stating that the evidence + of ball tampering is compelling, if not overwhelming. [324] + + On April 25, 2016, Judge Richard M. Berman s decision to block Brady s four-game + suspension was overturned by the U.S. Appeals Court.[325][326] Circuit Judge + Barrington Daniels Parker Jr., joined by Circuit Judge Chin, wrote that they + could not second-guess the arbitration but were merely determining it met + the minimum legal standards established by the Labor Management Relations Act + of 1947 .[327] Circuit Chief Judge Robert Katzmann dissented, writing that the + NFL s fines for using stickum was highly analogous and that here the Commissioner + was doling out his own brand of industrial justice. [328] + + On May 23, 2016, Brady appealed for his case to be reheard by the full U.S. + 2nd Circuit Court.[329] The 2nd Circuit Court denied Brady s request for an + en banc hearing on July 13.[330] Two days later, on Friday, July 15, 2016, Brady + announced on his Facebook page that he would give up his Deflategate fight and + accept his suspension for the first four regular season games of the 2016 season. + Prior to Brady s suspension, he had not missed a single regular season or postseason + game since the start of the 2009 season. + + After serving his four-game suspension, Brady made his 2016 season debut on + October 9 on the road against the Cleveland Browns; he completed 28-of-40 passes + for 406 yards and three touchdowns in a 33–13 victory to earn AFC Offensive + Player of the Week.[331][332] In his home debut the following week, Brady completed + 29-of-35 passes for 376 yards and three touchdowns in a 35–17 victory over the + Cincinnati Bengals.[333] In Week 7, Brady completed 19 of 26 passes for 222 + yards and two touchdowns as New England defeated the Pittsburgh Steelers 27–16.[334] + The next week, the Patriots defeated the Buffalo Bills 41–25, with Brady completing + 22-of-33 passes for 315 yards and four touchdowns.[335] Brady s outstanding + numbers during his first four games following the suspension earned him the + AFC Offensive Player of the Month award for October.[336] + + Following a bye week, Brady and the Patriots faced the Seattle Seahawks in a + Week 10 rematch of Super Bowl XLIX. Brady completed 23-of-32 passes for 316 + yards, one interception, and no touchdowns in a 31–24 loss that saw the two + teams trade leads seven times.[337] In Week 11, Brady completed 24-of-40 passes + for 280 yards, four touchdowns, and no interceptions in a 30–17 road win against + his childhood team, the San Francisco 49ers. Brady s performance against San + Francisco earned him AFC Offensive Player of the Week honors for Week 11.[338] + Those four touchdown passes also gave him 444 career regular season touchdown + passes with one team, breaking Brett Favre s record. The following week, Brady + completed 30-of-50 passes for 286 yards and two touchdowns in a 22–17 road victory + against the New York Jets.[339] The win was also the Patriots 500th victory + (including playoffs) in franchise history. During this victory, Brady also became + the fifth quarterback to record 60,000 career regular season passing yards, + joining Peyton Manning, Brett Favre, Drew Brees, and Dan Marino. The following + week, Brady completed 33-of-46 passes for 269 yards and one touchdown as the + Patriots defeated the Los Angeles Rams by a score of 26–10.[340] The Patriots win + against the Rams gave Brady his 201st career victory, including playoff games, + breaking Peyton Manning s record of 200.[341] In Week 14, Brady completed 25 + of 38 passes for 406 yards, three touchdowns, and one interception during a + 30–23 victory against the Baltimore Ravens on Monday Night Football.[342] + + The next week, Brady completed 16-of-32 passes for 188 yards in a 16–3 victory + in Denver.[343] With this victory, the Patriots clinched an eighth consecutive + AFC East title and a seventh consecutive first-round bye in the playoffs, both + NFL records.[344] On December 20, 2016, Brady was named to the Pro Bowl for + the eighth straight season and 12th time overall.[345][346] In Week 16, Brady + threw for 17 of 27 passes for 214 yards, three touchdowns, and no interceptions + as he led the Patriots to a 41–3 win over the Jets.[347] In Week 17, Brady completed + 25-of-33 passes for 276 yards, three touchdowns, and no interceptions in a 35–14 + victory over the Miami Dolphins in the regular season finale that gave the Patriots + home field advantage throughout the AFC playoffs.[348] Brady s 276 yards against + Miami moved him ahead of former Miami quarterback Dan Marino into fourth place + on the NFL s all-time passing yards list. Brady s three touchdowns against Miami + also gave him 28 passing touchdowns against two interceptions for the regular + season. This broke the previous record of Nick Foles s 27:2 TD:INT ratio which + was set in 2013 with the Philadelphia Eagles.[349] Brady was named to the AP + All-Pro Second Team, behind Matt Ryan of the Atlanta Falcons, who was named + to the AP All-Pro First Team.[350] Brady was also ranked first on the NFL Top + 100 Players of 2017 as the best player in the league, becoming the first player + to be named as #1 twice since the listing started.[351] + + Brady hoisting the Vince Lombardi Trophy for the fifth time in his career after + winning Super Bowl LI + + Brady and the Patriots began their postseason run in the Divisional Round, hosting + the Houston Texans, who had the league s No. 1 total defense. Brady completed + 18-of-38 passes for 287 yards, two touchdowns, and two interceptions as the + Patriots won 34–16, clinching a record sixth consecutive trip to the AFC Championship + Game.[352] The Patriots then defeated the Pittsburgh Steelers, 36–17. Against + the Steelers, Brady completed 32 of 42 passes for 384 yards, three touchdowns, + and no interceptions. The win gave Brady and Patriots head coach Bill Belichick + their record seventh conference title as a quarterback–head coach tandem, and + the Patriots an NFL record ninth Super Bowl appearance.[353] + + Brady and the Patriots faced the NFC champion Atlanta Falcons—who boasted the + league s highest scoring offense—in Super Bowl LI at NRG Stadium in Houston, + Texas on Sunday, February 5, 2017. Brady threw for 43 completions on 62 attempts + for 466 passing yards—all Super Bowl records at the time. Brady also threw for + two touchdowns and an interception. After trailing 28–3 midway through the third + quarter, Brady and the Patriots scored 25 unanswered points to tie the game + at the end of regulation. This resulted in the first overtime in Super Bowl + history. After winning the overtime coin toss, Brady led the Patriots down the + field to score a touchdown and win the game by a score of 34–28,[354] completing + the largest comeback win in both team history and Super Bowl history. With the + victory, Brady won his fifth Super Bowl, which set a record for most Super Bowl + victories of any quarterback in history and tied defensive player Charles Haley + for the most Super Bowl victories for any player. In addition, Brady set another + record by winning his fourth Super Bowl MVP award for his clutch performance.[355] + + After the game, it was discovered that Brady s jersey had gone missing from + the Patriots locker room at NRG Stadium.[356] The FBI, in collaboration with + Mexican authorities, recovered the jersey from the home of Martin Mauricio Ortega, + a Mexican tabloid writer, along with Brady s jersey from Super Bowl XLIX.[357] + + On May 12, 2017, Brady was announced as the cover athlete for Madden NFL 18.[358] + + In a CBS interview on May 17, 2017, Charlie Rose asked Brady s wife, Gisele + Bündchen, if she wanted Brady to retire, despite the fact that he was playing + at a high level. Bündchen mentioned that Brady suffered from a concussion in + the 2016 season, saying, I mean he has concussions pretty much every—I mean + we don t talk about—but he does have concussions. I don t really think it s + a healthy thing for anybody to go through.”[359][360] + + Following the Bündchen interview, the NFL released a statement: We have reviewed + all reports relating to Tom Brady from the unaffiliated neurotrauma consultants + and certified athletic trainer spotters who worked at Patriots’ home and away + 2016 season games as well as club injury reports that were sent to the league + office. There are no records that indicate that Mr. Brady suffered a head injury + or concussion, or exhibited or complained of concussion symptoms. Today we have + been in contact with the NFLPA and will work together to gather more information + from the club s medical staff and Mr. Brady .[361][362] Brady s agent, Don Yee, + said that Brady was not diagnosed with a concussion during the 2016 season.[363] + + The Patriots opened up their 2017 season in the NFL Kickoff Game on September + 7 at home against the Kansas City Chiefs. Brady had 267 passing yards in the + game, which the Patriots lost 42–27.[364] In Week 2, Brady threw three touchdown + passes in the first quarter of a game for the first time in his career in a + 36–20 win over the New Orleans Saints.[365] He finished the game with 447 passing + yards and three touchdowns, earning him his 28th AFC Offensive Player of the + Week award.[366] This broke the record previously held by Peyton Manning for + the most AFC Offensive Player of the Week awards in a career.[367] In Week 3, + Brady threw for 378 passing yards and five touchdowns as he led the Patriots + to a 36–33 comeback win against the Houston Texans, a performance that earned + him AFC Offensive Player of the Week honors for the second straight week, and + the 29th for his career.[368] In Week 4, Brady played well again, throwing for + 307 yards, two touchdowns, and no interceptions, but the Carolina Panthers upset + the Patriots 33–30 on a last second field goal from Graham Gano as time expired. + In the Patriots next game, a narrow 19–14 win against the Tampa Bay Buccaneers + on Thursday Night Football, Brady completed 30 out of 40 passes for 303 yards, + one touchdown, and one interception. With this victory, Brady became the third + quarterback in NFL history to record 186 career regular season victories, tying + Peyton Manning and Brett Favre for the most such wins of any quarterback in + NFL history.[369] On October 10, it was unveiled that Brady was diagnosed with + an AC joint sprain in his left (non-throwing) shoulder.[370][371] During Week + 6 against the New York Jets, Brady threw for 257 passing yards, two touchdowns, + and an interception as the Patriots won 24–17. Brady obtained his 187th career + win, setting the record for most regular season wins in NFL history.[372] The + next week, the Patriots hosted the Atlanta Falcons in a rematch of Super Bowl + LI on Sunday Night Football. Brady was efficient, completing 21 of 29 passes + for 249 yards and two touchdowns as the Patriots defeated the Falcons, 23–7.[373] + The following week, Brady completed 32-of-47 passes for 333 yards and one touchdown + in a 21–13 win against the Los Angeles Chargers. With the win against the Chargers, + the Patriots headed into their bye week with an AFC best 6–2 record.[374] + + Coming off their bye week, Brady and the Patriots traveled to Denver for a Sunday + Night Football match against the Denver Broncos. The Patriots dominated the + game, winning 41–16, with Brady completing 25 of 34 passes for 266 yards and + three touchdowns. For his performance against Denver, Brady was named the AFC + Offensive Player of the Week for the third time in the season.[375] After spending + the next week training at the United States Air Force Academy in Colorado Springs, + Colorado, Brady and the Patriots traveled to Mexico City for a special regular + season match with the Oakland Raiders. Like the previous week, the Patriots + won big, this time by a final score of 33–8. Brady completed 30 of 37 passes + for 339 yards and three touchdowns in the win. During Week 12 against the Miami + Dolphins, Brady finished with 227 passing yards, 4 touchdowns, and an interception + as the Patriots won 35–17. Brady became the first quarterback at age 40 to throw + for 4 touchdowns in a game. Brady was named AFC Offensive Player of the Month + for November.[376] During Week 13 against the Buffalo Bills, Brady finished + with 258 passing yards and an interception as the Patriots won 23–3. During + the game, Brady yelled at offensive coordinator Josh McDaniels after failing + to execute a play properly in the first quarter. Brady claimed that this wasn + t his first incident with McDaniels, with whom he had worked together for 13 + years, with a fruitful relationship.[377][378] The following week, the Patriots + traveled to Miami to face the Dolphins on Monday Night Football. The Dolphins + held off a late comeback attempt to defeat the Patriots 27–20, with Brady completing + 24 of 43 passes for 233 yards, a touchdown, and two interceptions.[379] In Week + 15, Brady completed 22 of 35 passes for 298 yards, a touchdown, and an interception + as he led the Patriots to a 27–24 comeback victory against the Pittsburgh Steelers.[380] + With this victory, the Patriots secured their ninth straight AFC East division + title. On December 19, Brady was selected to the Pro Bowl for the 13th time + in his career.[381][382] On Christmas Eve against the Buffalo Bills, Brady completed + 21 of 28 passes for 224 yards, two touchdowns, and an interception as the Patriots + won their twelfth game of the season, 37–16.[383] With this win, combined with + a loss by the Jacksonville Jaguars later in the day, the Patriots clinched a + first-round bye for the eighth straight year.[384] In the regular season finale + against the New York Jets on New Year s Eve, Brady completed 18 of 37 passes + for 190 yards, two touchdowns, and no interceptions in a 26–6 victory. With + the win, the Patriots clinched home-field advantage throughout the AFC playoffs.[385] + Brady finished the 2017 regular season as the NFL s passing yards leader with + 4,577 passing yards, making him the oldest player ever to lead the league in + passing yards.[386] He was named a first-team All-Pro by the Associated Press + for the third time in his career.[387] Earning 40 of 50 votes, Brady was named + the NFL Most Valuable Player for the third time in his career.[388] + + Brady playing in Super Bowl LII + + Brady and the Patriots began their postseason run by hosting the Tennessee Titans + in the Divisional Round of the playoffs. Brady completed 35 passes out of 53 + attempts for 337 yards, 3 touchdowns, and no interceptions in a 35–14 Patriots + victory.[389] With the win, the Patriots advanced to the AFC Championship Game + for the seventh straight year. Days after the divisional round, it was revealed + that Brady had a minor cut on his right hand, which required stitches.[390] + Despite this injury, Brady managed to start the AFC Championship Game, where + the Patriots faced off against the Jacksonville Jaguars. Brady led a fourth + quarter comeback to lead the Patriots to a 24–20 victory. He finished the game + with 26 completions out of 38 attempts for 290 passing yards, two passing touchdowns, + and no interceptions.[391] The win gave Brady and Patriots head coach Bill Belichick + their eighth conference title as a quarterback–head coach tandem, and the Patriots + a berth in Super Bowl LII, their tenth Super Bowl appearance as a team, both + of which extended NFL records. In Super Bowl LII at U.S. Bank Stadium in Minneapolis, + Minnesota, the Patriots faced off against the Philadelphia Eagles and their + second-string quarterback Nick Foles. Brady completed 28 passes on 48 attempts + for 3 touchdowns, no interceptions, and a Super Bowl record 505 yards – which + also set a new record for the most passing yards by a quarterback in any postseason + game in NFL history. With roughly two minutes remaining in the game and the + Eagles leading 38–33, Brady was strip-sacked by Brandon Graham. The Eagles recovered + the fumble and cemented their 41–33 win with a field goal, securing their first + franchise Super Bowl victory.[392] This was the third time overall that Brady + had lost in a Super Bowl, becoming the fourth starting quarterback in Super + Bowl history to lose at least three Super Bowls (Jim Kelly, Fran Tarkenton, + and John Elway).[393] In addition, this was the first time he had lost a Super + Bowl to a team and a quarterback other than the New York Giants and Eli Manning, + respectively.[394] + + Brady started his 19th professional season with 277 passing yards, three touchdowns, + and one interception in a 27–20 victory over the Houston Texans in the season + opener.[395][396] After losses to the Jacksonville Jaguars and Detroit Lions + over the next two games, Brady had 274 passing yards, three touchdowns, and + two interceptions in a 38–7 victory over the Miami Dolphins in Week 4.[397] + In the following game, a 38–24 victory over the Indianapolis Colts, he had 341 + passing yards, three touchdowns, and two interceptions to go with a rushing + touchdown. One of his touchdown passes went to Josh Gordon, who became the NFL-record + 71st different player to catch a touchdown from Brady.[398][399] In Week 6, + a 43–40 victory over the Kansas City Chiefs on Sunday Night Football, Brady + had 340 passing yards and a passing touchdown to go with a four-yard rushing + touchdown.[400] In Week 7, a 38–31 victory over the Chicago Bears, he had 277 + passing yards, three passing touchdowns, and one interception.[401] In Week + 12, against the New York Jets, Brady passed for 283 yards, with two touchdowns + and no interceptions and a 115.4 passer rating in a 27–13 victory.[402] In Week + 13, Brady reached 1,000 career rushing yards in a 24–10 victory over the Minnesota + Vikings, becoming the oldest player to reach that mark since 1970.[403] In Week + 15, Brady reached 70,000 passing yards, becoming only the fourth quarterback + in NFL history to accomplish the feat. He finished with 279 passing yards as + the Patriots lost 10–17 to the Pittsburgh Steelers.[404] During Week 16 against + the Buffalo Bills, Brady was limited to 126 passing yards, but the Patriots + combined for 273 rushing yards and won 24–12, clinching the AFC East pennant + for the 10th consecutive season and 16th time in 18 years.[405] In Week 17, + Brady completed 24 of 33 passes for 250 yards, and 4 touchdowns in a 38–3 win + against the Jets that allowed the Patriots to clinch the AFC s #2 seed and a + first-round bye in the AFC playoffs.[406][407] Brady finished the season completing + 375 of 570 passes (a 65.8% completion rate), 4,355 yards, 29 touchdowns and + 11 interceptions.[408] + + Following their first-round bye, the Patriots started their playoff run against + the Los Angeles Chargers in the Divisional Round. The Patriots jumped out to + a 35–7 halftime lead en route to a 41–28 win that saw Brady complete 34 of 44 + passes for 343 yards, a touchdown, and no interceptions.[409] With the win, + the Patriots advanced to the AFC Championship Game for the eighth consecutive + year, this time to face the Chiefs at Arrowhead Stadium.[410] + + In the AFC Championship Game, the Patriots opened the game with a 80-yard, 15-play + opening drive capped with a 1-yard Sony Michel rushing touchdown. The Patriots + went into halftime with a 14–0 lead. However, the Chiefs battled back in the + second half and Harrison Butker hit a 39-yard field goal for the Chiefs with + just 8 seconds remaining in regulation to send the game into overtime with a + score of 31–31. The Patriots won the coin toss to start overtime and elected + to receive the ball. Brady led the Patriots on a 75-yard drive that resulted + in a game-winning 2-yard rushing touchdown by Rex Burkhead. With the victory, + Brady earned a Super Bowl appearance for the third straight season and the ninth + time overall in his career. Brady finished the game completing 30 of 46 attempts, + with 348 yards passing, one passing touchdown, and two interceptions.[411] In + Super Bowl LIII at Mercedes-Benz Stadium in Atlanta, Georgia, Brady completed + 21 of 35 passes for 262 passing yards and an interception as the Patriots won + 13–3 over the Los Angeles Rams in the lowest-scoring Super Bowl in history. + With the victory, the Patriots became the second NFL team to win six Super Bowls, + tying the Pittsburgh Steelers for the most in NFL history. In addition, Brady + became the first player ever to win six Super Bowls as well as the oldest quarterback + at 41 years of age to win a Super Bowl.[412][413] + + Won the Super Bowl + + AP NFL MVP + + 1 0 1 3 33.3 6 2.0 6 0 0 42.4 0 0 0 0 0 0 0 0 0–0 + + 15 14 264 413 63.9 2,843 6.9 91 18 12 86.5 36 43 1.2 0 41 216 12 3 11–3 + + 16 16 373 601 62.1 3,764 6.3 49 28 14 85.7 42 110 2.6 1 31 190 11 5 9–7 + + 16 16 288 474 60.8 3,692 7.8 50 28 14 92.6 43 28 0.7 0 26 162 7 5 14–2 + + 16 16 319 516 61.8 3,529 6.8 62 24 12 87.9 49 102 2.1 0 26 175 12 4 12–4 + + 16 16 398 578 68.9 4,806 8.3 69 50 8 117.2 37 98 2.6 2 21 128 6 4 16–0 + + 1 1 7 11 63.6 76 6.9 26 0 0 83.9 0 0 0 0 0 0 0 0 1–0 + + 16 16 371 565 65.7 4,398 7.8 81 28 13 96.2 29 44 1.5 1 16 86 4 2 10–6 + + 16 16 401 611 65.6 5,235 8.6 99 39 12 105.6 43 109 2.5 3 32 173 6 2 13–3 + + 16 16 401 637 63.0 4,827 7.6 83 34 8 98.7 23 32 1.4 4 27 182 2 0 12–4 + + 12 12 291 432 67.4 3,554 8.2 79 28 2 112.2 28 64 2.3 0 15 87 5 0 11–1 + + Total‡ + + ‡ Career totals accurate as of the end of the 2018 regular season.[414] + + Passing[415] + + 3 3 60 97 61.9 572 5.9 29 1 1 77.3 8 22 2.8 1 5 36 1 0 3–0 + + 3 3 75 126 59.5 792 6.3 52 5 2 84.5 12 18 1.5 0 0 0 0 0 3–0 + + 3 3 55 81 67.9 587 7.2 60 5 0 109.4 7 3 0.4 1 0 0 1 1 3–0 + + 2 2 35 63 55.6 542 8.6 73 4 2 92.2 3 8 2.7 0 4 12 2 0 1–1 + + 3 3 70 119 58.8 724 6.1 49 5 4 76.5 8 18 2.2 0 4 22 2 0 2–1 + + 3 3 77 109 70.6 737 6.8 53 6 3 96.0 4 −1 −0.2 0 8 52 1 1 2–1 + + 1 1 23 42 54.8 154 3.7 24 2 3 49.1 0 0 0 0 3 22 1 1 0–1 + + 3 3 75 111 67.6 878 7.9 61 8 4 100.4 9 10 1.1 1 3 15 0 0 2–1 + + 2 2 54 94 57.4 664 7.1 49 4 2 84.7 3 4 1.3 0 1 9 0 0 1–1 + + 3 3 93 135 68.9 921 6.8 46 10 4 100.3 9 13 1.4 1 3 16 0 0 3–0 + + 3 3 93 142 65.5 1,137 8.0 48 7 3 97.7 9 13 1.4 0 9 42 0 0 3–0 + + 3 3 89 139 64.0 1,132 8.1 50 8 0 108.6 7 8 1.1 0 4 19 1 1 2–1 + + 3 3 85 125 68.0 953 7.6 35 2 3 85.8 5 −4 −0.8 0 1 9 1 0 3–0 + + 16 27 59.3 145 5.4 1 0 86.2 1 3 3.0 0 W 20–17 1–0 + + 32 48 66.7 354 7.4 3 1 100.5 2 12 6.0 0 W 32–29 1–0 + + 23 33 69.7 236 7.2 2 0 110.2 1 −1 −1.0 0 W 24–21 1–0 + + 29 48 60.4 266 5.5 1 0 82.5 0 0 0 0 L 17–14 0–1 + + 43 62 69.4 466 7.5 2 1 95.2 1 15 15.0 0 W 34–28 (OT) 1–0 + + 28 48 58.3 505 10.5 3 0 115.4 1 6 6.0 0 L 41–33 0–1 + + 21 35 60.0 262 7.5 0 1 71.3 2 −2 −1.0 0 W 13–3 1–0 + + Regular season (career) + + Most games won by a quarterback: 207[417] + + Best touchdown to interception ratio in a season: 28:2[418] + + Most wins on the road by a quarterback: 92[419] + + Most wins at home by a quarterback: 115 [420] + + Only quarterback to have three consecutive games with 300+ passing yards, 3+ + Touchdown-passes and 0 interceptions[421] + + Oldest QB to lead the league in passing yards: 40 [422] + + Most yards in a single season for a quarterback aged 40 and older (age 40): + 4,577[422] + + Most touchdown passes with one team: 517[423] + + Oldest player to win NFL MVP: 40 [424] + + Most career passing yards with one team: 70,514[424] + + Most games played: 40[425][426] + + Most games started: 40[427] + + Most games won by a starting quarterback: 30[427] + + Most consecutive wins by a starting quarterback: 10 (2001, 2003–2005) + + Most consecutive wins to start a career by a starting quarterback: 10 (2001, + 2003–2005) + + Most career home wins by a starting quarterback: 20 (2001–2019) + + Most consecutive home wins by a starting quarterback: 9 (2013–2019) + + Most touchdown passes: 73[428] + + Most passing yards: 11,179[429] + + Most passing yards in a single playoff game: 505 (Super Bowl LII)[18] + + Most passes completed: 1,005[430] + + Most passes attempted: 1,589[430] + + Most passes intercepted: 34[431] + + Most division titles won by a starting quarterback: 16[427] + + Most NFL conference championship appearances by a starting quarterback: 13[432] + + Most NFL conference championship wins by a starting quarterback: 9[433] + + Oldest Quarterback to win an AFC title game: 41 years, 5 months, 17 days + + Most career 300+ passing yard games: 16[430] + + Most game-winning drives: 13[100] + + Most multi-TD passes: 23[433] + + Super Bowl (career) + + Most passing yards: 2,838[18] + + Most passes completed: 256[18] + + Most passes attempted: 392[18] + + Most wins as starting QB: 6[100] + + Most passes completed in first half of a single Super Bowl: 20 (XLIX)[435] + + Most passes completed in a single Super Bowl: 43 (LI)[100] + + Most passes attempted in a single Super Bowl: 62 (LI)[100] + + Most passing yards in a single Super Bowl: 505 (LII)[18] + + Most Super Bowl appearances: 9[436] + + Most passing attempts without an interception in a single Super Bowl: 48 (XLII + & LII)[437] + + Oldest QB to start a Super Bowl: 41 yrs 6 months 0 days + + Oldest QB to win a Super Bowl: 41 yrs 6 months 0 days + + Oldest player to win Super Bowl MVP: 39 yrs 6 months 2 days + + Most consecutive completions in a single Super Bowl: 16 (XLVI)[437] + + Most game-winning drives: 6[438] + + Most wins as a player: 6. + + Brady has been featured as a guest star on some popular television programs, + hosting Saturday Night Live in 2005[439] and voicing himself in the 2005 The + Simpsons episode Homer and Ned s Hail Mary Pass and the 2006 Family Guy episode + ( Patriot Games ; both football-themed episodes were broadcast within a week + of that year s Super Bowl.[440][441] In 2009, he appeared as himself in a sixth + season episode of Entourage.[442] In 2015, he had cameo appearances as fictionalized + versions of himself in the Entourage movie[443] and Ted 2.[444] + + In 2007, Brady was a model for the Stetson cologne.[445] Brady has endorsed + brands including Uggs, Under Armour, Movado, Aston Martin and Glaceau Smartwater. + According to Forbes, he earned about $7 million from endorsements alone in 2014.[446][447][448] + In 2016, he began appearing in a Beautyrest Black commercial campaign for Simmons + Bedding Company.[449] In 2016, he launched his own line of vegan snacks.[450] + + On January 20, 2016, Brady announced the launch of his peak performance website + TB12Sports.com. The site features information on Brady s training regimen and + includes a store to purchase TB12 equipment and merchandise.[451] Later in the + year, on August 23, 2016, the TB12 brand then expanded to offer a snack line. + The snacks contain raw, vegan, and organic ingredients that are also free of + gluten and dairy.[452] The following month, Brady, alongside Boston Private + and Robert Paul Properties, announced the formation of the TB12 Foundation. + The purpose of the nonprofit foundation is to provide free post-injury rehabilitation + care and training to underprivileged, young athletes.[453] In March 2017, Brady + moved beyond his snack line and partnered with meal-kit startup Purple Carrot + to offer his own line of TB12 Performance Meals. The meals utilize whole foods + and focus on providing nutrients for workout recovery.[454][455] On September + 19, 2017, Simon & Schuster published Brady s first book, The TB12 Method: How + to Achieve a Lifetime of Sustained Peak Performance. Within 48 hours, it had + become a number one best-seller on Amazon.com.[456] The book also reached #1 + on the The New York Times weekly Best Sellers list, to be featured in the edition + of October 8, 2017.[457] + + Filmmaker Gotham Chopra filmed Brady during the 2017 offseason and regular season + for a Facebook Watch documentary series entitled Tom vs Time. According to The + New York Times, the documentary follows Brady as he conducts his ongoing subversion + campaign against the actuarial tables of quarterback longevity. [458] + + Brady riding a bicycle for charity at the Best Buddies Ride in Hyannis, Massachusetts, + in May 2009 + + Brady dated actress Bridget Moynahan from 2004 until late 2006.[459] On February + 18, 2007, Moynahan confirmed to People magazine that she was more than three + months pregnant with Brady s child.[459][460] Brady and Moynahan ended their + relationship sometime in early December 2006, around the time Moynahan became + pregnant.[461] John Edward Thomas Moynahan[462] was born in August 2007, at + Saint John s Health Center in Santa Monica, California.[463] + + Brady began dating Brazilian supermodel Gisele Bündchen in December 2006.[464] + In 2009, Brady said they had been set up on a blind date by a mutual friend.[465] + Brady and Bündchen married on February 26, 2009, in an intimate Catholic ceremony + in Santa Monica, California.[466] Together, they have two children: a son named + Benjamin Rein born in December 2009,[467] and a daughter named Vivian Lake born + in December 2012.[468] + + Brady and baseball player Kevin Youkilis became brothers-in-law in 2012, when + Youkilis married Brady s sister Julie.[469] + + Brady and his family live in Brookline, Massachusetts, and New York City.[470] + Brady s health regimen includes Transcendental Meditation, yoga, an 80/20 diet + (meaning 80% alkaline and 20% acidic), early bed time, resistance training and + neuroplasticity training.[471] + + Brady attended the 2004 State of the Union Address as a special guest of then-President + George W. Bush.[472] In 2004, he told ESPN The Magazine that being a U.S. Senator + would be his craziest ambition .[473][474] + + Brady is a friend of President Donald Trump;[475][476] in 2017, Brady indicated + he had known Trump for 16 years .[477] At a political event in New Hampshire + on the day before the 2016 presidential election, Trump said he had received + a call from Brady, and that Brady told him Donald, I support you, you re my + friend, and I voted for you. However, after Gisele Bündchen was asked directly + on Instagram whether she and Brady backed Trump, Bündchen answered NO! .[478] + After a Trump campaign Make America Great Again cap was photographed in Brady + s locker, Brady said that Bündchen told him not to discuss politics anymore, + which he thought was a good decision .[479] Brady did not join most of his + teammates from the New England Patriots in visiting Trump and the White House + in April 2017, citing personal family matters .[480] + + While there has been speculation that Brady would run for political office,[481] + in a 2015 interview he stated he had no interest in doing so.[482][483][484] + + In 2018, he endorsed Republican Helen Brady (no relation), who was running for + State Auditor of Massachusetts. Brady lost the election to Democrat Suzanne + Bump.[485][486][487] + + Brady and his family adhere to a controversial, strict diet, the TB12 Method + , that has attracted much media attention.[488][489] He advocates drinking 1/32 + of one s body weight in water daily.[490] He avoids consumption of most fruits, + mushrooms, tomatoes, peppers, eggplants, coffee, Gatorade, white sugar or flour, + gluten, dairy, soda, cereal, white rice, potatoes, and bread.[491][492] + + Other professional athletes including Kirk Cousins[493] and Mark Scheifele have + started to adopt his regimen.[494][495] + + Lists of Michigan Wolverines football passing leaders + + List of most wins by a National Football League starting quarterback + + List of Saturday Night Live guests + + ^ He did not start as a rookie, and missed nearly all of 2008 with a torn ACL.[14][15] + + ^ Reiss, Mike (January 1, 2017). Tom Brady sets NFL record for best TD to INT + ratio in a season . ESPN.com. Archived from the original on December 11, 2018. + Retrieved January 6, 2019. + + ^ In multiple seasons, from 1950 to 2018, requiring Pass Completion % >= 1, + sorted by most games matching criteria. (Note: Click on Games Won column to + sort.) . www.pro-football-reference.com. Pro Football Reference. Retrieved December + 3, 2018. + + ^ Brady, Welker get kick out of 99-yard touchdown . USATODAY.COM. Retrieved + 2019-02-12. + + ^ NFL (2017-08-03), Tom Brady s 40 Longest Touchdown Passes | NFL Highlights, + retrieved 2019-02-12 + + ^ Van Valkenburg, Kevin. Let all debate end: Tom Brady is the GOAT . ESPN.com. + Retrieved January 29, 2019. + + ^ Tom Brady greatest QB of all time? It s now safe to make that argument – + The Denver Post . Archived from the original on August 8, 2016. Retrieved June + 20, 2016. + + ^ Freeman, Mike. Brady Takes Throne as QB GOAT . Bleacher Report. Archived + from the original on July 7, 2016. Retrieved June 20, 2016. + + ^ Paine, Neil (February 6, 2015). Tom Brady s (Statistical) Place In The Pantheon + Of NFL QBs . FiveThirtyEight. Archived from the original on June 8, 2016. Retrieved + June 20, 2016. + + ^ Tom Brady, Joe Montana head top 10 quarterbacks in NFL history – National + Football League . Archived from the original on October 21, 2016. Retrieved + October 20, 2016. + + ^ Plaschke, Bill. Super Bowl 2019: Dazed and confused, Goff shows his age in + Atlanta . Los Angeles Times. Los Angeles Times. Retrieved February 4, 2019. + + ^ 25 of the greatest NFL Draft picks ever . CBS. CBS Interactive. Archived + from the original on February 22, 2017. Retrieved February 21, 2017. + + ^ Gaines, Cork. How the Patriots pulled off the biggest steal in NFL history + . Business Insider. Business Insider. Archived from the original on February + 22, 2017. Retrieved February 21, 2017. + + ^ Reineking, Jim. Top all-time NFL draft steals . NFL. NFL Enterprise LLC. + Archived from the original on February 22, 2017. Retrieved February 21, 2017. + + ^ Sources: Brady out with ACL tear . Yahoo Sports. Archived from the original + on October 15, 2015. Retrieved July 29, 2015. + + ^ Tom Brady . Pro-Football-Reference.com. Archived from the original on February + 6, 2018. Retrieved July 29, 2015. + + ^ Tom Brady named NFL s MVP for third time of career . NFL.com. Archived from + the original on July 26, 2018. Retrieved July 26, 2018. + + ^ Brady becomes first QB to 200 regular-season wins in NFL . Retrieved October + 15, 2018. + + ^ a b c d e f g 99-yard TDs . Pro Football Hall of Fame. Archived from the + original on March 28, 2018. Retrieved March 28, 2018. Cite error: Invalid + tag; name :1 defined multiple times with different content (see the help page). + + ^ Reiss, Mike (July 28, 2015). NFL s statement on upholding Tom Brady s suspension + at four games . ESPN.com. Archived from the original on December 27, 2016. Retrieved + December 26, 2016. + + ^ https://www.upi.com/amp/Super-Bowl-LIII-Patriots-beat-Rams-Brady-wins-record-6th-Lombardi-Trophy/5201549235499/ + + ^ Tom Brady bio at . TV Guide. Archived from the original on May 16, 2009. + Retrieved August 4, 2012. + + ^ Little brother big shot-thepostgame . Archived from the original on March + 2, 2010. Retrieved February 2, 2010. + + ^ a b Tom Brady s roots run deep into 19th-century Boston . The Boston Globe. + March 4, 2017. Archived from the original on March 6, 2017. Retrieved March + 6, 2017. + + ^ Gisele, Tom Brady Christen Baby Benjamin . Us Weekly. June 23, 2010. Archived + from the original on September 26, 2012. Retrieved September 12, 2010. + + ^ Collie, Ashley Jude (July 1, 2004). The Brady Brunch . American Way. Archived + from the original on January 20, 2010. Retrieved September 27, 2010. + + ^ Schorn, Daniel (December 23, 2007). Tom Brady: The Winner . CBS News. Archived + from the original on January 2, 2011. Retrieved January 11, 2011. + + ^ Tom Brady Family Tree . Makemyfamilytree.com. Archived from the original + on July 21, 2012. Retrieved August 4, 2012. + + ^ Tom Brady connection to Irish Famine ancestors from Boston discovered . IrishCentral. + March 6, 2017. Archived from the original on March 6, 2017. Retrieved March + 6, 2017. + + ^ Judge, Clark (February 7, 2005). Only 27, Brady seals his Hall of Fame credentials + . CBSSports.com. Archived from the original on February 10, 2005. Retrieved + December 26, 2007. + + ^ New England Patriots vs. Oakland Raiders – Recap – October 2, 2011 . ESPN. + October 2, 2011. Retrieved October 29, 2011. + + ^ Jim Ducibella (June 28, 2005), W&M s football facilities growing , Virginia + Pilot and Ledger-Star, p. 3, archived from the original on June 10, 2014, retrieved + January 12, 2014 + + ^ Profile Archived March 5, 2016, at the Wayback Machine, boston.com; accessed + November 12, 2014. + + ^ 2004 Athletic Hall of Fame Inductees . Junípero Serra High School. Archived + from the original on September 27, 2007. Retrieved December 26, 2007. + + ^ a b Story of boy named Tom Brady . NY Daily News. Archived from the original + on December 8, 2015. Retrieved December 8, 2015. + + ^ JockBio: Tom Brady Biography . www.jockbio.com. Archived from the original + on December 11, 2015. Retrieved December 4, 2015. + + ^ Lessons from Tom Brady s Recruiting in College . NCSA Athletic Recruiting + Blog. Archived from the original on December 8, 2015. Retrieved December 8, + 2015. + + ^ 1995 tops 1998 as Michigan s best recruiting class . www.maizeandbluenews.com. + Archived from the original on December 8, 2015. Retrieved December 4, 2015. + + ^ a b c d Tom Brady . New England Patriots. Archived from the original on March + 14, 2015. Retrieved December 8, 2015. + + ^ a b c The College Recruitment of Tom Brady . Bleacher Report. Archived from + the original on November 14, 2015. Retrieved December 4, 2015. + + ^ Things fell apart when Cal lost Brady . East Bay Times. February 2, 2008. + Archived from the original on October 25, 2017. Retrieved October 24, 2017. + + ^ Tom Brady apparently silently committed to Cal before he visited Michigan + . USA Today High School Sports. March 1, 2017. Archived from the original on + October 25, 2017. Retrieved October 24, 2017. + + ^ Tom Brady: The Story of a Baseball Failure . Major League Baseball. Archived + from the original on December 8, 2015. Retrieved December 4, 2015. + + ^ Tom Brady – Official New England Patriots biography . New England Patriots. + Archived from the original on March 5, 2005. Retrieved January 11, 2010. + + ^ Montreal Expos tried desperately to get Tom Brady to pick baseball over football + . Patriots Wire. July 11, 2017. Archived from the original on July 15, 2017. + Retrieved July 11, 2017. + + ^ The College Recruitment of Tom Brady . Bleacher Report. Archived from the + original on November 14, 2015. Retrieved December 8, 2015. + + ^ Tom Brady Biography . Biography. Bio. Archived from the original on December + 8, 2015. Retrieved December 7, 2015. + + ^ Knoblauch, Max (September 18, 2014). Tom Brady s Old Internships Look Really + Cute on His Résumé . Mashable. Archived from the original on September 22, 2014. + Retrieved September 25, 2014. + + ^ Kinney, Aaron (February 24, 2012). Serra to name football stadium after Brady + . San Jose Mercury News. Archived from the original on February 3, 2015. Retrieved + February 3, 2015. + + ^ Bradford, Rob (January 19, 2009). The Tom Brady Interview (in Toronto) . + WEEI Sportsradio Network. Archived from the original on March 1, 2009. Retrieved + May 18, 2010. + + ^ a b Rosenberg, Michael (January 9, 2012). Tom Brady As You Forgot Him . Sports + Illustrated. Archived from the original on February 23, 2016. Retrieved August + 22, 2015. + + ^ 1997 Michigan Wolverines Schedule and Results . College Football at Sports-Reference.com. + Archived from the original on February 24, 2018. Retrieved March 17, 2018. + + ^ Jenkins, Lee (January 31, 2008). Self-made man . Sports Illustrated. Archived + from the original on January 11, 2010. Retrieved January 11, 2010. + + ^ Pedulla, Tom (October 31, 2006). Decorated Patriots QB feels he still has + something to prove . USA Today. Archived from the original on January 26, 2008. + Retrieved December 27, 2007. + + ^ Tom Brady s Guru Archived September 9, 2018, at the Wayback Machine, by + Eric Adelson, January 11, 2011. + + ^ 60 Minutes Sports (Interview). YouTube. Archived from the original on January + 16, 2016. Retrieved January 6, 2019. + + ^ MGoBlue Statistics Archive . University of Michigan. Archived from the original + on September 7, 2004. Retrieved December 27, 2007. + + ^ Notes and Quotes from The Game . Ohio State Buckeyes Athletics. Archived + from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Capital One Bowl: Capital One Bowl football game resource for college football + fans . September 5, 2008. Archived from the original on February 8, 2007. Retrieved + September 5, 2008. + + ^ U-M Win Streak Comes to End at Michigan State, 34–31 – University of Michigan + . University of Michigan Athletics. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Schutte, Dustin. Throwback Thursday: Tom Brady s NFL Success Began at Michigan + . Usports. Archived from the original on September 10, 2018. Retrieved January + 6, 2019. + + ^ OSU-Michigan 1999: Buckeyes left out of bowl season after 24–17 loss to Wolverines + . Cleveland.com. Archived from the original on December 28, 2017. Retrieved + December 28, 2017. + + ^ Michigan Claims 35–34 Overtime Victory over Alabama – University of Michigan + . University of Michigan Athletics. Archived from the original on December 26, + 2017. Retrieved December 25, 2017. + + ^ 1999 Michigan Wolverines Schedule and Results . College Football at Sports-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ Tom Brady College & Pro Football Statistics - Totalfootballstats.com . www.totalfootballstats.com. + Archived from the original on November 6, 2015. Retrieved December 8, 2015. + + ^ Tom Brady . sports-reference.com. Sports Reference LLC. Archived from the + original on September 11, 2016. Retrieved September 2, 2016. + + ^ Historical NFL Wonderlic Scores . wonderlictestsample.com. Archived from + the original on September 2, 2016. Retrieved September 2, 2016. + + ^ Tom Brady . nfldraftscout.com. Archived from the original on August 29, 2016. + Retrieved August 29, 2016. + + ^ Yang, Nicole (March 3, 2017). Tom Brady digs up old T-shirt and harsh scouting + reports from NFL combine . Boston Globe. Archived from the original on September + 2, 2018. Retrieved January 6, 2019. + + ^ Iyer, Vinnie (March 19, 2015). Draft throwback: Read how Tom Brady nailed + his own scouting report . Sporting News. Archived from the original on April + 21, 2018. Retrieved January 6, 2019. + + ^ Tom Brady vs. the Browns: A contrast in winning ways . Archived from the + original on November 16, 2018. Retrieved January 6, 2019. + + ^ Wilner, Barry (January 13, 2013). Patriots beat Texans 41–28, Ravens up next + . Yahoo! Sports. Archived from the original on January 16, 2013. Retrieved January + 13, 2013. + + ^ Greenberg, Alan (September 27, 2001). In Brady They Trust: Belichick Has + Faith In Backup-turned-starter . Hartford Courant. Archived from the original + on December 1, 2017. Retrieved January 6, 2019. + + ^ Cafardo, Nick (January 7, 2002). Patriots clinch AFC East with blowout in + Carolina . Boston Globe. Archived from the original on December 1, 2017. Retrieved + January 6, 2019. + + ^ Lynch, Andrew (January 26, 2017). The 10 biggest gambling upsets in Super + Bowl history, ranked . Fox Sports. Archived from the original on December 1, + 2017. Retrieved January 6, 2019. + + ^ Cimini, Rich. Super Bowl XXXVI: Vinatieri and Pats beat Rams in Star-Spangled + Stunner . New York Daily News. Archived from the original on December 1, 2017. + Retrieved January 6, 2019. + + ^ Longest winning streaks in sports . USA Today. Archived from the original + on December 1, 2017. Retrieved January 6, 2019. + + ^ NFL: Brady and Patriots stride past outmatched Jets . The New York Times. + December 27, 2005. Archived from the original on December 1, 2017. Retrieved + January 6, 2019. + + ^ Associated Press (January 7, 2006). McGinest, Patriots sack Jaguars 28–3 + . NFL.com. Archived from the original on December 1, 2017. Retrieved January + 6, 2019. + + ^ Associated Press (December 29, 2007). Patriots break scoring record, Brady + and Moss set season marks . NFL. Archived from the original on December 9, 2017. + Retrieved November 27, 2017. + + ^ Shaughnessy, Dan (December 30, 2007). Just perfect: Patriots make history, + beat Giants for 16–0 season . Boston Globe. Archived from the original on December + 1, 2017. Retrieved January 6, 2019. + + ^ Bayne, Bijan (December 24, 2007). 2007 Patriots vs. 1972 Dolphins: Who Would + Win Batttle of the Undefeateds? . Bleacher Report. Archived from the original + on September 9, 2018. Retrieved January 6, 2019. + + ^ Statistics Bowl – How The 2007 Patriots And The 1972 Dolphins Compare Scientifically + . Science 2.0. December 30, 2008. Archived from the original on September 9, + 2018. Retrieved January 6, 2019. + + ^ Associated Press (January 5, 2008). Brady takes 49 of 50 votes in MVP voting + . ESPN. Archived from the original on September 9, 2018. Retrieved January 6, + 2019. + + ^ AP athletes of the year: Brady makes being a superstar look almost routine + . Deseret News. December 22, 2007. Archived from the original on September 9, + 2018. Retrieved January 6, 2019. + + ^ Battista, Judy (February 4, 2008). Giants Stun Patriots in Super Bowl XLII + . The New York Times. + + ^ Springer, Shira (September 11, 2008). Brady has both ACL and MCL tears . + Boston Globe. Archived from the original on December 19, 2017. Retrieved January + 6, 2019. + + ^ Associated Press. Tom Brady Wins AP Comeback Player Award . CBS News. Archived + from the original on September 25, 2018. Retrieved January 6, 2019. + + ^ Forsberg, Chris (September 12, 2011). Brady s INT streak ends at 358 attempts + . ESPN. Archived from the original on December 1, 2017. Retrieved January 6, + 2019. + + ^ Zimmer, John; Marini, Matt, eds. (2013). Official 2013 National Football League + Record & Fact Book (PDF). New York: National Football League. ISBN 978-1-603-20980-9. + Retrieved February 3, 2015. + + ^ NFL.com Wire Reports (February 6, 2011). Patriots Brady wins second MVP + award by unanimous decision . Archived from the original on December 1, 2017. + Retrieved January 6, 2019. + + ^ FanSided Staff (November 24, 2015). Best moments in NFL history: Lawrence + Taylor wins 1986 NFL MVP . FanSided. Archived from the original on December + 1, 2017. Retrieved January 6, 2019. + + ^ AP NFL Most Valuable Player Winners . Pro Football Reference. Archived from + the original on June 10, 2016. Retrieved January 6, 2019. + + ^ Super Bowl Most Valuable Player Winners . Pro Football Reference. Archived + from the original on August 3, 2017. Retrieved January 6, 2019. + + ^ 2011 NFL Top 100 . Pro Football Reference. Archived from the original on + January 2, 2019. Retrieved January 6, 2019. + + ^ Hutchins, Andy (February 6, 2012). Super Bowl 46: Bill Belichick s Coaching + Errors Leave Patriots On Losing End . SB Nation. Archived from the original + on September 9, 2018. Retrieved January 6, 2019. + + ^ Brady s big night ends with plenty of new entries in SB record book . Fox + Sports. February 2, 2015. Archived from the original on September 9, 2018. Retrieved + January 6, 2019. + + ^ SI Wire (February 1, 2015). Patriots QB Tom Brady named Super Bowl XLIX MVP + . Sports Illustrated. Archived from the original on September 9, 2018. Retrieved + January 6, 2019. + + ^ 2016-Reg-Week-4 . Patriots.com. October 2, 2016. Archived from the original + on May 4, 2017. Retrieved January 6, 2019. + + ^ King, Peter (February 6, 2017). Super Bowl 51: Patriots Take the Fifth in + Epic Comeback . Sports Illustrated. Archived from the original on December 30, + 2018. Retrieved January 6, 2019. + + ^ a b c d e DaSilva, Cameron (February 5, 2017). Every record Tom Brady broke + in his fifth Super Bowl win . Fox Sports. Archived from the original on October + 5, 2018. Retrieved January 6, 2019. + + ^ Martin, Jill. New England Patriots win Super Bowl LIII for 6th title . CNN. + + ^ 2005 NFL Leaders and Leaderboards . Pro Football Reference. Archived from + the original on August 14, 2018. Retrieved January 6, 2019. + + ^ NFL Career Passing Rating Leaders Archived November 18, 2018, at the Wayback + Machine Pro-Football-Reference.com + + ^ Hochman, Benjamin (February 2, 2015). Tom Brady greatest QB of all time? + It s now safe to make that argument . Denver Post. Archived from the original + on March 4, 2016. Retrieved January 6, 2019. Tom Brady Cements His Legacy as + Greatest Quarterback of All Time . Bleacher Report. February 2, 2015. Archived + from the original on August 4, 2018. Retrieved January 6, 2019. + + ^ NFL Rules Named After Players Archived October 28, 2018, at the Wayback Machine + . Sports Illustrated, August 19, 2014. Accessed September 13, 2018. + + ^ Sean Cunningham. How NFL Rules Changes Created a Golden Era of Quarterback + Stats Archived December 21, 2018, at the Wayback Machine . RealClearLife, November + 30, 2017. Accessed September 13, 2018. + + ^ Full 2000 NFL Draft . National Football League. Archived from the original + on September 6, 2011. Retrieved August 14, 2012. + + ^ Graham, Tim (April 10, 2011). Tom Brady cries when recalling 2000 draft . + ESPN. Archived from the original on January 1, 2019. Retrieved January 6, 2019. + + ^ Holley, Michael (2004). Patriots Reign. HarperCollins. ISBN 0-06-075794-9. + + ^ Top 10 NFL draft steals . Msn.foxsports.com. Archived from the original on + August 7, 2011. Retrieved October 29, 2011. + + ^ NFL s top 10 draft steals in league history . National Football League. April + 18, 2010. Archived from the original on April 19, 2008. Retrieved October 29, + 2011. + + ^ Football, National. news: Brady, Favre, Manning voted to list of top 10 draft + picks of all time . National Football League. Archived from the original on + September 13, 2011. Retrieved October 29, 2011. + + ^ Best NFL Draft Picks . Mynfldraft.com. Archived from the original on October + 28, 2011. Retrieved October 29, 2011. + + ^ https://boston.cbslocal.com/2012/01/20/brady-told-patriots-kraft-im-best-decision-this-organization-has-ever-made/ + + ^ Coach Hears Venom\Belichick Part of Problem? . Worcester Telegram and Gazette. + November 14, 2000. Retrieved August 15, 2012. + + ^ a b c d e f g h i j Tom Brady – #12 QB . National Football League. Archived + from the original on November 22, 2018. Retrieved January 6, 2019. + + ^ New England Patriots at Detroit Lions – November 23rd, 2000 . Pro Football + Reference. Retrieved July 2, 2017. + + ^ #TBT: When Tom Brady Made His Debut and No One Really Gave it Much Thought + . Archived from the original on August 16, 2017. Retrieved January 6, 2019. + + ^ Lowe, Mike (September 24, 2012). Pats fizzle when it counts . Portland Press + Herald. Retrieved August 14, 2012. + + ^ a b c d e f Tom Brady . National Football League. Archived from the original + on December 26, 2007. Retrieved December 26, 2007. + + ^ Indianapolis Colts at New England Patriots – September 30th, 2001 . Pro-Football-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ New England Patriots at Miami Dolphins – October 7th, 2001 . Pro-Football-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ 2001 NFL Week 5 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on August 1, 2017. Retrieved March 18, 2018. + + ^ Cafardo, Nick (October 15, 2001). Something special: Brady-led rally erases + mates earlier errors . The Boston Globe. Archived from the original on November + 5, 2012. Retrieved August 14, 2012. + + ^ Cafardo, Nick (October 1, 2012). Hold your horses: Patriots rout Colts as + defense shows season is not lost . Boston Globe. Archived from the original + on November 5, 2012. Retrieved August 14, 2012. + + ^ 2001 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on February 12, 2018. Retrieved March 17, 2018. + + ^ 2001 NFL Week 11 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on July 30, 2017. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots - December 22nd, 2001 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ NFL Pro Bowl 2002 – National Football League game summary (PDF). National + Football League. Archived (PDF) from the original on October 26, 2012. Retrieved + August 14, 2012. + + ^ Howe, Jeff. Patriots reflect on Snow Bowl during 10-year anniversary of + tuck rule game . NESN. Archived from the original on January 20, 2012. Retrieved + August 15, 2012. + + ^ Divisional Round - Oakland Raiders at New England Patriots - January 19th, + 2002 . Pro-Football-Reference.com. Retrieved 2019-02-17. + + ^ Bledsoe s return sparks Patriots past Steelers 24–17 . CNN. Associated Press. + Archived from the original on December 25, 2005. + + ^ AFC Championship – New England Patriots at Pittsburgh Steelers – January + 27th, 2002 . Pro-Football-Reference.com. Archived from the original on December + 28, 2017. Retrieved March 17, 2018. + + ^ Caesar, Dan (January 30, 2002). 14-Point spread isn t about respect . St. + Louis Post-Dispatch. Retrieved August 15, 2012. + + ^ Cotey, John (January 26, 2003). Madden sticks by his wrong call last year + . St. Petersburg Times. Archived from the original on November 6, 2012. Retrieved + August 15, 2012. + + ^ Camps, Mark (February 5, 2002). Brady beats two Joes as youngest Super QB + . San Francisco Chronicle. Archived from the original on August 12, 2017. Retrieved + August 11, 2017. + + ^ Silverstein, Tom; Christl, Cliff (February 4, 2002). Brady coolly fits the + bill . Milwaukee Journal Sentinel. Archived from the original on January 24, + 2013. + + ^ PRO FOOTBALL; Bledsoe Is Traded To the Bills . The New York Times. April + 22, 2002. ISSN 0362-4331. Archived from the original on December 26, 2017. Retrieved + December 25, 2017. + + ^ Pittsburgh Steelers at New England Patriots – September 9th, 2002 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ 2002 NFL Week 1 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on July 30, 2017. Retrieved March 18, 2018. + + ^ New England Patriots at Buffalo Bills – November 3rd, 2002 . Pro-Football-Reference.com. + Archived from the original on December 4, 2017. Retrieved March 18, 2018. + + ^ 2002 NFL Week 9 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on March 19, 2018. Retrieved March 18, 2018. + + ^ 2002 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on March 28, 2009. Retrieved August 14, 2012. + + ^ 2003 New England Patriots . Pro Football Reference. Archived from the original + on August 2, 2012. Retrieved August 14, 2012. + + ^ New England Patriots at Denver Broncos – November 3rd, 2003 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots - December 7th, 2003 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ 2003 NFL Week 17 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Wilner, Barry (January 2, 2004). Manning. McNair split MVP honors . USA Today. + Archived from the original on April 26, 2010. Retrieved August 14, 2012. + + ^ Divisional Round – Tennessee Titans at New England Patriots – January 10th, + 2004 . Pro-Football-Reference.com. Archived from the original on March 16, 2018. + Retrieved March 17, 2018. + + ^ AFC Championship – Indianapolis Colts at New England Patriots – January 18th, + 2004 . Pro-Football-Reference.com. Archived from the original on March 17, 2018. + Retrieved March 17, 2018. + + ^ Super Bowl XXXVIII – New England Patriots vs. Carolina Panthers – February + 1st, 2004 . Pro-Football-Reference.com. Archived from the original on December + 28, 2017. Retrieved March 17, 2018. + + ^ Super Bowl XXXVIII MVP: Tom Brady . National Football League. Archived from + the original on November 7, 2012. Retrieved August 14, 2012. + + ^ Longest Winning Streaks . Pro Football Hall of Fame. Archived from the original + on January 16, 2010. Retrieved January 3, 2010. + + ^ Bill Belichick – Head Coach . New England Patriots. Archived from the original + on September 25, 2011. Retrieved August 14, 2012. + + ^ 2004 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on March 30, 2018. Retrieved March 17, 2018. + + ^ a b 2004 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on August 5, 2012. Retrieved August 14, 2012. + + ^ Quarterback fought 103-degree fever, chills . Associated Press. Archived + from the original on October 4, 2015. Retrieved January 6, 2019. + + ^ Super Bowl XXXIX . National Football League. Archived from the original on + June 21, 2018. Retrieved August 14, 2012. + + ^ Davis, Scott. 12 teams have won multiple Super Bowls and the Rams are trying + to join the group . Business Insider. Retrieved February 4, 2019. + + ^ Dillon Returns From Injury To Push Patriots Past Jets . Lakeland Ledger. + December 5, 2005. Retrieved August 15, 2012. + + ^ Cafardo, Nick (November 2, 2005). Dillon s resolve solved a few offensive + problems . The Boston Globe. Archived from the original on December 3, 2013. + Retrieved August 15, 2012. + + ^ New England Patriots at Atlanta Falcons – October 9th, 2005 . Pro-Football-Reference.com. + Archived from the original on March 14, 2018. Retrieved March 18, 2018. + + ^ 2005 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Associated Press. Archived from the original on August 4, 2012. Retrieved August + 14, 2012. + + ^ 2005 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on September 25, 2018. Retrieved March 18, 2018. + + ^ Wild Card – Jacksonville Jaguars at New England Patriots – January 7th, 2006 + . Pro-Football-Reference.com. Archived from the original on December 28, 2017. + Retrieved December 28, 2017. + + ^ Divisional Round – New England Patriots at Denver Broncos – January 14th, + 2006 . Pro-Football-Reference.com. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Drehs, Wayne. Brady, Patriots finally feel playoff defeat . ESPN. Archived + from the original on November 10, 2012. Retrieved August 14, 2012. + + ^ Reiss, Mike (January 31, 2006). Brady s groin may be hurt . The Boston Globe. + Archived from the original on January 5, 2009. Retrieved December 26, 2007. + + ^ Buffalo Bills at New England Patriots - September 10th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ New England Patriots at Minnesota Vikings - October 30th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ New England Patriots at Green Bay Packers - November 19th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ 2006 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on February 8, 2010. Retrieved August 14, 2012. + + ^ Maske, Mark (December 19, 2006). Romo Gets Pro Bowl Nod in NFC, Brady Doesn + t in AFC . The Washington Post. Archived from the original on October 6, 2008. + Retrieved December 26, 2007. + + ^ McClain, John (July 2, 2007). Young to replace Rivers at Pro Bowl . Houston + Chronicle. Archived from the original on January 5, 2008. Retrieved December + 26, 2007. + + ^ Brady, Patriots shake feisty Jets, roll on to San Diego . ESPN. Archived + from the original on November 13, 2014. Retrieved August 14, 2012. + + ^ Hayes, Neil. Super Chargers top Super Bowl list . NBC Sports. Archived from + the original on November 2, 2012. Retrieved August 14, 2012. + + ^ Clayton, John. Patriots teach Chargers a lesson in playoff football . ESPN. + Archived from the original on August 9, 2012. Retrieved August 14, 2012. + + ^ Pasquarelli, Len. .Manning shakes label of not being able to win big one + . ESPN. Archived from the original on November 13, 2012. Retrieved August 14, + 2012. + + ^ Byrne, Kerry J. (June 3, 2009). Best individual seasons of 2000s . Sports + Illustrated. Archived from the original on November 3, 2012. Retrieved January + 11, 2010. + + ^ Top 10 greatest quarterback seasons Archived November 17, 2015, at the Wayback + Machine, NFL Nation Blog, espn.go.com; accessed November 12, 2014. + + ^ 2007 New England Patriots . Pro Football Reference. Archived from the original + on February 9, 2010. Retrieved January 11, 2010. + + ^ 2007 NFL Week 17 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on August 2, 2017. Retrieved March 18, 2018. + + ^ Banks, Don (October 12, 2007). Litmus test . Sports Illustrated. Archived + from the original on November 30, 2007. Retrieved December 8, 2007. + + ^ Brady s six TDs give him 27 TDs after seven games . ESPN. Archived from the + original on November 22, 2015. Retrieved January 6, 2019. + + ^ Young, Shalise Manza (November 4, 2007). Patriots 24, Colts 20: Tom s got + you, Babe . The Providence Journal. Archived from the original on November 7, + 2007. Retrieved December 26, 2007. + + ^ Patriots break scoring record, Brady and Moss set season marks . NFL.com. + Associated Press. December 29, 2007. Archived from the original on December + 9, 2017. Retrieved August 11, 2017. + + ^ Brady an easy winner in AP Male Athlete of Year balloting . USA Today. Associated + Press. December 21, 2007. Archived from the original on January 23, 2011. Retrieved + January 28, 2012. + + ^ 2007 NFL All-Pros . Pro-Football-Reference.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ 2007 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on March 16, 2018. Retrieved March 18, 2018. + + ^ Mihoces, Gary (January 13, 2008). Perfect Pats, Brady make short work of + Jaguars . USA Today. Archived from the original on November 14, 2010. Retrieved + November 30, 2008. + + ^ Pats put away Chargers for fourth Super Bowl berth in seven years . ESPN. + Associated Press. January 20, 2008. Archived from the original on September + 24, 2008. Retrieved November 30, 2008. + + ^ Super Bowl XLII – New York Giants vs. New England Patriots – February 3rd, + 2008 . Pro-Football-Reference.com. Archived from the original on February 2, + 2011. Retrieved January 24, 2018. + + ^ Foot injury may sideline Tom Brady for another game . USA Today. Associated + Press. August 2008. Retrieved September 28, 2015. + + ^ Brady to have season-ending knee surgery, will be placed on IR . NFL.com. + Archived from the original on December 17, 2018. Retrieved January 6, 2019. + + ^ Reiss, Mike (September 8, 2008). Pats confirm Brady out for the year . The + Boston Globe. Archived from the original on July 25, 2012. Retrieved September + 8, 2008. + + ^ Springer, Shira (September 10, 2008). Sources: Brady tore ACL and MCL . The + Boston Globe. Archived from the original on January 5, 2009. Retrieved September + 10, 2008. + + ^ Chronic right shoulder injury slows Brady . NBC Sports. Associated Press. + September 6, 2007. Archived from the original on September 9, 2007. Retrieved + December 27, 2007. + + ^ Farmer, Sam (June 2, 2009). Tom Brady s doctor says knee recovery exceeds + expectations . Los Angeles Times. Archived from the original on January 12, + 2012. Retrieved November 7, 2011. + + ^ Brady Has More Procedures Done on Knee, Report Says . The New York Times. + Associated Press. October 23, 2008. Archived from the original on January 19, + 2015. Retrieved November 30, 2008. + + ^ Springer, Shira (October 24, 2008). Brady s recovery hits snag . The Boston + Globe. Archived from the original on October 27, 2008. Retrieved November 30, + 2008. + + ^ 2008 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on January 27, 2018. Retrieved January 24, 2018. + + ^ Buffalo Bills at New England Patriots – September 14th, 2009 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Keefe, Neil. Brady Named AFC Offensive Player of the Week . NESN. Retrieved + August 14, 2012. + + ^ Brady throws six TD passes as Patriots ice winless Titans . Associated Press. + Archived from the original on November 14, 2012. Retrieved August 14, 2012. + + ^ Tennessee Titans at New England Patriots – October 18th, 2009 . Pro-Football-Reference.com. + Archived from the original on December 30, 2017. Retrieved March 18, 2018. + + ^ Brady sets a record for TDs in a quarter . The Washington Times. October + 19, 2009. Archived from the original on January 12, 2014. Retrieved January + 11, 2010. + + ^ Brady, Patriots get historic win thanks to rout of visiting Titans . NFL.com. + Retrieved 2019-02-11. + + ^ Breer, Albert R. (January 4, 2010). Brady dealing with broken finger on throwing + hand . The Boston Globe. Archived from the original on October 29, 2010. Retrieved + January 4, 2010. + + ^ 2009 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on August 21, 2018. Retrieved March 17, 2018. + + ^ Brady named Comeback Player of the Year . NBC Sports. Associated Press. January + 6, 2010. Archived from the original on August 18, 2012. Retrieved January 6, + 2010. + + ^ Ravens fast start puts Pats on heels, out of playoffs . ESPN. Associated + Press. January 10, 2010. Archived from the original on January 13, 2010. Retrieved + January 20, 2010. + + ^ Battista, Judy (September 10, 2010). Patriots Brady Signs League s Richest + Deal, at the Moment . The New York Times. Archived from the original on January + 19, 2012. Retrieved September 11, 2010. + + ^ Matuszewski, Erik (October 4, 2010). Tom Brady Gets 100th Career Win in NFL + as Patriots Rout Dolphins 41–14 . Bloomberg. Archived from the original on October + 8, 2010. Retrieved October 11, 2010. + + ^ Woodhead keeps contributing as Pats withstand Colts comeback attempt . National + Football League. Associated Press. November 21, 2010. Archived from the original + on November 23, 2010. Retrieved November 22, 2010. + + ^ Krasner, Steven (November 21, 2010). Brady ties mark with 25th straight home + W . ESPNBoston.com. Archived from the original on November 23, 2010. Retrieved + November 22, 2010. + + ^ New England Patriots at Detroit Lions – November 25th, 2010 . Pro-Football-Reference.com. + Archived from the original on January 1, 2018. Retrieved March 18, 2018. + + ^ 2010 NFL Week 12 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on September 9, 2018. Retrieved March 18, 2018. + + ^ Frenz, Erik. Patriots Vs. Lions: Tom Brady Enjoys Perfect Passer Rating on + Thanksgiving . Bleacher Report. Retrieved 2019-02-06. + + ^ Brady s Perfect Game Leads Patriots Over Lions . The New York Times. 2010-11-25. + Retrieved 2019-02-06. + + ^ Patriots destroy Jets . London Free Press. Archived from the original on + December 1, 2012. Retrieved August 14, 2012. + + ^ New York Jets at New England Patriots – December 6th, 2010 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ NFL Single-Season Passer Rating Leaders . Archived from the original on December + 25, 2018. Retrieved January 6, 2019. + + ^ Springer, Shira & Walker, Monique (January 20, 2011). Brady to have foot + surgery today . The Boston Globe. Archived from the original on November 2, + 2012. Retrieved January 20, 2011. + + ^ Tom Brady unanimous as NFL MVP . Associated Press. Archived from the original + on August 3, 2012. Retrieved August 14, 2012. + + ^ Top 100: Tom Brady . New England Patriots. Archived from the original on + March 19, 2018. Retrieved March 18, 2018. + + ^ Divisional Round – New York Jets at New England Patriots – January 16th, + 2011 . Pro-Football-Reference.com. Archived from the original on December 17, + 2017. Retrieved March 17, 2018. + + ^ Jets back up talk as Sanchez throws three TDs, defense knocks down Brady + . Archived from the original on December 28, 2014. Retrieved December 29, 2014. + + ^ 2011 NFL Week 1 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on August 30, 2018. Retrieved March 18, 2018. + + ^ Tom Brady picks apart Dolphins as 517-yard, 4-TD opener fuels Pats . ESPN. + September 12, 2011. Archived from the original on September 28, 2011. Retrieved + September 13, 2011. + + ^ Tom Brady, Chad Henne Combine For Slew of NFL Records On Monday Night Football + . September 13, 2011. Archived from the original on November 7, 2012. Retrieved + September 17, 2011. + + ^ San Diego Chargers at New England Patriots – September 18th, 2011 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots – December 24th, 2011 . Pro-Football-Reference.com. + Archived from the original on January 4, 2018. Retrieved March 18, 2018. + + ^ 2011 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved January 24, 2018. + + ^ The Top 100: Players of 2012 : Tom Brady . NFL.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ Belichick: No quarterback I d rather have . weei.com. Archived from the + original on 2017-01-29. Retrieved 2019-01-06. + + ^ Quinton Carter, David Bruton exit hurt . ESPN. Archived from the original + on January 16, 2012. Retrieved August 14, 2012. + + ^ Cannizzaro, Mark. Patriots redefine postseason success for coach-quarterback + duo . New York Post. Retrieved August 16, 2012. + + ^ Patriots Beat Ravens 23–20 in AFC Championship Game . Fox News. Associated + Press. January 22, 2012. Archived from the original on July 17, 2012. Retrieved + August 14, 2012. + + ^ For second time in five seasons, Giants top Brady, Patriots in Super Bowl + . Associated Press. Archived from the original on August 17, 2012. Retrieved + August 14, 2012. + + ^ Houston Texans at New England Patriots – December 10th, 2012 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved March 18, 2018. + + ^ Tom Brady. Tom Brady, QB for the New England Patriots at . Nfl.com. Archived + from the original on November 22, 2018. Retrieved July 6, 2013. + + ^ Top 100 Players of 2013 : Tom Brady . NFL.com. Retrieved 2019-02-11. + + ^ Divisional Round – Houston Texans at New England Patriots – January 13th, + 2013 . Pro-Football-Reference.com. Archived from the original on February 1, + 2018. Retrieved March 17, 2018. + + ^ Wilner, Barry. NFL Playoffs: Patriots 41, Texans 28: Brady passes idol as + Pats pound Texans . Arizona Daily Star. Retrieved 2019-02-11. + + ^ AFC Championship – Baltimore Ravens at New England Patriots – January 20th, + 2013 . Pro-Football-Reference.com. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Timeline: Patriots-Ravens rivalry through the years - The Boston Globe . + BostonGlobe.com. Retrieved 2019-02-17. + + ^ Wesseling, Chris (February 25, 2013). Tom Brady, New England Patriots agree + to extension . National Football League. Archived from the original on February + 27, 2013. Retrieved February 25, 2013. + + ^ King, Peter (February 26, 2013). More on Tom Brady s amazing deal; mail – + NFL – Peter King – SI.com . Sportsillustrated.cnn.com. Archived from the original + on May 20, 2013. Retrieved July 6, 2013. + + ^ New England Patriots at Buffalo Bills – September 8th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved January 24, 2018. + + ^ New York Jets at New England Patriots – September 12th, 2013 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved January 24, 2018. + + ^ New England Patriots at Cincinnati Bengals – October 6th, 2013 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved January 24, 2018. + + ^ New Orleans Saints at New England Patriots – October 13th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Denver Broncos at New England Patriots – November 24th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 22, 2017. Retrieved December 16, 2017. + + ^ Buffalo Bills at New England Patriots - December 29th, 2013 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ 2013 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on March 7, 2018. Retrieved March 18, 2018. + + ^ Top 100 Players of 2014 : Tom Brady . New England Patriots. Archived from + the original on September 11, 2016. Retrieved March 18, 2018. + + ^ 2013 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on January 23, 2018. Retrieved January 24, 2018. + + ^ Divisional Round – Indianapolis Colts at New England Patriots – January 11th, + 2014 . Pro-Football-Reference.com. Archived from the original on November 14, + 2017. Retrieved March 17, 2018. + + ^ AFC Championship – New England Patriots at Denver Broncos – January 19th, + 2014 . Pro-Football-Reference.com. Archived from the original on November 15, + 2017. Retrieved November 14, 2017. + + ^ New England Patriots at Miami Dolphins – September 7th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Minnesota Vikings – September 14th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Oakland Raiders at New England Patriots – September 21st, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Kansas City Chiefs – September 29th, 2014 . Pro-Football-Reference.com. + Archived from the original on November 9, 2017. Retrieved March 17, 2018. + + ^ New England Patriots at Buffalo Bills – October 12th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved March 17, 2018. + + ^ New York Jets at New England Patriots – October 16th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Chicago Bears at New England Patriots – October 26th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Detroit Lions at New England Patriots – November 23rd, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Green Bay Packers – November 30th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at San Diego Chargers – December 7th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Orton, Bills beat Patriots 17–9 . New England Patriots. Archived from the + original on February 5, 2017. Retrieved January 6, 2019. + + ^ Top 100 Players of 2015 : No. 3 Tom Brady . NFL.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ Divisional Round – Baltimore Ravens at New England Patriots – January 10th, + 2015 . Pro-Football-Reference.com. Archived from the original on December 26, + 2017. Retrieved December 28, 2017. + + ^ AFC Championship – Indianapolis Colts at New England Patriots – January 18th, + 2015 . Pro-Football-Reference.com. Archived from the original on December 1, + 2017. Retrieved December 28, 2017. + + ^ Super Bowl XLIX – Seattle Seahawks vs. New England Patriots – February 1st, + 2015 . Pro-Football-Reference.com. Archived from the original on January 30, + 2018. Retrieved March 17, 2018. + + ^ Patriots beat the Seahawks in dramatic finale . BBC Sport. February 1, 2015. + Archived from the original on February 4, 2015. Retrieved February 2, 2015. + + ^ INVESTIGATIVE REPORT CONCERNING FOOTBALLS USED DURING THE AFC CHAMPIONSHIP + GAME ON JANUARY 18, 2015 (PDF). nfl.com. National Football League. Retrieved + May 6, 2015. + + ^ Rosenthal, Gregg (May 11, 2015). Patriots Tom Brady suspended 4 games . + National Football League. Archived from the original on May 13, 2015. Retrieved + May 11, 2015. + + ^ a b NFL releases statement on Patriots violations . National Football League. + May 11, 2015. Archived from the original on May 13, 2015. Retrieved May 12, + 2015. + + ^ Patra, Kevin (May 14, 2015). Tom Brady NFLPA appeal four game suspension + . National Football League. Archived from the original on May 18, 2015. Retrieved + May 14, 2015. + + ^ NFL upholds four-game suspension of Tom Brady . cbsnews.com. July 28, 2015. + Archived from the original on July 29, 2015. Retrieved July 29, 2015. + + ^ Report: Tom Brady Authorizes NFLPA To Appeal His Case In Federal Court . + NESN.com. Archived from the original on July 29, 2015. Retrieved July 29, 2015. + + ^ Rosenthal, Gregg (July 28, 2015). Roger Goodell upholds Tom Brady suspension + . National Football League. Archived from the original on July 29, 2015. Retrieved + July 28, 2015. + + ^ Gantt, Darin (July 28, 2015). Goodell cites destroying phone in upholding + Tom Brady s suspension . NBC Sports. Archived from the original on July 29, + 2015. Retrieved July 28, 2015. + + ^ Armstrong, Kevin; et al. (July 28, 2015). NFL hopes to have expected Tom + Brady lawsuit in New York and not Minnesota . New York Daily News. Archived + from the original on July 31, 2015. Retrieved July 28, 2015. + + ^ Tom Brady rips the NFL s Deflategate decision on his Facebook page . USA + Today. Archived from the original on September 9, 2018. Retrieved January 6, + 2019. + + ^ Robert Kraft attacks the NFL, apologizes to Patriots fans . Yahoo Sports. + July 29, 2015. Archived from the original on August 12, 2017. Retrieved January + 6, 2019. + + ^ a b Freeman, Mike (May 11, 2015). NFL Deflategate Message: No Player Is Above + the Rules, Not Even Tom Brady . Bleacher Report. Archived from the original + on May 15, 2015. Retrieved January 6, 2019. + + ^ Adelson, Eric (May 11, 2015). Tom Brady allowed the new NFL Way to smack + Patriot Way in stunning fashion . Yahoo! Sports. Archived from the original + on September 29, 2018. Retrieved January 6, 2019. Somewhere along the line, + the debate over what happened in the hours and minutes leading up to the AFC + championship game in January went beyond air pressure and weather conditions, + and became a referendum on the character of Tom Brady and his franchise. + + ^ O Connor, Ian. Tom Brady should skip appeal, tell truth now . ESPN.com. Archived + from the original on May 15, 2015. Retrieved May 12, 2015. + + ^ NYSD Decision and Order . + + ^ Roger Goodell Made Tom Brady Seem Dishonest In Deflategate Appeal Ruling + . NESN.com. Archived from the original on February 7, 2016. Retrieved February + 7, 2016. + + ^ Pittsburgh Steelers at New England Patriots – September 10th, 2015 . Pro-Football-Reference.com. + Archived from the original on November 10, 2017. Retrieved December 28, 2017. + + ^ Very rare performance by Tom Brady reflects his greatness . ESPN.com. Archived + from the original on October 27, 2015. Retrieved October 28, 2015. + + ^ Miami Dolphins at New England Patriots – October 29th, 2015 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ New England Patriots at Denver Broncos – November 29th, 2015 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ 2015 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved March 17, 2018. + + ^ 2015 NFL Passing . Pro-Football-Reference.com. Archived from the original + on February 12, 2018. Retrieved March 17, 2018. + + ^ Top 100 Players of 2016 : No. 2 Tom Brady . NFL.com. Archived from the original + on August 31, 2018. Retrieved January 6, 2019. + + ^ Divisional Round – Kansas City Chiefs at New England Patriots – January 16th, + 2016 . Pro-Football-Reference.com. Archived from the original on December 26, + 2017. Retrieved March 17, 2018. + + ^ Golen, Jimmy (January 16, 2016). Patriots to 5th straight AFC title game, + beat Chiefs 27–20 . Associated Press. Foxborough, Massachusetts: AP Sports. + Associated Press. Retrieved February 17, 2019. + + ^ New England at Denver – 2016-01-24 – National Football League – Yahoo! Sports + . Yahoo Sports. Archived from the original on November 19, 2018. Retrieved January + 6, 2019. + + ^ Reiss, Mike. New deal links Tom Brady to Patriots through 2019 . ESPN.com. + Archived from the original on March 1, 2016. Retrieved February 29, 2016. + + ^ Volin, Ben (March 3, 2016). Brady s lawyer feels pressure from judges . The + Boston Globe. Archived from the original on April 16, 2016. Retrieved April + 26, 2016. + + ^ Orr, Connor (April 25, 2016). Tom Brady s four-game suspension reinstated + . NFL.com. Archived from the original on April 26, 2016. Retrieved April 25, + 2016. + + ^ Tom Brady s four-game suspension upheld . ESPN. April 25, 2016. Archived + from the original on April 26, 2016. Retrieved April 25, 2016. + + ^ Volin, Ben (April 25, 2016). Brady must serve Deflategate suspension, appeals + court rules . The Boston Globe. Archived from the original on April 27, 2016. + Retrieved April 26, 2016. + + ^ Gershman, Jacob (April 25, 2016). Why the NFL Won its Deflategate Appeal + . The Wall Street Journal. Archived from the original on April 28, 2016. Retrieved + April 26, 2016. + + ^ Tom Brady keeps Deflategate battle going with another appeal of suspension + Archived October 5, 2018, at the Wayback Machine May 23, 2015. + + ^ Brady s Deflategate appeal denied by court . Archived from the original on + July 16, 2016. Retrieved January 6, 2019. + + ^ New England Patriots at Cleveland Browns – October 9th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ Cincinnati Bengals at New England Patriots – October 16th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Pittsburgh Steelers – October 23rd, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Buffalo Bills – October 30th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Ortega, Mark E. (November 3, 2016). Tom Brady, David Johnson are Players + of the Month . NFL.com. Archived from the original on September 25, 2018. Retrieved + January 6, 2019. + + ^ Seattle Seahawks at New England Patriots – November 13th, 2016 . Pro-Football-Reference.com. + Archived from the original on August 4, 2017. Retrieved December 28, 2017. + + ^ Lam, Quang M. (November 23, 2016). Tom Brady, Kirk Cousins among Players + of Week . NFL.com. Archived from the original on November 24, 2016. Retrieved + January 6, 2019. + + ^ New England Patriots at New York Jets – November 27th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Los Angeles Rams at New England Patriots – December 4th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Reiss, Mike. Tom Brady wins NFL-record 201st game . ESPN.com. Archived from + the original on December 6, 2016. Retrieved December 13, 2016. + + ^ Howe, Jeff. Patriots, despite miscues, outlast Ravens to move to 11–2 . The + Boston Herald. Archived from the original on December 20, 2016. Retrieved December + 13, 2016. + + ^ New England Patriots at Denver Broncos – December 18th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Patriots top Broncos, clinch AFC East, first-round bye . Archived from the + original on December 19, 2016. Retrieved January 6, 2019. + + ^ NFL announces 2017 Pro Bowl rosters . NFL.com. December 20, 2016. Archived + from the original on November 17, 2018. Retrieved January 6, 2019. + + ^ Archived copy . Archived from the original on January 2, 2017. Retrieved + January 1, 2017. CS1 maint: Archived copy as title (link) + + ^ Patriots clinch home-field advantage in AFC playoffs . Archived from the + original on December 20, 2018. Retrieved January 6, 2019. + + ^ Hurley, Michael (January 1, 2017). Tom Brady Sets NFL Record For Best TD-To-INT + Ratio Of All Time . CBS Boston. Archived from the original on January 4, 2017. + Retrieved January 2, 2017. + + ^ Three rookies, Matt Ryan among players named to All-Pro team . NFL.com. January + 6, 2017. Archived from the original on June 17, 2018. Retrieved January 6, 2019. + + ^ Top 100 Players of 2017 : No. 1 New England Patriots quarterback Tom Brady + . NFL.com. Archived from the original on June 17, 2018. Retrieved January 6, + 2019. + + ^ Patra, Kevin (January 15, 2017). Patriots Top Texans, Move on to AFC Championship + . Around the NFL. National Football League. Archived from the original on January + 29, 2017. Retrieved February 6, 2017. + + ^ Wesseling, Chris (January 23, 2017). Patriots Shred Steelers, Advance to + Ninth Super Bowl . Around the NFL. National Football League. Archived from the + original on February 2, 2017. Retrieved February 6, 2017. + + ^ Super Bowl LI – New England Patriots vs. Atlanta Falcons – February 5th, + 2017 . Pro-Football-Reference.com. Archived from the original on August 7, 2017. + Retrieved August 6, 2017. + + ^ Super Bowl Most Valuable Player Winners . Pro-Football-Reference.com. Archived + from the original on August 3, 2017. Retrieved January 24, 2018. + + ^ Tom Brady s stolen Super Bowl jerseys returned to Patriots . Fox News. March + 23, 2017. Archived from the original on April 11, 2017. Retrieved April 10, + 2017. + + ^ Tom Brady Super Bowl jersey thief investigation . Sports Illustrated. Archived + from the original on April 24, 2017. Retrieved August 11, 2017. + + ^ GOAT edition: Brady on Madden NFL 18 cover . ESPN.com. Archived from the + original on May 13, 2017. Retrieved May 13, 2017. + + ^ Press, Associated. Gisele Bundchen: Tom Brady had a concussion last year + . Archived from the original on September 22, 2017. Retrieved January 6, 2019. + + ^ Igel, Lee. Gisele Bündchen Casts Doubt On Adequacy Of NFL Concussion Protocol + . Archived from the original on September 15, 2017. Retrieved January 6, 2019. + + ^ NFL Investigating After Gisele Claims Tom Brady Suffered a Concussion . Archived + from the original on September 11, 2017. Retrieved January 6, 2019. + + ^ NFL looking into Tom Brady concussion claim by Gisele Bundchen . Archived + from the original on December 8, 2018. Retrieved January 6, 2019. + + ^ Agent: Tom Brady not diagnosed with concussion in 16 . Archived from the + original on October 19, 2018. Retrieved January 6, 2019. + + ^ Tom Brady: We didn t dig very deep on Thursday night . Pro Football Talk. + Archived from the original on September 8, 2017. Retrieved September 8, 2017. + + ^ WATCH: In Year 18, Tom Brady finally does something he s never done before + . CBSSports.com. September 17, 2017. Archived from the original on January 1, + 2019. Retrieved January 6, 2019. + + ^ Maya, Adam (September 20, 2017). Tom Brady, J.J. Nelson among Players of + the Week . NFL.com. Archived from the original on December 22, 2018. Retrieved + January 6, 2019. + + ^ Tom Brady takes another title away from his nemesis Peyton Manning . Archived + from the original on January 1, 2019. Retrieved January 6, 2019. + + ^ Lam, Quang M. (September 27, 2017). Tom Brady, Kirk Cousins among Players + of the Week . NFL.com. Archived from the original on September 27, 2017. Retrieved + January 6, 2019. + + ^ Tom Brady Ties Brett Favre, Peyton Manning for Most Regular-Season Wins by + QB . Bleacher Report. Archived from the original on January 1, 2019. Retrieved + January 6, 2019. + + ^ Orr, Conor. Tom Brady has sprain to non-throwing shoulder . NFL. Archived + from the original on October 11, 2017. Retrieved October 10, 2017. + + ^ Patra, Kevin. Brady isn t worried about his shoulder: I m good . NFL. Archived + from the original on October 12, 2017. Retrieved October 11, 2017. + + ^ Tom Brady becomes NFL s career QB wins leader . Archived from the original + on November 25, 2018. Retrieved January 6, 2019. + + ^ Tom Brady, Patriots roll through fog past Falcons . Archived from the original + on January 1, 2019. Retrieved January 6, 2019. + + ^ Los Angeles Chargers at New England Patriots – October 29th, 2017 . Pro-Football-Reference.com. + Archived from the original on November 7, 2017. Retrieved December 7, 2017. + + ^ Maya, Adam (November 15, 2017). Tom Brady, Cam Newton among Players of the + Week . NFL.com. Archived from the original on July 1, 2018. Retrieved January + 6, 2019. + + ^ Case Keenum wins NFC player of month honors . Archived from the original + on January 27, 2018. Retrieved January 6, 2019. + + ^ Hanzus, Dan. Tom Brady, Josh McDaniels have sideline disagreement . NFL. + Archived from the original on December 3, 2017. Retrieved December 3, 2017. + + ^ Sessler, Marc. Patriots overcome ugly start to scatter Bills in Buffalo . + NFL. Archived from the original on December 3, 2017. Retrieved December 3, 2017. + + ^ New England Patriots at Miami Dolphins – December 11th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved January 24, 2018. + + ^ New England Patriots at Pittsburgh Steelers – December 17th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 29, 2017. Retrieved December 28, 2017. + + ^ NFL announces 2018 Pro Bowl rosters . NFL. Archived from the original on + December 20, 2017. Retrieved December 19, 2017. + + ^ Buffalo Bills at New England Patriots – December 24th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ Patriots secure first-round bye for eighth straight year . Archived from + the original on November 10, 2018. Retrieved January 6, 2019. + + ^ Patriots clinch home-field advantage through playoffs . + + ^ NFL offensive production falls despite record for Brady . www.boston.com. + Archived from the original on November 10, 2018. Retrieved January 6, 2019. + + ^ Wilner, Barry. Steelers Antonio Brown, unanimous choice on AP All-Pro Team + . AP News. AP. + + ^ Wesseling, Chris (February 3, 2018). Tom Brady named NFL s MVP for third + time of career . NFL.com. Archived from the original on July 26, 2018. Retrieved + January 6, 2019. + + ^ Divisional Round – Tennessee Titans at New England Patriots – January 13th, + 2018 . Pro-Football-Reference.com. Archived from the original on January 18, + 2018. Retrieved January 18, 2018. + + ^ Patra, Kevin (January 19, 2018). Tom Brady (thumb) questionable for Patriots + vs. Jags . NFL.com. Archived from the original on January 20, 2018. Retrieved + January 20, 2018. + + ^ AFC Championship – Jacksonville Jaguars at New England Patriots – January + 21st, 2018 . Pro-Football-Reference.com. Archived from the original on January + 24, 2018. Retrieved January 24, 2018. + + ^ Super Bowl LII – Philadelphia Eagles vs. New England Patriots – February + 4th, 2018 . Pro-Football-Reference.com. Archived from the original on March + 1, 2018. Retrieved March 17, 2018. + + ^ Super Bowl 50: How many quarterbacks have lost multiple Super Bowls? . syracuse.com. + Retrieved 2019-02-12. + + ^ Is Super Bowl LII Loss the End of Patriots and Tom Brady s Dynasty? . Bleacher + Report. Archived from the original on February 5, 2018. Retrieved February 5, + 2018. + + ^ At 41 and going strong, Tom Brady awaits a 19th season . USA TODAY. Archived + from the original on October 30, 2018. Retrieved October 29, 2018. + + ^ Despite changes, Patriots offense still rolling behind Tom Brady in win over + Texans . USA TODAY. Archived from the original on October 29, 2018. Retrieved + October 29, 2018. + + ^ Brady Throws 3 TDs As Patriots Blow Out Dolphins To Improve To 2–2 . CBS + Boston. September 30, 2018. Archived from the original on October 29, 2018. + Retrieved October 29, 2018. + + ^ Brady, Patriots roll past banged-up Colts . Duluth News Tribune. Archived + from the original on October 30, 2018. Retrieved October 29, 2018. + + ^ Tom Brady sets another NFL record with TD pass to Josh Gordon . USA Today. + October 5, 2018. Archived from the original on October 31, 2018. Retrieved October + 30, 2018. + + ^ Brady, Patriots top Chiefs for wild 43–40 win . USA TODAY. Archived from + the original on October 29, 2018. Retrieved October 29, 2018. + + ^ Brady throws 3 TDs, Patriots hang on to beat Bears 38–31 . AP NEWS. October + 21, 2018. Archived from the original on October 30, 2018. Retrieved October + 29, 2018. + + ^ Tom Brady: Game Logs at NFL.com . National Football League. Archived from + the original on November 22, 2018. Retrieved November 26, 2018. + + ^ Colin J. Liotta, Tom Brady (finally) reaches 1,000 career rushing yards USA + Today. From the original on December 3, 2018. Retrieved January 9, 2019 + + ^ Tom Brady reaches 70,000 passing yards . NFL. Archived from the original + on December 18, 2018. Retrieved December 16, 2018. + + ^ Pats win AFC East again, take back No. 2 seed . ESPN.com. December 23, 2018. + Retrieved January 22, 2019. + + ^ Sullivan, Tara. Tara Sullivan: Vintage Tom Brady returns, just in time for + the playoffs – The Boston Globe . BostonGlobe.com. Retrieved January 22, 2019. + + ^ Tom Brady tunes up and Patriots clinch first-round bye after routing Jets + . ESPN.com. December 30, 2018. Retrieved January 22, 2019. + + ^ Schrock, Joshua (December 30, 2018). Tom Brady s New Year s Resolution Will + Make Bill Belichick, Patriots Fans Happy . NESN.com. Retrieved January 22, 2019. + + ^ Hightower, Kyle (January 13, 2019). Michel scores 3 TDs, Patriots roll past + Chargers . KOIN. Retrieved February 6, 2019. + + ^ Chargers vs. Patriots – Game Recap – January 13, 2019 – ESPN . ESPN.com. + Retrieved January 22, 2019. + + ^ Patriots make 3rd straight Super Bowl, beat Chiefs 37–31 OT . Associated + Press. January 20, 2019. Retrieved January 21, 2019. + + ^ New England Patriots win Super Bowl LIII . NFL. Retrieved February 3, 2019. + + ^ Tom Brady sets record for most Super Bowl wins by NFL player with six . USA + TODAY. Retrieved February 6, 2019. + + ^ Tom Brady . NFL.com. Archived from the original on December 7, 2015. Retrieved + December 7, 2015. + + ^ Tom Brady s Career Touchdown Plays . Pro-Football-Reference.com. Archived + from the original on July 11, 2015. Retrieved July 29, 2015. + + ^ In multiple seasons, from 1950 to 2018, requiring Pass Completion % >= 1, + sorted by most games matching criteria. (Note: Click on Games Won column to + sort) . www.pro-football-reference.com. Pro Football Reference, LLC. Retrieved + January 1, 2019. + + ^ Reiss, Mike (November 14, 2017). Tom Brady relishes chance to silence fans + while playing on road . ESPN.com. Archived from the original on February 9, + 2018. Retrieved February 8, 2018. + + ^ https://www.footballdb.com/stats/qb-records.html?alltime=1&type=reg&letter=&sort=w + + ^ WHAT TO LOOK FOR – WEEK 11 . nflcommunications.com. November 15, 2017. Archived + from the original on February 9, 2018. Retrieved February 8, 2018. + + ^ a b Porter, Conor (January 1, 2018). Tom Brady achieved another amazing NFL + record in 2017 . GiveMeSport. Archived from the original on February 9, 2018. + Retrieved February 8, 2018. + + ^ Tom Brady joins select club with 500th career touchdown pass . MLive.com. + Archived from the original on October 6, 2018. Retrieved October 5, 2018. + + ^ a b Archived copy . Archived from the original on November 6, 2018. Retrieved + November 6, 2018. CS1 maint: Archived copy as title (link) + + ^ NFL Playoff Records: Individual – Passing . nfl.com. Archived from the original + on July 22, 2015. Retrieved July 30, 2015. + + ^ Adamski, Chris. Brady, Big Ben meet again in AFC title game . TribLIVE.com. + Archived from the original on January 27, 2017. Retrieved January 24, 2017. + + ^ a b c Stites, Adam (February 4, 2018). What NFL records does Tom Brady already + own? . SBNation.com. Archived from the original on February 10, 2018. Retrieved + February 9, 2018. + + ^ Schechter, Lee (January 11, 2015). Brady s 46th TD breaks Montana s playoff + mark . ESPN.com. Archived from the original on February 9, 2018. Retrieved February + 8, 2018. + + ^ Reiss, Mike (January 19, 2015). Brady sets NFL s postseason passing record + . ESPN.com. Archived from the original on February 9, 2018. Retrieved February + 8, 2018. + + ^ a b c David Smith, Michael (January 8, 2018). In his 35th postseason game, + Tom Brady will add to his many records . Yahoo Sports. Archived from the original + on February 9, 2018. Retrieved February 9, 2018. + + ^ Tom Brady passes Brett Favre for most career interceptions in the postseason + . SB Nation. Archived from the original on May 15, 2018. Retrieved May 15, 2018. + + ^ The QB With the Most Conference Championship Appearance? . NFL RUSH. January + 19, 2017. Archived from the original on January 25, 2018. Retrieved February + 9, 2018. + + ^ a b Game Notes: Patriots extend NFL-record to 10th Super Bowl overall . New + England Patriots. January 21, 2018. Archived from the original on February 9, + 2018. Retrieved February 9, 2018. + + ^ Super Bowl Records: Individual – Passing . nfl.com. Archived from the original + on August 10, 2015. Retrieved July 29, 2015. + + ^ Breech, John (February 2, 2015). Tom Brady broke, tied or extended 9 Super + Bowl records . CBSSports.com. Archived from the original on January 23, 2018. + Retrieved February 9, 2018. + + ^ Tom Brady, Bill Belichick make NFL history with record 7th Super Bowl appearance + . abcnews.com. Archived from the original on January 29, 2017. Retrieved January + 23, 2017. + + ^ a b Kirk, Jason (February 5, 2018). Pats now own 75 Super Bowl records, including + most losses . SBNation.com. Archived from the original on April 4, 2018. Retrieved + April 4, 2018. + + ^ Patriots, Tom Brady keep rewriting Super Bowl record book . + + ^ Hanzus, Dan. Tom Brady is game for another SNL hosting gig . National Football + League. Archived from the original on August 17, 2012. Retrieved August 17, + 2012. + + ^ Bark, Ed (February 6, 2005). Fox gets animated after the Super Bowl . Dallas + Morning News. Retrieved August 17, 2012. + + ^ Patriots News and Notes . Patriots Insider. Fox Sports. Archived from the + original on January 27, 2013. Retrieved August 17, 2012. + + ^ Entourage Fore (TV Episode 2009) – IMDb . IMDb. Archived from the original + on March 26, 2017. Retrieved August 11, 2017. + + ^ Entourage: Tom Brady replaced Manning brothers in Season 6 cameo . Sports + Illustrated. May 28, 2015. Archived from the original on August 11, 2017. Retrieved + August 11, 2017. + + ^ Tom Brady s Ted 2 Cameo Features Deflategate Line From Mark Wahlberg . + NESN. June 24, 2015. Archived from the original on August 11, 2017. Retrieved + August 11, 2017. + + ^ Buttons NY – Sound + Picture » Vote for your favorite Stetson Cologne man, + win a $10 gift card, and Listen to the latest Stetson Radio ad, with the original + Stetson Jingle! . Archived from the original on January 1, 2019. Retrieved January + 6, 2019. + + ^ Tom Brady . Forbes. Archived from the original on March 19, 2015. Retrieved + April 1, 2015. + + ^ Peyton Manning vs. Tom Brady Endorsements: Who s No. 1 In Commercial Appeal? + . Archived from the original on April 2, 2015. Retrieved April 1, 2015. + + ^ Ember, Sydney Tom Brady Still a Key Part of Under Armour s Broader Ad Push + Archived January 1, 2019, at the Wayback Machine New York Times. August 25, + 2015 + + ^ Beautyrest Black and Tom Brady Score for Sleep – BedTimes . Archived from + the original on January 2, 2019. Retrieved January 6, 2019. + + ^ Reimer, Alex (August 23, 2016). Tom Brady s Vegan Snacks Only Add to His + Bourgeois Profile . Forbes. Archived from the original on January 1, 2019. Retrieved + January 6, 2019. + + ^ Tom Brady Announces Launch Of TB12 Website, Online Store (Photo) . NESN.com. + January 21, 2016. Archived from the original on September 28, 2017. Retrieved + September 27, 2017. + + ^ Tom Brady Launches Raw Snack Line Under His TB12 Brand . NCA. Retrieved September + 27, 2017. + + ^ Tom Brady and TB12 Launch TB12 Foundation for Young Athletes – Physical Therapy + Products . Physical Therapy Products. Archived from the original on September + 28, 2017. Retrieved September 27, 2017. + + ^ This New Meal Delivery Plan Will Help You Eat Like Tom Brady . Archived from + the original on September 28, 2017. Retrieved September 27, 2017. + + ^ Garcia, Ahiza. Tom Brady launches meal kit service . CNNMoney. Archived from + the original on September 28, 2017. Retrieved September 27, 2017. + + ^ O Connor, Ian (September 20, 2017). Tom Brady has No. 1 book on Amazon, Hillary + at No. 2. As they said at Michigan, all he does is winpic.twitter.com/glGlzkGGRd + . @Ian_OConnor. Retrieved September 21, 2017. + + ^ Tom Brady s TB12 Method Is a Best Seller . Boston Magazine. Archived from + the original on September 28, 2017. Retrieved September 29, 2017. + + ^ Leibovich, Mark (2018). Tom Brady Gave a Filmmaker Unusual Access to His + Private Life . The New York Times. ISSN 0362-4331. Archived from the original + on January 10, 2018. Retrieved January 10, 2018. + + ^ a b Dagostino, Mark (December 14, 2006). Tom Brady, Bridget Moynahan Split + Up . People. Archived from the original on October 12, 2007. Retrieved December + 27, 2007. + + ^ Smith, Liz (February 18, 2007). It s Brady Baby For Sixy Star . New York + Post. Archived from the original on February 20, 2007. Retrieved December 27, + 2007. + + ^ Shanahan, Mark (February 18, 2007). Ex-Brady Girlfriend Says She s Pregnant + With His Child . The Boston Globe. Archived from the original on March 11, 2007. + Retrieved November 30, 2008. + + ^ Boehm, Kristin (August 28, 2007). Bridget Moynahan Thankful for Healthy + Baby . People. Archived from the original on November 13, 2008. Retrieved November + 30, 2008. + + ^ Bridget Moynahan Welcomes a Baby Boy . People. August 23, 2007. Archived + from the original on June 28, 2008. Retrieved November 30, 2008. + + ^ Tom Brady & Gisele Bundchen: New Couple? . People. Archived from the original + on September 6, 2015. Retrieved December 7, 2012. + + ^ Patriots Quarterback Tom Brady on Football, Fatherhood, and Gisele Bündchen + . Archived from the original on October 2, 2013. Retrieved April 27, 2013. + + ^ Cedenheim, Pernilla (February 27, 2009). Model Tom Brady & Gisele Bündchen: + Married! . People. Archived from the original on May 20, 2016. Retrieved April + 27, 2018. + + ^ Gisele Bündchen & Tom Brady Have a Boy . People. December 9, 2009. Archived + from the original on July 2, 2017. Retrieved August 11, 2017. + + ^ Gisele Bündchen and Tom Brady Welcome Daughter Vivian Lake . People. December + 7, 2015. Archived from the original on September 5, 2015. Retrieved August 11, + 2017. + + ^ Farrar, Doug. Boston (in) Common: Kevin Youkilis set to marry Tom Brady s + sister . Archived from the original on February 10, 2012. Retrieved February + 10, 2012. + + ^ Hua, Karen (February 2, 2017). Inside The Multimillion-Dollar Homes Of Tom + Brady . Forbes. Archived from the original on August 11, 2017. Retrieved August + 11, 2017. + + ^ The Tao Of Tom: How Tom Brady Uses An 80–20 Diet, Meditation, Yoga & One + Book To Age Backwards . Retrieved January 24, 2018. + + ^ The Best There Ever Was? . GQ. August 5, 2005. Archived from the original + on July 30, 2017. Retrieved July 30, 2017. + + ^ Tom Brady vs. Peyton Manning For Republican Presidential Nomination? Some + Believe It s Possible . WBZ-TV (CBS Boston). June 7, 2017. Archived from the + original on July 13, 2017. Retrieved July 30, 2017. + + ^ Super Bowl QB Tom Brady s No Patriot . The Smoking Gun. January 26, 2004. + Archived from the original on July 29, 2017. Retrieved July 30, 2017. + + ^ Leibovich, Mark (February 1, 2017). The Uncomfortable Love Affair Between + Donald Trump and the New England Patriots . The New York Times. Archived from + the original on February 6, 2017. Retrieved February 2, 2017. + + ^ Sports figures who support Donald Trump . Archived from the original on August + 28, 2018. Retrieved January 6, 2019. + + ^ Boren, Cindy. It s just a friendship : Tom Brady opens up a little about + President Trump . The Washington Post. Archived from the original on January + 24, 2017. Retrieved January 24, 2017. + + ^ Rappeport, Alan. Did Tom Brady and Gisele Bündchen Back Donald Trump? She + Says No, and He s Not Saying . The New York Times. Archived from the original + on February 16, 2017. Retrieved January 24, 2017. + + ^ Chestang, Raphael. Tom Brady Says Wife Gisele Bundchen Doesn t Want Him Talking + Politics . ET Online. Archived from the original on January 30, 2017. Retrieved + January 24, 2017. + + ^ Tom Brady will not attend Patriots visit to White House due to personal + family matters . Sports Illustrated. Sports Illustrated. Archived from the + original on April 9, 2018. Retrieved April 9, 2018. + + ^ Kamisar, Ben (February 1, 2015). 5 NFL stars who could run for office . The + Hill. Archived from the original on March 12, 2016. Retrieved February 5, 2017. + + ^ Klosterman, Chuck (November 18, 2015). Tom Brady Talks to Chuck Klosterman + About Deflategate (Sort Of . . .) . GQ. Archived from the original on February + 1, 2016. Retrieved February 5, 2017. + + ^ Durkee, Travis (November 18, 2015). Sorry, America, Tom Brady will never + run for president . Sporting News. Archived from the original on February 7, + 2017. Retrieved February 5, 2017. + + ^ Tack, Travis (November 14, 2016). Tom Brady Won t Talk Politics, Doesn t + Want To Run For Office . Politicus Sports. Archived from the original on February + 7, 2017. Retrieved February 5, 2017. + + ^ https://www.bostonherald.com/2018/10/12/helen-brady-hopes-tom-brady-photo-gives-campaign-a-boost/ + + ^ http://blog.masslive.com/patriots/2016/11/tom_brady_give_em_helen_ad.html + + ^ LaFratta, Kristin (November 6, 2018). 2018 Massachusetts Election: State + Auditor live results (Suzanne M. Bump, Helen Brady, Daniel Fisherman, Edward + J. Stamas) . Mass Live. Retrieved January 21, 2019. + + ^ Archived copy . Archived from the original on November 25, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on December 6, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on November 5, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on October 9, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + Pierce, Charles (2006), Moving the Chains: Tom Brady and the Pursuit of Everything, + Farrar, Straus and Giroux, ISBN 0-374-21444-1 + + Wikiquote has quotations related to: Tom Brady + + Wikimedia Commons has media related to Tom Brady. + + Michigan Wolverines bio + + Career statistics and player information from NFL.com · ESPN · Yahoo! Sports + · SI.com · Pro-Football-Reference · Rotoworld + + Tom Brady on IMDb + + New England Patriots current roster + + 2 Brian Hoyer + + 14 Braxton Berrios + + 16 Darren Andrews + + 21 Duron Harmon + + 22 Obi Melifonwu + + 23 Patrick Chung + + 24 Stephon Gilmore + + 26 Sony Michel + + 27 J. C. Jackson + + 29 Duke Dawson + + 35 Keion Crossen + + 36 Brandon King + + 43 Nate Ebner + + 44 Christian Sam + + 46 James Develin + + 49 Joe Cardona + + 51 Ja Whaun Bentley + + 52 Elandon Roberts + + 53 Kyle Van Noy + + 54 Dont a Hightower + + 58 Keionta Davis + + 60 David Andrews + + 61 Marcus Cannon + + 62 Joe Thuney + + 63 Brian Schwenke + + 66 James Ferentz + + 69 Shaq Mason + + 70 Adam Butler + + 75 Ted Karras + + 76 Isaiah Wynn + + 80 Stephen Anderson + + 85 Ryan Izzo + + 91 Deatrich Wise Jr. + + 93 Lawrence Guy + + 95 Derek Rivers + + 97 Ufomba Kamalu + + 5 Danny Etling (Future) + + 17 Damoun Patterson (Future) + + 39 A. J. Howard (Future) + + 45 Trent Harris (Future) + + 48 Calvin Munson (Future) + + 72 Dan Skipper (Future) + + 74 Cole Croston (Future) + + 92 Frank Herron (Future) + + -- Jake Eldrenkamp (Future) + + -- Ryker Mathews (Future) + + -- David Parry (Future) + + 3 Stephen Gostkowski (UFA) + + 6 Ryan Allen (UFA) + + 10 Josh Gordon (RFA) + + 13 Phillip Dorsett (UFA) + + 15 Chris Hogan (UFA) + + 25 Eric Rowe (UFA) + + 30 Jason McCourty (UFA) + + 31 Jonathan Jones (RFA) + + 33 Jeremy Hill (UFA) + + 50 Ramon Humber (UFA) + + 55 John Simon (UFA) + + 59 Albert McClellan (UFA) + + 67 Ulrick John (UFA) + + 68 LaAdrian Waddle (UFA) + + 71 Danny Shelton (UFA) + + 77 Trent Brown (UFA) + + 81 Cody Hollister (ERFA) + + 84 Cordarrelle Patterson (UFA) + + 90 Malcom Brown (UFA) + + 98 Trey Flowers (UFA) + + List of starting quarterbacks in the National Football League (as of Week 17 + of the 2018 NFL season) + + Josh Allen (Buffalo Bills) + + Tom Brady (New England Patriots) + + Sam Darnold (New York Jets) + + Lamar Jackson (Baltimore Ravens) + + Jeff Driskel (Cincinnati Bengals) + + Baker Mayfield (Cleveland Browns) + + Deshaun Watson (Houston Texans) + + Andrew Luck (Indianapolis Colts) + + Blake Bortles (Jacksonville Jaguars) + + Blaine Gabbert (Tennessee Titans) + + Case Keenum (Denver Broncos) + + Patrick Mahomes (Kansas City Chiefs) + + Derek Carr (Oakland Raiders) + + Eli Manning (New York Giants) + + Nick Foles (Philadelphia Eagles) + + Josh Johnson (Washington Redskins) + + Mitchell Trubisky (Chicago Bears) + + Matthew Stafford (Detroit Lions) + + Kirk Cousins (Minnesota Vikings) + + Matt Ryan (Atlanta Falcons) + + Kyle Allen (Carolina Panthers) + + Teddy Bridgewater (New Orleans Saints) + + Jameis Winston (Tampa Bay Buccaneers) + + Josh Rosen (Arizona Cardinals) + + Jared Goff (Los Angeles Rams) + + Nick Mullens (San Francisco 49ers) + + Russell Wilson (Seattle Seahawks) + + Tom Brady—awards, championships, and honors + + Peyton Manning Record for NFL passing touchdowns in a single season + + Michigan Wolverines starting quarterbacks + + Barmore (1880) + + Horton (1881) + + McNeil (1883–1885) + + Farrand (1887) + + F. Smith (1888) + + Sherman (1891) + + Sanderson (1892) + + Baird (1893–1895) + + Richards (1895–1897) + + Drumheller (1896) + + Felver (1896–1897) + + Talcott (1898) + + McGinnis (1900) + + Weeks (1901–1902) + + Norcross (1904–1905) + + Barlow (1905) + + Wasmund (1907–1909) + + McMillan (1910–1911) + + Huebel (1912) + + Hughitt (1913–1914) + + Roehm (1915) + + Sparks (1916, 1919) + + Knode (1918) + + Bank (1920–1921) + + Uteritz (1921–1923) + + Rockwell (1924) + + Friedman (1925–1926) + + Simrall (1929) + + Tessmer (1930–1931) + + Newman (1930–1932) + + Fay (1933) + + Jennings (1934) + + Renner (1935) + + Evashevski (1938–1940) + + Ceithaml (1941–1942) + + Wiese (1943) + + Ponsetto (1944–1945) + + Yerges (1945–1947) + + Elliott (1948) + + Ghindia (1949) + + Putich (1950) + + Topor (1951–1952) + + Baldacci (1953–1954) + + Maddock (1955) + + Van Pelt (1956–1957) + + Ptacek (1958) + + Noskin (1959) + + Stamos (1960–1961) + + Glinka (1960–1961) + + Timberlake (1962–1964) + + Gabler (1965) + + Vidmer (1965–1967) + + Den. Brown (1967–1968) + + Moorhead (1969–1970) + + Slade (1971) + + Franklin (1972–1974) + + Leach (1975–1978) + + Dickey (1979) + + Wangler (1979–1980) + + S. Smith (1981–1983) + + Zurbrugg (1984) + + Harbaugh (1984–1986) + + Dem. Brown (1987–1988) + + Taylor (1987–1989) + + Grbac (1989–1992) + + Collins (1993–1994) + + Dreisbach (1995–1996) + + Griese (1995–1997) + + Brady (1998–1999) + + Henson (2000) + + Navarre (2000–2003) + + Henne (2004–2007) + + Mallett (2007) + + Threet (2008) + + Forcier (2009) + + Robinson (2010–2012) + + Gardner (2012–2014) + + Morris (2013–2014) + + Rudock (2015) + + Speight (2016–2017) + + O Korn (2016–2017) + + Peters (2017) + + Patterson (2018– ) + + 1997 Michigan Wolverines football—AP national champions + + Jeff Backus + + Scott Dreisbach + + Tommy Hendricks + + Marcus Knight + + DeWayne Patmon + + Rob Renes + + Aaron Shea + + Glen Steele + + Tai Streets + + Sam Sword + + Jerame Tuman + + Andre Weathers + + Head coach: Lloyd Carr + + Assistant coaches: Vance Bedford + + Mike DeBord + + Jim Herrmann + + Stan Parrish + + New England Patriots 2000 NFL draft selections + + Adrian Klemm + + J. R. Redmond + + Greg Randall + + Dave Stachelski + + Jeff Marriott + + Casey Tisdale + + Boston / New England Patriots starting quarterbacks + + Butch Songin (1960–1961) + + Tom Greene (1960) + + Babe Parilli (1961–1967) + + Tom Yewcic (1962) + + Eddie Wilson (1965) + + Don Trull (1967) + + Mike Taliaferro (1968–1970) + + Tom Sherman (1968) + + Joe Kapp (1970) + + Jim Plunkett (1971–1975) + + Steve Grogan (1975–1990) + + Neil Graff (1975) + + Matt Cavanaugh (1980–1982) + + Tom Owen (1981) + + Tony Eason (1983–1989) + + Tom Ramsey (1987–1988) + + Bob Bleier (1987) + + Doug Flutie (1987–1989) + + Marc Wilson (1989–1990) + + Tommy Hodson (1990–1992) + + Hugh Millen (1991–1992) + + Scott Zolak (1992, 1995, 1998) + + Drew Bledsoe (1993–2001) + + Scott Secules (1993) + + Tom Brady (2001–present) + + Matt Cassel (2008) + + Jacoby Brissett (2016) + + Associated Press NFL Offensive Player of the Year Award winners + + 1974: Stabler + + 1975: Tarkenton + + 1982: Fouts + + 1983: Theismann + + 1984: Marino + + 1986: Dickerson + + 1988: Craig + + 1989: Montana + + 1995: Favre + + 2006: Tomlinson + + 2008: Brees + + 2017: Gurley + + 2018: Mahomes + + Associated Press NFL Most Valuable Player Award winners + + 1957: J. Brown + + 1960: Van Brocklin + + 1962: J. Taylor + + 1963: Tittle + + 1966: Starr + + 1969: Gabriel + + 1970: Brodie + + 1972: L. Brown + + 1975: Tarkenton 1976: Jones + + 1980: Sipe + + 1982: Moseley + + 1987: Elway + + 1988: Esiason + + 1997: Favre & Sanders + + 2002: Gannon + + 2003: Manning & McNair + + 1962: Robustelli + + 1970: Blanda + + 1974: Olsen + + 1977: Griese + + 1983: Riggins + + 1988: Cunningham + + 2010: Vick + + 2017: Wentz + + 1975: Hampton + + 1995: Harbaugh & Hearst + + 1996: Bettis + + 2000: J. Johnson + + 2002: Maddox + + 2011: Stafford + + 2014: Gronkowski + + 2018: Luck + + New England Patriots Super Bowl XXXVI champions + + 4 Adam Vinatieri + + 11 Drew Bledsoe + + 12 Tom Brady (MVP) + + 13 Ken Walter + + 14 Walter Williams + + 15 Jimmy Farris + + 16 Scott McCready + + 19 Damon Huard + + 21 J. R. Redmond + + 22 Terrance Shaw + + 23 Antwan Harris + + 24 Ty Law + + 25 Leonard Myers + + 26 Matt Stevens + + 27 Terrell Buckley + + 28 Brock Williams + + 29 Hakim Akbar + + 30 Je Rod Cherry + + 31 Ben Kelly + + 32 Antowain Smith + + 33 Kevin Faulk + + 34 Tebucky Jones + + 35 Patrick Pass + + 36 Lawyer Milloy + + 38 Ray Hill + + 44 Marc Edwards + + 45 Otis Smith + + 48 Arther Love + + 49 Jabari Holloway + + 50 Mike Vrabel + + 51 Bryan Cox + + 52 Ted Johnson + + 53 Larry Izzo + + 54 Tedy Bruschi + + 55 Willie McGinest + + 58 Matt Chatham + + 59 Andy Katzenmoyer + + 60 Drew Inzer + + 61 Stephen Neal + + 62 Setema Gali + + 63 Joe Andruzzi + + 64 Greg Randall + + 65 Damien Woody + + 66 Lonie Paxton + + 67 Grey Ruegamer + + 68 Tom Ashworth + + 70 Adrian Klemm + + 71 Chris Sullivan + + 72 Matt Light + + 74 Kenyatta Jones + + 75 Maurice Anderson + + 76 Grant Williams + + 77 Mike Compton + + 80 Troy Brown + + 82 Curtis Jackson + + 83 Rod Rutledge + + 84 Fred Coleman + + 85 Jermaine Wiggins + + 86 David Patten + + 88 Terry Glenn + + 90 Marty Moore + + 91 Bobby Hamilton + + 92 David Nugent + + 93 Richard Seymour + + 94 Jace Sayler + + 95 Roman Phifer + + 96 Brandon Mitchell + + 97 Riddick Parker + + 98 Anthony Pleasant + + 99 Kole Ayi + + Coaches: Ned Burke + + Ivan Fears + + Randy Melvin + + Dante Scarnecchia + + New England Patriots Super Bowl XXXVIII champions + + 6 Rohan Davey + + 10 Jamin Elliott + + 16 Kliff Kingsbury + + 17 Dedric Ward + + 18 Chas Gessner + + 21 Mike Cloud + + 22 Asante Samuel + + 26 Eugene Wilson + + 31 Larry Centers + + 34 Chris Akins + + 38 Tyrone Poole + + 39 Shawn Mayer + + 44 Fred McCrary + + 46 Brian Kinchen + + 48 Tully Banta-Cain + + 49 Sean McDermott + + 51 Don Davis + + 59 Rosevelt Colvin + + 60 Wilbert Brown + + 62 Tim Provost + + 64 Gene Mruczkowski + + 67 Dan Koppen + + 71 Russ Hochstein + + 75 Jamil Soriano + + 76 Brandon Gorin + + 81 Bethel Johnson + + 82 Daniel Graham + + 83 Deion Branch + + 84 Fred Baxter + + 85 J. J. Stokes + + 87 David Givens + + 88 Christian Fauria + + 90 Dan Klecko + + 92 Ted Washington + + 94 Ty Warren + + 96 Rick Lyle + + 97 Jarvis Green + + 99 Ethan Kelley + + Coaches: Romeo Crennel + + Sean Gustus + + New England Patriots Super Bowl XXXIX champions + + 8 Josh Miller + + 10 Kevin Kasper + + 13 Jim Miller + + 14 P. K. Sam + + 18 Cedric James + + 19 Ricky Bryant + + 21 Randall Gay + + 23 Omare Lowe + + 27 Rabih Abdullah + + 28 Corey Dillon + + 29 Earthwind Moreland + + 31 Hank Poteat + + 32 Kory Chapman + + 34 Cedric Cobbs + + 39 Guss Scott + + 42 Dexter Reid + + 46 Zeron Flemister + + 47 Justin Kurpeikis + + 49 Eric Alexander + + 65 Lance Nimmo + + 69 Buck Rasmussen + + 74 Billy Yates + + 75 Vince Wilfork + + 83 Deion Branch (MVP) + + 84 Benjamin Watson + + 85 Jed Weaver + + 91 Marquise Hill + + 96 Rodney Bailey + + 98 Keith Traylor + + New England Patriots Super Bowl XLIX champions + + 3 Stephen Gostkowski + + 6 Ryan Allen + + 8 Garrett Gilbert + + 10 Jimmy Garoppolo + + 16 Jonathan Krause + + 17 Aaron Dobson + + 21 Malcolm Butler + + 22 Stevan Ridley + + 24 Darrelle Revis + + 25 Kyle Arrington + + 26 Logan Ryan + + 27 Tavon Wilson + + 29 LeGarrette Blount + + 31 Justin Green + + 34 Shane Vereen + + 35 Jonas Gray + + 36 Tyler Gaffney + + 37 Alfonzo Dennard + + 39 Brandon Browner + + 41 Daxton Swanson + + 45 Cameron Gordon + + 47 Michael Hoomanawanui + + 48 Danny Aiken + + 50 Rob Ninkovich + + 51 Jerod Mayo + + 53 Eric Martin + + 58 Darius Fleming + + 59 Chris White + + 62 Ryan Wendell + + 63 Dan Connolly + + 64 Chris Barker + + 65 Jordan Devey + + 66 Bryan Stork + + 67 Josh Kline + + 68 Caylin Hauptmann + + 71 Cameron Fleming + + 72 Joe Vellano + + 74 Dominique Easley + + 76 Sebastian Vollmer + + 80 Danny Amendola + + 81 Tim Wright + + 82 Josh Boyce + + 84 Brian Tyms + + 90 Zach Moore + + 91 Jamie Collins + + 92 Jake Bequette + + 94 Chris Jones + + 95 Chandler Jones + + 96 Sealver Siliga + + 97 Alan Branch + + 99 Michael Buchanan + + – James Morris + + – Greg Orton + + Coaches: Stephen Belichick + + Josh Boyer + + Joe Judge + + Harold Nash + + Chad O Shea + + New England Patriots Super Bowl LI champions + + 14 Michael Floyd + + 16 Devin Lucien + + 17 DeAndrew White + + 19 Malcolm Mitchell + + 22 Justin Coleman + + 24 Cyrus Jones + + 25 Eric Rowe + + 27 D. J. Foster + + 31 Jonathan Jones + + 44 Trevor Bates + + 47 Glenn Gronkowski + + 51 Barkevious Mingo + + 55 Jonathan Freeny + + 63 Tre Jackson + + 65 Jamil Douglas + + 66 Chase Farris + + 68 LaAdrian Waddle + + 74 Woodrow Hamilton + + 82 Matt Lengel + + 83 Greg Scruggs + + 88 Martellus Bennett + + 90 Malcom Brown + + 92 Geneo Grissom + + 95 Chris Long + + 96 Darius Kilgo + + 98 Trey Flowers + + 99 Vincent Valentine + + Raymond Ventrone + + 5 Danny Etling + + 11 Julian Edelman (MVP) + + 17 Riley McCarron + + 17 Damoun Patterson + + 39 A. J. Howard + + 42 Jomal Wiltz + + 45 Trent Harris + + 48 Calvin Munson + + 50 Ramon Humber + + 55 John Simon' + __selected-sentences__: + - 'Most games won by a quarterback: 237[2]' + episode_done: false + eval_labels: + - Some where in the middle. That guy is good, he has most games won by a quarterback/. + He seems huble + id: WizInternetWizardTeacher + search_query: Tom Brady records + text: "__knowledge__ Most games won by a quarterback: 237[2] __endknowledge__\ + \ \n It is. Are you a Brady fan or foe?" +num_episodes: 516 +num_examples: 2881 diff --git a/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_test.yml b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_test.yml new file mode 100644 index 00000000000..ff9024a991e --- /dev/null +++ b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_test.yml @@ -0,0 +1,6625 @@ +acts: +- - __retrieved-docs-urls__: + - https://www.comingsoon.net/ + - https://www.movieinsider.com/movies/2021 + - https://www.moviefone.com/coming-soon/ + - https://www.amctheatres.com/movies + - https://timesofindia.indiatimes.com/entertainment/upcoming-movies/upcoming-hindi-movies + __retrieved-docs__: + - 'By Grant Hermanns On February 16, 2019 + + The film is set to debut on Netflix! + + The main series will reportedly conclude with the tenth movie. + + Daniel Craig returns for one last time as James Bond + + By Spencer Perry On February 16, 2019 + + By Joey Mills On February 16, 2019 + + The Umbrella Academy Episode 1 Recap The Umbrella Academy season 1 episode 1 + kicks off in Russia on October 1, […] + + By Kylie Hemmert On February 16, 2019 + + Andrew Bernstein to Direct The Outsider Adaptation of Stephen King’s Novel + + The Emmy-nominated director will also executive produce the HBO drama + + Netflix will release the movie later this yaer + + Rock will also serve as executive producer for the NBC pilot + + Netflix’s You Season 2 Begins Production + + Season 2 will be loosely based on the second series novel, Hidden Bodies + + By Max Evry On February 15, 2019 + + Rodriguez directs CS’s Max Evry and scores the scene live on guitar! + + “The Academy has heard the feedback from its membership” + + “I get to do fowl things to one of my all-time favorite comic book characters + in animation!” + + By Maggie Dela Paz On February 15, 2019 + + The series will return on April 4 + + The long-awaited film will open in the U.S. this coming April + + The limited series will follow the God of Mischief influencing human history + + Star Wars: Episode IX is scheduled for release on December 20 + + Junkie XL Set to Score Sonic the Hedgehog Soundtrack + + The film stars Ben Schwartz as the voice of Sonic + + The series is set to stream on Shudder. + + The sequel series will begin production later this year.' + - '2021 Movies: Upcoming Movies 2021 + + Last Updated: 2 weeks ago | By Brian D. Renner, Editor + + Top & Best 2021 Movies + + The Flash: Flashpoint + + Filter By: Date + + Genres All (37) 3D (1) Action (14) Adaptation (2) Adventure (12) Animation (11) + Based on Toy (1) Comedy (4) Comic Book (1) Dark Comedy (1) Drama (1) Family + (9) Fantasy (4) Horror (1) Kids (1) Musical (1) Political (1) Reboot (1) Sci-Fi + (2) Sequel (6) Shot-In-3D (1) Stop-Motion (1) Superhero (7) + + January | February | March | April | May | June | July | August | September + | October | November | December | TBA + + January 2021 Movies 1 Movies Coming Out + + January 2021 s top movie releases are Untitled WB Event Film #1 (2021). + + Untitled WB Event Film #1 (2021) + + February 2021 Movies 3 Movies Coming Out + + February 2021 s top movie releases are Untitled Marvel II (2021), Untitled WB + Event Film #2 (2021)… more + + February 2021 s top movie releases are Untitled Marvel II (2021), Untitled WB + Event Film #2 (2021) and Untitled Disney Live Action I (2021). + + Untitled Marvel II (2021) + + Untitled Disney Live Action I (2021) + + March 2021 Movies 5 Movies Coming Out + + March 2021 s top movie releases are The Boss Baby 2, Untitled Disney Live Action + (2021), Untitled F… more + + March 2021 s top movie releases are The Boss Baby 2, Untitled Disney Live Action + (2021), Untitled Fox/Marvel Film (2021), Foster and Luck. + + Untitled Fox/Marvel Film (2021) + + Untitled Disney Live Action (2021) + + April 2021 Movies 1 Movies Coming Out + + April 2021 s top movie releases are Fast & Furious 10. + + May 2021 Movies 4 Movies Coming Out + + May 2021 s top movie releases are Doctor Strange 2, Untitled Marvel I (2021), + DC Super Pets and Unt… more + + May 2021 s top movie releases are Doctor Strange 2, Untitled Marvel I (2021), + DC Super Pets and Untitled Disney Live Action II (2021). + + Untitled Marvel I (2021) + + Untitled Disney Live Action II (2021) + + June 2021 Movies 3 Movies Coming Out + + June 2021 s top movie releases are Jurassic World 3, The Batman and Untitled + Pixar Animation (2021)… more + + June 2021 s top movie releases are Jurassic World 3, The Batman and Untitled + Pixar Animation (2021). + + Untitled Pixar Animation (2021) + + July 2021 Movies 4 Movies Coming Out + + July 2021 s top movie releases are Indiana Jones 5, Untitled Illumination Animated + Film (2021), Mis… more + + July 2021 s top movie releases are Indiana Jones 5, Untitled Illumination Animated + Film (2021), Mission: Impossible 7 and Untitled Disney Live Action III (2021). + + Untitled Illumination Animated Film (2021) + + Untitled Disney Live Action III (2021) + + August 2021 Movies 1 Movies Coming Out + + August 2021 s top movie releases are The Suicide Squad. + + September 2021 Movies 1 Movies Coming Out + + September 2021 s top movie releases are Spooky Jack. + + October 2021 Movies 2 Movies Coming Out + + October 2021 s top movie releases are Untitled Paramount/Hasbro Event Film (2021) + and Untitled Disn… more + + October 2021 s top movie releases are Untitled Paramount/Hasbro Event Film (2021) + and Untitled Disney Live Action IV (2021). + + Untitled Paramount/Hasbro Event Film (2021) + + Untitled Disney Live Action IV (2021) + + November 2021 Movies 3 Movies Coming Out + + November 2021 s top movie releases are Dungeons & Dragons, Untitled Marvel III + (2021) and Untitled… more + + November 2021 s top movie releases are Dungeons & Dragons, Untitled Marvel III + (2021) and Untitled Disney Animation 3D (2021). + + Untitled Marvel III (2021) + + Untitled Disney Animation 3D (2021) + + December 2021 Movies 3 Movies Coming Out + + December 2021 s top movie releases are Wicked, Avatar 3 and Untitled WB Animation + Event Film (2021)… more + + December 2021 s top movie releases are Wicked, Avatar 3 and Untitled WB Animation + Event Film (2021). + + Untitled WB Animation Event Film (2021) + + To Be Announced (TBA) 2021 Movies 4 Movies + + TBA 2021 Movie Releases + + My Father’s Dragon + + Wendell and Wild' + - 'Showing Movies sorted by Release Date + + How to Train Your Dragon: The Hidden WorldOpening February 22, 2019 + + The Hole in the GroundOpening March 1, 2019 + + Captain MarvelOpening March 8, 2019 + + Wonder ParkOpening March 15, 2019 + + The MustangOpening March 15, 2019 + + Captive StateOpening March 15, 2019 + + Triple ThreatOpening March 19, 2019 + + DumboOpening March 29, 2019 + + Shazam!Opening April 5, 2019 + + Missing LinkOpening April 12, 2019 + + AfterOpening April 12, 2019 + + Mary MagdaleneOpening April 12, 2019 + + The Curse of La LloronaOpening April 19, 2019 + + Under the Silver LakeOpening April 19, 2019 + + Drunk ParentsOpening April 19, 2019 + + Avengers: EndgameOpening April 26, 2019 + + UglyDollsOpening May 3, 2019 + + Pokémon Detective PikachuOpening May 10, 2019 + + A Dog s JourneyOpening May 17, 2019 + + John Wick: Chapter 3 -- Parabellum + + John Wick: Chapter 3 -- ParabellumOpening May 17, 2019 + + The Sun Is Also a StarOpening May 17, 2019 + + AladdinOpening May 24, 2019 + + Dark PhoenixOpening June 7, 2019 + + The Other Side of Heaven 2: Fire of Faith + + The Other Side of Heaven 2: Fire of FaithOpening June 7, 2019' + - 'Featured MoviesAMC independentSensory Friendly Films + + Premium OfferingsIMAX VR at AMCAMC Live Q&ADolby Cinema at AMCDolby Cinema 3DIMAX + at AMCIMAX 3DPRIME at AMCPRIME 3DD-BOXD-BOX 3DBigDBigD 3DRealD 3D3D70mmSensory + Friendly FilmsOpen Caption (On-screen Subtitles) + + Pre-show and trailers run for approximately 20 minutes before the movie starts.2 + hr 3 minNRReleased Feb 14 + + Get $5 Bonus Bucks with Premiere + + Join, extend or upgrade to AMC Stubs Premiere™ by 3/31 and earn $5 Bonus Bucks! + Plus, enjoy a year of premium perks, including a $5 reward for every $50 spent + and waived online ticketing fees. + + Join Now Upgrade/Renew' + - 'Mitwa Janam Janam Ke + + Did you know Munni Badnaam Huyee was a remake of a song from a Pakistani film + + Did you know Kartik Aaryan is a major cricket fanatic? + + Did you know that Farah Khan had planned Happy New Year all the way back in + 2004? + + Did you know Katrina Kaif was Anurag Basu s first choice to narrate the story + in ‘Barfi!’? + + 2019 Oscar Nominated S... + + Thomas & Friends: Big ... + + Arandavanukku Irundath... + + Vaarikkuzhiyile Kolapa... + + Kalbettada Darodekorar... + + Borof + + Kambalabettu Bhatrena ... + + Kori Rotti + + Upcoming Movies / + + Ajay Devgn-Sridevi + + Salman - Bhansali + + Nick - Priyanka + + Siddhant Chaturvedi + + Bhumi Pednekar, Sushant Singh Rajput, Manoj Bajpayee, Ashutosh Rana, Ranvir + Shorey + + Talha Arshad Reshi, Rasika Dugal, Sumit Kaul + + 01 Mar 2019 | 2 hrs 2 mins + + Aftab Shivdasani, Shreyas Talpade, Sonnalli Seygall, Ishita Dutta, Pavan Malhotra, + Vijay Raaz, Jameel Khan + + Kartik Aaryan, Kriti Sanon, Aparshakti Khurana, Pankaj Tripathi, Vinay Pathak + + Amitabh Bachchan, Taapsee Pannu, Amrita Singh, Manav Kaul + + Pratap Saurabh Singh, Preetyka Chauhan + + ajay devgn, Anil Kapoor, Madhuri Dixit, Riteish Deshmukh, arshad warsi, Jaaved + Jaaferi, Sanjay Mishra, Johnny Lever, Mahesh Manjrekar, Boman Irani, Aashish + Chaudhary, Ashwin Mushran, Rajpal Yadav, Pitobash Tripathy, Vijay Patkar + + Critic s Rating:2.0 + + Comedy | U + + Prit Kamani, Anshuman Malhotra, Tushar Pandey, Simran Sharma + + Aishwarya Rajesh, Nakul Choudharry + + Horror, Mystery, Thriller | A + + 15 Feb 2019 | 1 hr 57 mins + + Nabinoor Mansury + + Action, Drama, Romance | A + + Gautam Gulati, Ruhi Singh + + Rahul Bagga, Nancy Thakkar, Akhilendra Mishra + + Romance, Drama | UA + + Ansh Gupta, Saurabh Sharma, Aditi Bhagat + + Amartya Ray, barun sobti, Rajit Kapoor, Panchi Bora, Chaiti Ghoshal, Rajesh + Sharma, Geetika Tyagi + + Sport, Drama + + Anjali Patil, Makrand Deshpande, Sonia Albizuri, Nachiket Purnapatre + + Nawazuddin Siddiqui, Sanya Malhotra, Denzil Smith + + Ali Fazal, Sanjay Mishra, Ashutosh Rana, Yashpal Sharma, Shraddha Srinath, Sikander + Kher, Pankaj Tripathi, Reecha Sinha + + Abhimanyu Dasani, radhika madan, Gulshan Devaiah, Mahesh Manjrekar, Jimit Trivedi + + Comedy, Drama | U + + Akshay Kumar, parineeti chopra, Edward Sonnenblick, Mark Bennington, Pavan Malhotra, + Ashwath Bhatt, Rana Ranbir, Mir Sarwar + + rajkummar rao, Kangana Ranaut + + Zaheer Iqbal, Pranutan Bahl + + Vidyut Jammwal, Makarand Deshpande, Atul Kulkarni, Pooja Sawant + + Adventure, Action, Family, Thriller + + Sonam Kapoor, Dulquer Salmaan, Anil Kapoor, Sanjay Kapoor + + 05 Apr 2019 | 1 hr 24 mins + + John Abraham, Mouni Roy + + Alia Bhatt, Madhuri Dixit, varun dhawan, Aditya Roy Kapur, Sonakshi Sinha, Sanjay + Dutt, Hiten Tejwani + + Kriti Sanon, Diljit Dosanjh, Varun Sharma + + Tiger Shroff, Ananya Panday, Samir Soni, Tara Sutaria, Rajesh Kumar + + Chhota Bheem Kung Fu Dhamaka + + 10 May 2019 | 2 hrs 2 mins + + Ajay Devgn, Tabu, rakul preet singh + + Sidharth Malhotra, Parineeti Chopra + + Salman Khan, Tabu, Katrina Kaif, Disha Patani, sunil grover, varun dhawan + + 05 Jun 2019 | 1 hr 52 mins + + Shahid Kapoor, Kiara Advani + + Jacqueline Fernandez, Sushant Singh Rajput, Vikramjeet Virk, Sapna Pabbi, Boman + Irani, Pankaj Tripathi + + Action, Thriller, Drama, Adventure | A + + 05 Jul 2019 | 1 hr 10 mins + + Karan Deol, Saher Bamba + + Hrithik Roshan, Mrunal Thakur, Aditya Shrivastava, Pankaj Tripathi, Mohammed + Zeeshan Ayyub + + Amitabh Bachchan, Ranbir Kapoor, Alia Bhatt, Mouni Roy, Nagarjuna Akkineni, + dimple kapadia + + Adventure, Fantasy, Sci-Fi + + Prabhas, Neil Nitin Mukesh, Shraddha Kapoor, Jackie Shroff, Tinnu Anand, Arun + Vijay, Chunky Pandey, Mandira Bedi + + Hindi, Tamil, Telugu, Malayalam + + Sushant Singh Rajput, Shraddha Kapoor, Prateik Babbar, Varun Sharma, Tahir Raj + Bhasin + + 30 Aug 2019 | 1 hr 44 mins + + Rajkummar Rao, mouni roy, Boman Irani + + Akshay Kumar, Kareena Kapoor, Diljit Dosanjh, Kiara Advani + + Nushrat Bharucha, Ayushmann Khurrana + + Sunny Kaushal, Rukshar Dhillon + + Jhund + + Riteish Deshmukh, Sidharth Malhotra, Tara Sutaria, rakul preet singh + + Farhan Akhtar, Priyanka Chopra, Zaira Wasim + + Akshay Kumar, Riteish Deshmukh, Boman Irani, bobby deol, kriti sanon, pooja + hegde, Kriti Kharbanda + + 25 Oct 2019 | 2 hrs 2 mins + + varun dhawan, Shraddha Kapoor, Nora Fatehi + + Ajay Devgn, Saif Ali Khan + + Drama, History | UA + + Panipat: The Great Betrayal + + Sanjay Dutt, kriti sanon, Arjun Kapoor, Padmini Kolhapure + + 25 Dec 2019 | 1 hr 52 mins + + Tiger Shroff, Shraddha Kapoor + + Sanjay Dutt, Alia Bhatt, Pooja Bhat, Aditya Roy Kapur, Sidharth Malhotra + + Ranveer Singh, Vijay Deverakonda, Ammy Virk, Harrdy Sandhu, Sunny Kaushal, Jiiva, + Sahil Khattar, Chirag Patil, Tahir Raj Bhasin, Saqib Saleem + + Drama, Biography, Musical | UA + + Indranee Talukder + + Abhimanyu Singh, Vrajesh Hirjee, Prashant Narayanan, Uday Tikekar, Anupam Shyam, + Mrinmai Kolwalkar, Ehsaan Qureshi + + Drama, Crime, Thriller | UA + + Sachiin Joshi, Vivan Bhatena, nargis fakhri, mona singh, Navneet Kaur Dhillon, + Ali Asgar + + Horror, Drama, Suspense, Thriller | A + + Zuber K. Khan, Sapna Choudhary, Vikrant Anand, Anju Jadhav + + Bharath Seeni, Subiksha, Gautham Vasudev Menon, Krisha Kurup + + Sanjana Sen, Deana Uppal, Akbar Khan, Mohit Gaur + + Drama, Thriller | A + + Raashul Tandon, Manisha Ram Kelkar, Chetan Hansraj, Vik Khanna, Alisha Farrer + + Comedy, Thriller | A + + Farhan Akhtar, Annu Kapoor, Kamal Sidhu, Mathieu Carriere, Valentina Carnelutti, + Maitrey Bajpai + + Comedy, Drama | UA + + SP Chauhan: A Struggling Man + + Jimmy Sheirgill, Yuvika Chaudhary, Yashpal Sharma, Vijay Kumar Dogra + + Picture Ki Cheerphad `Papi Gudia + + Gaurav Kapoor + + Anil Kapoor, Sonam Kapoor, Rajkummar Rao, Juhi Chawla, Madhumalti Kapoor, Regina + Cassandra, Abdul Quadir Amin, Brijendra Kala, Seema Pahwa, Abhishek Duhan + + Umakant Pandey Purush Ya ... ? + + Shivangi Singh, Ajeet Singh, Shrikant Karanjgaonkar, Gurpech Singh Samagh, Neha, + Pramod Rathod + + Sandeep Singh, Anamika Shukla, Subrato, Monika + + 26 Jan 2019 | 1 hr 30 mins + + Aanand Gangwar, Sikander Abbas, Aslam Qureshi, Kailash Soni + + Kangana Ranaut, Atul Kulkarni, Jisshu Sengupta, Suresh Oberoi, Danny Denzongpa, + Kulbhushan Kharbanda, Mohammed Zeeshan Ayyub, Ankita Lokhande, Taher Shabbir, + Manish Wadhwa, Yash Tonk, Mishti Chakravarty, Unnati Davara + + Hindi, Tamil, Telugu + + Drama, Biography, History, Action | UA + + nawazuddin siddiqui, amrita rao + + Hindi, Marathi + + Drama, Biography | UA + + Shishir Sharma, Yajuvendra Singh, Rashmi Mishra + + Moin Khan, Saagar Kale, Nyla Masood + + Emraan Hashmi, Shreya Dhanwanthary, Ammar Taalwala + + Radhika Apte, Akshay Oberoi, Ravi Kishan, Shilpa Shukla, Akshat Verma, Siddhanth + Kapoor, Adil Hussain, Ajinkya Deo + + Comedy, Crime, Mystery | UA + + Avinash Dhyani, Alka Amin, Virendra Saxena, Shishir Sharma, Sumit Gulati, Mukesh + Tiwari, Gireesh Kr. Sahdev, Prashil Rawat + + Drama, Biography, War | UA + + arshad warsi, Saurabh Shukla, Sara Loren, Kanchan Awasthi, elli avram, Flora + Saini, Peeyush Suhaney, Varun Badola, Mihika Verma, Anangsha Biswas + + Comedy | UA + + Govinda, Shakti Kapoor, Digangana Suryavanshi, Govind Namdeo, Mahesh Anand, + Mishika Chourasia + + Chhappan Bhai + + Noushad, Azitabh + + Drama, Comedy | U + + Woh Jo Tha Ek Massiah Maulana Azad + + Linesh Fanse, Sirali Gupta, Marmik Gupta, Deepak Acharya, Chand Ansari, Arati + Gupte, Sudhir Joglekar + + Drama, Biopic | UA + + Rahul Roy, Akansha Shivhare, Trivikram Mattoo + + Falsafa: The Other Side + + Manit Joura, Sumit Gulati, Ridhima Grover, Geetanjali Singh + + Drama, Action, Thriller | UA + + Elena Kazan, Vicky Ahuja, Shoaib Ibrahim, Sparsh Sharma, Jashan Kohli, Vishwas + Kini, Farnaz Shetty + + Drama, Action, War | UA + + Anupam Kher, Akshaye Khanna, Suzanne Bernert, Arjun Mathur, Aahana Kumra, Avtar + Sahni, Vimal Verma, Anil Rastogi, Mike Gassaway, Atul Sharma, Manoj Anand, Divya + Seth + + Drama, Biography | U + + Vicky Kaushal, Yami Gautam, Kirti Kulhari, Vikramjeet Virk, Paresh Rawal, Manish + Chaudhary, Anil George, Swaroop Sampat + + Atul Kulkarni, Divya Dutta, Mohan Agashe + + Thriller, Mystery | A + + Mugdha Godse, Disha Sachdeva, Deepak Antani, Johny Nirmal + + Drama, Romance | A + + Ananth Narayan Mahadevan, Mona Ambegaonkar, Veena Nair, Arpit Chaudhary, Abhay + Kulkarni + + rajeev khandelwal, Usha Jadhav, Chelsie Preston Crayford + + Dharma Bhai + + Sai Dharam Tej, Lavanya Tripathi, Ashish Vidyarthi, Sayaji Shinde, Rahul Dev + + Ajay Tripathi, Gulfam Khan, Alam Siddiqui + + Ranveer Singh, Sara Ali Khan, Sonu Sood, Siddharth Jadhav, Ajay Devgn, Suresh + Oberoi, Naushaad Abbas, Abdul Quadir Amin + + Action, Comedy, Drama | UA + + Shah Rukh Khan, Anushka Sharma, Katrina Kaif, Tigmanshu Dhulia, Mohammed Zeeshan + Ayyub, Brijendra Kala, Abhay Deol, Sheeba Chaddha, Vipin Sharma, Salman Khan, + R. Madhavan, Rani Mukerji, kajol, Karisma Kapoor, Alia Bhatt, Sridevi + + Hindi, Tamil + + Ayub Khan, Brijendra Kala, Varsha Manikchand Shrivastav + + Brijendra Kala, Manav Sohal, Vaishnavi Dhanraj, Shravani Goswami + + Comedy, Drama, Romance | A + + Bhaagte Raho + + Rajpal Yadav, Riya Deepsi, Abhay Kabir Raichand, Sunil Pal, Dinesh Hingoo, Gopi + Bhalla + + Aryan Neeraaj Ananda, Ankita Bahuguna, Anjani Kumar Singh, Anaika Soti, Sahil + Shekh, ​Vinayak Mishra, Abhishek Soti, Abhishek Mahendru, Preena Jhamb + + Drama, Sport | U + + Shefali Shah, Neeraj Kabi, Bhagwan Tiwari, Bidita Bag, Priyanshu Painyuli + + Popular in Movies + + Bhojpuri song Jhumka Jhulaniya Ft. Khesari Lal Y... + + Bhojpuri Song Jable Jagal Bani Ft. Khesari Lal Yadav and Kaja... + + Akshay Kumar s Kesari trailer: Bollywood celebs are speechles... + + Watch: Bhojpuri song Choliye Me Aatkal Paran Ft. Pawan Singh ... + + Latest Holi Special Bhojpuri song Bhatar Gaile Dilli Ho sung ... + + Ram Gopal Varma taunts Pak PM; Kangana Ranaut gets trolled for ... + + Does it get difficult for Taimur Ali Khan when mom Kareena Kapo... + + Did govt deny Jamia’s request to honour Shah Rukh Khan with doc... + + Total Dhamaal: Exclusive interview of Ajay Devgn and Riteish De... + + Akshay Kumar s Kesari trailer inspires a hilarious meme fest ... + + Is Radhika Madan ready to act in Hindi Medium 2 ? + + Why Indra Kumar hasn t worked with his sister Aruna Irani after... + + Shah Rukh Khan misses daughter Suhana Khan and here s the proof... + + Throwback video! When Salman Khan teased Katrina Kaif for missi... + + Pulwama terror attack: Ram Gopal Varma taunts Pakistan Prime Mi...' + __selected-docs__: + - __noselected-docs__ + __selected-sentences__: + - __no_passages_used__ + episode_done: false + eval_labels: + - Have you seen any good movies lately? + id: WizInternetWizardTeacher + search_query: upcomming movies + text: 'I live in New York, New York. + + I like going to the moives. + + I love to get the overpriced snacks.' +- - __retrieved-docs-urls__: + - http://www.mtv.com/news/movie/toy-story/ + - https://www.imdb.com/title/tt0114709/ + - https://toystory.disney.com/ + - https://movies.disney.com/toy-story-4 + - https://en.wikipedia.org/wiki/Toy_Story + __retrieved-docs__: + - 'Will Poulter s Toy Story-Inspired Halloween Costume Is Both Terrifying And + Perfect + + WHY ARE HIS TEETH LIKE THIS + + Pixar s New Suburban Fantasy Sounds Like A Real Tearjerker + + Director Dan Scanlon was inspired by the father he never knew + + Disney Confirms Every Pixar Film Is Connected With An Easter Egg-Filled Video + + When can we start calling it the Pixar Extended Universe? + + 9 Aliens Who Could’ve Convinced Zayn To Leave One Direction + + Maybe Take Me Home was a message to his true people galaxies away? + + Was This Character In Toy Story 2 Secretly A Villain In Disguise? + + A Toy Story 2 Reddit fan theory posits one of Andy s toys was actually responsible + for getting Woody kidnapped. + + 21 Disney Characters That Have Delighted Us Since We First Met The Mouse 87 + Years Ago + + In honor of the 87th anniversary of Mickey Mouse s big screen debut, we re listing + 21 of our other favorite Disney characters. + + Jocelyn Rish 11/18/2015 + + An Artist Illustrated The People Who Voiced Famous Disney Movies As Their Characters + And It’s Awesome + + What would the voices of ‘Frozen’ look like if it was a live-action movie instead + of a cartoon? + + Joseph Lamour RococoCocoa 09/02/2015 + + 8 Shocking Secrets From The Making Of Pixar s Toy Story + + The makers of Toy Story reveal shocking details about the making of the film + for its 20th anniversary. + + Why There d Be No Toy Story Without Totoro + + Celebrating Studio Ghibli s lasting influence on animation on the studio s 30th + anniversary. + + See 16 Starbucks Sleeves Transformed Into Disney Characters + + From Ariel to Aladdin, check out how one graphic desinger transformed these + Starbucks sleeves into your favorite Disney characters. + + Cory Midgarden Coryazy 04/02/2015 + + This Mashup Of Annabelle And Toy Story Turns Woody Into Your Worst Nightmare + + This mashup video of Toy Story and Annabelle confirms once and for all that + Woody was a serial killer this whole time. + + Toy Story 3 Will Be More Than Just A Repetition, Stars Insist + + Tim Allen, who voices Buzz Lightyear, says sequel really expands the emotion of + first two films. + + Scariest Onscreen Dolls: From Chucky To Saw To ... Toy Story ? + + Friday s Dead Silence continues grand tradition of inanimate villains. + + Should Buzz Lightyear Really Be Hanging With Van Gogh? MOMA Thinks So + + New York s Museum of Modern Art featuring revolutionary Pixar new-media exhibit + through February 6.' + - 'G | 1h 21min | Animation, Adventure, Comedy | 22 November 1995 (USA) + + John Lasseter (original story by), Pete Docter (original story by) | 6 more + credits » + + Tom Hanks, Tim Allen, Don Rickles | See full cast & crew » + + Bo Peep leads a rescue mission in first Toy Story 4 clip + + Toy Story 4 Clip Sends Bo Peep and Woody on a Rescue Mission + + Mark Wahlberg and Will Ferrell s Favourite Holiday Movies + + The Movies and TV Shows of Joss Whedon + + 2019 Watched list + + بشوفها + + Films that I can watch when I am not home alone (parents are in) + + Search for Toy Story on Amazon.com + + Title: Toy Story (1995) + + 90s Movie to TV Series + + Top Rated Movies #89 | Nominated for 3 Oscars. Another 25 wins & 20 nominations. + See more awards » + + 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. + + Stars: Mike Myers, Eddie Murphy, Cameron Diaz + + A Lion cub crown prince is tricked by a treacherous uncle into thinking he caused + his father s death and flees into exile in despair, only to learn in adulthood + his identity and his responsibilities. + + Directors: Roger Allers, Rob Minkoff + + Stars: Matthew Broderick, Jeremy Irons, James Earl Jones + + Directors: Pete Docter, Ronnie Del Carmen + + Stars: Amy Poehler, Bill Hader, Lewis Black + + Directors: Chris Wedge, Carlos Saldanha + + Stars: Denis Leary, John Leguizamo, Ray Romano + + Tom Hanks ... Woody (voice) + + Tim Allen ... Buzz Lightyear (voice) + + Don Rickles ... Mr. Potato Head (voice) + + Jim Varney ... Slinky Dog (voice) + + Wallace Shawn ... Rex (voice) + + John Ratzenberger ... Hamm (voice) + + Annie Potts ... Bo Peep (voice) + + John Morris ... Andy (voice) + + Erik von Detten ... Sid (voice) + + Laurie Metcalf ... Mrs. Davis (voice) + + R. Lee Ermey ... Sergeant (voice) + + Sarah Freeman ... Hannah (voice) + + Penn Jillette ... TV Announcer (voice) + + Jack Angel ... Shark / Rocky Gibraltar (voice) + + Spencer Aste ... Wounded Soldier (voice) + + A little boy named Andy loves to be in his room, playing with his toys, especially + his doll named Woody . But, what do the toys do when Andy is not with them, + they come to life. Woody believes that his life (as a toy) is good. However, + he must worry about Andy s family moving, and what Woody does not know is about + Andy s birthday party. Woody does not realize that Andy s mother gave him an + action figure known as Buzz Lightyear, who does not believe that he is a toy, + and quickly becomes Andy s new favorite toy. Woody, who is now consumed with + jealousy, tries to get rid of Buzz. Then, both Woody and Buzz are now lost. + They must find a way to get back to Andy before he moves without them, but they + will have to pass through a ruthless toy killer, Sid Phillips. Written by John + Wiggins + + toy | rivalry | cowboy | cgi animation | claw crane | See All (224) » + + Proud to be a vegetable See more » + + Toy Story in 3-D See more » + + Pixar Animation Studios - 1200 Park Avenue, Emeryville, California, USA See + more » + + Dolby SR | Sonics-DDP (3D re-release)| SDDS + + Introduced to the National Film Registry in 2005, its first year of eligibility + for such an accolade. See more » + + When Buzz is sitting on the floor of Sid s room, he is wearing his Mrs. Nesbitt apron. + As Sid s toys converge on Buzz, the apron is gone but is tossed away an instant + later while the toys work on him. See more » + + Andy: [playing with and mimicking the voices of his toys; holding Mr. Potato + Head] All right, everyone! This... is a stick-up. Don t anybody move! Now empty + that safe! + + [empties Hamm the piggy bank and coins fall out] + + Andy: Ooh, hoo hoo! Money, money, money! + + [has Potato Head kiss the money; as Bo Peep] + + Andy: Stop it! Stop it, you mean old potato! + + [as Potato Head] + + Andy: Quiet, Bo Peep! Or your sheep get run over! + + [as the sheep, on a toy car track] + + Andy: Help! Baaa! Help us! + + This is the first Pixar film to feature the Production Babies section, which + lists babies born to the crew members during production. This would become a + trademark in the following years, in films like A Bug s Life (1998), Toy Story + 2 (1999), Monsters, Inc. (2001) and Finding Nemo (2003). See more » + + Several other sequences that included words were rewritten in different languages + for international releases. Among these are the don t count on it from the + 8 ball, posters in Andy and Sid s rooms, and the words on the television screen + during the Buzz Lightyear Commercial See more » + + Featured in WatchMojo: Top 10 Most Memorable Movies of 1995 (2015) See more + » + + Q: What is the Morse code used by Babyface in Sid s room? + + Q: Is Toy Story based on a book? + + Every Kid s Fantasy + + 3 February 2009 | by alexkolokotronis – See all my reviews + + Toy Story is the film that started Pixar Animated Studios into its long string + of never ending success. What Pixar does is not just absorb the younger demographic + and keep the older ones mildly entertained. It completely absorbs everyone watching + no matter the age or the level of maturity, films of Pixar, starting from Toy + Story, have kept a certain magical touch around it with an unexpected amount + of depth. Everyone as a child imagines their toys will come alive and go on + their own adventures. One of the great things Pixar does is that it does not + attract audiences with its overloaded superstar casts but rather with its material. + The only superstar here is Tom Hanks and Tim Allen is the next most aforementioned + voice over. Unlike what most people think their is an actually a method to casting + for animated films as there is to a live-action one. As a result of this Pixar + stays faithful to its material and creates a great genuine and warm feeling + around the film and its characters.' + - 'Watch your favorite Toy Story Toons! + + Toy Story Toons - Small Fry + + When Buzz Lightyear is left behind at a fast food restaurant Woody and the gang + must devise a way to rescue their friend. + + Hawaiian Vacation - Toy Story Toons + + Woody and Buzz lead a group of toys in giving Ken and Barbie the Hawaiian vacation + of their dreams. + + Play your favorite Toy Story games + + Toy Story of TERROR! - Creepy Crawl Space + + Help Jessie, Woody, and Buzz locate their missing pals! + + Toy Story 3 - Bubble Bounce + + Help Rex throw the best party ever! + + Woody s Fantastic Adventure + + Help Woody find his friends in Bonnie s room. + + Woody s Big Escape + + Help Woody Escape! + + See your favorite moments with Woody and his friends! + + Toy Story of Terror Blu-ray and Digital HD Trailer + + Join Buzz, Woody, and the gang on an adventure full of mystery and suspense. + New on Blu-ray and Digital HD Aug 19. + + Toy Story of TERROR! Trailer + + See your favorite characters in a new Halloween television special on ABC in + Toy Story of TERROR! + + Toy Story Play Set - DISNEY INFINITY + + Woody - DISNEY INFINITY + + Rustle up some action with Woody, the fastest-moving cowboy in the West. Shake + the snakes outta your boots and get moving. + + I am Buzz Lightyear; I come in peace. + + Unfamiliar Territory + + Terrain seems a bit unstable. No readout yet if the air is breathable. And there + seems to be no sign of intelligent life anywhere. + + All right, that s enough! Look, we re all very impressed with Andy s new toy. + + Ahhh! This is the part where we blow up! + + Woody Mocks Buzz + + Buzz look, an alien! + + I m Buzz Lightyear, Space Ranger, Universe Protection Unit. My ship has crash-landed + here by mistake. + + I wanted to thank you, Woody, for saving my flock. + + Coming soon to Blu-ray, DVD, Digital HD, & Disney Movies Anywhere! + + Toy Story That Time Forgot Combo Pack + + Commentary with Toy Story that Time Forgot director, Steve Purcell, and head + of story, Derek Thompson + + Toy Story Goes to Comic-Con + + Feel the power - and sing along - as Reptillus Maximus sings his soulful ballad, My + Unexpected Friend. + + 2 Versions Included (My Unexpected Friend with Reptillus Maximus & My Unexpected + Friend – You Sing it!) + + A 2D animated opening for the fictional animated TV series, Battlesaurs . + + Montage for toolkits produced for Toy Story That Time Forgot. + + Deleted Scenes with Intros & Outros + + Battlesuars Christmas + + Light of Play + + Prisoners of Bone + + Trixie’s Proposal + + Toy Story That Time Forgot DVD + + In this behind-the-scenes look at Toy Story That Time Forgot, the filmmakers + share a peek at the origins of the Battlesaurs world and culture + + Enjoy all the Toy Story movies and TV specials! + + Led by Woody, Andy s toys live happily in his room until Andy s birthday brings + Buzz Lightyear onto the scene. + + Andy heads off to Cowboy Camp, leaving his toys to their own devices. + + What starts out as a fun road trip for the Toy Story gang takes an unexpected + turn for the worse when the trip detours to a motel. + + Toy Story Toy Story 2 Toy Story 3 Toy Story of TERROR! Toy Story That Time Forgot + + Toy Story 4 | Big Game Ad Every Disney Thing We re Looking Forward to in 2019 + | News by Oh My Disney Our Favorite Disney Moments from 2018 | News by Oh My + Disney Disney Door Decor for Halloween | Disney DIY by Disney Family 3 Disney•Pixar + Nail Art Ideas | TIPS by Disney Style + + Woody s Big Escape Toy Story 3 - Bubble Bounce Woody s Wild Adventure Toy Story + 3 - Day Care Dash + + Sheriff Woody Buzz Lightyear Jessie Rex Aliens + + © Disney, All Rights Reserved, Toy Story' + - 'Watch the new Big Game Ad from Toy Story 4. See the film in theatres Summer + 2019! + + Woody’s journey in “Toy Story 4” includes a visit to a carnival where he meets + Ducky and Bunny, two carnival prizes who are eager to be won. But when their + plans are rudely interrupted by Woody and his friends, they find themselves + on an unexpected adventure with a group of toys who have no idea what it feels + like to be tacked to a prize wall.' + - 'This article is about the original Toy Story film. For other uses, see Toy + Story (disambiguation). + + 1995 American animated film directed by John Lasseter + + November 19, 1995 (1995-11-19) (El Capitan Theatre) + + Toy Story is a 1995 American computer-animated buddy comedy film produced by + Pixar Animation Studios and released by Walt Disney Pictures. The feature film + directorial debut of John Lasseter, it was the first entirely computer-animated + feature film, as well as the first feature film from Pixar. The screenplay was + written by Joss Whedon, Andrew Stanton, Joel Cohen, and Alec Sokolow from a + story by Lasseter, Stanton, Pete Docter, and Joe Ranft. The film features music + by Randy Newman, and was executive-produced by Steve Jobs and Edwin Catmull. + It features the voices of Tom Hanks, Tim Allen, Don Rickles, Wallace Shawn, + John Ratzenberger, Jim Varney, Annie Potts, R. Lee Ermey, John Morris, Laurie + Metcalf, and Erik von Detten. + + Taking place in a world where anthropomorphic toys come to life when humans + are not present, the plot focuses on the relationship between an old-fashioned + pull-string cowboy doll named Woody and an astronaut action figure, Buzz Lightyear, + as they evolve from rivals competing for the affections of their owner Andy + Davis, to friends who work together to be reunited with him after being separated. + + Following the success of Pixar s 1988 short film Tin Toy, the company was approached + by Disney to produce a computer-animated feature film told from a small toy + s perspective. Lasseter, Stanton, and Docter wrote early story treatments, which + were rejected by Disney, who wanted the film s tone to be edgier . After several + disastrous story reels, production was halted and the script was rewritten to + better reflect the tone and theme Pixar desired: toys deeply want children + to play with them, and [...] this desire drives their hopes, fears, and actions + . The studio, then consisting of a relatively small number of employees, produced + the film under only minor financial constraints. + + Toy Story premiered at the El Capitan Theatre in Los Angeles, California, on + November 19, 1995, and was released in North America on November 22, 1995. It + was the highest-grossing film during its opening weekend,[4] eventually earning + over $373 million at the worldwide box office. It was acclaimed by critics and + audiences, who praised the technical innovation of the 3D animation, the wit + and thematic sophistication of the screenplay, the musical score, and the voice + performances of Hanks and Allen; it is considered by many to be one of the best + animated films ever made.[5] The film received three Academy Award nominations, + including Best Original Screenplay, Best Original Song for You ve Got a Friend + in Me , and Best Original Score, as well as winning a Special Achievement Academy + Award.[6] In 2005, its first year of eligibility, it was inducted into the National + Film Registry for being culturally, historically, or aesthetically significant + .[7] + + In addition to home media and theatrical re-releases, Toy Story-inspired material + includes toys, video games, theme park attractions, spin-offs, merchandise, + and three sequels—Toy Story 2 (1999), Toy Story 3 (2010) and Toy Story 4 (2019)—all + of which garnered commercial success and critical acclaim. A spin-off TV series + called Buzz Lightyear of Star Command aired from 2000 to 2001, starting with + a direct-to-video film, Buzz Lightyear of Star Command: The Adventure Begins.[8][9] + + 3.4 Production shutdown + + 3.7 Editing and pre-release + + 4.2 3-D re-release + + 6.1 To Infinity and Beyond + + 7 Expanded franchise + + 7.1 Software and merchandise + + 7.2 Theme park attractions + + In a world where toys are living things but pretend to be lifeless when humans + are present, a group of toys, owned by a boy named Andy Davis, are caught off-guard + when Andy s birthday party is moved up a week, as his family (including his + mother and infant sister Molly) is preparing to move the following week. Andy + s toys—including Bo Peep, Mr. Potato Head, Rex the dinosaur, Hamm the piggy + bank and Slinky Dog—fear they will be replaced by new toys that Andy receives + during the party. To ease the situation, Sheriff Woody—the toys leader and + Andy s favorite toy—sends out army men, led by Sarge, to spy on the party and + report the gift arrivals to the other toys via baby monitors. The toys are relieved + when the party appears to end without any of them being supplanted by newer + toys, but then Andy receives a surprise gift: a Buzz Lightyear action figure. + + Buzz thinks he is a real space ranger who has crash-landed on a strange planet. + Buzz quickly impresses the other toys with his various features, and Andy begins + to favor him, which makes Woody feel rejected compared to the newer, sleeker + and more advanced Buzz. Two days before the move, Andy s mother tells him that + he can only bring one toy to a family outing at the Pizza Planet restaurant. + Knowing that Andy will choose Buzz, Woody attempts to trap Buzz behind a desk + but ends up knocking him out of the window, causing most of the other toys (except + Slinky and Bo) to accuse Woody of murdering Buzz out of jealousy. Before they + can exact revenge, Andy arrives and, after failing to find Buzz, takes Woody. + + When the family stops for gas, Woody finds that Buzz has hitched a ride on their + van. The two fight, falling out of the van in the process, and the family drives + away, stranding them. They manage to reach Pizza Planet by hitching a ride on + a delivery truck. Buzz, still believing he is a real space ranger despite Woody + s attempts to convince him otherwise, gets them stuck in a crane game full of + alien toys, where they are retrieved by Andy s sadistic, toy-destroying neighbor, + Sid Phillips. At Sid s house, the two watch in horror as Sid steals his sister + Hannah s doll, claiming the doll is sick, and then performs surgery to replace + the doll s head with that of a pterodactyl. + + While attempting to escape, Buzz sees a television commercial for a Buzz Lightyear + action figure and, after failing to fly out a window (breaking his arm off in + the process), realizes he is just a toy and becomes despondent. Woody attempts + to signal Andy s toys for help, but they misunderstand his gesture and ignore + him. Sid s mutant toys fix Buzz s arm, and Woody restores Buzz s confidence + by telling him about the joy he can bring to Andy as a toy. The next morning, + as Sid is about to launch Buzz on a firework rocket, Woody and the mutant toys + come to life in front of Sid, terrifying him into no longer mistreating toys. + Woody bids the mutant toys farewell and escapes with Buzz—only to see Andy and + his family departing for their new home. + + The duo try to make it to the moving truck, but Sid s dog Scud sees them and + gives chase. Buzz saves Woody from Scud but is left behind, so Woody attempts + to rescue him with Andy s remote-controlled car, RC. Thinking that Woody is killing RC + as well, the other toys attack and toss him off the truck. Buzz and RC retrieve + Woody; the other toys realize their mistake and begin to help, but RC s batteries + become depleted before he reaches the truck. Realizing that Sid s rocket is + still strapped to Buzz s back, Woody ignites it, hurtling them towards the truck. + Woody throws RC into the truck before he and Buzz soar into the air; Buzz opens + his wings to free himself from the rocket just before it explodes, and he glides + with Woody to safety inside a box in the Davis s van, right next to Andy, who + concludes they were in the car all along. + + On Christmas Day at their new home, Woody and Buzz stage another reconnaissance + mission to prepare for the new toy arrivals; one of the toys is Mrs. Potato + Head, to Mr. Potato Head s delight. As Woody jokingly asks what might be worse + than Buzz, they discover Andy s new gift is a puppy, and the two share a worried + smile. + + Main article: List of Toy Story characters + + Tom Hanks as Woody, a pull-string cowboy doll who is Andy s favourite toy. + + Tim Allen as Buzz Lightyear, a space ranger action figure and Woody s rival, + who later becomes his best friend. + + Don Rickles as Mr. Potato Head, a cynical potato-shaped doll with put-together + pieces on his body. + + Jim Varney as Slinky Dog, a dachshund slinky toy. + + Wallace Shawn as Rex, a nervous green Tyrannosaurus figurine. + + John Ratzenberger as Hamm, a smart-talking piggy bank. + + Annie Potts as Bo Peep, a porcelain shepherdess doll and Woody s love interest. + + John Morris as Andy Davis, Woody and Buzz s owner. + + Erik von Detten as Sid Phillips, Andy s next door neighbor, who tortures toys + for his own amusement. + + Laurie Metcalf as Mrs. Davis, Andy s mother. + + R. Lee Ermey as Sergeant, the leader of a large troop of plastic green army + men. + + Sarah Freeman as Hannah Phillips, Sid s younger sister. + + Penn Jillette as the Buzz Lightyear TV commercial announcer. + + The entrance to Pixar s studio lot in Emeryville, California + + Director John Lasseter s first experience with computer animation was during + his work as an animator at Walt Disney Feature Animation, when two of his friends + showed him the light-cycle scene from Tron. It was an eye-opening experience + which awakened Lasseter to the possibilities offered by the new medium of computer-generated + animation.[10] Lasseter tried to pitch The Brave Little Toaster as a fully computer-animated + film to Disney, but the idea was rejected and Lasseter was fired.[11] He then + went on to work at Lucasfilm and in 1986, he became a founding member of Pixar. + In 1986, Pixar was purchased by entrepreneur and Apple Inc. co-founder Steve + Jobs.[12] At Pixar, Lasseter created short, computer-animated films to show + off the Pixar Image Computer s capabilities. In 1988 Lasseter produced the short + film Tin Toy told from the perspective of a toy and referencing Lasseter s love + of classic toys. Tin Toy won the 1988 Academy Award for Best Animated Short + Film, the first computer-generated film to do so.[13] + + Tin Toy gained Disney s attention, and the new team at The Walt Disney Company—CEO + Michael Eisner and chairman Jeffrey Katzenberg in the film division—began a + quest to get Lasseter to come back.[13] Lasseter, grateful for Jobs faith in + him, felt compelled to stay with Pixar, telling co-founder Ed Catmull, I can + go to Disney and be a director, or I can stay here and make history. [13] Katzenberg + realized he could not lure Lasseter back to Disney and therefore set plans into + motion to ink a production deal with Pixar to produce a film.[13] Disney had + always made all their movies in-house and refused to change this. But when Tim + Burton, who used to work at Disney, wanted to buy back the rights to The Nightmare + Before Christmas, Disney struck a deal allowing him to make it as a Disney movie + outside the studio. This opened the door for Pixar to make their movies outside + Disney.[14] + + Both sides were willing. Catmull and fellow Pixar co-founder Alvy Ray Smith + had long wanted to produce a computer-animated feature, but only in the early + 1990s were the computers cheap and powerful enough to make this possible.[15][16] + In addition, Disney had licensed Pixar s Computer Animation Production System + (CAPS), and that made it the largest customer for Pixar s computers.[17] Jobs + made it apparent to Katzenberg that although Disney was happy with Pixar, it + was not the other way around: We want to do a film with you, said Jobs. That + would make us happy. [17] At this same time, Peter Schneider, president of Walt + Disney Feature Animation, was potentially interested in making a feature film + with Pixar.[15] When Catmull, Smith and head of animation Ralph Guggenheim met + with Schneider in the summer of 1990, they found the atmosphere to be puzzling + and contentious. They later learned that Katzenberg intended that if Disney + were to make a film with Pixar, it would be outside Schneider s purview, which + aggravated Schneider.[18] After that first meeting, the Pixar contingent went + home with low expectations and was surprised when Katzenberg called for another + conference. Catmull, Smith, and Guggenheim were joined by Bill Reeves (head + of animation research and development), Jobs, and Lasseter. They brought with + them an idea for a half-hour television special called A Tin Toy Christmas. + They reasoned that a television program would be a sensible way to gain experience + before tackling a feature film.[19] + + They met with Katzenberg at a conference table in the Team Disney building at + the Walt Disney Studios in Burbank.[19] Catmull and Smith considered it would + be difficult to keep Katzenberg interested in working with the company over + time. They considered it even more difficult to sell Lasseter and the junior + animators on the idea of working with Disney, who had a bad reputation for how + they treated their animators, and Katzenberg, who had built a reputation as + a micromanaging tyrant.[19] Katzenberg asserted this himself in the meeting: Everybody + thinks I m a tyrant. I am a tyrant. But I m usually right. [17] He threw out + the idea of a half-hour special and eyed Lasseter as the key talent in the room: John, + since you won t come work for me, I m going to make it work this way. [17][19] + He invited the six visitors to mingle with the animators— ask them anything + at all —and the men did so, finding they all backed up Katzenberg s statements. + Lasseter felt he would be able to work with Disney and the two companies began + negotiations.[20] Pixar at this time was on the verge of bankruptcy and needed + a deal with Disney.[17] Katzenberg insisted that Disney be given the rights + to Pixar s proprietary technology for making 3-D animation, but Jobs refused.[20] + In another case, Jobs demanded Pixar would have part ownership of the film and + its characters, sharing control of both video rights and sequels, but Katzenberg + refused.[17] Disney and Pixar reached accord on contract terms in an agreement + dated May 3, 1991, and signed on in early July.[21] Eventually, the deal specified + that Disney would own the picture and its characters outright, have creative + control, and pay Pixar about 12.5% of the ticket revenues.[22][23] It had the + option (but not the obligation) to do Pixar s next two films and the right to + make (with or without Pixar) sequels using the characters in the film. Disney + could also kill the film at any time with only a small penalty. These early + negotiations became a point of contention between Jobs and Eisner for many years.[17] + + An agreement to produce a feature film based on Tin Toy with a working title + of Toy Story was finalized and production began soon thereafter.[24] + + The original treatment for Toy Story, drafted by Lasseter, Andrew Stanton, and + Pete Docter, had little in common with the eventually finished film.[25] It + paired Tinny, the one-man band from Tin Toy, with a ventriloquist s dummy and + sent them on a sprawling odyssey. Under studio head Jeffrey Katzenberg, Woody + was the main villain, abusing the other toys until they rallied against him; + however, after Disney executives saw the storyboards, they relinquished creative + control to Pixar.[26] The core idea of Toy Story was present from the treatment + onward, however: that toys deeply want children to play with them, and that + this desire drives their hopes, fears, and actions. [25] Katzenberg felt the + original treatment was problematic and told Lasseter to reshape Toy Story as + more of an odd-couple buddy picture, and suggested they watch some classic buddy + movies, such as The Defiant Ones and 48 Hrs., in which two characters with different + attitudes are thrown together and have to bond.[27][28] Lasseter, Stanton, and + Docter emerged in early September 1991 with the second treatment, and although + the lead characters were still Tinny and the dummy, the outline of the final + film was beginning to take shape.[27] + + The script went through many changes before the final version. Lasseter decided + Tinny was too antiquated ; the character was first changed to a military action + figure and then given a space theme. Tinny s name changed to Lunar Larry, then + Tempus from Morph, and eventually Buzz Lightyear (after astronaut Buzz Aldrin).[29] + Lightyear s design was modeled on the suits worn by Apollo astronauts as well + as G.I. Joe action figures. In addition, the green and purple color scheme on + Lightyear s suit was inspired by Lasseter and his wife, Nancy, whose favorite + colors were green and purple respectively.[30][31] Woody, the second character, + was inspired by a Casper the Friendly Ghost doll that Lasseter had when he was + a child. Originally, Woody was a ventriloquist s dummy with a pull-string (hence + the name Woody). However, character designer Bud Luckey suggested that Woody + could be changed to a cowboy ventriloquist dummy. John Lasseter liked the contrast + between the Western and the science fiction genres and the character immediately + changed. Eventually, all the ventriloquist dummy aspects of the character were + deleted, because the dummy was designed to look sneaky and mean. [32] However + they kept the name Woody to pay homage to the Western actor Woody Strode.[29] + The story department drew inspiration from films such as Midnight Run and The + Odd Couple,[33] and Lasseter screened Hayao Miyazaki s Castle in the Sky (1986) + for further influence. + + Toy Story s script was strongly influenced by the ideas of screenwriter Robert + McKee. The members of Pixar s story team—Lasseter, Stanton, Docter and Joe Ranft—were + aware that most of them were beginners at feature-film writing. None of them + had any feature story or writing credits to their name besides Ranft, who had + taught a story class at CalArts and done some storyboard work.[32] Seeking insight, + Lasseter and Docter attended a three-day seminar in Los Angeles given by McKee. + His principles, grounded in Aristotle s Poetics, dictated that a character emerges + most realistically and compellingly from the choices that the protagonist makes + in reaction to his problems.[34] Disney also appointed the duo Joel Cohen and + Alec Sokolow and, later, Joss Whedon to help develop the script. Whedon found + that the script wasn t working but had a great structure; he added the character + of Rex and sought a pivotal role for Barbie.[35] He also re-visioned Buzz Lightyear + from a dim-witted but cheerful and self-aware character to an action figure + who isn t aware that he s a toy—an epiphany that transformed the movie.[36] + The story team continued to touch up the script as production was underway. + Among the late additions was the encounter between Buzz and the alien squeaky + toys at Pizza Planet, which emerged from a brainstorming session with a dozen + directors, story artists, and animators from Disney.[37] + + Katzenberg gave approval for the script on January 19, 1993, at which point + voice casting could begin.[38] Lasseter always wanted Tom Hanks to play the + character of Woody. Lasseter claimed Hanks has the ability to take emotions + and make them appealing. Even if the character, like the one in A League of + Their Own, is down-and-out and despicable. [38] Paul Newman, who subsequently + accepted the role of Doc Hudson in another Pixar film Cars, was considered for + the role of Woody.[39] Billy Crystal was approached to play Buzz, but turned + down the role, which he later regretted; he subsequently accepted the role of + Mike Wazowski in another Pixar film, Monsters, Inc.. In addition to Crystal, + Bill Murray, Chevy Chase and Jim Carrey were also considered for Buzz.[40][41][42][43][44][45] + Lasseter took the role to Tim Allen, who was appearing in Disney s Home Improvement, + and he accepted.[46] Crystal later stated in an interview that he wouldn t have + been right as Buzz and that Allen was fantastic in the role.[47][48] + + To gauge how an actor s voice might fit with a character, Lasseter borrowed + a common Disney technique: animate a vocal monolog from a well-established actor + to meld the actor s voice with the appearance or actions of the animated character.[35] + This early test footage, using Hanks voice from Turner & Hooch, convinced Hanks + to sign on to the film.[38][49] Toy Story was both Hanks and Allen s first + animated film, and they recorded their lines together to make their characters’ + chemistry and interactions realistic.[50] + + Production shutdown + + Every couple of weeks, Lasseter and his team showed Disney their latest storyboards + or footage. Pixar impressed Disney with their technical innovation, but convincing + Disney of the plot was more difficult. At each of Pixar s presentations, Katzenberg + tore much of it up, giving out detailed comments and notes. Katzenberg wanted + primarily to add more edginess to the two main characters.[28] Disney wanted + the film to appeal to both children and adults, and they asked for adult references + to be added to the film.[38] After many rounds of notes from Katzenberg and + other Disney executives, the general consensus was that Woody had been stripped + of almost all charm.[28][46] Hanks, while recording the dialogue for the story + reels, exclaimed at one point that the character was a jerk.[28] Lasseter and + his Pixar team had the first half of the movie ready to screen, so they brought + it down to Burbank to show to Katzenberg and other Disney executives on November + 19, 1993—an event they later dubbed the Black Friday Incident .[38][51] The + results were disastrous. Schneider—who was never particularly enamored of Katzenberg + s idea of having outsiders make animation for Disney—declared it a mess and + ordered that production be stopped immediately.[52] Katzenberg asked colleague + Thomas Schumacher why the reels were bad. Schumacher replied bluntly: Because + it s not their movie any more; it s completely not the movie that John set out + to make. [51] + + Lasseter was embarrassed by what was on the screen, later recalling, It was + a story filled with the most unhappy, mean characters that I ve ever seen. He + asked Disney for two weeks to rework the script, and Katzenberg was supportive.[51] + Lasseter, Stanton, Docter and Ranft delivered the news of the production shutdown + to the production crew, many of whom had left other jobs to work on the project. + The crew shifted to television commercials while the head writers worked out + a new script. Although Lasseter attempted to keep morale high by remaining outwardly + buoyant, the production shutdown was a very scary time, recalled story department + manager BZ Petroff.[53] Schneider had initially wanted to shut down production + altogether and fire all recently hired animators.[54] Katzenberg put the film + under the wing of Walt Disney Feature Animation. The Pixar team was pleased + that the move would give them an open door to counseling from Disney s animation + veterans. Schneider, however, continued to take a dim view of the project and + went over Katzenberg s head to urge Eisner to cancel it.[27] Stanton retreated + into a small, dark, windowless office, emerging periodically with new script + pages. He and the other story artists then drew the shots on storyboards. Whedon + came back to Pixar for part of the shutdown to help with the revision, and the + script was revised in two weeks as promised.[53] When Katzenberg and Schneider + halted production on Toy Story, Jobs funded the project personally. Jobs did + not insert himself into the creative process, but instead managed the relationship + with Disney.[51] + + The Pixar team came back with a new script three months later, with the character + of Woody altered from being the tyrannical boss of Andy s toys to being their + wise and caring leader. It also included a more adult-oriented staff meeting + amongst the toys rather than the juvenile group discussion that had existed + in earlier drafts. Buzz Lightyear s character was also changed to make it more + clear to the audience that he really doesn t realize he s a toy .[54] Katzenberg + and Schneider approved the new approach and, by February 1994, the film was + back in production.[51] The voice actors returned in March 1994 to record their + new lines.[38] When production was greenlit, the crew quickly grew from its + original size of 24 to 110, including 27 animators, 22 technical directors, + and 61 other artists and engineers.[55][56] In comparison, The Lion King, released + in 1994, required a budget of $45 million and a staff of 800.[55] In the early + budgeting process, Jobs was eager to produce the film as efficiently as possible, + impressing Katzenberg with his focus on cost-cutting. Despite this, the $17 + million production budget proved inadequate, especially given the major revision + that was necessary after Katzenberg had pushed them to make Woody too edgy. + Jobs demanded more funds to complete the film and insisted that Disney was liable + for the cost overruns. Katzenberg was not willing, but Ed Catmull was able to + reach a compromise.[51] + + We couldn t have made this movie in traditional animation. This is a story that + can only really be told with three-dimensional toy characters. ... Some of the + shots in this film are so beautiful. + + —Tom Schumacher, Vice President of Walt Disney Feature Animation[57] + + Recruiting animators for Toy Story was brisk; the magnet for talent was not + the mediocre pay but the allure of taking part in the first computer-animated + feature.[56] Lasseter said of the challenges of computer animation, We had + to make things look more organic. Every leaf and blade of grass had to be created. + We had to give the world a sense of history. So the doors are banged up, the + floors have scuffs. [38] The film began with animated storyboards to guide the + animators in developing the characters. 27 animators worked on the film, using + 400 computer models to animate the characters. Each character was first either + created out of clay or modeled from a computer-drawn diagram before reaching + the computer-animated design.[58] Once the animators had a model, its articulation + and motion controls were coded; this allowed each character to move in a variety + of ways, such as talking, walking, or jumping.[58] Out of all the characters, + Woody was the most complex, as he required 723 motion controls, including 212 + for his face and 58 for his mouth.[38][59] The first piece of animation, a 30-second + test, was delivered to Disney in June 1992, when the company requested a sample + of what the film would look like. Lasseter wanted to impress Disney with a number + of things in the test that could not be done in traditional, hand-drawn animation, + such as Woody s yellow plaid shirt with red stripes, the reflections in Buzz + s helmet and the decals on his space suit, or Venetian blind shadows falling + across Andy s room.[32] + + Every shot in the film passed through the hands of eight different teams. The + art department gave each shot its color scheme and general lighting.[60] Under + Craig Good, the layout department then placed the models in the shot, framed + it by setting the location of the virtual camera, and programmed any camera + movement. To make the medium feel as familiar as possible, they sought to stay + within the limits of what might be done in a live-action film with real cameras, + dollies, tripods, and cranes.[60] Headed by directing animators Rich Quade and + Ash Brannon, each shot went from Layout to the animation department. Lasseter + opted against Disney s approach of assigning an animator to work on a character + throughout a film, but made certain exceptions in scenes where he thought acting + was particularly critical.[60] The animators used the Menv program to set each + character in the desired pose. Once a sequence of hand-built poses (or keyframes + ) was created, the software built poses for the frames in-between.[61] The animators + studied videotapes of the actors for inspiration, and Lasseter rejected automatic + lip-syncing.[61] To sync the characters mouths and facial expressions to the + actors recorded voices, animators spent a week per 8 seconds of animation.[58] + + Afterward, the animators compiled the scenes and developed a new storyboard + with the computer-animated characters. They then added shading, lighting, visual + effects, and finally used 300 computer processors to render the film to its + final design.[58][59] Under Tom Porter, the shading team used RenderMan s shader + language to create shader programs for each of a model s surfaces. A few surfaces + in Toy Story came from real objects: a shader for the curtain fabric in Andy + s room used a scan of actual cloth.[62] Under Galyn Susman and Sharon Calahan, + the lighting team orchestrated the final lighting of the shot after animation + and shading. Each completed shot then went into rendering on a render farm of + 117 Sun Microsystems computers that ran 24 hours a day.[37] Finished animation + emerged in a steady drip of around three minutes a week.[63] Depending on its + complexity, each frame took from 45 minutes up to 30 hours to render. The film + required 800,000 machine hours and 114,240 frames of animation in total.[38][58][64] + There are over 77 minutes of animation spread across 1,561 shots.[60] A camera + team, aided by David DiFrancesco, recorded the frames onto film stock. To fit + a 1.85:1 aspect ratio, Toy Story was rendered at a mere 1,536 by 922 pixels, + with each of them corresponding to roughly a quarter-inch of screen area on + a typical cinema screen.[37] During post-production, the film was sent to Skywalker + Sound, where the sound effects were mixed with the music score.[59] + + Main article: Toy Story (soundtrack) + + Disney was concerned with Lasseter s position on the use of music. Unlike other + Disney films of the time, Lasseter did not want the film to be a musical, saying + it was a buddy film featuring real toys. Joss Whedon agreed, saying, It would + have been a really bad musical, because it s a buddy movie. It s about people + who won t admit what they want, much less sing about it. ... Buddy movies are + about sublimating, punching an arm, I hate you. It s not about open emotion. + [38] However, Disney favored the musical format, claiming Musicals are our + orientation. Characters breaking into song is a great shorthand. It takes some + of the onus off what they re asking for. [38] Disney and Pixar reached a compromise: + the characters in Toy Story would not break into song, but the film would use + non-diegetic songs over the action, as in The Graduate, to convey and amplify + the emotions that Buzz and Woody were feeling.[35] Disney and Lasseter tapped + Randy Newman to compose the film. The edited Toy Story was due to Newman and + Gary Rydstrom in late September 1995 for their final work on the score and sound + design, respectively.[65] + + Lasseter said, His songs are touching, witty, and satirical, and he would deliver + the emotional underpinning for every scene. [38] Newman wrote three original + songs for the film, developing the film s signature song You ve Got a Friend + in Me in one day.[38] The soundtrack for Toy Story was produced by Walt Disney + Records and was released on November 22, 1995, the week of the film s release. + + Editing and pre-release + + It was difficult for crew members to perceive the film s quality during much + of the production process when the finished footage was in scattered pieces + and lacked elements like music and sound design.[63] Some animators felt the + film would be a significant disappointment commercially but felt animators and + animation fans would find it interesting.[63] According to Lee Unkrich, one + of the original editors of Toy Story, a scene cut out of the original final + edit featured Sid, after Pizza Planet, torturing Buzz and Woody violently; Unkrich + decided to cut right into the scene where Sid is interrogating the toys because + the movie s creators thought the audience would love Buzz and Woody by that + point.[66] Another scene, in which Woody tried to get Buzz s attention when + he was stuck in the box crate, was shortened because the creators felt it would + lose the energy of the movie.[66] Peter Schneider had grown optimistic about + the film as it neared completion, and he announced a United States release date + of November, coinciding with Thanksgiving weekend and the start of the winter + holiday season.[67] + + Sources indicate that executive producer Steve Jobs lacked confidence in the + film during its production, and he had been talking to various companies, ranging + from Hallmark to Microsoft, about selling Pixar.[51][67] However, as the film + progressed, Jobs became increasingly excited about it, feeling that he might + be on the verge of transforming the movie industry.[51] As scenes from the movie + were finished, he watched them repeatedly and had friends come by his home to + share his new passion. Jobs decided that the release of Toy Story that November + would be the occasion to take Pixar public.[51] A test audience near Anaheim + in late July 1995 indicated the need for last-minute tweaks, which added further + pressure to the already frenetic final weeks. Response cards from the audience + were encouraging, but were not top of the scale, adding further question as + to how audiences would respond.[65] The film ended with a shot of Andy s house + and the sound of a new puppy. Michael Eisner, who attended the screening, told + Lasseter afterward that the film needed to end with a shot of Woody and Buzz + together, reacting to the news of the puppy.[65] + + The El Capitan Theatre in Los Angeles, where Toy Story s Los Angeles, California + s premiere took place on November 19, 1995. + + There were two premieres of Toy Story in November 1995. Disney organized one + at the El Capitan Theatre in Los Angeles and built a fun house featuring the + characters, Totally Toy Story, next door.[68] Jobs did not attend; he instead + rented the Regency, a similar theater in San Francisco, and held his own premiere + the next night—at which, instead of Tom Hanks and Tim Allen, the guests were + Silicon Valley celebrities such as Larry Ellison and Andy Grove. The dueling + premieres highlighted an issue between the companies: whether Toy Story was + a Disney or a Pixar film.[69] The audience appeared to be captivated by the + film, wrote David Price in his 2008 book The Pixar Touch. Adult-voiced sobs + could be heard during the quiet moments after Buzz Lightyear fell and lay broken + on the stairway landing. [70] Toy Story opened on 2,281 screens in the United + States on November 22, 1995 (before later expanding to 2,574 screens).[70] It + was paired alongside a reissue of a Roger Rabbit short called Rollercoaster + Rabbit, while select prints contained The Adventures of André and Wally B.. + + The film was also shown at the Berlin International Film Festival out of competition + from February 15 to 26, 1996.[71][72] Elsewhere, the film opened in March 1996.[67] + + Marketing for the film included $20 million spent by Disney for advertising + as well as advertisers such as Burger King, PepsiCo, Coca-Cola, and Payless + ShoeSource paying $125 million in promotions for the film.[73] Marketing consultant + Al Ries reflected on the promotion: This will be a killer deal. How can a kid, + sitting through a one-and-a-half-hour movie with an army of recognizable toy + characters, not want to own one? [74] Despite this, Disney Consumer Products + was slow to see the potential of Toy Story.[67] When the Thanksgiving release + date was announced in January 1995, many toy companies were accustomed to having + eighteen months to two years of lead time and passed on the project. In February + 1995, Disney took the idea to Toy Fair, a toy industry trade show in New York. + There, a Toronto-based company with a factory based in China, Thinkway Toys, + became interested. Although Thinkway was a small player in the industry, mainly + producing toy banks in the form of film characters, it acquired the worldwide + master license for Toy Story toys simply because no one else wanted it.[75] + Walt Disney Home Video put a trailer for the film on seven million copies of + the VHS re-release of Cinderella; the Disney Channel ran a television special + on the making of Toy Story; Walt Disney World in Florida held a daily Toy Story + parade at Disney-MGM Studios.[65] + + It was screenwriter Joss Whedon s idea to incorporate Barbie as a character + who could rescue Woody and Buzz in the film s final act.[76] The idea was dropped + after Mattel objected and refused to license the toy. Producer Ralph Guggenheim + claimed that Mattel did not allow the use of the toy as They [Mattel] philosophically + felt girls who play with Barbie dolls are projecting their personalities onto + the doll. If you give the doll a voice and animate it, you re creating a persona + for it that might not be every little girl s dream and desire. [38] Hasbro likewise + refused to license G.I. Joe (mainly because Sid was going to blow one up, prompting + the filmmakers to instead use a fictional toy, Combat Carl), but they did license + Mr. Potato Head.[38] The only toy in the movie that was not in production was + Slinky Dog, which had been discontinued since the 1970s. When designs for Slinky + were sent to Betty James (Richard James s wife) she said that Pixar had improved + the toy and that it was cuter than the original.[77] + + 3-D re-release + + On October 2, 2009, the film was re-released in Disney Digital 3-D.[78] The + film was also released with Toy Story 2 as a double feature for a two-week run[79] + which was extended due to its success.[80] In addition, the film s second sequel, + Toy Story 3, was also released in the 3-D format.[78] Lasseter commented on + the new 3-D re-release: + + The Toy Story films and characters will always hold a very special place in + our hearts and we re so excited to be bringing this landmark film back for audiences + to enjoy in a whole new way thanks to the latest in 3-D technology. With Toy + Story 3 shaping up to be another great adventure for Buzz, Woody and the gang + from Andy s room, we thought it would be great to let audiences experience the + first two films all over again and in a brand new way.[81] + + Translating the film into 3-D involved revisiting the original computer data + and virtually placing a second camera into each scene, creating left eye and + right eye views needed to achieve the perception of depth.[82] Unique to computer + animation, Lasseter referred to this process as digital archaeology. [82] The + process took four months, as well as an additional six months for the two films + to add the 3-D. The lead stereographer Bob Whitehill oversaw this process and + sought to achieve an effect that affected the emotional storytelling of the + film: + + When I would look at the films as a whole, I would search for story reasons + to use 3-D in different ways. In Toy Story, for instance, when the toys were + alone in their world, I wanted it to feel consistent to a safer world. And when + they went out to the human world, that s when I really blew out the 3-D to make + it feel dangerous and deep and overwhelming.[82] + + Unlike other countries, the United Kingdom received the films in 3-D as separate + releases. Toy Story was released on October 2, 2009. Toy Story 2 was instead + released January 22, 2010.[83] The re-release performed well at the box office, + opening with $12,500,000 in its opening weekend, placing at the third position + after Zombieland and Cloudy with a Chance of Meatballs.[84] The double feature + grossed $30.7 million in its five-week release.[84] + + Toy Story was released by Walt Disney Home Video on VHS and LaserDisc on October + 29, 1996, with no bonus material. In the first week of this release, VHS rentals + totaled $5.1 million, debuting Toy Story as the week s No. 1 video.[85] Over + 21.5 million VHS copies were sold the first year.[86] A deluxe edition widescreen + LaserDisc 4-disc box set was released on December 18, 1996. On January 11, 2000, + the film was re-released on VHS, but this time as the first video to be part + of the Walt Disney Gold Classic Collection with the bonus short film Tin Toy. + This release sold two million copies.[86] + + The film was released for the first time on DVD on October 17, 2000, in a two-pack + with its first sequel Toy Story 2. The same day, a 3-disc Ultimate Toy Box set + was released, featuring Toy Story, Toy Story 2, and a third disc of bonus materials + with Toy Story in a 35 mm Widescreen print and Toy Story 2 only being in FullScreen.[86] + The twin-pack release was later released individually on March 20, 2001 with + the film available in both Widescreen and FullScreen. The DVD-pack, U.T.B. set + and the original DVD use the 35 mm print of the film to create the copies, rather + than using the original files to encode the movie directly to video. The DVD + two-pack, the Ultimate Toy Box set, the Gold Classic Collection VHS and DVD, + and the original DVD were all put in the Disney Vault on May 1, 2003. On September + 6, 2005, a 2-disc 10th Anniversary Edition was released featuring much of + the bonus material from the Ultimate Toy Box , including a retrospective special + with John Lasseter, a home theater mix, as well as a new digital Widescreen + picture with the 35 mm Fullscreen version being retained.[87] This DVD went + back in the Disney Vault on January 31, 2009 along with Toy Story 2. The 10th + Anniversary release was the last version of Toy Story to be released before + taken out of the Disney Vault lineup along with Toy Story 2. Also on September + 6, 2005, a UMD of Toy Story featuring some deleted scenes, a filmmakers reflect + and a new Legacy of Toy Story was released for the Sony PlayStation Portable. + + The film was available for the first time on Blu-ray in a Special Edition Combo + Pack that included two discs, the Blu-ray, and the DVD versions of the film. + This combo-edition was released by Walt Disney Studios Home Entertainment on + March 23, 2010, along with its sequel.[88] There was a DVD-only re-release on + May 11, 2010.[89] Another Ultimate Toy Box , packaging the Combo Pack with + those of both sequels, became available on November 2, 2010. On November 1, + 2011, the first three Toy Story films were re-released all together, each as + a DVD/Blu-ray/Blu-ray 3D/Digital Copy combo pack (four discs each for the first + two films, and five for the third film). They were also released on Blu-ray + 3D in a complete trilogy box set. Toy Story was released on 4K UHD Blu-ray on + June 4, 2019.[90] + + Yes, we worry about what the critics say. Yes, we worry about what the opening + box office is going to be. Yes, we worry about what the final box office is + going to be. But really, the whole point why we do what we do is to entertain + our audiences. The greatest joy I get as a filmmaker is to slip into an audience + for one of our movies anonymously and watch people watch our film. Because people + are 100 percent honest when they re watching a movie. And to see the joy on + people s faces, to see people really get into our films... to me is the greatest + reward I could possibly get. + + —John Lasseter, reflecting on the impact of the film[91] + + Toy Story received critical acclaim. On Rotten Tomatoes, the film has an approval + rating of 100% based on 89 reviews, with an average rating of 9.01/10. The website + s critical consensus reads, Entertaining as it is innovative, Toy Story reinvigorated + animation while heralding the arrival of Pixar as a family-friendly force to + be reckoned with. [92] On Metacritic, the film has a score of 95 out of 100, + based on 26 reviews, indicating universal acclaim .[93] Audiences polled by + CinemaScore gave the film an average grade of A on an A+ to F scale.[94] + + Leonard Klady of Variety commended the animation s ... razzle-dazzle technique + and unusual look and that the camera loops and zooms in a dizzying fashion + that fairly takes one s breath away. [95] Roger Ebert of the Chicago Sun-Times + compared the film s innovative animation to Disney s Who Framed Roger Rabbit, + saying that both movies take apart the universe of cinematic visuals and put + it back together again, allowing us to see in a new way. [96] Due to the film + s creative animation, Richard Corliss of TIME claimed that it was ... the year + s most inventive comedy. [97] + + The voice cast was also praised by various critics. Susan Wloszczyna of USA + Today approved of the selection of Hanks and Allen for the lead roles.[98] Kenneth + Turan of the Los Angeles Times stated that Starting with Tom Hanks, who brings + an invaluable heft and believability to Woody, Toy Story is one of the best + voiced animated features in memory, with all the actors ... making their presences + strongly felt. [99] Several critics also recognized the film s ability to appeal + to various age groups, specifically children and adults.[96][100] Owen Gleiberman + of Entertainment Weekly wrote It has the purity, the ecstatic freedom of imagination, + that s the hallmark of the greatest children s films. It also has the kind of + spring-loaded allusive prankishness that, at times, will tickle adults even + more than it does kids. [101] + + In 1995, Toy Story was ranked eighth in TIME s list of the Best 10 films of + 1995 .[102] In 2011, TIME named it one of the 25 All-TIME Best Animated Films + .[103] It also ranks at number 99 in Empire magazine s list of the 500 Greatest + Films of All Time and as the highest-ranked animated movie .[104] + + In 2003, the Online Film Critics Society ranked the film as the greatest animated + film of all time.[105] In 2007, the Visual Effects Society named the film 22nd + in its list of the Top 50 Most Influential Visual Effects Films of All Time + .[106] The film is ranked 99th on the AFI s list of the 100 greatest American + Films of All-Time .[107][108][109] It was one of the only two animated films + on that list, the other being Snow White and the Seven Dwarfs (1937). It was + also the sixth best in the animation genre on AFI s 10 Top 10. + + Director Terry Gilliam praised the film as a work of genius. It got people + to understand what toys are about. They re true to their own character. And + that s just brilliant. It s got a shot that s always stuck with me, when Buzz + Lightyear discovers he s a toy. He s sitting on this landing at the top of the + staircase and the camera pulls back and he s this tiny little figure. He was + this guy with a massive ego two seconds before... and it s stunning. I d put + that as one of my top ten films, period. [110] + + Before the film s release, executive producer and Apple Inc. co-founder Steve + Jobs stated If Toy Story is a modest hit—say $75 million at the box office, + we ll [Pixar and Disney] both break even. If it gets $100 million, we ll both + make money. But if it s a real blockbuster and earns $200 million or so at the + box office, we ll make good money, and Disney will make a lot of money. Upon + its release on November 22, 1995, Toy Story managed to gross more than $350 + million worldwide.[64] Disney chairman Michael Eisner stated I don t think + either side thought Toy Story would turn out as well as it has. The technology + is brilliant, the casting is inspired, and I think the story will touch a nerve. + Believe me, when we first agreed to work together, we never thought their first + movie would be our 1995 holiday feature, or that they could go public on the + strength of it. [64] The film s first five days of domestic release (on Thanksgiving + weekend) earned it $39,071,176.[111] The film placed first in the weekend s + box office with $29.1 million[3] and maintained the number-one position at the + domestic box office for the next two weekends. Toy Story became the highest-grossing + domestic film of 1995, beating Batman Forever, Apollo 13 (also starring Tom + Hanks), Pocahontas, Casper, Waterworld, and GoldenEye.[112] At the time of its + release, it was the third-highest-grossing animated film of all time, after + The Lion King (1994) and Aladdin (1992).[23] When not considering inflation, + Toy Story is number 96 on the list of the highest-grossing domestic films of + all time.[113] The film had gross receipts of $191.8 million in the U.S. and + Canada and $181.8 million in international markets for a total of $373.6 million + worldwide.[3] At the time of its release, the film ranked as the 17th-highest-grossing + film (unadjusted) domestically and the 21st-highest-grossing film worldwide. + + Main article: List of Pixar awards and nominations: Toy Story + + Lasseter with the Special Achievement Oscar + + The film won and was nominated for various other awards including a Kids Choice + Award, MTV Movie Award, and a British Academy Film Award, among others. John + Lasseter received an Academy Special Achievement Award in 1996 for the development + and inspired application of techniques that have made possible the first feature-length + computer-animated film. [114][115] Additionally, the film was nominated for + three Academy Awards, two to Randy Newman for Best Music—Original Song, for You + ve Got a Friend in Me , and Best Music—Original Musical or Comedy Score.[116] + It was also nominated for Best Original Screenplay for the work by Joel Cohen, + Pete Docter, John Lasseter, Joe Ranft, Alec Sokolow, Andrew Stanton and Joss + Whedon, making Toy Story the first animated film to be nominated for an Academy + Award writing category.[116] + + Toy Story won eight Annie Awards, including Best Animated Feature . Animator + Pete Docter, director John Lasseter, musician Randy Newman, producers Bonnie + Arnold and Ralph Guggenheim, production designer Ralph Eggleston, and writers + Joel Cohen, Alec Sokolow, Andrew Stanton, and Joss Whedon all won awards for Best + Individual Achievement in their respective fields for their work on the film. + The film also won Best Individual Achievement in technical achievement.[117] + + Toy Story was nominated for two Golden Globe Awards, one for Best Motion Picture—Comedy + or Musical, and one for Best Original Song—Motion Picture for Newman s You + ve Got a Friend in Me .[118] At both the Los Angeles Film Critics Association + Awards and the Kansas City Film Critics Circle Awards, the film won Best Animated + Film .[119][120] Toy Story is also among the top ten in the BFI list of the + 50 films you should see by the age of 14,[121][122] and the highest-placed (at + No. 99) animated film in Empire magazine s list of 500 Greatest Movie of All + Time .[123] In 2005, Toy Story, along with Toy Story 2 was voted the 4th greatest + cartoon in Channel 4 s 100 Greatest Cartoons poll, behind The Simpsons, Tom + and Jerry, and South Park.[124] + + Toy Story had a large impact on the film industry with its innovative computer + animation. After the film s debut, various industries were interested in the + technology used for the film. Graphics chip makers desired to compute imagery + similar to the film s animation for personal computers; game developers wanted + to learn how to replicate the animation for video games; and robotics researchers + were interested in building artificial intelligence into their machines that + compared to the film s lifelike characters.[125] Various authors have also compared + the film to an interpretation of Don Quixote as well as humanism.[126][127] + In addition, Toy Story left an impact with its catchphrase To Infinity and + Beyond , sequels, and software, among others. In 2005 (10 years after its theatrical + release), the film was selected for preservation in the National Film Registry + by the United States Library of Congress, one of only six films to be selected + in its first year of eligibility.[128] + + Buzz Lightyear s classic line To Infinity and Beyond has seen usage not only + on themed merchandise, but among philosophers and mathematical theorists as + well.[129][130][131] In 2008, during STS-124 astronauts took an action figure + of Buzz Lightyear into space on the Discovery Space Shuttle as part of an educational + experience for students while stressing the catchphrase. The action figure was + used for experiments in zero-g.[132] It was reported in 2008 that a father and + son had continually repeated the phrase to help them keep track of each other + while treading water for 15 hours in the Atlantic Ocean.[133] The phrase occurs + in the lyrics of Beyoncé s 2008 song Single Ladies (Put a Ring on It) , during + the bridge.[134] In 2012, the late Capital STEEZ released a song titled Infinity + and Beyond in reference to the phrase as part of his AmeriKKKan Korruption + mixtape.[135] + + Expanded franchise + + Main article: Toy Story (franchise) + + Toy Story has spawned three sequels: Toy Story 2 (1999), Toy Story 3 (2010), + and Toy Story 4 (2019). Initially, the first sequel to Toy Story was going to + be a direct-to-video release, with development beginning in 1996.[136] However, + after the cast from Toy Story returned and the story was considered to be better + than that of a direct-to-video release, it was announced in 1998 that the sequel + would see a theatrical release.[137] + + Toy Story 2 was released to theaters November 24, 1999 and saw the return of + the majority of the voice cast from the first film. The sequel focuses on Buzz + leading Andy s toys on a mission to rescue Woody after he is stolen by a greedy + toy collector. The film was equally well received by critics, many of whom thought + it was even better than the first installment, earning a rare 100% approval + rating at Rotten Tomatoes, based on 163 reviews.[138] At Metacritic, the film + earned a favorable rating of 88/100 based on 34 reviews.[139] The film s widest + release was 3,257 theaters and it grossed $497 million worldwide, becoming the + second-most successful animated film after The Lion King at the time of its + release.[140][141] + + Toy Story 3 was released to theaters June 18, 2010 and centers on Andy s mother + accidentally donating the toys to a day-care center when Andy, now a teenager, + is preparing to go to college. Once there, they must hurry home before Andy + leaves.[142][143] Again, the majority of the cast from the prior two films returned, + with Slinky Dog voiced by Blake Clark due to Jim Varney s death in 2000. It + was the first film in the franchise to be released in 3-D for its first run, + though the first two films, which were originally released in 2-D, were re-released + in 3-D in 2009 as a double feature.[142] Like its predecessors, Toy Story 3 + received enormous critical acclaim, earning a 98% approval rating from Rotten + Tomatoes.[144] It also grossed more than $1 billion worldwide, making it the + highest-grossing animated film until the release of 2013 s Frozen.[145] + + Toy Story 4 was released theatrically on June 21, 2019[8][9] and centers on + Woody reuniting with Bo Peep, who was given away by Andy s mother years ago, + while also coming to terms with his own continued purpose as a toy. It was originally + set to be directed by John Lasseter and co-directed by Josh Cooley, but Lasseter + stepped down in July 2017, leaving Cooley as the sole director.[146] Most of + the cast of the previous films again reprised their character roles, with Mr. + Potato Head voiced through archive recordings due to Don Rickles death in 2017.[147] + + In November 1996, the Disney on Ice: Toy Story ice show opened which featured + the cast s voices as well as Randy Newman s music.[148] In April 2008, the Disney + Wonder cruise ship launched Toy Story: The Musical shows on its cruises.[149] + + Toy Story also led to a spin-off direct-to-video animated film, Buzz Lightyear + of Star Command: The Adventure Begins, as well as the animated television series + Buzz Lightyear of Star Command.[150] The film and series followed Buzz Lightyear + and his friends at Star Command as they uphold justice across the galaxy. Although + the film was criticized for not using the same animation as the Toy Story films, + it sold three million VHS and DVDs in its first week of release.[151][152] The + television series brought further commercial and critical acclaim, winning a + Daytime Emmy in 2001 for Outstanding Sound Editing. The series ran for a total + of 65 episodes.[citation needed] + + Following the release of Toy Story 3, a series of Toy Story short films have + been shown in theaters in front of other Disney features: Hawaiian Vacation + (shown before Cars 2), centering on Barbie and Ken on vacation in Bonnie s room, + Small Fry (shown before The Muppets), centering on Buzz being left in a fast-food + restaurant, and Partysaurus Rex (shown before the 3D re-release of Finding Nemo), + centering on Rex partying with bath toys.[citation needed] + + In January 2013, a fan-made live-action version of the film was posted on YouTube + that received more than 20 million views before being taken down by Disney for + copyright of the audio.[153][154][155] In February 2016, the video returned + to YouTube.[156] + + In October 2013, ABC aired Toy Story of Terror!, promoting it as Pixar s first + television special.[157] In the special, Mr. Potato Head disappears and the + other toys have to find him.[citation needed] + + On December 2, 2014, ABC aired Toy Story That Time Forgot. In the story, the + toys are trapped in room with a group of humanoid dinosaur warrior toys called + Battlesaurs who do not know that they are toys and must escape.[158] + + Software and merchandise + + Disney s Animated Storybook: Toy Story and Disney s Activity Center: Toy Story + were released for Windows and Mac OS.[159] Disney s Animated Storybook: Toy + Story was the best selling software title of 1996, selling over 500,000 copies.[160] + Two console video games were released for the film: the Toy Story video game, + for the Sega Genesis, Super Nintendo Entertainment System, Game Boy, and PC + as well as Toy Story Racer, for the PlayStation (which contains elements from + Toy Story 2).[161] Pixar created original animations for all of the games, including + fully animated sequences for the PC titles.[citation needed] + + Toy Story had a large promotion before its release, leading to numerous tie-ins + with the film including images on food packaging.[74] A variety of merchandise + was released during the film s theatrical run and its initial VHS release including + toys, clothing, and shoes, among other things.[162] When an action figure for + Buzz Lightyear and Sheriff Woody was created it was initially ignored by retailers. + However, after over 250,000 figures were sold for each character before the + film s release, demand continued to expand, eventually reaching over 25 million + units sold by 2007.[91] + + Toy Story and its sequels have inspired multiple attractions at the theme parks + of Walt Disney World and Disneyland: + + Buzz Lightyear s Space Ranger Spin at the Magic Kingdom casts theme park guests + as cadets in Buzz s Space Ranger Corps. Guests ride through various scenes featuring + Emperor Zurg s henchmen, firing laser cannons at their Z symbols, scoring + points for each hit.[163] + + Buzz Lightyear s Astro Blasters at Disneyland is similar to Space Ranger Spin, + except that the laser cannons are hand-held rather than mounted to the ride + vehicle.[164] + + Buzz Lightyear s Astro Blasters at Walt Disney World s DisneyQuest, despite + the identical name to the Disneyland attraction, is a bumper car style attraction + in which guests compete against each other not only by ramming their ride vehicles + into each other but also by firing asteroids (playground balls) at each other.[165] + + Toy Story Midway Mania! at both Walt Disney World s Disney s Hollywood Studios + and Disneyland s Disney California Adventure features a series of interactive + carnival-type games hosted by the Toy Story characters. Guests ride in vehicles + while wearing 3-D glasses, and using a pull-string cannon to launch virtual + rings, darts, baseballs, etc. Disney announced an update to the attraction to + add characters from Toy Story 3 several months before the film s release date.[166][167] + + World of Color at Disney California Adventure is a large nighttime water and + light show. Some of the scenes projected on the water screens feature animation + from the Toy Story films.[168] + + Toy Story Playland at Disneyland Paris and Hong Kong Disneyland, opened in August + 2010 and November 2011 respectively. The area is designed to create the illusion + of shrinking the guest down to the size of a toy, and to play in Andy s backyard + in several themed rides.[169] + + Toy Story Land opened at Disney s Hollywood Studios on June 30, 2018, with rides + including the Slinky Dog Dash and Alien Swirling Saucers.[170] + + Toy Story s cast of characters forms the basis for the naming of the releases + of the Debian computer operating system, from Debian 1.1 Buzz, the first release + with a codename, in 1996, to Debian 11 Bullseye, the most-recently announced + future release.[171][172] + + In 2013, Pixar designed a Gromit Lightyear sculpture based on the Aardman + Animations character Gromit for Gromit Unleashed which sold for £65,000.[173] + + List of films with a 100% rating on Rotten Tomatoes + + ^ Toy Story . British Board of Film Classification. Archived from the original + on September 21, 2013. Retrieved August 2, 2013. + + ^ Toy Story (1995) – Financial Information . The Numbers. Archived from the + original on December 5, 2014. Retrieved December 7, 2014. + + ^ a b c Toy Story (1995) . Box Office Mojo. Archived from the original on May + 22, 2012. Retrieved August 20, 2016. + + ^ Toy Story . The Numbers. Archived from the original on March 16, 2009. Retrieved + March 11, 2009. + + ^ Sources that refer to Toy Story being referred to as one of the best animated + films of all time include: + + Top 25 Animated Movies of All-Time – Movies Feature at IGN . Movies.ign.com. + June 18, 2011. Archived from the original on July 11, 2018. Retrieved July 8, + 2011. + + Best Animated Movies (5–1) – The Moviefone Blog . Blog.moviefone.com. June 2, + 2008. Archived from the original on July 8, 2012. Retrieved July 8, 2011. + + Best Animated Films – Toy Story . Rotten Tomatoes. Archived from the original + on October 17, 2011. Retrieved July 8, 2011. + + 10 Top 10 . AFI. Archived from the original on May 18, 2010. Retrieved July + 8, 2011. + + Time Out s Top 50 Animated Movies of All Time Curated by Terry Gilliam | /Film + . Slashfilm.com. October 7, 2009. Archived from the original on November 7, + 2018. Retrieved July 8, 2011. + + The Movie Blog s 10 Best Animated Films of All Time . The Movie Blog. Archived + from the original on November 6, 2018. Retrieved July 8, 2011. + + Corliss, Richard (June 23, 2011). Toy Story, 1995 – The 25 All-TIME Best Animated + Films . Time. Archived from the original on September 13, 2012. Retrieved July + 8, 2011. + + ^ King, Susan (September 30, 2015). How Toy Story changed the face of animation, + taking off like an explosion . Los Angeles Times. Archived from the original + on October 2, 2015. Retrieved September 30, 2015. + + ^ Librarian of Congress Adds 25 Films to National Film Registry – News Releases + (Library of Congress) . Loc.gov. Archived from the original on August 9, 2009. + Retrieved June 10, 2013. + + ^ a b McClintock, Pamela (October 8, 2015). Cars 3 and Incredibles 2 Get + Release Dates; Toy Story 4 Bumped a Year . The Hollywood Reporter. Archived + from the original on November 17, 2015. Retrieved October 8, 2015. + + ^ a b Lang, Brent (October 26, 2016). Incredibles 2 Hitting Theaters a Year + Early, Toy Story 4 Pushed Back to 2019 . Variety. Archived from the original + on April 9, 2019. Retrieved October 26, 2016. + + ^ Paik 2007, p. 38. + + ^ Waterman Gives Brave Little Toaster a New Lease of Life (Exclusive) . The + Wrap. Archived from the original on June 13, 2018. Retrieved July 9, 2017. + + ^ a b c d Isaacson 2011, p. 181. + + ^ How Pixar became the world s greatest animation company . www.telegraph.co.uk. + Archived from the original on June 25, 2018. Retrieved July 8, 2017. + + ^ a b Price 2008, p. 117. + + ^ Droidmaker takes an entertaining & informative look back at the development + of computer animation . Archived from the original on June 23, 2018. Retrieved + June 22, 2018. + + ^ a b c d e f g Isaacson 2011, p. 206. + + ^ a b c d Price 2008, p. 119. + + ^ Kanfer 2000, p. 229. + + ^ a b Burrows, Peter; Grover, Ronald (November 23, 1998). Steve Jobs, Movie + Mogul . Bloomberg BusinessWeek. Archived from the original on June 13, 2011. + Retrieved March 11, 2009. + + ^ Schlender, Brent (May 17, 2006). Pixar s magic man . CNNMoney.com. Archived + from the original on July 15, 2012. Retrieved March 11, 2009. + + ^ Cezary Jan Strusiewicz (February 1, 2011). 5 Insane Early Drafts of Famous + Films . Archived from the original on October 14, 2013. Retrieved March 23, + 2015. + + ^ a b c Price 2008, p. 124. + + ^ Disney s Buzz Lightyear and Wall-E explore space for NASA . Space.com. June + 24, 2008. Archived from the original on July 24, 2012. Retrieved March 13, 2009. + + ^ Paik 2007, p. 103. + + ^ Charlie Rose (December 2, 2011). Charlie Rose Interview of John Lasseter + . Archived from the original on December 8, 2011. Retrieved November 21, 2016. + + ^ Kirsten Acuna (September 23, 2014). Toy Story Had An Unwatchable Script + Until Joss Whedon Saved It . Business Insider. Archived from the original on + July 2, 2019. Retrieved July 2, 2019. + + ^ a b c d e f g h i j k l m n o Toy Wonder . Entertainment Weekly. December + 8, 1995. Archived from the original on December 5, 2012. Retrieved March 11, + 2009. + + ^ Evans, Bradford (March 17, 2011). The Lost Roles of Jim Carrey . Splitsider. + Archived from the original on August 8, 2015. Retrieved March 28, 2016. Early + in Toy Story s development, producers wanted Paul Newman as Woody and Jim Carrey + as Buzz Lightyear, with the two actors representing Old Hollywood and New Hollywood, + respectively. + + ^ Evans, Bradford (February 17, 2011). The Lost Roles of Bill Murray . Archived + from the original on May 20, 2015. Retrieved May 25, 2015. + + ^ Farr, John (September 19, 2014). Bill Murray and the Roles That Got Away + . The Huffington Post. Archived from the original on January 11, 2016. Retrieved + May 25, 2015. + + ^ Locke, Greg W. (August 26, 2011). The Top 25 Roles Bill Murray Didn t Take + . Archived from the original on November 25, 2011. Retrieved May 25, 2015. + + ^ THE FACES & FACTS BEHIND DISNEY CHARACTERS . E!. Archived from the original + on March 14, 2016. Retrieved April 3, 2016. + + ^ Kozak, Jim (August 2005). Serenity Now! . In Focus. National Association + of Theatre Owners. Archived from the original on August 3, 2005. Retrieved August + 10, 2015. Ironically, Disney put the kibosh on the person they wanted for Buzz + Lightyear because he wasn t famous enough, so we couldn t use Jim Carrey. But + they had Tom Hanks in place. + + ^ Evans, Bradford. The Lost Roles of Chevy Chase . Splitsider. Archived from + the original on February 2, 2013. Retrieved November 21, 2016. + + ^ Fischer, Paul. Billy Crystal – Cranky Critic StarTalk . Archived from the + original on December 18, 2001. Retrieved March 11, 2009. + + ^ Pearlman, Cindy (October 28, 2001). Crystal clear on Monsters (Fee required). + Chicago Sun-Times. Archived from the original on January 13, 2012. Retrieved + March 16, 2009. + + ^ Toy Story (10th Anniversary Edition) – (Making Toy Story) (DVD). Walt Disney + Home Entertainment. September 6, 2005. Event occurs at 6:43. + + ^ Michael, Dennis (November 25, 1995). Toy Story stars say being animated + is hard work . CNN. Archived from the original on December 10, 2012. Retrieved + March 12, 2009. + + ^ a b c d e f g h i Isaacson 2011, p. 208. + + ^ a b Toy Story (10th Anniversary Edition) – (Filmmakers Reflect) (DVD). Walt + Disney Home Entertainment. September 6, 2005. + + ^ a b Toy Story : The Inside Buzz . Entertainment Weekly. December 8, 1995. + Archived from the original on May 22, 2012. Retrieved July 8, 2011. + + ^ Hicks, Chris (October 13, 1995). Animation: Disney is Still King . Deseret + News. Archived from the original on January 21, 2013. Retrieved October 17, + 2012. + + ^ a b c d e Snider, Burr (December 1995). The Toy Story Story . Wired. pp. + 1–6. Archived from the original on October 17, 2013. Retrieved March 13, 2009. + + ^ a b c Henne, Mark; Hickel, Hal; Johnson, Ewan; Konishi, Sonoks (February 25–28, + 1996). The Making of Toy Story (PDF). CompCon 96. Technologies for the Information + Superhighway Digest of Papers. Santa Clara, CA: 463–468. ISBN 0-8186-7414-8. + Archived from the original (PDF) on June 26, 2010. Retrieved March 13, 2009. + + ^ a b c Schlender, Brent (September 18, 1995). Steve Jobs Amazing Movie Adventure + Disney Is Betting on Computerdom s Ex-Boy Wonder To Deliver This Year s Animated + Christmas Blockbuster. Can He Do For Hollywood What He Did For Silicon Valley? + . CNN. Archived from the original on June 4, 2012. Retrieved March 12, 2009. + + ^ a b Lasseter, John (2005). Toy Story Deleted Scenes (Toy Story 10th Anniversary + Edition) (Media notes). Disney. + + ^ a b c d Price 2008, pp. 139–142. + + ^ Kronke, David (November 21, 1995). After Toy Story Credits Roll, the Fun + Comes Alive . Los Angeles Times. Archived from the original on May 20, 2016. + Retrieved September 7, 2015. + + ^ Isaacson 2011, p. 209. + + ^ Programme 1996 . Berlinale. Archived from the original on October 7, 2014. + Retrieved December 6, 2014. + + ^ 1996 Yearbook . Berlinale. Archived from the original on December 5, 2014. + Retrieved December 6, 2014. + + ^ Elliott, Stuart (November 22, 1995). The Media Business: Advertising; Coca-Cola, + Pepsico and Burger King sign on with Disney for a happy ending with Toy Story tie-ins + . The New York Times. Archived from the original on July 13, 2012. Retrieved + March 12, 2009. + + ^ a b Reyes, Sonia (November 23, 1995). It s A Toy Story Told at the Cash Register + . Daily News. New York. Archived from the original on September 6, 2018. Retrieved + October 17, 2012. + + ^ tnarwani (July 21, 2008). The Lost Joss Whedon/Pixar Connection . Archived + from the original on September 6, 2018. Retrieved March 11, 2009. + + ^ Witchel, Alex (February 21, 1996). Talking Toys with Betty James; Persevering + for Family and Slinky . The New York Times. Archived from the original on January + 30, 2013. Retrieved February 26, 2009. + + ^ a b Richards, Olly (January 24, 2008). Toy Story Movies Going 3D . Empire. + Archived from the original on November 7, 2018. Retrieved March 11, 2009. + + ^ Germain, David (March 31, 2009). Disney does 3-D with Toy Story, Beast reissues + . USA Today. Archived from the original on February 5, 2013. Retrieved October + 17, 2012. + + ^ David Chen (October 12, 2009). Lee Unkrich Announces Kristen Schaal and Blake + Clark Cast in Toy Story 3; Toy Story 3D Double Feature To Stay in Theaters . + Archived from the original on September 10, 2012. Retrieved October 12, 2009. + + ^ Toy Story Franchise Going 3-D . VFXWorld.com. January 24, 2008. Retrieved + March 12, 2009. + + ^ a b c Murphy, Mekado (October 1, 2009). Buzz and Woody Add a Dimension . + The New York Times. Archived from the original on January 29, 2014. Retrieved + February 18, 2010. + + ^ Toy Story in 3D: MSN Review . Archived from the original on October 2, 2009. + Retrieved October 3, 2009. + + ^ a b Toy Story/Toy Story 2 (3D) . Box Office Mojo. Archived from the original + on July 31, 2012. Retrieved February 18, 2010. + + ^ Snow, Shauna (November 8, 1996). Arts and entertainment reports from The + Times, national and international news services and the nation s press . Los + Angeles Times. Archived from the original on February 6, 2014. Retrieved March + 12, 2009. + + ^ a b c Hettrick, Scott (June 21, 2000). Disney packages Toy Story and sequel + together for DVD . VideoBusiness.com. Archived from the original on October + 19, 2006. Retrieved March 12, 2009. + + ^ Otto, Jeff (September 2, 2005). Double Dip Digest: Toy Story . IGN. Archived + from the original on July 7, 2012. Retrieved March 12, 2009. + + ^ Amazon.com – Toy Story (Two-Disc Special Edition Blu-rayDVD Combo w/ Blu-ray + Packaging) . Amazon.com. February 10, 2010. ASIN B0030IIYWA. + + ^ Amazon.com – Toy Story (Special Edition) . Amazon.com. Archived from the + original on March 2, 2016. Retrieved May 3, 2010. + + ^ Toy Story 4K Blu-ray, archived from the original on May 13, 2019, retrieved + May 13, 2019 + + ^ a b Paik 2007, p. 104. + + ^ Toy Story (1995) . Rotten Tomatoes. Fandango Media. Archived from the original + on July 7, 2019. Retrieved November 12, 2019. + + ^ Toy Story Reviews . Metacritic. CBS Interactive. Archived from the original + on May 22, 2012. Retrieved March 11, 2009. + + ^ Find Cinemascore . CinemaScore. Archived from the original on January 2, + 2018. Retrieved October 20, 2016. + + ^ Klady, Leonard (November 20, 1995). Toy Story . Variety. Archived from the + original on September 8, 2018. Retrieved March 11, 2009. + + ^ a b Ebert, Roger (November 22, 1995). Toy Story . RogerEbert.com. Ebert Digital + LLC. Archived from the original on October 17, 2013. Retrieved March 11, 2009. + + ^ Corliss, Richard (November 27, 1995). They re Alive! . Time. Archived from + the original on December 11, 2012. Retrieved March 11, 2009. + + ^ Wloszczyna, Susan. Toy Story . USA Today. Archived from the original on May + 28, 2009. Retrieved March 11, 2009. + + ^ Turan, Kenneth (November 22, 1995). MOVIE REVIEWS : The Secret Life of Toys: + A Story for All Ages : The animated film s visual dazzle will delight kids, + while adults will appreciate the wised-up jokes . Los Angeles Times. Archived + from the original on January 27, 2013. Retrieved October 17, 2012. + + ^ Ansen, David (November 27, 1995). Toy Story . Newsweek. Retrieved March 11, + 2009. + + ^ Gleiberman, Owen (November 27, 1995). Toy Story . Entertainment Weekly. Archived + from the original on December 20, 2007. Retrieved March 11, 2009. + + ^ The Best of 1995 . Time. December 25, 1995. Archived from the original on + December 8, 2012. Retrieved March 12, 2009. + + ^ Corliss, Richard (June 23, 2011). The 25 All-TIME Best Animated Films – Toy + Story . Time. Archived from the original on September 13, 2012. Retrieved August + 19, 2011. + + ^ The 500 Greatest Movies of All Time . Empire. Archived from the original + on August 14, 2011. + + ^ Ball, Ryan (March 4, 2003). Toy Story Tops Online Film Critics Top 100 . + Animation Magazine. Archived from the original on February 21, 2013. Retrieved + October 17, 2012. + + ^ Star Wars Leads VES Top 50 Most Influential VFX List . VFXWorld.com. May + 11, 2007. Retrieved March 11, 2009. + + ^ Citizen Kane stands the test of time (PDF). American Film Institute. June + 20, 2007. p. 4. Archived (PDF) from the original on November 10, 2016. Retrieved + March 11, 2009. + + ^ American Film Institute (June 17, 2008). AFI Crowns Top 10 Films in 10 Classic + Genres . ComingSoon.net. Archived from the original on June 19, 2008. Retrieved + March 11, 2009. + + ^ Top Ten Animation . American Film Institute. Archived from the original on + June 19, 2008. Retrieved March 11, 2009. + + ^ Time Out s 50 Greatest Animated Films: Part 5 . Time Out London. Archived + from the original on October 8, 2009. Retrieved April 8, 2011. + + ^ Toy Story Daily Box Office . Box Office Mojo. Archived from the original + on May 22, 2012. Retrieved March 11, 2009. + + ^ 1995 Domestic Grosses . Box Office Mojo. Archived from the original on May + 22, 2012. Retrieved March 11, 2009. + + ^ Domestic Grosses #1–100 . Box Office Mojo. Archived from the original on + August 3, 2018. Retrieved March 11, 2009. + + ^ 1995 Academy Awards . infoplease. Archived from the original on January 3, + 2013. Retrieved January 31, 2009. + + ^ Three Pixar execs get special Oscars . San Francisco Chronicle. February + 1, 1996. Archived from the original on June 29, 2012. Retrieved March 12, 2009. + + ^ a b Toy Story (1995) . The New York Times. Archived from the original on + May 11, 2011. Retrieved March 12, 2009. + + ^ Legacy: 24th Annual Annie Award Nominees and Winners (1996) . Annie Awards. + Archived from the original on May 12, 2008. Retrieved March 12, 2009. + + ^ Horn, John (December 21, 1995). Sense And Sensibility Tops Nominations + For Golden Globe Awards . The Seattle Times. Archived from the original on June + 29, 2012. Retrieved March 12, 2009. + + ^ Emerson, Jim. The Los Angeles Film Critics Association . Los Angeles Film + Critics Association Awards. Archived from the original on December 3, 1998. + Retrieved March 12, 2009. + + ^ KCFCC Award Winners . Kansas City Film Critics Circle. Archived from the + original on June 29, 2012. Retrieved March 12, 2009. + + ^ The 50 films you should see by the age of 14 . Daily Mail. July 20, 2005. + Archived from the original on July 24, 2012. Retrieved January 23, 2018. + + ^ BFI Lists / List of Films You Should See By the Age of 14 . TV Tropes. Archived + from the original on January 24, 2018. Retrieved January 23, 2018. + + ^ The 500 Greatest Movies of All Time (100–96) . Emprire. Archived from the + original on August 17, 2011. Retrieved April 1, 2010. + + ^ Channel 4 s 100 Greatest Cartoons . List Challenges. Archived from the original + on September 9, 2018. Retrieved February 24, 2019. + + ^ Porter, Tom; Susman, Galyn (January 1, 2000). Creating Lifelike Characters + in Pixar Movies . Communications of the ACM. Archived from the original on September + 9, 2018. Retrieved March 13, 2009. + + ^ Burningham, Bruce (2000). Walt Disney s Toy Story as Postmodern Don Quixote (PDF). + Cervantes. Cervantes Society of America. 20 (1): 157–174. Archived (PDF) from + the original on July 6, 2008. Retrieved March 13, 2009. + + ^ Hall, Lucia K.B. (March 1, 2000). Toy Stories for Humanists? . The Humanist. + Archived from the original on December 6, 2014. Retrieved March 13, 2009. + + ^ Films Selected to the National Film Registry, Library of Congress – 2005 + . National Film Registry. December 27, 2005. Archived from the original on February + 8, 2014. Retrieved March 11, 2009. + + ^ Dusek, Val (2006). Philosophy of Technology: An Introduction. Blackwell Publishing. + p. 59. ISBN 1-4051-1163-1. + + ^ Introducing student-friendly technology . The Jakarta Post. April 10, 2004. + Archived from the original on July 16, 2012. Retrieved March 13, 2009. + + ^ Matson, John (July 19, 2007). Strange but True: Infinity Comes in Different + Sizes . Scientific American. Archived from the original on September 18, 2012. + Retrieved March 13, 2009. + + ^ Pearlman, Robert Z. (May 29, 2008). Buzz Lightyear Becomes Real Space Ranger + . Space.com. Archived from the original on September 11, 2012. Retrieved March + 12, 2009. + + ^ Toy Story Line Helped Father, Son Survive in Water for 15 Hours . Fox News + Channel. Associated Press. September 10, 2008. Archived from the original on + July 30, 2012. Retrieved March 13, 2009. + + ^ Beyonce Knowles – Single Ladies (Put A Ring On It) Lyrics | AZLyrics.com + . www.azlyrics.com. Archived from the original on February 2, 2019. Retrieved + February 1, 2019. + + ^ Thompson, Anne (January 26, 1996). Could a Toy Story sequel be released straight-to-video + – Woody and Buzz might be coming to a living room near you . Entertainment Weekly. + Archived from the original on December 8, 2012. Retrieved March 12, 2009. + + ^ Cohen, Karl (December 1, 1999). Toy Story 2 Is Not Your Typical Hollywood + Sequel . Animation World Network. Retrieved March 12, 2009. + + ^ Toy Story 2 (1999) . Rotten Tomatoes. Archived from the original on April + 1, 2019. Retrieved March 11, 2009. + + ^ Toy Story 2 Reviews . Metacritic. Retrieved March 11, 2009. + + ^ Toy Story 2 . Box Office Mojo. Archived from the original on May 22, 2012. + Retrieved March 11, 2009. + + ^ Animation #1–100 . Box Office Mojo. Archived from the original on August + 23, 2010. Retrieved March 11, 2009. + + ^ a b Walt Disney Studios (January 24, 2008). Toy Story Trio Goes 3-D! . ComingSoon.net. + Archived from the original on July 24, 2012. Retrieved March 11, 2009. + + ^ Marr, Melissa; Wingfield, Nick (February 19, 2008). Big Media Companies Want + Back in the Game . The Wall Street Journal. Archived from the original on June + 29, 2013. Retrieved March 11, 2009. + + ^ Toy Story 3(Rotten Tomatoes Review) . Rotten Tomatoes. Archived from the + original on May 16, 2019. Retrieved April 16, 2011. + + ^ McClintock, Pamela (March 30, 2014). Box Office Milestone: Frozen Becomes + No. 1 Animated Film of All Time . The Hollywood Reporter. Archived from the + original on March 30, 2014. Retrieved March 30, 2014. + + ^ Khatchatourian, Maane (July 14, 2017). Toy Story 4 : Josh Cooley Becomes + Sole Director as John Lasseter Steps Down . Archived from the original on July + 15, 2017. + + ^ Snekiter, Marc (March 29, 2019). Here s how Toy Story 4 will honor the late + Don Rickles as Mr. Potato Head . Entertainment Weekly. Archived from the original + on March 29, 2019. Retrieved March 29, 2019. + + ^ Putzer, Jerry (November 8, 1996). Toy Story Takes the Ice to the Blue Line + and Beyond! . Daily News. New York. Archived from the original on December 6, + 2008. Retrieved March 12, 2009. + + ^ BWW News Desk (January 9, 2008). Disney Launches Toy Story Musical Aboard + Cruise-Line . BroadwayWorld.com. Archived from the original on December 6, 2008. + Retrieved March 12, 2009. + + ^ Stack, Peter (August 13, 2000). Buzz Lightyear Tops Stack of Kid Stuff . + San Francisco Chronicle. Archived from the original on December 10, 2012. Retrieved + March 12, 2009. + + ^ Fretts, Bruce (August 8, 2000). Buzz Lightyear of Star Command (2008) . Entertainment + Weekly. Archived from the original on December 8, 2012. Retrieved March 12, + 2009. + + ^ Netherby, Jennifer (January 27, 2006). As biggest animated movies stay in + Mouse House . VideoBusiness.com. Archived from the original on February 11, + 2006. Retrieved March 12, 2009. + + ^ Jonason s Movies. Live Action Toy Story is Gone . YouTube. Archived from + the original on November 21, 2018. Retrieved November 21, 2016. + + ^ West, Abby (January 14, 2013). Live-action Toy Story : Two fans love letter + to the film . Entertainment Weekly. Archived from the original on April 9, 2013. + Retrieved March 1, 2013. + + ^ Jonason s Movies. Live Action Toy Story . YouTube. Archived from the original + on January 14, 2013. Retrieved January 12, 2013. + + ^ Jonason s Movies. Live Action Toy Story is back! . YouTube. Archived from + the original on November 21, 2018. Retrieved November 21, 2016. + + ^ Goldblatt, Daniel (August 9, 2013). ABC Sets Premiere Date for Toy Story + OF TERROR! . Variety. Archived from the original on September 9, 2018. Retrieved + December 6, 2014. + + ^ Bacle, Ariana (December 2, 2014). Kristen Schaal s Trixie shines in Toy + Story That Time Forgot . Entertainment Weekly. Archived from the original on + September 8, 2018. Retrieved December 26, 2014. + + ^ Mannes, George (December 1, 1996). A Disney Disc That Hits The Spot . Daily + News. New York. Archived from the original on October 25, 2012. Retrieved October + 17, 2012. + + ^ Kent, Steven L. (July 27, 1997). Tech Reviews—Disney Makes It Look Good, + But Don t Expect Too More . The Seattle Times. Archived from the original on + July 7, 2012. Retrieved March 12, 2009. + + ^ Bassave, Roy (November 28, 1995). Video game of the week: Toy Story . Knight + Ridder. Archived from the original on July 16, 2012. Retrieved March 12, 2009. + + ^ Scally, Robert (October 7, 1996). Toy Story rivals The Lion King for merchandising + muscle – home video . Discount Store News. Archived from the original on December + 10, 2008. Retrieved March 12, 2009. + + ^ Buzz Lightyear s Space Ranger Spin . Archived from the original on September + 8, 2018. Retrieved June 14, 2010. + + ^ Buzz Lightyear s Astro Blasters . Archived from the original on May 22, 2012. + Retrieved June 14, 2010. + + ^ Buzz Lightyear s Astroblasters . Archived from the original on December 6, + 2012. Retrieved June 14, 2010. + + ^ Toy Story Mania! (WDW) . Archived from the original on September 8, 2018. + Retrieved June 14, 2010. + + ^ Toy Story Mania! (DL) . Archived from the original on January 14, 2014. Retrieved + June 14, 2010. + + ^ World of Color . Archived from the original on June 20, 2010. Retrieved November + 22, 2016. + + ^ A short visit to Disneyland Paris . The Press. August 21, 2010. Archived + from the original on February 4, 2011. Retrieved February 27, 2011. + + ^ Toy Story Land – Now Open! . disneyworld.disney.go.com. Archived from the + original on June 12, 2018. Retrieved May 10, 2018. + + ^ The Debian GNU/Linux FAQ – The Debian FTP archives . Debian. April 25, 2015. + Archived from the original on October 11, 2011. Retrieved April 26, 2015. + + ^ Bits from the release team: Winter is Coming (but not to South Africa) . + Debian. July 6, 2016. Archived from the original on July 18, 2016. Retrieved + April 19, 2017. + + ^ GROMIT UNLEASHED 2013: Cracking! Auction of Gromits in Bristol tops the £2m + mark . Bristol Post. Archived from the original on October 27, 2014. + + Isaacson, Walter (2011). Steve Jobs. New York: Simon & Schuster. ISBN 978-1-4516-4853-9. + + Kanfer, Stefan (2000) [1997]. Serious Business: The Art and Commerce of Animation + in America from Betty Boop to Toy Story. New York: Da Capo Press. ISBN 978-0-306-80918-7. + + Paik, Karen (2007). To Infinity and Beyond!: The Story of Pixar Animation Studios. + San Francisco: Chronicle Books. ISBN 978-0-8118-5012-4. + + Price, David (2008). The Pixar Touch: The Making of a Company. New York: Alfred + A. Knopf. ISBN 978-0-307-26575-3. + + Wikimedia Commons has media related to Toy Story. + + Wikiquote has quotations related to: Toy Story + + Official Pixar website + + Toy Story on IMDb + + Toy Story at the TCM Movie Database + + Toy Story at The Big Cartoon DataBase + + Toy Story at AllMovie + + Toy Story at Rotten Tomatoes + + Toy Story at Metacritic + + Toy Story at Box Office Mojo + + Other Disney units + + Unproduced films + + Walt Disney Animation Studios short films (Academy Award Review) + + Cars Toons (2008) + + Tales of the Slayers + + Tales of the Vampires + + John Whedon + + Bellwether Pictures + + Whedonesque.com + + Whedonverse (comics) + + A Bug s Life (1998) (co-director, also wrote) + + BURN-E (2008, short) + + Annie Award for Best Animated Feature + + Retrieved from https://en.wikipedia.org/w/index.php?title=Toy_Story&oldid=940883086 + + 3D re-releases + + Animated buddy films + + Films scored by Randy Newman + + Films directed by John Lasseter + + Films produced by Bonnie Arnold + + Pixar animated films + + Films with screenplays by Joel Cohen + + Films with screenplays by Pete Docter + + Films with screenplays by John Lasseter + + Films with screenplays by Joe Ranft + + Films with screenplays by Alec Sokolow + + Films with screenplays by Andrew Stanton + + Films with screenplays by Joss Whedon + + Films about dolls' + __selected-docs__: + - 'G | 1h 21min | Animation, Adventure, Comedy | 22 November 1995 (USA) + + John Lasseter (original story by), Pete Docter (original story by) | 6 more + credits » + + Tom Hanks, Tim Allen, Don Rickles | See full cast & crew » + + Bo Peep leads a rescue mission in first Toy Story 4 clip + + Toy Story 4 Clip Sends Bo Peep and Woody on a Rescue Mission + + Mark Wahlberg and Will Ferrell s Favourite Holiday Movies + + The Movies and TV Shows of Joss Whedon + + 2019 Watched list + + بشوفها + + Films that I can watch when I am not home alone (parents are in) + + Search for Toy Story on Amazon.com + + Title: Toy Story (1995) + + 90s Movie to TV Series + + Top Rated Movies #89 | Nominated for 3 Oscars. Another 25 wins & 20 nominations. + See more awards » + + 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. + + Stars: Mike Myers, Eddie Murphy, Cameron Diaz + + A Lion cub crown prince is tricked by a treacherous uncle into thinking he caused + his father s death and flees into exile in despair, only to learn in adulthood + his identity and his responsibilities. + + Directors: Roger Allers, Rob Minkoff + + Stars: Matthew Broderick, Jeremy Irons, James Earl Jones + + Directors: Pete Docter, Ronnie Del Carmen + + Stars: Amy Poehler, Bill Hader, Lewis Black + + Directors: Chris Wedge, Carlos Saldanha + + Stars: Denis Leary, John Leguizamo, Ray Romano + + Tom Hanks ... Woody (voice) + + Tim Allen ... Buzz Lightyear (voice) + + Don Rickles ... Mr. Potato Head (voice) + + Jim Varney ... Slinky Dog (voice) + + Wallace Shawn ... Rex (voice) + + John Ratzenberger ... Hamm (voice) + + Annie Potts ... Bo Peep (voice) + + John Morris ... Andy (voice) + + Erik von Detten ... Sid (voice) + + Laurie Metcalf ... Mrs. Davis (voice) + + R. Lee Ermey ... Sergeant (voice) + + Sarah Freeman ... Hannah (voice) + + Penn Jillette ... TV Announcer (voice) + + Jack Angel ... Shark / Rocky Gibraltar (voice) + + Spencer Aste ... Wounded Soldier (voice) + + A little boy named Andy loves to be in his room, playing with his toys, especially + his doll named Woody . But, what do the toys do when Andy is not with them, + they come to life. Woody believes that his life (as a toy) is good. However, + he must worry about Andy s family moving, and what Woody does not know is about + Andy s birthday party. Woody does not realize that Andy s mother gave him an + action figure known as Buzz Lightyear, who does not believe that he is a toy, + and quickly becomes Andy s new favorite toy. Woody, who is now consumed with + jealousy, tries to get rid of Buzz. Then, both Woody and Buzz are now lost. + They must find a way to get back to Andy before he moves without them, but they + will have to pass through a ruthless toy killer, Sid Phillips. Written by John + Wiggins + + toy | rivalry | cowboy | cgi animation | claw crane | See All (224) » + + Proud to be a vegetable See more » + + Toy Story in 3-D See more » + + Pixar Animation Studios - 1200 Park Avenue, Emeryville, California, USA See + more » + + Dolby SR | Sonics-DDP (3D re-release)| SDDS + + Introduced to the National Film Registry in 2005, its first year of eligibility + for such an accolade. See more » + + When Buzz is sitting on the floor of Sid s room, he is wearing his Mrs. Nesbitt apron. + As Sid s toys converge on Buzz, the apron is gone but is tossed away an instant + later while the toys work on him. See more » + + Andy: [playing with and mimicking the voices of his toys; holding Mr. Potato + Head] All right, everyone! This... is a stick-up. Don t anybody move! Now empty + that safe! + + [empties Hamm the piggy bank and coins fall out] + + Andy: Ooh, hoo hoo! Money, money, money! + + [has Potato Head kiss the money; as Bo Peep] + + Andy: Stop it! Stop it, you mean old potato! + + [as Potato Head] + + Andy: Quiet, Bo Peep! Or your sheep get run over! + + [as the sheep, on a toy car track] + + Andy: Help! Baaa! Help us! + + This is the first Pixar film to feature the Production Babies section, which + lists babies born to the crew members during production. This would become a + trademark in the following years, in films like A Bug s Life (1998), Toy Story + 2 (1999), Monsters, Inc. (2001) and Finding Nemo (2003). See more » + + Several other sequences that included words were rewritten in different languages + for international releases. Among these are the don t count on it from the + 8 ball, posters in Andy and Sid s rooms, and the words on the television screen + during the Buzz Lightyear Commercial See more » + + Featured in WatchMojo: Top 10 Most Memorable Movies of 1995 (2015) See more + » + + Q: What is the Morse code used by Babyface in Sid s room? + + Q: Is Toy Story based on a book? + + Every Kid s Fantasy + + 3 February 2009 | by alexkolokotronis – See all my reviews + + Toy Story is the film that started Pixar Animated Studios into its long string + of never ending success. What Pixar does is not just absorb the younger demographic + and keep the older ones mildly entertained. It completely absorbs everyone watching + no matter the age or the level of maturity, films of Pixar, starting from Toy + Story, have kept a certain magical touch around it with an unexpected amount + of depth. Everyone as a child imagines their toys will come alive and go on + their own adventures. One of the great things Pixar does is that it does not + attract audiences with its overloaded superstar casts but rather with its material. + The only superstar here is Tom Hanks and Tim Allen is the next most aforementioned + voice over. Unlike what most people think their is an actually a method to casting + for animated films as there is to a live-action one. As a result of this Pixar + stays faithful to its material and creates a great genuine and warm feeling + around the film and its characters.' + __selected-sentences__: + - Tom Hanks, Tim Allen, Don Rickles | See full cast & crew » + - Pixar Animation Studios - 1200 Park Avenue, Emeryville, California, USA See + more » + episode_done: false + eval_labels: + - All four movies in the Toy Story series are great. Tom Hanks, Tim Allen, and + Don Rickles are all truly great actors and the creativity of the Pixar Animation + Studios team is really top notch. + id: WizInternetWizardTeacher + search_query: movie toy story + text: I have. I liked Toy Story. There was a marathon. +- - __retrieved-docs-urls__: + - https://nvidianews.nvidia.com/news/pixar-animation-studios-licenses-nvidia-technology-for-accelerating-feature-film-production + - https://digital.hbs.edu/platform-rctom/submission/pixar-animation-studios-creative-kaizen/ + - https://www.pixar.com/careers-at-pixar + - https://pixar.fandom.com/wiki/Pixar_Animation_Studios + - https://en.wikipedia.org/wiki/Pixar + __retrieved-docs__: + - 'Pixar Animation Studios Licenses NVIDIA Technology for Accelerating Feature + Film Production + + SANTA CLARA, CA - To accelerate production of its computer-animated feature + films and short film content, Pixar Animation Studios is licensing a suite of + NVIDIA (NASDAQ: NVDA) technologies related to image rendering, the companies + announced today. + + The multi-year strategic licensing agreement gives Pixar access to NVIDIA s + quasi-Monte Carlo (QMC) rendering methods. These methods can make rendering + more efficient, especially when powered by GPUs and other massively parallel + computing architectures. + + NVIDIA and Pixar have worked together for years to improve workflows in content + creation, said Steven Parker, vice president of engineering and CTO of rendering + technology at NVIDIA. With NVIDIA s QMC sampling technology, Pixar can accelerate + its creative process while continuing to produce visual imagery and animation + of the very highest standard. + + Pixar has long used NVIDIA GPU technology to push the limits of what is possible + in animation and the filmmaking process, said Steve May, vice president and + CTO at Pixar. NVIDIA s particular QMC implementation has the potential to enhance + rendering functionality and significantly reduce our rendering times. + + As part of the agreement, NVIDIA will also contribute ray-tracing technology + to Pixar s OpenSubdiv Project, an open-source initiative to promote high-performance + subdivision surface evaluation on massively parallel CPU and GPU architectures. + This will enable rendering of complex Catmull-Clark subdivision surfaces in + animation with unprecedented precision. + + Keep up with the NVIDIA Blog, and follow us on Facebook, Google+, Twitter, LinkedIn + and Instagram. + + View NVIDIA videos on YouTube and images on Flickr. + + About Pixar Animation Studios + + Pixar Animation Studios, a wholly owned subsidiary of The Walt Disney Company, + is an Academy Award®-winning film studio with world-renowned technical, creative + and production capabilities in the art of computer animation. The Northern California + studio has created some of the most successful and beloved animated films of + all time, including Toy Story, Monsters, Inc., Cars, The Incredibles, Ratatouille, WALL-E, Up, Toy + Story 3 and Brave. Its movies have won 30 Academy Awards® and have grossed + more than $8.7 billion at the worldwide box office to date. Inside Out, Pixar + s fifteenth feature, is currently in theaters worldwide. + + Since 1993, NVIDIA (NASDAQ: NVDA) has pioneered the art and science of visual + computing. The company s technologies are transforming a world of displays into + a world of interactive discovery -- for everyone from gamers to scientists, + and consumers to enterprise customers. More information at http://nvidianews.nvidia.com/ + and http://blogs.nvidia.com/. + + Certain statements in this press release including, but not limited to, statements + as to: the impact of the licensing of NVIDIA s image rendering technologies + to Pixar; and the benefits and impact of NVIDIA s quasi-Monte Carlo rendering + methods and ray-tracing technology are forward-looking statements that are subject + to risks and uncertainties that could cause results to be materially different + than expectations. Important factors that could cause actual results to differ + materially include: global economic conditions; our reliance on third parties + to manufacture, assemble, package and test our products; the impact of technological + development and competition; development of new products and technologies or + enhancements to our existing product and technologies; market acceptance of + our products or our partners products; design, manufacturing or software defects; + changes in consumer preferences or demands; changes in industry standards and + interfaces; unexpected loss of performance of our products or technologies when + integrated into systems; as well as other factors detailed from time to time + in the reports NVIDIA files with the Securities and Exchange Commission, or + SEC, including its Form 10-Q for the quarterly period ended April 26, 2015. + Copies of reports filed with the SEC are posted on the company s website and + are available from NVIDIA without charge. These forward-looking statements are + not guarantees of future performance and speak only as of the date hereof, and, + except as required by law, NVIDIA disclaims any obligation to update these forward-looking + statements to reflect future events or circumstances. + + © 2015 NVIDIA Corporation. All rights reserved. NVIDIA and the NVIDIA logo are + trademarks and/or registered trademarks of NVIDIA Corporation in the U.S. and + other countries. Other company and product names may be trademarks of the respective + companies with which they are associated. Features, pricing, availability and + specifications are subject to change without notice.' + - "Pixar Animation Studios: Creative Kaizen\nBy HBSstudent11\nIliad S.A.: the\ + \ story behind France’s telecommunications maverick\nHow Pixar’s innovative\ + \ production process ensures creative quality for audiences\nPixar: A Winner\n\ + Pixar has been highly effective at aligning its business and operating models\ + \ to drive success. Founded 1986, Pixar has produced 16 feature animated films\ + \ which together have grossed almost $4 billion at the box office (1). Critically\ + \ acclaimed projects include: Toy Story, The Incredibles, Ratatouille, Up, and\ + \ Finding Nemo. Disney took notice of Pixar’s ability to churn out blockbusters,\ + \ and acquired them in 2006 (2). This ability seems to be driven by Pixar’s\ + \ unique model of organization, production, and talent retention.\nPixar makes\ + \ money by unifying art and technology to produce original animated films that\ + \ motivate audiences to buy movie tickets, DVDs, digital copies, and merchandise.\ + \ These films are marketed towards children, but have the emotional depth and\ + \ production quality to appeal to adults. Pixar’s key market differentiator\ + \ is its focus on quality. Instead of throwing out a portfolio of movies every\ + \ year and hoping that a few become blockbusters, Pixar makes big bets on a\ + \ fewer number of films, producing one film every four to five years. It minimizes\ + \ risk by ensuring the quality of these films via a highly monitored production\ + \ process.\nPixar has a very unique operating model compared to other film studios.\ + \ In other studios, new creative teams are formed around new film concepts and\ + \ then disbanded once the films are complete. Pixar takes a drastically different\ + \ approach and retains creative talent as long-term employees. This allows teams\ + \ to improve their skills and operating processes over time with increased repetition\ + \ (3). Pixar leaders believe that the initial idea matters a lot less than the\ + \ people who actually iterate and brainstorm around that idea throughout the\ + \ production process (4). Other key elements of Pixar’s successful operating\ + \ model include:\nIncubator Teams: When concepts are still nascent, small teams\ + \ of directors, writers, and artists serve as incubators that work together\ + \ to improve and expand on the initial ideas. This tests the idea, but also\ + \ serves as a way for teams to feel out their strengths and weaknesses and learn\ + \ how they should work together moving forward (4).\nShared Dailies: Every day,\ + \ directors and producers must show their daily work to everyone (instead of\ + \ just a small team like at other studios). All members of the crew are encouraged\ + \ to offer suggestions for improvement. Dailies serve as a great way to share\ + \ information with the entire team and break down departmental barriers (4).\n\ + Creative Brain Trust: This is a committee of creative leaders in the company\ + \ that directors/producers can access to help solve production problems. An\ + \ important and unique dynamic of this group is that, unlike traditional studio\ + \ development executives, the advisors of this committee have no authority.\ + \ Instead, they are peers whose purpose is solely to offer creative input and\ + \ advice (5).\nPostmortems: These are meetings that occur after a film is finished\ + \ and discuss the successes and failures of the process. This is critical for\ + \ the growth of the teams (as they will largely remain together to work on the\ + \ next Pixar film) and helps improve work output and processes for the future\ + \ (4).\nPixar University: The company offers classes across disciplines to foster\ + \ communication between departments and emphasize the idea of “learning and\ + \ growing together” (3).\nPixar Campus: The campus has an open plan that maximizes\ + \ interaction among colleagues during the workday to stimulate conversation\ + \ and free flow of ideas (3).\nBusiness and Operating Model Alignment\nThe business\ + \ and operating models are both aligned on Pixar’s key competitive advantages:\ + \ creativity and quality. Pixar has become a consumer-facing brand associated\ + \ with a high level of creativity and quality — and they want to sustain this\ + \ brand identity to retain loyal audiences. To ensure that this production value\ + \ is being provided to customers, the production process is highly detail-oriented\ + \ and based on constant iteration, refinement, and team growth and learning.\ + \ A Harvard Business Review article even likened Pixar’s continuous improvement\ + \ model to that of Toyota’s “Kaizen” philosophy (6). The operating model also\ + \ supports the business model and decreases the risk of a very expensive film\ + \ failure by subjecting the work in process to constant quality control checks.\ + \ High levels of cooperation and sharing throughout the production process allows\ + \ for errors in storyline, dialogue, or visual effects to be caught early and\ + \ often — before the process is too far along for these problems to be fixed\ + \ (4). Though this increases the cycle time of the process (often only 2 seconds\ + \ of a film is worked on each day!), Pixar’s box office performance has shown\ + \ that the value gained from this process in quality and creativity added has\ + \ definitely paid off (7).\nSources Cited/Used:\nhttp://www.boxofficemojo.com/franchises/chart/?id=pixar.htm\n\ + http://www.hollywoodreporter.com/news/pixar-disney-animation-john-lasseters-661752\n\ + http://www.nytimes.com/2006/01/29/technology/29iht-pixar30.html?pagewanted=all&_r=0\n\ + https://hbr.org/2008/09/how-pixar-fosters-collective-creativity\nhttp://fortune.com/video/2015/07/14/the-strategy-that-makes-each-pixar-films-successful/\n\ + https://hbr.org/2010/08/what-google-could-learn-from-p\nhttp://www.newyorker.com/magazine/2011/05/16/the-fun-factory\n\ + http://www.bizjournals.com/bizjournals/how-to/growth-strategies/2015/07/3-pixar-strategies-that-can-help-you-grow-revenue.html?page=all\n\ + http://www.fastcodesign.com/1665008/the-inside-story-5-secrets-to-pixar-s-success\n\ + http://www.pixar.com/\ncreativity, film, winner\nFinding LUV at Southwest Airlines\n\ + 8 thoughts on “Pixar Animation Studios: Creative Kaizen”\nDecember 9, 2015\t\ + \ Alice says:\nFascinating– I love Pixar films and really enjoyed reading your\ + \ post. There’s a special exhibition on “The Science Behind Pixar” at the Museum\ + \ of Science in downtown Boston you should check out!\nDecember 10, 2015\t arlo\ + \ says:\nI love Pixar films too, despite being a non-target consumer of Pixar.\ + \ \U0001F642 I really appreciated reading about all the steps they take to ensure\ + \ a high quality film is produced. Hopefully their quality won’t decline given\ + \ their decision to release two films per year (http://pixartimes.com/2013/06/04/the-pixar-perspective-on-making-two-films-a-year/).\n\ + Buzz Lightyear, I am your biggest fan!!! Nice post. Very interesting comparing\ + \ their operating model vs. the rest of Hollywood. I would imagine the reason\ + \ may be related to the criticality of software in teh production process… the\ + \ interface between creative and technical is much more integrative, which may\ + \ motivate keeping people aroudn to drive experience and learning in the more\ + \ complex setting… what do you think?\nDecember 14, 2015\t Buzz Lightyear says:\n\ + I think that the technology/software side of Pixar does have something to do\ + \ with it. Their approach often comes across as more scientific than artistic\ + \ to me. For example, they encourage their tech artists to regularly publish\ + \ articles and present at conferences so that they maintain a strong relationship\ + \ with the academic community.\nIt is interesting to note, however, that elsewhere\ + \ in Hollywood, smaller-scale creative alliances do form. For example, director\ + \ David O. Russell and actress Jennifer Lawrence have worked on multiple movies\ + \ such as Joy, American Hustle, and Silver Linings Playbook together. I also\ + \ saw JJ Abram’s long-time editors (since the show Alias) speak at the LA Film\ + \ Festival this summer, and they said have gotten to know his working style\ + \ over the years, and it seemed like they have refined and improved their working\ + \ processes over time. I am working in development at a production company this\ + \ summer, and hope to learn more about the different operating models happening\ + \ in film/TV and how creative teams form and function!\nhttp://www.filmindependent.org/blogs/j-j-abrams-long-time-editors-reveal-how-to-help-develop-characters-in-the-editing-room/#.Vm9jOxorLUo\n\ + http://deadline.com/2015/12/david-o-russell-joy-oscars-jennifer-lawrence-1201664630/\n\ + December 14, 2015\t Lior says:\nI’m also a huge Pixar fan and appreciate how\ + \ they managed to create and sustain such a strong operating model (with clear\ + \ link to the business model – quality and creativity). We actually tried mimicking\ + \ this model as we evaluated marketing campaigns in P&G (we formed a community\ + \ of brain trust and made sure to share campaign progress with the entire team.\ + \ We also discussed the successes and failures of the process at the end of\ + \ the campaign). I personally think the idea of using Pixar model to build marketing\ + \ campaigns is a powerful one, but we lacked full commitment to the process.\n\ + Building on that… I was wondering what are your thoughts on using this model\ + \ for different industries? For example, the pharmaceutical industry would also\ + \ benefit from high quality “blockbuster” drugs as opposed to “mini-hits”.\n\ + This is very interesting. To be honest I didn’t know Pixar had a significantly\ + \ different positioning to other movie producers, but I did love most of their\ + \ movies. The different areas you described reminded me a lot the Design Thinking\ + \ process we learned in the IDEO case, with teams brainstorming and converging\ + \ during the day and then use the Incubator Team, Shared Dailies and the Creative\ + \ Brain Trust to validate and/or generate new ideas. I wonder whether they do\ + \ something similar with the target audience or if this limited to employees\ + \ within the company.\nDecember 14, 2015\t AClay says:\nGreat article! I wonder\ + \ if Pixar was able to keep its unique culture after the Disney buyout. Disney\ + \ has such a strong culture itself, that I would imagined that it would be hard\ + \ for Disney’s culture to not suffocate Pixar’s culture.\nAlso, Shared Dailies\ + \ sound freighting like Bridgewater’s immediate feedback model to me. I wonder\ + \ how direct their feedback is at Pixar." + - 'Careers at Pixar + + A COLLABORATION BETWEEN ART & TECHNOLOGY + + At Pixar, our goal is to make great films with great people. We are proud of + our tradition of creative and technical excellence and are always looking for + talented people to enrich our work and our community. We believe it’s important + for our studio to reflect the diversity of the society we live in and the worldwide + audiences for whom we make our films. Come see what we have to offer! + + VISIT CAREER LISTINGS + + What format should I submit my resume in? + + Preferred format is PDF. + + How can I add my cover letter to my application? + + Under “My Experience” there is a section to select and upload files. + + How can I submit my portfolio/demo reel? + + Add the link to your online portfolio/demo reel to the Website section under + “My Experience.” If your site is password protected, please be sure to provide + us with the password on the following page. Refer to the job posting for specific + submission requirements. Digital copies are encouraged and preferred. If we + would like to see additional work, you will be contacted. + + How long should my demo reel be? + + Demo reels should be one to three minutes in length. + + Will Pixar contact me regarding the status of my application? + + Due to the quantity of submissions received, we are not able to offer individual + feedback. However, you will receive an email acknowledging receipt of your application. + + How often should I apply? + + We recommend applying when there is a significant change to your work experiences + that might influence your candidacy or if your contact information has changed. + All information is kept on file for two years. + + If I am not authorized to work in the United States, can I still apply at Pixar? + + Pixar works hard to identify top talent from around the world; however, because + the process of obtaining a work visa can be complex, please understand that + not all roles or applicants may be eligible for sponsorship. Before applying, + we encourage you to familiarize yourself with the rules and regulations regarding + temporary work and/or student visas. For additional information, please visit + the United States Citizenship & Immigration Services website: https://www.uscis.gov/ + + Can I submit a creative story and/or script idea? + + No. All of Pixar s ideas and stories are developed internally and it is our + policy not to view any external submissions. For legal reasons we automatically + return all creative material (scripts, synopses, sketches, etc.) unopened and + unread. So, please do not send any kind of creative submission to Pixar. + + Careers At Pixar-Header + + Career FAQs-Header' + - 'From the beginning, I kept saying it s not the technology that s going to entertain + audiences, it s the story. When you go and see a really great live-action film, + you don t walk out and say that new Panavision camera was staggering, it made + the film so good . The computer is a tool, and it s in the service of the story. + + —John Lasseter, co-founder of Pixar + + Where story is king. + + —Company motto + + Pixar Animation Studios, a wholly-owned subsidiary of The Walt Disney Company, + is an Academy Award-winning film studio with world-renowned technical, creative + and production capabilities in the art of computer animation and creators of + some of the most successful and beloved animated films of all time. Pixar has + so far produced twenty feature films: Toy Story, A Bug s Life, Toy Story 2, + Monsters, Inc., Finding Nemo, The Incredibles, Cars, Ratatouille, WALL•E, Up, + Toy Story 3, Cars 2, Brave, Monsters University, Inside Out, The Good Dinosaur, + Finding Dory, Cars 3, Coco and Incredibles 2. + + Pixar s climb to the pinnacle of computer animation success was a quick one + and the company continues to push the envelope in its art and technology inspired + film-making endeavors. + + 1979-85: Origins + + Pixar s tenuous evolution began in the 1970s when millionaire Alexander Schare, + then-president of the New York Institute of Technology (NYIT), was looking for + someone to create an animated film from a sound recording of Tubby the Tuba. + Enter a computer scientist named Ed Catmull with a Ph.D. from the University + of Utah, who along with several others set up house at Schare s expense at NYIT + s Long Island campus to work with computer graphics. Though Tubby the Tuba was + never made, the team successfully produced video artwork. When creative mogul + George Lucas proposed moving the team to the West Coast in 1979 as part of Lucasfilm + Ltd., the breeding ground of the original Star Wars trilogy, Catmull and his + colleagues agreed. + + Over the next few years, Catmull and his ensemble created innovative graphics + programs and equipment for Lucas, including an imaging computer called the Pixar. The + Pixar was then used to develop high-tech graphics and animation sequences for + Lucasfilm projects. Unlike other computers, Pixar s software constructed high-resolution, + three-dimensional color images of virtually anything, from buildings and cars + to tornadoes and aliens. Remarkably, Pixar was also capable of helping medical + professionals at Johns Hopkins diagnose diseases from 3D renderings of CAT-scans + and x-rays, giving weather technicians new images from satellites, and even + helping prospectors locate oil from enhanced seismic readings--all at a speed + some 200 times faster than previous computer programs. + + In 1984, John Lasseter, who had met Catmull at a computer graphics conference + and was employed by Walt Disney Studios, visited Lucasfilm for a month-long + stint. Lasseter, who had graduated from the California Institute of the Arts + where he had won two Student Academy Awards for animated film, decided to stay. + Meanwhile, after spinning off a joint venture called Droid Works, George Lucas + started shopping around Pixar with hopes of a second spinoff. Pixar caught the + interest of several companies, including EDS, then a division of General Motors, + Philips N.V., and computer whiz-kid Steve Jobs, cofounder and chairman of Apple + Computer Inc. Unable to convince Apple s board of directors to invest in or + purchase the fledgling graphics company, Jobs reluctantly abandoned his hopes + for Pixar. + + Yet circumstances changed drastically for Jobs in 1985. Stripped of his responsibilities + and deposed from his Apple kingdom at about the same time the first Pixar computer + went on the market for $105,000, Jobs sold the majority of his Apple stock and + started over. Plunging $12 million into a new computer enterprise named NeXT + Inc., specializing in personal computers for colleges and universities, Jobs + approached Lucas in 1986 and paid $10 million for the San Rafael-based Pixar + and created an independent company. Though Catmull, Lasseter, and crew regarded + Jobs as kin in their quest for high-tech fun and games given his laidback reputation + and status as a computer wonder boy--the new boss instructed them to put aside + their dreams of animation and film and to instead concentrate on technical graphics + they could sell. + + 1986-1991: Highs and Lows + + “ If I knew in 1986 how much it was going to cost to keep Pixar going, I doubt + if I would ve bought the company! The problem was, for many years the cost + of the computers required to make animation we could sell was tremendously high. + ” + + Luckily, Pixar s crew came up with several software innovations, which they + used to create a myriad of products. In 1986 came the first of many Oscar nominations + from the Academy of Motion Picture Arts and Sciences for a short animated film + called Luxo, Jr. Following this was Red s Dream in 1987, then the development + of RenderMan, for which the company applied for and received a patent. A revolutionary + graphics program that allowed computer artists to add color and create texture + to onscreen 3D objects, RenderMan produced stunningly realistic photo images + almost indistinguishable from actual photographs. RenderMan s brand of images + paid off when Tin Toy, written and directed by Lasseter as the first computer-generated + animation, won an Academy Award as Best Animated Short Film in 1988. + + As CEO of Pixar, Jobs expanded the company s leading edge graphics and animation + capabilities by joining forces in July 1989 with the San Francisco-based Colossal + Pictures, a live action, animation, and special effects studio, for collaboration + purposes and to broker Pixar for television commercials and promotional films. + With Colossal s background and experience in broadcast media and Pixar s unique + computer capabilities, the partnership was poised for tremendous success. By + 1990 when more than a dozen RenderMan products were introduced, RenderMan licensing + fees finally began to pay off. Not only were many hardware and software packagers + incorporating the graphics program into their products, but RenderMan was endorsed + by such industry heavyweights as Digital Equipment, IBM, Intel Corporation, + and Sun Microsystems. In addition, Pixar created two commercials in its association + with Colossal. The second commercial, for Life Savers Holes bite-size candies + (which took 12 weeks to produce using RenderMan s software), aired in March + and was a hit with audiences. + + In April 1990, Pixar signed a letter of intent to sell its valuable yet stagnating + hardware operations, including all proprietary hardware technology and imaging + software, to Vicom Systems of Fremont, California. The move, which included + the transfer of 18 of Pixar s 100 employees, was finalized several weeks later + and allowed Pixar to devote the company s full energy to further development + of its rendering capabilities. Before the end of the year, Pixar moved from + San Rafael to new $15 million digs in the Point Richmond Tech Center of Richmond, + California, and reached revenues of just under $3.4 million, though still not + reporting a profit. + + While Jobs s other company, NeXT Inc., seemed to prosper and was expected to + reach $100 million in computer sales, Pixar still struggled to make ends meet + in 1991. In February, 30 employees were laid off, including President Charles + Kolstad. Jobs, sometimes criticized as a mercurial spinmeister with too little + substance to back up his visions and words, was brought to task in the media + for the shortcomings of both companies. Yet salvation came to Pixar in the name + of Toy Story, the first full-length computer-animated feature film, as a collaboration + between Pixar and Lasseter s old stomping grounds, Walt Disney Studios. Signing + a contract to produce quality digital entertainment, Pixar was responsible + for the content and animation of three full-length films; Disney provided the + funding for production and promotional costs, owning the marketing and licensing + fees of the films and their characters. Though Disney retained the lion s share + of revenue and profit, Pixar negotiated for a slice of the gross revenues from + the box office and subsequent video sales. At this juncture, neither Disney + nor Pixar knew the potential of their alliance--one that proved successful beyond + their wildest expectations. + + 1992-95: Magic & Mastery + + In 1992, the joint project between Pixar and Disney, called CAPS (computer animated + production system) was another stellar development, winning Pixar s second Academy + Award (shared with Disney). The following year, Jobs s NeXT Inc., like Pixar + before it, was forced to lay off workers and sell its hardware division to concentrate + on software development and applications. Yet 1993 was a banner year for Pixar, + with RenderMan winning the company s third Academy Award and a Gold Clio (for + advertising excellence) for the funky animated Listerine Arrows commercial. + The next year, Pixar won its second Gold Clio for the Lifesavers Conga commercial, + a colorful romp with a contagious beat. Despite such heavy accolades from critics + and peers, Pixar still had not managed a profit since its spinoff in 1986, and + reported a loss of $2.4 million on revenue of $5.6 million for 1994. + + The following year, in 1995, Pixar was wrapping up its work on Toy Story and + everyone was anxious for the finished result to hit theaters in November. Tom + Hanks, Tim Allen, Don Rickles, and Annie Potts had signed on to voice major + characters, and Randy Newman was composing the film s musical score. By the + end of the third quarter with more than 100,000 copies of RenderMan sold and + a huge licensing deal with Bill Gates and Microsoft, Pixar announced its first-ever + profit of $3.1 million on revenues of $10.6 million. + + For Pixar, 1995 was a string of accelerating successes: first came Toy Story + s pre-Thanksgiving release, grossing over $40 million its first weekend, with + rave reviews from critics and families alike. Leading box office receipts, both + Disney and Pixar hoped Toy Story could best Pochahontas s $140 million take + earlier in the year. Next came Pixar s IPO of 6.9 million shares in November + on the NASDAQ; the market closed at $22 per share, up from its initial offering + of $12 to $14 each, giving Pixar a market value of some $800 million. Jobs, + who since his purchase of Pixar for $10 million had sunk an additional $50 million + into the enterprise, recouped a handsome paper profit of more than $600 million + for his 80 percent stake (the shares eventually hit a high of $45.50 on November + 30th). + + Another boon came when Toy Story garnered several award nominations, including + Randy Newman s score for two Golden Globes and an Oscar; an Oscar for Catmull + and Thomas Porter, director of effects animation or digital scanning technology; + and an additional Special Achievement Oscar for Lasseter s writing, direction, + and technical wizardry for Toy Story. + + 1996-99: Lightning Strikes! + + After the release of Toy Story while part of Pixar s crew worked on a CD-ROM + game of the animated film, others were busy working on several Coca-Cola commercials + for the Creative Arts Agency, hired by Michael Ovitz. Pixar was also immersed + in its next Disney film A Bug s Life, which was scheduled for release in two + years. By February 1996, Toy Story had grossed over $177 million at the box + office and in March Lasseter attended the Academy Awards to receive his Oscar. + He brought along Woody and Buzz, who were part of several sketches and fodder + for running gags during the live telecast. Pixar completed the year with a huge + leap in revenues, up to $38.2 million (from 1995 s $12.1 million), extraordinary + net income of $25.3 million, and stock prices hitting a high of $49 per share + in the fourth quarter.[ + + Though it had been said by Bob Bennett of Autodesk, Inc., a client and competitor + of Pixar, that Pixar is the best in the world at what it does, continued advances + in computer and graphics technology brought considerable competition. Everyone + it seemed--from Digital Domain and Industrial Light & Magic to Microsoft and + Silicon Graphics--was trying their hand at graphics software development. After + the stellar success of Toy Story, all the major motion picture studios were + creating computerized animation, including DreamWorks SKG, Turner Broadcasting, + Warner Brothers, and even Disney. + + Other developments surrounded Jobs, as Apple stumbled horribly and the company + came close to financial ruin. Still attached to the company he had cofounded + and brought to enormous success, Jobs came to its rescue in 1997 shortly after + Apple bought his NeXT Inc. Few doubted Jobs s ability to juggle both Pixar and + Apple, and they were right. Not only did Jobs bring Apple back to the forefront + of the computer industry with the flashy iMac, but Pixar went on to rule the + box office with A Bug s Life. During the magic holiday window of October, + November, and December 1997, A Bug s Life was up against four animated films, + including another insect-related story by Dreamworks SKG, entitled Antz. Dreamworks + had also released The Prince of Egypt and Nickelodeon brought The Rugrats Movie + to the big screen as well. Yet Pixar beat the pack and went on to ring up over + $360 million in worldwide box office receipts, even topping Toy Story. + + Once again Pixar was nominated for and won big at the Academy Awards: two separate + awards for Scientific and Technical Achievement (for the Marionette 3D Animation + System, and for digital painting), as well as another for Best Animated Short + Film (Geri s Game). Pixar also finally received a sizable financial boost in + 1997, as revenues and net income reached $34.7 million and $22.1 million, respectively. + The box office and critical triumphs of both Toy Story and A Bug s Life also + brought a new deal with Disney to produce an additional five pictures within + the next ten years, with both companies as equal partners. The agreement eclipsed + the previous deal; the former s remaining two films became the first two of + the new five-picture negotiation. Lastly, Pixar would sell Disney up to five + percent of its common stock at $15 per share. + + In early 1999 A Bug s Life was released on video and DVD simultaneously and + Pixar s top guns worked feverishly on the sequel to Toy Story, slated for release + in November. The sequel was a gamble, since only one animated feature film had + ever spawned a theater-released follow-up, Disney s The Rescuers Down Under. + Most sequels or prequels were released directly to video; Pixar was ready to + buck the trend. Dollars from its venture with Disney continued to slowly trickle + in and Pixar finished the year with $14.3 million in revenue and net earnings + of $7.8 million. 1999 also brought more kudos for Pixar: David DiFrancesco won + the company s ninth Academy Award (for Technical Achievement), Toy Story 2 opened + in November to sweeping box office dominance (even higher receipts than Star + Wars: The Phantom Menace s first few weeks of release the year before), and + the company celebrated its fifth consecutive profitable year, with revenues + of $121 million and earnings topping $50 million. + + 2000-2009: The New Century + + Pixar was as busy as ever in the 21st century: The company was preparing to + move into its new 225,000-square-foot headquarters in Emeryville, California, + due for completion in mid-2000 and were hard at work on its next full-length + animated film in collaboration with Disney. The new feature was scheduled for + release in 2001, under the working title of Monsters, Inc. The company s fifth + film was tentatively slated for release in 2002, was a top-secret project to + be directed by [[[Andrew Stanton]], who had worked on both Toy Story and A Bug + s Life. Despite a slow, financially difficult beginning, Pixar Animation Studios + had landed on the fast track and was known throughout the world. With its technological + breakthroughs and brilliantly crafted animated films, the sky was the limit + in the coming decade and beyond. As stated in its 1996 annual report, Pixar + succeeded because it was well aware of the pitfalls of film-making: + + “ Though Pixar is the pioneer of computer animation, the essence of our business + is to create compelling stories and memorable characters. It is chiseled in + stone at our studios that no amount of technology can turn a bad story into + a good one. ” + + Monsters, Inc. was followed by Finding Nemo, The Incredibles, Cars, Ratatouille, + WALL•E, and Up, which cemented Pixar s reputation as one of the best-critically + acclaimed movie studios in history. + + 2010-present: To Infinity and Beyond! + + On April 20, 2010, Pixar opened a new studio in the downtown area of Gastown, + Vancouver, B.C., named Pixar Canada. The studio is primarily creating projects + featuring characters from Toy Story and Cars. The studio was shut down on October + 8, 2013 to refocus creative and business efforts and resources under one roof + [1]. + + Pixar released Toy Story 3 on June 18, 2010, which met with universal acclaim + and box-office success. It made over $1.063B and is the highest grossing animated + film of all time. + + John Lasseter fueled speculation on Pixar s future sequels when he stated, If + we have a great story, we ll do a sequel . Cars 2, Pixar s first sequel not + based on Toy Story, was released on June 24, 2011. Brave, Pixar s first fairy-tale, + was released on June 15, 2012. Monsters University, a prequel to Monsters, Inc. + was also announced on April 22, 2010, for release on June 21, 2013. Three original + films were announced in early 2012: Inside Out, set to be released on June 19, + 2015, The Good Dinosaur, to be released on November 25, 2015, and Coco. It was + reported by Comingsoon.net to be released in 2016.[2] A sequel to Finding Nemo, + titled Finding Dory, was announced in April 2013, for release in 2016. + + According to Disney Vault, at the Hero Complex Film Festival 2012, Stanton says + he feels that Pixar will continue to make more sequels, which he said: I’m + sure you’ll see some other sequels of things as they grow because now we are + not so blinded. It’s the originals that keep us really going and it’s the sequels + that are like comfort food, and I think it’s the same way for the audience. + [3][4] + + According to Variety, Derek Connolly and Teddy Newton are working on an untitled + project.[5] Details are, at this stage, very few, but Connolly tells the trade + that he s been instructed to write as though he s telling a story for adults + rather than kids, specifically. It was also announced that Mark Andrews is developing + another film.[6] + + It was also announced that 3 films will be released from 2017 to 2018.[7][8] + It is currently unknown what the films are. + + On March 18, 2014 during Disney s annual shareholder meeting, Disney CEO Bob + Iger announced that Pixar had begun pre-production on Incredibles 2[9] with + The Incredibles director Brad Bird working on the story.[10]. Iger also announced + at the time that development had begun on a third Cars film[9]. + + On October 8, 2015, Disney and Pixar announced that Cars 3 would be released + on June 17, 2017. Coco, the final title of Lee Unkrich s film based on the Day + of the Dead, was dated for November 22, 2017. Toy Story 4 and The Incredibles + 2 were dated for June 15, 2018 and June 21, 2019. Two unknown films from Pixar + were both announced for 2020 releases on March 13 and June 19.[11] Another unknown + Pixar film was dated for June 18, 2021.[12] + + On July 14, 2017, during Disney s D23 Expo, Pixar announced an Untitled Suburban + Fantasy Film to be directed by Dan Scanlon and produced by Kori Rae.[13] + + Since its incorporation, Pixar has been responsible for many important breakthroughs + in the application of computer graphics (CG) for film-making. Consequently, + the company has attracted some of the world s finest talent in this area. Pixar + s technical and creative teams have collaborated since 1986 to develop a wealth + of production software used in-house to create its movies and further the state + of the art in CG film making. This proprietary technology allows the production + of animated images of a quality, richness and vibrancy that are unique in the + industry, and above all, allows the director to precisely control the end results + in a way that is exactly right for the story. Pixar continues to invest heavily + in its software systems and believes that further advancements will lead to + additional productivity and quality improvements in the making of its computer + animated films. + + Pixar also has a long standing tradition of sharing its advances within the + broader CG community, through technical papers, technology partnerships, and + most notably through its publicly available RenderMan product for the highest-quality, + photo-realistic images currently available. RenderMan remains the standard in + CG film visual effects and feature animation and has been honored with an Academy + Award for technical achievement. + + In 2001, the Academy of Motion Picture Arts & Sciences Board of Governors® + honored Ed Catmull, president of Pixar and Disney Animation Studios, Loren Carpenter, + senior scientist, and Rob Cook, vice president of software engineering, with + an Academy Award of Merit (Oscar®) for significant advancements to the field + of motion picture rendering as exemplified in Pixar s RenderMan. In 2002, the + Producer s Guild of America honored Pixar with the Guild s inaugural Vanguard + Award, which recognizes outstanding achievement in new media and technology. + + Pixar s creative department is led by Chief Creative Officer John Lasseter, + an Academy Award®-winning director and animator. Under the guidance of Lasseter, + Pixar has built a creative team that includes a department of highly skilled + animators, a story department and an art department. This team is responsible + for creating, writing, and animating all of Pixar s films. Pixar strives to + hire animators who have superior acting ability - those able to bring characters + and inanimate objects to life as though they have their own thought processes. + In order to attract and retain quality animators, the company founded Pixar + University, which conducts three-month long courses for new and existing animators. + Pixar also has a complete production team which gives the company the capability + to control all elements of production of its films. Pixar has successfully expanded + the production team so projects may be worked on simultaneously. + + Initially, when Pixar was a high-end computer hardware company whose core product + was the Pixar Image Computer, a system primarily sold to government agencies + and the medical community. One of the buyers of Pixar Image Computers was Disney + Studios, which was using the device as part of their secretive CAPS project, + using the machine and custom software to migrate the laborious ink and paint + part of the 2-D animation process to a more automated and thus efficient method. + + Pixar continued its relationship with Walt Disney Feature Animation, a studio + whose corporate parent would ultimately become its most important partner. + + Pixar and Disney had disagreements after the production of Toy Story 2. Originally + intended as a straight-to-video release (and thus not part of Pixar s three-picture + deal), the film was eventually upgraded to a theatrical release during production. + Pixar demanded the film then be counted toward the three-picture agreement, + but Disney refused. Pixar s first five feature films have collectively grossed + more than $2.5 billion, equivalent to the highest per-film average gross in + the industry. Though profitable for both, Pixar later complained that the arrangement + was not equitable. Pixar was responsible for creation and production while Disney + handled marketing and distribution. Profits and production costs were split + 50-50, but Disney exclusively owned all story and sequel rights and also collected + a distribution fee. The lack of story and sequel rights was perhaps the most + onerous aspect to Pixar and set the stage for a contentious relationship. + + The two companies attempted to reach a new agreement in early 2004. The new + deal would be only for distribution, as Pixar intended to control production + and own the resulting film properties themselves. The company also wanted to + finance their films on their own and collect 100 percent of the profits, paying + Disney only the 10 to 15 percent distribution fee. More importantly, as part + of any distribution agreement with Disney, Pixar demanded control over films + already in production under their old agreement, including The Incredibles and + Cars. Disney considered these conditions unacceptable, but Pixar would not concede. + + Disagreements between Steve Jobs and then-Disney Chairman and CEO Michael Eisner + made the negotiations more difficult than they otherwise might have been. They + broke down completely in mid-2004, with Jobs declaring that Pixar was actively + seeking partners other than Disney. Pixar did not enter negotiations with other + distributors. After a lengthy hiatus, negotiations between the two companies + resumed following the departure of Eisner from Disney in September 2005. In + preparation for potential fallout between Pixar and Disney, Jobs announced in + late 2004 that Pixar would no longer release films at the Disney-dictated November + time frame, but during the more lucrative early summer months. This would also + allow Pixar to release DVDs for their major releases during the Christmas shopping + season. An added benefit of delaying Cars was to extend the time frame remaining + on the Pixar-Disney contract to see how things would play out between the two + companies. + + Pending the Disney acquisition of Pixar, the two companies created a distribution + deal for the intended 2007 release of Ratatouille, in case the acquisition fell + through, to ensure that this one film would still be released through Disney + s distribution channels. (In contrast to the earlier Disney / Pixar deal Ratatouille + was to remain a Pixar property and Disney would have received only a distribution + fee.) The completion of Disney s Pixar acquisition, however, nullified this + distribution arrangement + + Disney announced on January 24, 2006 that it had agreed to buy Pixar for approximately + $7.4 billion in an all-stock deal. Following Pixar shareholder approval, the + acquisition was completed May 5, 2006. The transaction catapulted Steve Jobs, + who was the majority shareholder of Pixar with 50.1%, to Disney s largest individual + shareholder with 7% and a new seat on its board of directors. Jobs new Disney + holdings exceed holdings belonging to ex-CEO Michael Eisner, the previous top + shareholder, who still held 1.7%; and Disney Director Emeritus Roy E. Disney, + who held almost 1% of the corporation s shares. As part of the deal, Pixar co-founder + John Lasseter, by then Executive Vice President, became Chief Creative Officer + (reporting to President and CEO Robert Iger and consulting with Disney Director + Roy Disney) of both Pixar and the Walt Disney Animation Studios, as well as + the Principal Creative Adviser at Walt Disney Imagineering, which designs and + builds the company s theme parks. Catmull retained his position as President + of Pixar, while also becoming President of Walt Disney Animation Studios, reporting + to Bob Iger and Dick Cook, chairman of Walt Disney Studio Entertainment. Steve + Jobs position as Pixar s Chairman and Chief Executive Officer was also removed, + and instead he took a place on the Disney board of directors. Lasseter and Catmull + s oversight of both the Disney and Pixar studios did not mean that the two studios + were merging, however. In fact, additional conditions were laid out as part + of the deal to ensure that Pixar remained a separate entity, a concern that + analysts had expressed about the Disney deal.[25] Some of those conditions were + that Pixar HR policies would remain intact, including the lack of employment + contracts. Also, the Pixar name was guaranteed to continue, and the studio would + remain in its current Emeryville, California location with the Pixar sign. + Finally, branding of films made post-merger would be Disney•Pixar (beginning + with Cars). + + On November 22, 1995, Pixar Animation Studios forever impacted the future of + film-making, storytelling and the medium of animation with the release of its + first feature film Disney·Pixar s Toy Story. Released nine years after the founding + of Pixar, Toy Story exhibited years of creative and technical achievements from + a small group of passionate computer scientists and animators, led by present + day President Ed Catmull and Chief Creative Officer John Lasseter. The film, + marking the birth of the new medium of computer animation, went on to become + the highest grossing film of 1995 with $362 million in worldwide box office + receipts. Lasseter, director of Toy Story, was honored with a Special Achievement + Academy Award® for his inspired leadership of the Pixar Toy Story team resulting + in the first feature-length computer animated film. + + Since Toy Story s release in 1995, Pixar Animation Studios, in partnership with + Walt Disney Studios Motion Pictures, has also created and produced A Bug s Life + (1998), Toy Story 2 (1999), Monsters, Inc. (2001), Finding Nemo (2003), The + Incredibles (2004), Cars (2006), Ratatouille (2007), WALL•E (2008), Up (2009), + Toy Story 3 (2010), Cars 2 (2011), Brave (2012), Monsters University (2013), + Inside Out (2015), The Good Dinosaur (2015), Finding Dory (2016), Cars 3 (2017), + Coco (2017), and Incredibles 2 (2018). The feature films have resulted in an + unprecedented streak of both critical and box office successes, and combined + to gross more than $6 billion at the worldwide box office. The first 10 feature + films, through Up, have garnered 35 Academy Award® nominations, nine Oscars®, + six Golden Globes® and numerous other accolades. The company has also been given + special thanks in some of Disney s other non-Pixar based films, such as the + 2016 remake of The Jungle Book. + + Pixar s upcoming film is Toy Story 4 (2019). + + From toys, bugs, monsters, fish, superheroes, and cars to rats, robots, grumpy + old men, fearless young girls, human emotions, dinosaurs and skeletons, Pixar + s talented creative and technical teams have given audiences of all ages some + of the most beloved characters in film. Pairing these unique, relatable characters + with compelling stories and immersive, believable worlds, Pixar continually + delivers on its promise to truly entertain audiences all over the world. + + Pixar Animation Studios has long believed in making short films. In 1986, Pixar + s first-ever short, Luxo, Jr., launched a new direction in animated film-making, + using three-dimensional computer animation to tell a story. Since then, nearly + every feature film that Pixar has released has included a short beforehand, + bringing back a tradition that was once an expected pleasure for film goers. + + Pixar s shorts have helped foster and develop technologies and talent at the + studio, but they are mostly made for one simple reason: love of the art form. + From Tin Toy s (1989) toy-tormenting baby to Partly Cloudy s (2009) adorable + storks, Pixar s shorts have delighted audiences and earned critical praise, + garnering nine Academy Award® nominations and three Best Animated Short Film + Academy Awards®. Day & Night, the studio s most recent short, debuted in theaters + with Toy Story 3. + + Pixar has also released several TV series, including: + + RenderMan is the render software Pixar created in 1988, and now uses to help + produce its CGI films. Since it s creation, RenderMan has become the industry-standard + and has since been used to render many films including The Abyss, Terminator + II, and Jurassic Park. + + Marionette is the animation software developed and used in-house by Pixar Animation + Studios in the animation of their movies and shorts. Marionette is not available + for sale and is only used by Pixar. As a result little is known outside of Pixar + about the detailed workings of this software. + + Pixar claims that Marionette is designed to be intuitive and familiar to animators + who have traditional cel animation experience. Pixar chooses to use a proprietary + system in lieu of the commercial products available and used by other companies + because it can edit the software code to meet their needs. + + Since December 2005, Pixar has held exhibitions celebrating the art and artists + of Pixar, over their first twenty years in animation. + + Pixar held one such exhibition, from April to June 2010, at Science Centre Singapore, + in Jurong East, Singapore. It was their first time holding an exhibition in + Singapore. + + The exhibition highlights consist of work-in-progress sketches from various + Pixar productions, clay sculptures of their characters, and an autostereoscopic + short showcasing a 3D version of the exhibition pieces which is projected through + 4 projectors. Another highlight is the Zoetrope, where visitors of the exhibition + are shown figurines of Toy Story characters animated in real-life through + the zoetrope. + + Pixar celebrated 25 years of animation in 2011, the year when Cars 2 was released. + Pixar celebrated its 20th anniversary with the first Cars. The Pixar: 25 Years + of Animation exhibition was held at the Oakland Museum of California from July + 2010 until January 2011. The exhibition was also held at the Hong Kong Heritage + Museum in Shatin from March to July 2011. + + Pixar: 25 Years of Animation includes all of the artwork from Pixar: 20 Years + of Animation, plus art from Ratatouille, WALL-E, Up, and Toy Story 3. The Hong + Kong exhibition will feature some never-before-seen artwork and animations that + are exclusive to Hong Kong. + + The Science Behind Pixar is a travelling exhibition developed by the Museum + of Science in Boston in collaboration with Pixar. The exhibition demonstrates + the production pipeline at Pixar in the form of the filmmaking process. It started + its tour in June 2015 at the Museum of Science and is expected to be touring + for ten years to other museums around the United States with limited tour availability + beginning in 2021. + + Pixar celebrated its 30th anniversary in 2016, the year they released Finding + Dory. To celebrate, they have upgraded their art exhibition to feature art from + Cars 2, Brave, Monsters University, Inside Out, The Good Dinosaur and Finding + Dory. Pixar: 30 Years of Animation was held at the Museum of Contemporary Art + in Tokyo, Japan from March 5 to May 29, 2016 and at Nagasaki Prefectural Art + Museum in Nagasaki from July 27 to September 8.[14] + + ↑ Pixar Canada shuts its doors in Vancouver + + ↑ New Art From Pixar s Upcoming Films! + + ↑ Pixar: Andrew Stanton Open To ‘Finding Nemo 2′ + ‘Finding Nemo 3D’ Trailer + + ↑ Pixar: Andrew Stanton Is Now Working on ‘Finding Nemo 2′ + + ↑ Connolly: College partnership leads to Guaranteed success + + ↑ Mark Andrews Developing New Pixar Feature Film + + ↑ Disney and Pixar Set 8 Untitled Animated Projects from 2016 – 2018 + + ↑ Disney and Pixar Animation Releases Dated Through 2018 + + ↑ 9.0 9.1 Disney Plans Third ‘Cars,’ ‘The Incredibles 2′ + + ↑ http://deadline.com/2015/10/ant-man-sequel-incredibles-2-release-dates-disney-1201570867/ + + ↑ http://deadline.com/2017/04/star-wars-episode-ix-frozen-sequel-and-the-lion-king-live-action-disney-release-dates-1202077098/ + + ↑ http://variety.com/2017/film/news/pixar-disney-untitled-suburban-fantasy-world-unicorns-d23-1202496455/ + + ↑ Pixar: 30 Years of Animation at Pixar s Official Website + + Pixar official site + + Alvy Pixar History Page + + Retrieved from https://pixar.fandom.com/wiki/Pixar_Animation_Studios?oldid=189270' + - 'computer-animation studio + + This article is about the animation company owned by Disney. For other uses, + see Pixar (disambiguation). + + Pixar s headquarters in Emeryville, California + + Computer animation, motion pictures + + The Graphics Group of Lucasfilm Computer Division + + February 3, 1986; 33 years ago (1986-02-03) in Richmond, California, U.S. + + Jim Morris (President) + + Pete Docter (CCO) + + Pixar Image Computer + + Presto Animation System + + (The Walt Disney Company) + + pixar.com + + Pixar Animation Studios, commonly referred to as Pixar (/ˈpɪksɑːr/), is an American + computer animation film studio based in Emeryville, California, that is a subsidiary + of Walt Disney Studios, owned by The Walt Disney Company. Pixar began in 1979 + as the Graphics Group, part of the Lucasfilm computer division, before its spin-out + as a corporation in 1986, with funding by Apple Inc. co-founder Steve Jobs, + who became the majority shareholder.[2] Disney purchased Pixar in 2006 at a + valuation of $7.4 billion by converting each share of Pixar stock to 2.3 shares + of Disney stock,[4][5] a transaction that resulted in Jobs becoming Disney s + largest single shareholder at the time. Pixar is best known for CGI-animated + feature films created with RenderMan, Pixar s own implementation of the industry-standard + RenderMan image-rendering application programming interface, used to generate + high-quality images. + + Pixar has produced 20 feature films, beginning with Toy Story (1995), which + was the first-ever computer-animated feature film; its most recent film was + Incredibles 2 (2018). All of the studio s films have debuted with CinemaScore + ratings of at least an A−, indicating positive receptions with audiences.[6] + The studio has also produced dozens of short films. As of August 2018[update], + its feature films have earned approximately $13 billion at the worldwide box + office,[7] with an average worldwide gross of $659.7 million per film.[8] Finding + Nemo (2003), along with its sequel Finding Dory (2016), as well as Toy Story + 3 (2010) and Incredibles 2 (2018) are among the 50 highest-grossing films of + all time, with the latter being the second-highest-grossing animated film of + all time with a gross of $1.2 billion. Fifteen of Pixar s films are also among + the 50 highest-grossing animated films of all time. + + The studio has earned 19 Academy Awards, 8 Golden Globe Awards, and 11 Grammy + Awards, among many other awards and acknowledgments. Many of Pixar s films have + been nominated for the Academy Award for Best Animated Feature since its inauguration + in 2001, with nine winning; this includes Finding Nemo (2003) and Toy Story + 3 (2010), along with The Incredibles (2004), Ratatouille (2007), WALL-E (2008), + Up (2009), Brave (2012), Inside Out (2015), and Coco (2017). Monsters, Inc. + (2001) and Cars (2006) are the only two films that were nominated for the award + without winning it, while Cars 2 (2011), Monsters University (2013), The Good + Dinosaur (2015), Finding Dory (2016), and Cars 3 (2017), were not nominated. + Up and Toy Story 3 were also the respective second and third animated films + to be nominated for the Academy Award for Best Picture, the first being Walt + Disney Animation Studios Beauty and the Beast (1991). Luxo Jr., a character + from the studio s 1986 short film of the same name, is the studio s mascot. + + On September 6, 2009, Pixar executives John Lasseter, Brad Bird, Pete Docter, + Andrew Stanton, and Lee Unkrich were presented with the Golden Lion award for + Lifetime Achievement by the Venice Film Festival. The award was given to Lucasfilm + s founder George Lucas. + + 1.2 Independent company + + 1.3 Collaboration with Disney + + 1.4 Acquisition by Disney + + 2 Headquarters (campus) + + 3 Feature films and shorts + + 3.2 Sequels and prequels + + 3.3 Adaptation to television + + 3.4 Animation and live-action + + 3.5 Upcoming projects + + 5 Co-op Program + + 6.1 Pixar: 21 Years of Animation + + 6.3 The Science Behind Pixar + + 6.4 Pixar: The Design of Story + + A Pixar Computer at the Computer History Museum with the 1986–95 logo on it. + + Pixar got its start in 1974 when New York Institute of Technology s (NYIT) founder + Alexander Schure, who was also the owner of a traditional animation studio, + established the Computer Graphics Lab (CGL), recruited computer scientists who + shared his ambitions about creating the world s first computer-animated film. + Edwin Catmull and Malcolm Blanchard were the first to be hired and were soon + joined by Alvy Ray Smith and David DiFrancesco some months later, which were + the four original members of the Computer Graphics Lab.[9] Schure kept pouring + money into the computer graphics lab, an estimated $15 million, giving the group + everything they desired and driving NYIT into serious financial troubles.[10] + Eventually, the group realized they needed to work in a real film studio in + order to reach their goal. Francis Ford Coppola then invited Smith to his house + for a three-day media conference, where Coppola and George Lucas shared their + visions for the future of digital moviemaking.[11] + + When Lucas approached them and offered them a job at his studio, six employees + decided to move over to Lucasfilm. During the following months, they gradually + resigned from CGL, found temporary jobs for about a year to avoid making Schure + suspicious, before they joined The Graphics Group at Lucasfilm.[12][13] + + The Graphics Group, which was one-third of the Computer Division of Lucasfilm, + was launched in 1979 with the hiring of Catmull from NYIT,[14] where he was + in charge of the Computer Graphics Lab. He was then reunited with Smith, who + also made the journey from NYIT to Lucasfilm, and was made the director of The + Graphics Group. At NYIT, the researchers pioneered many of the CG foundation + techniques—in particular the invention of the alpha channel (by Catmull and + Smith).[15] Years later, the CGL produced a few frames of an experimental film + called The Works. After moving to Lucasfilm, the team worked on creating the + precursor to RenderMan, called REYES (for renders everything you ever saw ) + and developed a number of critical technologies for CG—including particle effects and + various animation tools. + + In 1982, the team began working on special effects film sequences with Industrial + Light & Magic. After years of research, and key milestones such as the Genesis + Effect in Star Trek II: The Wrath of Khan and the Stained Glass Knight in Young + Sherlock Holmes,[14] the group, which then numbered 40 individuals, was spun + out as a corporation in February 1986 by Catmull and Smith. Among the 38 remaining + employees, there were also Malcolm Blanchard, David DiFrancesco, Ralph Guggenheim, + and Bill Reeves, who had been part of the team since the days of NYIT. Tom Duff, + also an NYIT member, would later join Pixar after its formation.[2] With Lucas 1983 + divorce, which coincided with the sudden dropoff in revenues from Star Wars + licenses following the release of Return of the Jedi, they knew he would most + likely sell the whole Graphics Group. Worried that the employees would be lost + to them if that happened, which would prevent the creation of the first computer + animated movie, they concluded that the best way to keep the team together was + to turn the group into an independent company. But Moore s Law also said that + the first film was still some years away, and they needed to focus on a proper + product while waiting for computers to become powerful enough. Eventually, they + decided they should be a hardware company in the meantime, with their Pixar + Image Computer as the core product, a system primarily sold to government agencies + and the scientific and medical community.[2][10][16] + + In 1983, Nolan Bushnell founded a new computer-guided animation studio called + Kadabrascope as a subsidiary of his Chuck E. Cheese s Pizza Time Theatres company + (PTT), which was founded in 1977. Only one major project was made out of the + new studio, an animated Christmas movie for NBC starring Chuck E. Cheese and + other PTT mascots. The animation movement would be made using tweening instead + of traditional cel animation. After the North American Video Game Crash of 1983, + Bushnell started selling some subsidiaries of PTT to keep the business afloat. + Sente Technologies (another division, was founded to have games distributed + in PTT stores) was sold to Bally Games and Kadabrascope was sold to Lucasfilm. + The Kadabrascope assets were combined with the Computer Division of Lucasfilm.[17] + Coincidentally, one of Steve Jobs first jobs was under Bushnell in 1973 as + a technician at his other company Atari, which Bushnell sold to Warner Communications + in 1976 to focus on PTT.[18] PTT would later go bankrupt in 1985 and be acquired + by ShowBiz Pizza Place. + + Independent company[edit] + + An Introduction to Ray Tracing (1989) features contributions from several Pixar + employees. + + The newly independent Pixar (1986) was headed by Edwin Catmull as President + and Alvy Ray Smith as Executive Vice President. While looking for investors, + Steve Jobs showed interest, but initially, Lucas found his offer too low. Yet + he eventually accepted after it turned out to be impossible to find other investors. + At that point Smith and Catmull had been turned down 45 times; thirty-five venture + capitalists and 10 large corporations had declined.[19] Jobs, who had recently + been fired from Apple,[2] and was now founder and CEO of the new computer company + NeXT, paid $5 million of his own money to George Lucas for technology rights + and invested $5 million cash as capital into the company, joining the board + of directors as chairman.[2] + + In 1985, while still at Lucasfilm, they had made a deal with the Japanese publisher + Shogakukan to make a computer-animated movie called Monkey, based on the Monkey + King. The project continued sometime after they became a separate company in + 1986, but in the end, it became clear that the technology was simply not there + yet. The computers were not powerful enough and the budget would be too high. + So it was decided to focus on the computer hardware business some more years + while waiting till Moore s law made a computer-animated feature possible.[20][21] + + At the time Walt Disney Studios was interested and eventually bought and used + the Pixar Image Computer and custom software written by Pixar as part of their + Computer Animation Production System (CAPS) project, to migrate the laborious + ink and paint part of the 2D animation process to a more automated method. + + In a bid to drive sales of the system and increase the company s capital, Jobs + suggested to make the system available to mainstream users and released the + product to the market. Pixar employee John Lasseter, who had long been working + on not-for-profit short demonstration animations, such as Luxo Jr. (1986) to + show off the device s capabilities, premiered his creations at SIGGRAPH, the + computer graphics industry s largest convention, to great fanfare.[22] + + However, the Image Computer never sold well.[22] Inadequate sales threatened + to put the company out of business as financial losses grew. Jobs invested more + and more money in exchange for an increased stake in the company, reducing the + proportion of management and employee ownership until eventually, his total + investment of $50 million gave him control of the entire company. In 1989, Lasseter + s growing animation department, originally composed of just four people (Lasseter, + Bill Reeves, Eben Ostby, and Sam Leffler), was turned into a division that produced + computer-animated commercials for outside companies.[1][23][24] In April 1990, + Pixar sold its hardware division, including all proprietary hardware technology + and imaging software, to Vicom Systems, and transferred 18 of Pixar s approximately + 100 employees. That same year, Pixar moved from San Rafael to Richmond, California.[25] + Pixar released some of its software tools on the open market for Macintosh and + Windows systems. RenderMan was one of the leading 3D packages of the early 1990s, + and Typestry was a special-purpose 3D text renderer that competed with RayDream + addDepth. + + During this period Pixar continued its successful relationship with Walt Disney + Animation Studios, a studio whose corporate parent would ultimately become its + most important partner. As 1991 began, however, the layoff of 30 employees in + the company s computer hardware department—including the company s president, + Chuck Kolstad,[26] reduced the total number of employees to just 42, essentially + its original number.[27] Yet Pixar made a historic $26 million deal with Disney + to produce three computer-animated feature films, the first of which was Toy + Story. By then the software programmers, who were doing RenderMan and IceMan, + and Lasseter s animation department, which made television commercials (and + four Luxo Jr. shorts for Sesame Street the same year), were all that remained + of Pixar.[28] + + Despite the total income from these projects the company continued to lose money + and Jobs, as chairman of the board and now the full owner, often considered + selling it. Even as late as 1994 Jobs contemplated selling Pixar to other companies + such as Hallmark Cards, Microsoft co-founder Paul Allen, and Oracle CEO and + co-founder Larry Ellison.[29] Only after learning from New York critics that + Toy Story would probably be a hit—and confirming that Disney would distribute + it for the 1995 Christmas season—did he decide to give Pixar another chance.[30][31] + For the first time, he also took an active leadership role in the company and + made himself CEO.[citation needed] Toy Story went on to gross more than $373 + million worldwide[32] and, when Pixar held its initial public offering on November + 29, 1995, it exceeded Netscape s as the biggest IPO of the year. In only its + first half-hour of trading Pixar stock shot from $22 to $45, delaying trading + because of un-matched buy orders. Shares climbed to $49 before closing the day + at $39.[33] + + During the 1990s and 2000s, Pixar gradually developed the Pixar Braintrust, the + studio s primary creative development process, in which all directors, writers, + and lead storyboard artists at the studio look at each other s projects on a + regular basis and give each other very candid notes (the industry term for + constructive criticism).[34] The Braintrust operates under a philosophy of a filmmaker-driven + studio, in which creatives help each other move their films forward through + a process somewhat like peer review, as opposed to the traditional Hollywood + approach of an executive-driven studio in which directors are micromanaged + through mandatory notes from development executives ranking above the producers.[35][36] + According to Catmull, it evolved out of the working relationship between Lasseter, + Stanton, Docter, Unkrich, and Joe Ranft on Toy Story.[34] + + As a result of the success of Toy Story, Pixar built a new studio at the Emeryville + campus which was designed by PWP Landscape Architecture and opened in November + 2000. + + Collaboration with Disney[edit] + + Pixar and Disney had disagreements over the production of Toy Story 2. Originally + intended as a straight-to-video release (and thus not part of Pixar s three-picture + deal), the film was eventually upgraded to a theatrical release during production. + Pixar demanded that the film then be counted toward the three-picture agreement, + but Disney refused.[37] Though profitable for both, Pixar later complained that + the arrangement was not equitable. Pixar was responsible for creation and production, + while Disney handled marketing and distribution. Profits and production costs + were split 50-50, but Disney exclusively owned all story, character and sequel + rights and also collected a 10- to 15-percent distribution fee. The lack of + story, character and sequel rights was perhaps the most onerous aspect to Pixar + and set the stage for a contentious relationship.[38] + + The two companies attempted to reach a new agreement for ten months before it + fell through in January 2004. The new deal would be only for distribution, as + Pixar intended to control production and own the resulting story, character + and sequel rights themselves while Disney would own the right of first refusal + to distribute any sequels. Pixar also wanted to finance their films on their + own and collect 100 percent of the profits, paying Disney only the 10- to 15-percent + distribution fee.[39] More importantly, as part of any distribution agreement + with Disney, Pixar demanded control over films already in production under their + old agreement, including The Incredibles (2004) and Cars (2006). Disney considered + these conditions unacceptable, but Pixar would not concede.[39] + + Disagreements between Steve Jobs and then-Disney chairman and CEO Michael Eisner + made the negotiations more difficult than they otherwise might have been. They + broke down completely in mid-2004, with Disney forming Circle 7 Animation and + Jobs declaring that Pixar was actively seeking partners other than Disney.[40] + Despite this announcement, Pixar did not enter negotiations with other distributors,[41] + although a Warner Bros. spokesperson told CNN, We would love to be in business + with Pixar. They are a great company. [39] After a lengthy hiatus, negotiations + between the two companies resumed following the departure of Eisner from Disney + in September 2005. In preparation for potential fallout between Pixar and Disney, + Jobs announced in late 2004 that Pixar would no longer release movies at the + Disney-dictated November time frame, but during the more lucrative early summer + months. This would also allow Pixar to release DVDs for their major releases + during the Christmas shopping season. An added benefit of delaying Cars from + November 4, 2005, to June 9, 2006, was to extend the time frame remaining on + the Pixar-Disney contract, to see how things would play out between the two + companies.[41] + + Pending the Disney acquisition of Pixar, the two companies created a distribution + deal for the intended 2007 release of Ratatouille, if the acquisition fell through, + to ensure that this one film would still be released through Disney s distribution + channels. In contrast to the earlier Pixar deal, Ratatouille was to remain a + Pixar property and Disney would have received only a distribution fee. The completion + of Disney s Pixar acquisition, however, nullified this distribution arrangement.[42] + + Acquisition by Disney[edit] + + In 2006, Disney ultimately agreed to buy Pixar for approximately $7.4 billion + in an all-stock deal.[43] Following Pixar shareholder approval, the acquisition + was completed May 5, 2006. The transaction catapulted Jobs, who owned 49.65% + of total share interest in Pixar, to Disney s largest individual shareholder + with 7%, valued at $3.9 billion, and a new seat on its board of directors.[5][44] + Jobs new Disney holdings exceeded holdings belonging to ex-CEO Michael Eisner, + the previous top shareholder, who still held 1.7%; and Disney Director Emeritus + Roy E. Disney, who held almost 1% of the corporation s shares. Pixar shareholders + received 2.3 shares of Disney common stock for each share of Pixar common stock + redeemed. + + As part of the deal, John Lasseter, by then Executive Vice President, became + Chief Creative Officer (reporting directly to President and CEO Robert Iger + and consulting with Disney Director Roy E. Disney) of both Pixar and Walt Disney + Animation Studios (including its division DisneyToon Studios), as well as the + Principal Creative Adviser at Walt Disney Imagineering, which designs and builds + the company s theme parks.[44] Catmull retained his position as President of + Pixar, while also becoming President of Walt Disney Animation Studios, reporting + to Iger and Dick Cook, chairman of the Walt Disney Studios. Jobs position as + Pixar s chairman and chief executive officer was abolished, and instead, he + took a place on the Disney board of directors.[45] + + After the deal closed in May 2006, Lasseter revealed that Iger had realized + Disney needed to buy Pixar while watching a parade at the opening of Hong Kong + Disneyland in September 2005.[46] Iger noticed that of all the Disney characters + in the parade, not one was a character that Disney had created within the last + ten years since all the newer ones had been created by Pixar.[46] Upon returning + to Burbank, Iger commissioned a financial analysis that confirmed that Disney + had actually lost money on animation for the past decade, then presented that + information to the board of directors at his first board meeting after being + promoted from COO to CEO, and the board, in turn, authorized him to explore + the possibility of a deal with Pixar.[47] Lasseter and Catmull were wary when + the topic of Disney buying Pixar first came up, but Jobs asked them to give + Iger a chance (based on his own experience negotiating with Iger in summer 2005 + for the rights to ABC shows for the fifth-generation iPod Classic),[48] and + in turn, Iger convinced them of the sincerity of his epiphany that Disney really + needed to re-focus on animation.[46] + + John Lasseter appears with characters from Up at the 2009 Venice Film Festival. + + Lasseter and Catmull s oversight of both the Disney Animation and Pixar studios + did not mean that the two studios were merging, however. In fact, additional + conditions were laid out as part of the deal to ensure that Pixar remained a + separate entity, a concern that analysts had expressed about the Disney deal.[49] + Some of those conditions were that Pixar HR policies would remain intact, including + the lack of employment contracts. Also, the Pixar name was guaranteed to continue, + and the studio would remain in its current Emeryville, California, location + with the Pixar sign. Finally, branding of films made post-merger would be Disney•Pixar (beginning + with Cars).[50] + + Jim Morris, producer of WALL-E (2008), became general manager of Pixar. In this + new position, Morris took charge of the day-to-day running of the studio facilities + and products.[51] + + After a few years, Lasseter and Catmull were able to successfully transfer the + basic principles of the Pixar Braintrust to Disney Animation, although meetings + of the Disney Story Trust are reportedly more polite than those of the Pixar + Braintrust.[52] Catmull later explained that after the merger, to maintain the + studios separate identities and cultures (notwithstanding the fact of common + ownership and common senior management), he and Lasseter drew a hard line that + each studio was solely responsible for its own projects and would not be allowed + to borrow personnel from or lend tasks out to the other.[53][54] That rule ensures + that each studio maintains local ownership of projects and can be proud of + its own work.[53][54] Thus, for example, when Pixar had issues with Ratatouille + and Disney Animation had issues with Bolt (2008), nobody bailed them out and + each studio was required to solve the problem on its own even when they knew + there were personnel at the other studio who theoretically could have helped.[53][54] + + In November 2014, Morris was promoted to president of Pixar, while his counterpart + at Disney Animation, general manager Andrew Millstein, was also promoted to + president of that studio.[55] Both continue to report to Catmull, who retains + the title of president of both Disney Animation and Pixar.[55] + + On November 21, 2017, Lasseter announced that he was taking a six-month leave + of absence after acknowledging missteps in his behavior with employees in + a memo to staff. According to The Hollywood Reporter and The Washington Post, + Lasseter had a history of alleged sexual misconduct towards employees.[56][57][58] + On June 8, 2018, it was announced that Lasseter would leave Disney Animation + and Pixar at the end of the year, but would take on a consulting role until + then.[59] Pete Docter was announced as Lasseter s replacement as chief creative + officer of Pixar on June 19, 2018.[60] + + On October 23, 2018, it was announced that Ed Catmull would be retiring, and + will stay in an adviser role until July 2019.[61] On January 18, 2019, it was + announced that Lee Unkrich would be leaving Pixar after 25 years.[62] + + On April 20, 2010, Pixar opened Pixar Canada in the downtown area of Vancouver, + British Columbia, Canada.[63] The roughly 2,000 square meters studio produced + seven short films based on Toy Story and Cars characters. In October 2013, the + studio was closed down to refocus Pixar s efforts at its main headquarters.[64] + + Headquarters (campus)[edit] + + The Steve Jobs Building at Pixar s campus in Emeryville + + The atrium of the Pixar campus + + When Steve Jobs, chief executive officer of Apple Inc. and Pixar, and John Lasseter, + then-executive vice president of Pixar, decided to move their studios from a + leased space in Point Richmond, California, to larger quarters of their own, + they chose a 20-acre site in Emeryville, California,[65] formerly occupied by + Del Monte Foods, Inc. The first of several buildings, a high-tech structure + designed by Bohlin Cywinski Jackson,[66] has special foundations and generators + to ensure continued film production, even through major earthquakes. The character + of the building is intended to abstractly recall Emeryville s industrial past. + The two-story steel-and-masonry building is a collaborative space with many + pathways. + + The digital revolution in filmmaking was driven by applied mathematics, including + computational physics and geometry.[67] In 2008, this led Pixar senior scientist + Tony DeRose to offer to host the second Julia Robinson Mathematics Festival + at the Emeryville headquarters.[68] + + Feature films and shorts[edit] + + See also: List of Pixar films, List of Pixar shorts, and List of Pixar awards + and nominations + + While some of Pixar s first animators were former cel animators including John + Lasseter, they also came from computer animation or were fresh college graduates.[14] + A large number of animators that make up the animation department at Pixar were + hired around the time the studio released A Bug s Life (1998), Monsters, Inc. + (2001) and Finding Nemo (2003). Although Toy Story was a successful film, it + was Pixar s first feature film at the time, becoming the first major computer-animation + studio to successfully produce theatrical feature films. The majority of the + animation industry was (and still is) located in Los Angeles while Pixar is + located 350 miles (560 km) north in the San Francisco Bay Area. Also, traditional + hand-drawn animation was still the dominant medium for feature animated films. + + With the scarcity of Los Angeles-based animators willing to move their families + so far north to give up traditional animation and try computer animation, Pixar + s new hires at this time either came directly from college or had worked outside + feature animation. For those who had traditional animation skills, the Pixar + animation software Marionette was designed so that traditional animators would + require a minimum amount of training before becoming productive.[14] + + In an interview with PBS talk show host Tavis Smiley,[69] Lasseter said that + Pixar s films follow the same theme of self-improvement as the company itself + has: with the help of friends or family, a character ventures out into the real + world and learns to appreciate his friends and family. At the core, Lasseter + said, it s gotta be about the growth of the main character and how he changes. + [69] + + As of 2018[update], every Pixar feature film has included a character voiced + by John Ratzenberger, who had famously starred in the TV show Cheers. Pixar + paid tribute to their good luck charm in the end credits of Cars (2006) by + parodying scenes from three of their earlier films, replacing all of the characters + with motor vehicles. After the third scene, Mack (his character in Cars) realizes + that the same actor has been voicing characters in every film. + + Due to the traditions that have occurred within the film such as anthropomorphic + animals and easter egg crossovers between films that have been spotted by Pixar + fans, a blog post entitled The Pixar Theory was published in 2013 by Jon Negroni + proposing that all of the characters within the Pixar universe were related.[70][71][72] + + Sequels and prequels[edit] + + Toy Story 2 was originally commissioned by Disney as a 60-minute direct-to-video + film. Expressing doubts about the strength of the material, John Lasseter convinced + the Pixar team to start from scratch and make the sequel their third full-length + feature film. + + Following the release of Toy Story 2 in 1999, Pixar and Disney had a gentlemen + s agreement that Disney would not make any sequels without Pixar s involvement + despite their own right to do so. After the two companies were unable to agree + on a new deal, Disney announced in 2004 they would plan to move forward on sequels + with/without Pixar and put Toy Story 3 into pre-production at Disney s then-new + CGI division Circle 7 Animation. However, when Lasseter was placed in charge + of all Disney and Pixar animation following Disney s acquisition of Pixar in + 2006, he put all sequels on hold and Toy Story 3 was canceled. In May 2006, + it was announced that Toy Story 3 was back in pre-production with a new plot + and under Pixar s control. The film was released on June 18, 2010 as Pixar s + eleventh feature film. + + Shortly after announcing the resurrection of Toy Story 3, Lasseter fueled speculation + on further sequels by saying, If we have a great story, we ll do a sequel. + [73] Cars 2, Pixar s first non-Toy Story sequel, was officially announced in + April 2008 and released on June 24, 2011 as their twelfth. Monsters University, + a prequel to Monsters, Inc. (2001), was announced in April 2010 and initially + set for release in November 2012;[74] the release date was pushed to June 21, + 2013 due to Pixar s past success with summer releases according to a Disney + executive.[75] + + In June 2011, Tom Hanks, who voiced Woody in the Toy Story series, implied that + Toy Story 4 was in the works, although it had not yet been confirmed by the + studio.[76][77] In April 2013, Finding Dory, a sequel to Finding Nemo, was announced + for a June 17, 2016 release.[78] In March 2014, Incredibles 2 and Cars 3 were + announced as films in development.[79] In November 2014, Toy Story 4 was confirmed + to be in development with Lasseter serving as director.[80] In an interview, + Lasseter stated that [a] lot of people in the industry view us doing sequels + as being for the business of it, but for us, it s pure passion...One of the + things that was very important for me as an artist is to continue directing. + When I direct, I get to work with the individual artists, with the animators. + [81] In August 2015, at the D23 Expo, Lasseter said that the film would focus + on the romance between Woody and Bo Peep.[82] Its story will be built on the + fact that Bo Peep was absent in Toy Story 3, with Woody and Buzz Lightyear trying + to find her and bring her back.[83] + + Adaptation to television[edit] + + Toy Story was the first Pixar film to be adapted for television as Buzz Lightyear + of Star Command film and TV series. Cars became the second with the help of + Cars Toons, a series of 3-to-5-minute short films running between regular Disney + Channel shows and featuring Mater (a tow truck voiced by comedian Larry the + Cable Guy).[84] Between 2013 and 2014, Pixar released its first two television + specials, Toy Story of Terror![85] and Toy Story That Time Forgot. A television + series spin-off of Monsters, Inc. was confirmed in a Disney press release in + November 2017.[86] + + Animation and live-action[edit] + + All Pixar films and shorts to date have been computer-animated features, but + WALL-E so far has been the only Pixar film to not be completely animated as + it featured a small amount of live-action footage while Day & Night is the only + short to feature 2D animation. 1906, the live-action film by Brad Bird based + on a screenplay and novel by James Dalessandro about the 1906 earthquake, was + in development but has since been abandoned by Bird and Pixar. Bird has stated + that he was interested in moving into the live-action realm with some projects while staying + at Pixar [because] it s a very comfortable environment for me to work in . In + June 2018, Bird mentioned the possibility of adapting the novel as a TV series, + with the earthquake sequence as a live-action feature film.[87] + + The Toy Story Toons short Hawaiian Vacation also includes the fish and shark + as live-action. + + Jim Morris, president of Pixar, produced Disney s John Carter (2012) which Andrew + Stanton co-wrote and directed.[88] + + Pixar s creative heads were consulted to fine tune the script for the 2011 live-action + film The Muppets.[89] Similarly, Pixar assisted in the story development of + Disney s The Jungle Book (2016) as well as providing suggestions for the film + s end credits sequence.[90] Both Pixar and Mark Andrews were given an Special + Thanks credit in the film s credits.[91] Additionally, many Pixar animators, + both former and current, were recruited for a traditional hand-drawn animated + sequence for the 2018 film Mary Poppins Returns.[92] + + Pixar representatives have also assisted in the English localization of several + Studio Ghibli films, mainly those from Hayao Miyazaki.[93] + + Upcoming projects[edit] + + It was announced in November 2014 that John Lasseter would direct Toy Story + 4,[80] scheduled for release on June 21, 2019.[94] However, in July 2017, it + was announced that Lasseter had stepped down as director, with Josh Cooley serving + as sole director.[95] + + On July 1, 2016, two upcoming untitled Pixar films were announced to be scheduled + for release on March 6 and June 19, 2020, which are said to be original projects. + One of these has now been revealed to be Onward. [96][97] + + In July 2017, it was announced that Dan Scanlon will direct an original film + about a suburban fantasy world in which two teenaged brothers search for their + missing father.[98] On December 12, 2018, it was announced that the film will + be titled Onward and is slated for a March 6, 2020 release.[99] The film will + star Chris Pratt, Tom Holland, Julia Louis-Dreyfus, and Octavia Spencer.[100] + + On April 25, 2017, two untitled upcoming films are scheduled for June 19, 2020 + and June 18, 2021.[101] On March 1, 2018, two more untitled Pixar films were + announced and scheduled for March 18 and June 17, 2022.[102] + + Franchises[edit] + + Toy Story 4 1995—2019 + + Monsters, Inc. 2 2001—13 + + Finding Nemo 2 2003—16 + + The Incredibles 2 2004—18 + + Cars 3 2006—17 + + Co-op Program[edit] + + The Pixar Co-op Program, a part of the Pixar University professional development + program, allows their animators to use Pixar resources to produce independent + films.[103][104] The first CGI project accepted to the program was Borrowed + Time (2016); all previously accepted films were live-action.[105] + + Since December 2005, Pixar has held exhibitions celebrating the art and artists + of themselves over their first twenty years in animation.[106] + + Pixar: 21 Years of Animation[edit] + + Pixar celebrated its 20th anniversary in 2006 with the release of its seventh + feature film Cars, and held two exhibitions from April to June 2010 at Science + Centre Singapore in Jurong East, Singapore and the London Science Museum in + London.[107] It was their first time holding an exhibition in Singapore. + + The exhibition highlights consist of work-in-progress sketches from various + Pixar productions, clay sculptures of their characters and an autostereoscopic + short showcasing a 3D version of the exhibition pieces which is projected through + four projectors. Another highlight is the Zoetrope, where visitors of the exhibition + are shown figurines of Toy Story characters animated in real-life through + the zoetrope.[107] + + Pixar celebrated its 25th anniversary in 2011 with the release of its twelfth + feature film Cars 2, and held an exhibition at the Oakland Museum of California + from July 2010 until January 2011.[108] The exhibition tour debuted in Hong + Kong and was held at the Hong Kong Heritage Museum in Sha Tin from March 27 + to July 11, 2011.[109][110] In 2013, the exhibition was held in the EXPO in + Amsterdam, The Netherlands. For 6 months from July 6, 2012 until January 6, + 2013 the city of Bonn (Germany) hosted the public showing,[111] + + On November 16, 2013, the exhibition moved to the Art Ludique museum in Paris, + France with a scheduled run until March 2, 2014.[112] The exhibition moved to + three Spanish cities later in 2014 and 2015: Madrid (held in CaixaForum from + March 21 until June 22),[113] Barcelona (held also in Caixaforum from February + until May) and Zaragoza.[114] + + Pixar: 25 Years of Animation includes all of the artwork from Pixar: 20 Years + of Animation, plus art from Ratatouille, WALL-E, Up and Toy Story 3. + + The Science Behind Pixar[edit] + + The Science Behind Pixar is a travelling exhibition that first opened on June + 28, 2015, at the Museum of Science in Boston, Massachusetts. It was developed + by the Museum of Science in collaboration with Pixar. The exhibit features forty + interactive elements that explain the production pipeline at Pixar. They are + divided into eight sections, each demonstrating a step in the filmmaking process: + Modeling, Rigging, Surfaces, Sets & Cameras, Animation, Simulation, Lighting, + and Rendering. Before visitors enter the exhibit, they watch a short video at + an introductory theater showing Mr. Ray from Finding Nemo and Roz from Monsters, + Inc.. + + The exhibition closed on January 10, 2016 and was moved to the Franklin Institute + in Philadelphia, Pennsylvania where it ran from March 12 to September 5. Afterwards, + it moved to the California Science Center in Los Angeles, California and was + open from October 15, 2016 to April 9, 2017. It made another stop at the Science + Museum of Minnesota in St. Paul, Minnesota from May 27 through September 4, + 2017.[115] + + The exhibition opened in Canada on July 1, 2017 at the TELUS World of Science + - Edmonton (TWOSE). + + Pixar: The Design of Story[edit] + + Pixar: The Design of Story was an exhibition held at the Cooper Hewitt, Smithsonian + Design Museum in New York City from October 8, 2015 to September 11, 2016.[116][117] + The museum also hosted a presentation and conversation with John Lasseter on + November 12, 2015 entitled Design By Hand: Pixar s John Lasseter .[116] + + Pixar celebrated its 30th anniversary in 2016 with the release of its seventeenth + feature film Finding Dory, and put together another milestone exhibition. The + exhibition first opened at the Museum of Contemporary Art in Tokyo, Japan from + March 5, 2016 to May 29, 2016. It subsequently moved to the Nagasaki Prefectural + Art Museum National Museum of History, Dongdaemun Design Plaza where it ended + on March 5, 2018 at the Hong Kong Heritage Museum.[118] + + List of Pixar staff + + ^ a b COMPANY FAQS . Pixar. Archived from the original on July 2, 2006. CS1 + maint: BOT: original-url status unknown (link) + + ^ a b c d e f Smith, Alvy Ray. Pixar Founding Documents . Alvy Ray Smith Homepage. + Archived from the original on April 27, 2005. Retrieved January 11, 2011. + + ^ Smith, Alvy Ray. Proof of Pixar Cofounders (PDF). + + ^ Walt Disney Company, Form 8-K, Current Report, Filing Date Jan 26, 2006 (PDF). + secdatabase.com. Retrieved May 12, 2018. + + ^ a b Walt Disney Company, Form 8-K, Current Report, Filing Date May 8, 2006 + . secdatabase.com. Retrieved May 12, 2018. + + ^ Nikki Finke (June 23, 2013). Monsters University Global Total $136.5M: #1 + N.A. With $7 For Pixar s 2nd Biggest; World War Z Zombies $112M Worldwide: + $66M Domestic Is Biggest Opening For Original Live Action Film Since Avatar . + Deadline Hollywood. Retrieved June 23, 2013. + + ^ Pixar . Box Office Mojo. Retrieved August 5, 2018. + + ^ When added to foreign grosses Pixar Movies at the Box Office Box Office Mojo + + ^ Brief History of the New York Institute of Technology Computer Graphics Lab + . Carnegie Mellon University. + + ^ a b The Story Behind Pixar - with Alvy Ray Smith . mixergy.com. + + ^ Moving Innovation: A History of Computer Animation + + ^ CGI Story: The Development of Computer Generated Imaging . lowendmac.com. + June 8, 2014. + + ^ ID 797 - History of Computer Graphics and Animation . Ohio State University. + + ^ a b c d Hormby, Thomas (January 22, 2007). The Pixar Story: Fallon Forbes, + Dick Shoup, Alex Schure, George Lucas and Disney . Low End Mac. Retrieved March + 1, 2007. + + ^ Smith, Alvy Ray (August 15, 1995). Alpha and the History of Digital Compositing (PDF). + Princeton University—Department of Computer Science. Retrieved December 22, + 2013. + + ^ Alvy Pixar Myth 3 . alvyray.com. + + ^ Coll, Steve (October 1, 1984). When The Magic Goes . Inc. + + ^ An exclusive interview with Daniel Kottke . India Today. September 13, 2011. + Archived from the original on May 18, 2012. Retrieved October 27, 2011. + + ^ Kieron Johnson (2017-04-28). Pixar s Co-Founders Heard No 45 Times Before + Steve Jobs Said Yes . Entrepreneur.com. Retrieved 2018-04-11. + + ^ Smith, Alvy Ray (2013-04-17). How Pixar Used Moore s Law to Predict the Future + . Wired. ISSN 1059-1028. Retrieved 2019-02-13. + + ^ Price, David A. (2008-11-22). Pixar s film that never was: Monkey . The + Pixar Touch. Retrieved 2019-02-13. + + ^ a b Pixar Animation Studios . Ohio State University. Retrieved April 22, + 2008. + + ^ Paik, Karen (November 3, 2015). To Infinity and Beyond!: The Story of Pixar + Animation Studios . Chronicle Books – via Google Books. + + ^ Toy Stories and Other Tales . University of Saskatchewan. + + ^ Pixar Animation Studios—Company History . Fundinguniverse.com. Retrieved + July 8, 2011. + + ^ History of Computer Graphics: 1990–99 . Hem.passagen.se. Archived from the + original on April 18, 2005. Retrieved July 8, 2011. + + ^ Fisher, Lawrence M. (April 2, 1991). Hard Times For Innovator in Graphics + . The New York Times. Retrieved July 8, 2011. + + ^ Calonius, Erik (March 31, 2011). Ten Steps Ahead: What Smart Business People + Know That You Don t . Headline – via Google Books. + + ^ Price, David A. (2008). The Pixar Touch: The making of a Company (1st ed.). + New York: Alfred A. Knopf. p. 137. ISBN 9780307265753. + + ^ Schlender, Brent (September 18, 1995). Steve Jobs Amazing Movie Adventure + Disney Is Betting on Computerdom s Ex-Boy Wonder to Deliver This Year s Animated + Christmas Blockbuster. Can He Do for Hollywood What He Did for Silicon Valley? + . CNNMoney. + + ^ Nevius, C.W. (August 23, 2005). Pixar tells story behind Toy Story . San + Francisco Chronicle. Retrieved April 22, 2008. + + ^ Toy Story . Box Office Mojo. Retrieved June 10, 2010. + + ^ Company FAQ s . Pixar. Retrieved + March 29, 2015. + + ^ a b Catmull, Ed (March 12, 2014). Inside The Pixar Braintrust . Fast Company. + Mansueto Ventures, LLC. Retrieved September 28, 2014. + + ^ Wloszczyna, Susan (October 31, 2012). Wreck-It Ralph is a Disney animation + game-changer . USA Today. Retrieved April 5, 2014. + + ^ Pond, Steve (February 21, 2014). Why Disney Fired John Lasseter—And How He + Came Back to Heal the Studio . The Wrap. Retrieved April 5, 2014. + + ^ Hartl, John (July 31, 2000). Sequels to Toy Story, Tail, Dragonheart go + straight to video . The Seattle Times. Retrieved April 22, 2008. + + ^ Bjorkman, James. Disney Animated Film Eras . Animated Film Reviews. Retrieved + June 7, 2014. + + ^ a b c Pixar dumps Disney . CNNMoney. January 29, 2004. Retrieved July 26, + 2015. + + ^ Pixar Says So Long to Disney . Wired. January 29, 2004. Archived from the + original on May 2, 2008. Retrieved April 22, 2008. + + ^ a b Grover, Ronald (December 9, 2004). Steve Jobs s Sharp Turn with Cars + . Business Week. Archived from the original on March 11, 2007. Retrieved February + 23, 2007. + + ^ Pixar Perfectionists Cook Up Ratatouille As Latest Animated Concoction + . Star Pulse. Archived from the original on October 27, 2007. Retrieved April + 22, 2008. + + ^ La Monica, Paul R. (January 24, 2006). Disney buys Pixar . CNN. + + ^ a b Holson, Laura M. (January 25, 2006). Disney Agrees to Acquire Pixar in + a $7.4 Billion Deal . The New York Times. Retrieved April 22, 2008. + + ^ La Monica, Paul R. (January 24, 2006). Disney buys Pixar . CNN. Retrieved + April 22, 2008. + + ^ a b c Schlender, Brent (May 17, 2006). Pixar s magic man . CNN. Retrieved + April 20, 2012. + + ^ Issacson, Walter (2013). Steve Jobs (1st paperback ed.). New York: Simon and + Schuster. p. 439. ISBN 9781451648546. + + ^ Agreement and Plan of Merger by and among The Walt Disney Company, Lux Acquisition + Corp. and Pixar . Securities and Exchange Commission. January 24, 2006. Retrieved + April 25, 2007. + + ^ Bunk, Matthew (January 21, 2006). Sale unlikely to change Pixar culture . + Inside Bay Area. Retrieved April 22, 2008. + + ^ Graser, Marc (September 10, 2008). Morris and Millstein named manager of + Disney studios . Variety. Archived from the original on September 14, 2008. + Retrieved September 10, 2008. + + ^ Kilday, Gregg (December 4, 2013). Pixar vs. Disney Animation: John Lasseter + s Tricky Tug-of-War . The Hollywood Reporter. Retrieved December 4, 2013. + + ^ a b c Bell, Chris (April 5, 2014). Pixar s Ed Catmull: interview . The Daily + Telegraph. Retrieved April 5, 2014. + + ^ a b c Zahed, Ramin (April 2, 2012). An Interview with Disney/Pixar President + Dr. Ed Catmull . Animation Magazine. Retrieved April 5, 2014. + + ^ a b Graser, Marc (November 18, 2014). Walt Disney Animation, Pixar Promote + Andrew Millstein, Jim Morris to President . Variety. Penske Business Media. + Archived from the original on November 21, 2014. Retrieved November 18, 2014. + + ^ Masters, Kim (November 21, 2017). John Lasseter s Pattern of Alleged Misconduct + Detailed by Disney/Pixar Insiders . The Hollywood Reporter. Retrieved November + 24, 2017. + + ^ Zeitchik, Steven (November 21, 2017). Disney animation guru John Lasseter + takes leave after sexual misconduct allegations . The Washington Post. Retrieved + November 21, 2017. + + ^ Masters, Kim (April 25, 2018). He Who Must Not Be Named : Can John Lasseter + Ever Return to Disney? . The Hollywood Reporter. Retrieved May 1, 2018. + + ^ Barnes, Brooks (June 8, 2018). Pixar Co-Founder to Leave Disney After Missteps . + The Hollywood Reporter. Retrieved June 8, 2018. + + ^ Kit, Borys (June 19, 2018). Pete Docter, Jennifer Lee to Lead Pixar, Disney + Animation . The Hollywood Reporter. Retrieved June 19, 2018. + + ^ Kit, Borys (October 23, 2018). Pixar Co-Founder Ed Catmull to Retire . The + Hollywood Reporter. Retrieved October 24, 2018. + + ^ Kit, Borys (January 18, 2019). Toy Story 3, Coco Director Lee Unkrich + Leaving Pixar After 25 Years (Exclusive) . The Hollywood Reporter. Retrieved + January 18, 2019. + + ^ Pixar Canada sets up home base in Vancouver, looks to expand . The Vancouver + Sun. Canada. Archived from the original on April 22, 2010. Retrieved April 20, + 2010. + + ^ Pixar Canada shuts its doors in Vancouver . The Province. October 8, 2013. + Retrieved October 8, 2013. + + ^ Pimentel, Benjamin (August 28, 2000). Lucasfilm Unit Looking at Move To Richmond + / Pixar shifting to Emeryville . San Francisco Chronicle. Archived from the + original on February 2, 2015. + + ^ Bohlin Cywinski Jackson | Pixar Animation Studios . Bohlin Cywinski Jackson. + Archived from the original on August 30, 2014. + + ^ OpenEdition: Hollywood and the Digital Revolution by Alejandro Pardo [in French] + + ^ Julia Robinson Mathematics Festival 2008 Mathematical Sciences Research Institute + + ^ a b Smiley, Tavis (January 24, 2007). Tavis Smiley . PBS. Archived from the + original on November 24, 2007. Retrieved March 1, 2007. + + ^ Dunn, Gaby (July 12, 2013). Pixar Theory connects all your favorite movies + in 1 universe . The Daily Dot. Retrieved July 13, 2013. + + ^ Whitney, Erin (July 12, 2013). The (Mind-Blowing) Pixar Theory: Are All the + Films Connected? . Moviefone. Archived from the original on July 15, 2013. Retrieved + July 13, 2013. + + ^ McFarland, Kevin (July 12, 2013). Read This: A grand unified theory connects + all Pixar films in one timeline . The A.V. Club. Retrieved July 13, 2013. + + ^ Douglas, Edwards (June 3, 2006). Pixar Mastermind John Lasseter . comingsoon.net. + Retrieved March 1, 2007. + + ^ Disney announce Monsters Inc sequel . BBC News. April 23, 2010. Retrieved + April 23, 2010. + + ^ Monsters University Pushed to 2013 . movieweb.com. April 4, 2011. Retrieved + April 4, 2011. + + ^ Tom Hanks reveals Toy Story 4 . June 27, 2011. Retrieved June 27, 2007. + + ^ Access Hollywood June 27, 2011 + + ^ Keegan, Rebecca (September 18, 2013). The Good Dinosaur moved to 2015, + leaving Pixar with no 2014 film . Los Angeles Times. Retrieved September 18, + 2013. + + ^ Vejvoda, Jim (March 18, 2014). Disney Officially Announces The Incredibles + 2 and Cars 3 Are in the Works . IGN. Retrieved March 18, 2014. + + ^ a b Ford, Rebecca (November 6, 2014). John Lasseter to Direct Fourth Toy + Story Film . The Hollywood Reporter. Retrieved November 6, 2014. + + ^ Keegan, Rebecca (November 6, 2014). Pixar to make Toy Story 4 : Why Lasseter + is returning to direct . Los Angeles Times. Retrieved November 21, 2014. + + ^ Giardina, Carolyn (August 14, 2015). D23: Pixar Previews Finding Dory and Toy + Story 4 . The Hollywood Reporter. Retrieved August 18, 2015. + + ^ Foutch, Haleigh (August 14, 2015). Toy Story 4′ Finds Buzz and Woody on + the Search for Bo Peep . Collider. Retrieved August 18, 2015. + + ^ Cars Toons Coming in October To Disney Channel . AnimationWorldNetwork. September + 26, 2008. Retrieved December 4, 2008. + + ^ Cheney, Alexandra (October 13, 2013). Watch A Clip from Pixar s First TV + Special Toy Story OF TERROR! . The Wall Street Journal. Retrieved February + 24, 2014. + + ^ Littleton, Cynthia (November 9, 2017). New Star Wars Trilogy in Works With + Rian Johnson, TV Series Also Coming to Disney Streaming Service . + + ^ Adam Chitwood (June 18, 2018). Brad Bird Says 1906 May Get Made as an Amalgam of + a TV and Film Project . Collider. Retrieved June 18, 2018. + + ^ Jagernauth, Kevin (February 16, 2012). John Carter Producer Jim Morris + Confirms Sequel John Carter: The Gods Of Mars Already In The Works . The Playlist. + Indiewire.com. Retrieved January 22, 2015. + + ^ Kit, Borys (October 14, 2010). Disney Picks Pixar Brains for Muppets Movie + . The Hollywood Reporter. Retrieved June 27, 2011. + + ^ Taylor, Drew. 9 Things Disney Fans Need to Know About The Jungle Book, According + to Jon Favreau . Disney Insider. The Walt Disney Company. Retrieved April 16, + 2016. + + ^ The Jungle Book: Press Kit (PDF). wdsmediafile.com. The Walt Disney Studios. + Retrieved March 29, 2016. + + ^ Mary Poppins Returns - Press Kit (PDF). wdsmediafile.com. Walt Disney Studios. + Retrieved November 29, 2018. + + ^ TURAN, KENNETH (2002-09-20). Under the Spell of Spirited Away . Los Angeles + Times. ISSN 0458-3035. Retrieved 2017-04-20. + + ^ McClintock, Pamela (October 26, 2016). The Incredibles 2 Moves Up to Summer + 2018; Toy Story 4 Pushed to 2019 . The Hollywood Reporter. Retrieved October + 26, 2016. + + ^ Khatchatourian, Maane (July 14, 2017). Toy Story 4 : Josh Cooley Becomes + Sole Director as John Lasseter Steps Down . Variety. Retrieved July 15, 2017. + + ^ Hipes, Patick (October 8, 2015). Disney: Ant Man And The Wasp A Go, Incredibles + 2 Dated & More . Deadline Hollywood. Retrieved October 8, 2015. + + ^ Snetiker, Marc (July 1, 2016). Pixar: No sequels for Ratatouille, WALL-E, + or Inside Out anytime soon . Entertainment Weekly. + + ^ Sneitker, Marc (July 14, 2017). Pixar announces new original suburban fantasy movie + . Entertainment Weekly. Retrieved July 15, 2017. + + ^ Twitter. December 12, 2018 https://twitter.com/Disney/status/1072899016696913920. + Missing or empty |title= (help) + + ^ Hipes, Patrick (December 12, 2018). Pixar s Onward To Star Chris Pratt, + Tom Holland, Julia Louis-Dreyfus & Octavia Spencer . Deadline. Retrieved December + 12, 2018. + + ^ Busch, Anita (April 25, 2017). Star Wars, Frozen 2 And The Lion King + : Disney Unleashes A Barrage Of Release Dates . Deadline Hollywood. Retrieved + April 25, 2017. + + ^ Milligan, Mercedes (March 1, 2018). Disney Pushes Live Mulan to 2020, Dates + Multi-Studio Slate . Animation Magazine. Retrieved March 5, 2018. + + ^ Hill, Libby (October 17, 2016). Two Pixar animators explore the depths of + grief and guilt in Borrowed Time . LA Times. Retrieved February 2, 2017. + + ^ Desowitz, Bill (October 24, 2016). Borrowed Time : How Two Pixar Animators + Made a Daring, Off-Brand Western Short . Indiewire. Retrieved February 2, 2017. + + ^ Failes, Ian (July 29, 2016). How Andrew Coats and Lou Hamou-Lhadj Made The + Independent Short Borrowed Time Inside Pixar . Cartoon Brew. Retrieved February + 2, 2017. + + ^ Pixar: 20 Years of Animation . Pixar. Archived from the original on January + 8, 2007. Retrieved June 28, 2010. + + ^ a b Eng Eng, Wang (April 1, 2010). Pixar animation comes to life at Science + Centre exhibition . MediaCorp Channel NewsAsia. Retrieved June 28, 2010. + + ^ Pixar: 25 Years of Animation . Retrieved January 11, 2011. + + ^ Pixar: 25 Years of Animation . Leisure and Cultural Services Department. + Archived from the original on February 17, 2011. Retrieved January 11, 2011. + + ^ Pixar brings fascinating animation world to Hong Kong Archived August 9, + 2011, at the Wayback Machine, Xinhua, March 27, 2011 + + ^ GmbH, Kunst- und Ausstellungshalle der Bundesrepublik Deutschland. Pixar + - Kunst- und Ausstellungshalle der Bundesrepublik Deutschland - Bonn . www.bundeskunsthalle.de. + + ^ Exposition Pixar (in French). Art Ludique. Retrieved December 30, 2014. + + ^ Pixar: 25 años de animación . Obra Social la Caixa . Archived from the original + on January 24, 2014. Retrieved April 24, 2014. + + ^ Pixar. 25 years of animation Exhibition in Spain . motionpic.com. Archived + from the original on December 31, 2014. Retrieved December 30, 2014. + + ^ The Science Behind Pixar at pixar.com . Archived from the original on July + 8, 2016. Retrieved July 8, 2016. + + ^ a b Pixar: The Design of Story . Cooper Hewitt Smithsonian Design Museum. + 8 October 2015. Retrieved 10 April 2018. + + ^ Cooper Hewitt to Host Pixar Exhibition . The New York Times. July 26, 2015. + + ^ Pixar: 30 Years Of Animation . Pixar Animation Studios. Retrieved 10 April + 2018. + + Pixarat Wikipedia s sister projects + + Pixar s channel on YouTube + + Pixar Animation Studios on IMDb + + Pixar Animation Studios at The Big Cartoon DataBase + + List of the 40 founding employees of Pixar + + Luxo Jr. (1986) + + Red s Dream (1987) + + Knick Knack (1989) + + Boundin (2003) + + Jack-Jack Attack (2005) + + Mr. Incredible and Pals (2005) + + Lifted (2006) + + George and A.J. (2009) + + Hawaiian Vacation (2011) + + Small Fry (2011) + + Partysaurus Rex (2012) + + The Legend of Mor du (2012) + + Party Central (2013) + + Riley s First Date? (2015) + + SparkShorts program + + Purl (2019) + + Pixar Short Films Collection, Volume 1 (2007) + + Beach Chair (1986) + + Flags and Waves (1986) + + Light & Heavy (1990) + + Nemo & Friends SeaRider (2016) + + The Adventures of André & Wally B. (1984) + + It s Tough to Be a Bug! (1998) + + Buzz Lightyear of Star Command: The Adventure Begins (2000) + + Buzz Lightyear of Star Command (2000–01) + + Exploring the Reef (2003) + + Turtle Talk with Crush (2004) + + Borrowed Time (2016) + + List of Pixar characters + + List of Pixar awards and nominations + + List of Pixar film references + + Circle 7 Animation + + Pixar Canada + + Pixar Photoscience Team + + A Computer Animated Hand + + Pixar universe theory + + Proposed acquisition of 21st Century Fox by Disney + + Roy Oliver Disney + + Bob Iger (CEO) + + Alan N. Braverman (SEVP/GC) + + Christine McCarthy (CFO) + + Susan E. Arnold + + Francis A. deSouza + + Bob Iger (Chairman) + + Maria Elena Lagomasino + + Fred H. Langhammer + + Aylwin B. Lewis + + Disney–ABC TV Group + + ABC TV Stations + + Disney Channels US (DisneyNow) + + ESPN (80%) + + A&E Networks (50%) + + Parks, Experiences + + and Consumer Products + + and Interactive Media + + Games and Interactive Experiences + + ESPN International + + Disney Media Distribution + + Super RTLJV + + RTL IIJV + + Reedy Creek Energy + + El Capitan complex + + Hollywood Masonic Temple + + Disney Theatrical Productions (Disney On Broadway) + + Walt Disney Studios (Burbank) + + Alan F. Horn + + Ice Follies And Holiday on Ice + + Parent: The Walt Disney Company + + Return to Apple + + Honors and public recognition + + Laurene Powell Jobs (wife) + + Mona Simpson (sister) + + Chrisann Brennan (mother of his first born) + + Lisa Brennan-Jobs (daughter) + + Stevenote + + More American Graffiti (1979) + + Star Wars: Episode I – The Phantom Menace (1999) + + Star Wars: Droids (1985–86) + + Ewoks (1985–86) + + Maniac Mansion (1990–93) + + The Young Indiana Jones Chronicles (1992–93) + + Star Wars: Clone Wars (2003–05) + + Star Wars: The Clone Wars (2008–present) + + Star Wars Rebels (2014–18) + + Lego Star Wars: The Freemaker Adventures (2016–17) + + Star Wars Detours (unaired) + + Caravan of Courage: An Ewok Adventure (1984) + + Ewoks: The Battle for Endor (1985) + + Star Tours (1987) + + ExtraTERRORestrial Alien Encounter (1995) + + Star Tours – The Adventures Continue (2011) + + The Droid Works + + EditDroid + + SoundDroid + + George Lucas (Founder) + + Kathleen Kennedy (President) + + Howard Roffman (EVP, Franchise Management) + + Parent: Walt Disney Studios (The Walt Disney Company) + + Film studios in the United States and Canada + + Entertainment Studios + + IMAX Pictures + + Lantern Entertainment + + Montecito Picture Company + + Morgan Creek Entertainment + + Producer-owned + + Appian Way Productions + + Bryanston Pictures + + Centropolis Entertainment + + Jim Henson Pictures + + Animation industry in the United States + + Companies/studios + + Ace & Son + + Augenblick Studios + + CBS Animation + + The Curiosity Company + + Fred Wolf Films + + Justin Roiland s Solo Vanity Card Productions! + + MGM Animation + + Prana Studios + + Radical Axis + + Renegade Animation + + SD Entertainment + + ShadowMachine + + Adelaide Productions + + Threshold Entertainment + + MTV Animation + + Wild Canary Animation + + 70/30 Productions + + Adventure Cartoon Productions + + Amblimation + + Cambria Productions + + Crest Animation Productions + + DePatie–Freleng Enterprises + + DNA Productions + + Jetlag Productions + + Kroyer Films + + Laugh-O-Gram Studio + + MGM Animation/Visual Arts + + Rankin/Bass Productions + + Ruby-Spears + + Screen Gems Cartoons + + Spümcø + + Sullivan Bluth Studios + + Sunbow Entertainment + + Van Beuren Studios + + The Animation Guild, I.A.T.S.E. Local 839 + + Animated Infomercial + + History of American comics + + Emeryville Crescent State Marine Reserve + + Bay Street Emeryville + + San Pablo Avenue + + Emeryville Amtrak station + + Emery USD + + German Int. School of Silicon Valley East Bay Campus (closing in spring 2018) + + Shell Development Emeryville + + Cetus Corporation + + Retrieved from https://en.wikipedia.org/w/index.php?title=Pixar&oldid=883769783 + + American animation studios + + Disney production studios + + Film production companies of the United States + + Cinema of the San Francisco Bay Area + + Companies based in Emeryville, California + + Entertainment companies established in 1986 + + Disney acquisitions + + Empire Inspiration Award winners' + __selected-docs__: + - "Pixar Animation Studios: Creative Kaizen\nBy HBSstudent11\nIliad S.A.: the\ + \ story behind France’s telecommunications maverick\nHow Pixar’s innovative\ + \ production process ensures creative quality for audiences\nPixar: A Winner\n\ + Pixar has been highly effective at aligning its business and operating models\ + \ to drive success. Founded 1986, Pixar has produced 16 feature animated films\ + \ which together have grossed almost $4 billion at the box office (1). Critically\ + \ acclaimed projects include: Toy Story, The Incredibles, Ratatouille, Up, and\ + \ Finding Nemo. Disney took notice of Pixar’s ability to churn out blockbusters,\ + \ and acquired them in 2006 (2). This ability seems to be driven by Pixar’s\ + \ unique model of organization, production, and talent retention.\nPixar makes\ + \ money by unifying art and technology to produce original animated films that\ + \ motivate audiences to buy movie tickets, DVDs, digital copies, and merchandise.\ + \ These films are marketed towards children, but have the emotional depth and\ + \ production quality to appeal to adults. Pixar’s key market differentiator\ + \ is its focus on quality. Instead of throwing out a portfolio of movies every\ + \ year and hoping that a few become blockbusters, Pixar makes big bets on a\ + \ fewer number of films, producing one film every four to five years. It minimizes\ + \ risk by ensuring the quality of these films via a highly monitored production\ + \ process.\nPixar has a very unique operating model compared to other film studios.\ + \ In other studios, new creative teams are formed around new film concepts and\ + \ then disbanded once the films are complete. Pixar takes a drastically different\ + \ approach and retains creative talent as long-term employees. This allows teams\ + \ to improve their skills and operating processes over time with increased repetition\ + \ (3). Pixar leaders believe that the initial idea matters a lot less than the\ + \ people who actually iterate and brainstorm around that idea throughout the\ + \ production process (4). Other key elements of Pixar’s successful operating\ + \ model include:\nIncubator Teams: When concepts are still nascent, small teams\ + \ of directors, writers, and artists serve as incubators that work together\ + \ to improve and expand on the initial ideas. This tests the idea, but also\ + \ serves as a way for teams to feel out their strengths and weaknesses and learn\ + \ how they should work together moving forward (4).\nShared Dailies: Every day,\ + \ directors and producers must show their daily work to everyone (instead of\ + \ just a small team like at other studios). All members of the crew are encouraged\ + \ to offer suggestions for improvement. Dailies serve as a great way to share\ + \ information with the entire team and break down departmental barriers (4).\n\ + Creative Brain Trust: This is a committee of creative leaders in the company\ + \ that directors/producers can access to help solve production problems. An\ + \ important and unique dynamic of this group is that, unlike traditional studio\ + \ development executives, the advisors of this committee have no authority.\ + \ Instead, they are peers whose purpose is solely to offer creative input and\ + \ advice (5).\nPostmortems: These are meetings that occur after a film is finished\ + \ and discuss the successes and failures of the process. This is critical for\ + \ the growth of the teams (as they will largely remain together to work on the\ + \ next Pixar film) and helps improve work output and processes for the future\ + \ (4).\nPixar University: The company offers classes across disciplines to foster\ + \ communication between departments and emphasize the idea of “learning and\ + \ growing together” (3).\nPixar Campus: The campus has an open plan that maximizes\ + \ interaction among colleagues during the workday to stimulate conversation\ + \ and free flow of ideas (3).\nBusiness and Operating Model Alignment\nThe business\ + \ and operating models are both aligned on Pixar’s key competitive advantages:\ + \ creativity and quality. Pixar has become a consumer-facing brand associated\ + \ with a high level of creativity and quality — and they want to sustain this\ + \ brand identity to retain loyal audiences. To ensure that this production value\ + \ is being provided to customers, the production process is highly detail-oriented\ + \ and based on constant iteration, refinement, and team growth and learning.\ + \ A Harvard Business Review article even likened Pixar’s continuous improvement\ + \ model to that of Toyota’s “Kaizen” philosophy (6). The operating model also\ + \ supports the business model and decreases the risk of a very expensive film\ + \ failure by subjecting the work in process to constant quality control checks.\ + \ High levels of cooperation and sharing throughout the production process allows\ + \ for errors in storyline, dialogue, or visual effects to be caught early and\ + \ often — before the process is too far along for these problems to be fixed\ + \ (4). Though this increases the cycle time of the process (often only 2 seconds\ + \ of a film is worked on each day!), Pixar’s box office performance has shown\ + \ that the value gained from this process in quality and creativity added has\ + \ definitely paid off (7).\nSources Cited/Used:\nhttp://www.boxofficemojo.com/franchises/chart/?id=pixar.htm\n\ + http://www.hollywoodreporter.com/news/pixar-disney-animation-john-lasseters-661752\n\ + http://www.nytimes.com/2006/01/29/technology/29iht-pixar30.html?pagewanted=all&_r=0\n\ + https://hbr.org/2008/09/how-pixar-fosters-collective-creativity\nhttp://fortune.com/video/2015/07/14/the-strategy-that-makes-each-pixar-films-successful/\n\ + https://hbr.org/2010/08/what-google-could-learn-from-p\nhttp://www.newyorker.com/magazine/2011/05/16/the-fun-factory\n\ + http://www.bizjournals.com/bizjournals/how-to/growth-strategies/2015/07/3-pixar-strategies-that-can-help-you-grow-revenue.html?page=all\n\ + http://www.fastcodesign.com/1665008/the-inside-story-5-secrets-to-pixar-s-success\n\ + http://www.pixar.com/\ncreativity, film, winner\nFinding LUV at Southwest Airlines\n\ + 8 thoughts on “Pixar Animation Studios: Creative Kaizen”\nDecember 9, 2015\t\ + \ Alice says:\nFascinating– I love Pixar films and really enjoyed reading your\ + \ post. There’s a special exhibition on “The Science Behind Pixar” at the Museum\ + \ of Science in downtown Boston you should check out!\nDecember 10, 2015\t arlo\ + \ says:\nI love Pixar films too, despite being a non-target consumer of Pixar.\ + \ \U0001F642 I really appreciated reading about all the steps they take to ensure\ + \ a high quality film is produced. Hopefully their quality won’t decline given\ + \ their decision to release two films per year (http://pixartimes.com/2013/06/04/the-pixar-perspective-on-making-two-films-a-year/).\n\ + Buzz Lightyear, I am your biggest fan!!! Nice post. Very interesting comparing\ + \ their operating model vs. the rest of Hollywood. I would imagine the reason\ + \ may be related to the criticality of software in teh production process… the\ + \ interface between creative and technical is much more integrative, which may\ + \ motivate keeping people aroudn to drive experience and learning in the more\ + \ complex setting… what do you think?\nDecember 14, 2015\t Buzz Lightyear says:\n\ + I think that the technology/software side of Pixar does have something to do\ + \ with it. Their approach often comes across as more scientific than artistic\ + \ to me. For example, they encourage their tech artists to regularly publish\ + \ articles and present at conferences so that they maintain a strong relationship\ + \ with the academic community.\nIt is interesting to note, however, that elsewhere\ + \ in Hollywood, smaller-scale creative alliances do form. For example, director\ + \ David O. Russell and actress Jennifer Lawrence have worked on multiple movies\ + \ such as Joy, American Hustle, and Silver Linings Playbook together. I also\ + \ saw JJ Abram’s long-time editors (since the show Alias) speak at the LA Film\ + \ Festival this summer, and they said have gotten to know his working style\ + \ over the years, and it seemed like they have refined and improved their working\ + \ processes over time. I am working in development at a production company this\ + \ summer, and hope to learn more about the different operating models happening\ + \ in film/TV and how creative teams form and function!\nhttp://www.filmindependent.org/blogs/j-j-abrams-long-time-editors-reveal-how-to-help-develop-characters-in-the-editing-room/#.Vm9jOxorLUo\n\ + http://deadline.com/2015/12/david-o-russell-joy-oscars-jennifer-lawrence-1201664630/\n\ + December 14, 2015\t Lior says:\nI’m also a huge Pixar fan and appreciate how\ + \ they managed to create and sustain such a strong operating model (with clear\ + \ link to the business model – quality and creativity). We actually tried mimicking\ + \ this model as we evaluated marketing campaigns in P&G (we formed a community\ + \ of brain trust and made sure to share campaign progress with the entire team.\ + \ We also discussed the successes and failures of the process at the end of\ + \ the campaign). I personally think the idea of using Pixar model to build marketing\ + \ campaigns is a powerful one, but we lacked full commitment to the process.\n\ + Building on that… I was wondering what are your thoughts on using this model\ + \ for different industries? For example, the pharmaceutical industry would also\ + \ benefit from high quality “blockbuster” drugs as opposed to “mini-hits”.\n\ + This is very interesting. To be honest I didn’t know Pixar had a significantly\ + \ different positioning to other movie producers, but I did love most of their\ + \ movies. The different areas you described reminded me a lot the Design Thinking\ + \ process we learned in the IDEO case, with teams brainstorming and converging\ + \ during the day and then use the Incubator Team, Shared Dailies and the Creative\ + \ Brain Trust to validate and/or generate new ideas. I wonder whether they do\ + \ something similar with the target audience or if this limited to employees\ + \ within the company.\nDecember 14, 2015\t AClay says:\nGreat article! I wonder\ + \ if Pixar was able to keep its unique culture after the Disney buyout. Disney\ + \ has such a strong culture itself, that I would imagined that it would be hard\ + \ for Disney’s culture to not suffocate Pixar’s culture.\nAlso, Shared Dailies\ + \ sound freighting like Bridgewater’s immediate feedback model to me. I wonder\ + \ how direct their feedback is at Pixar." + __selected-sentences__: + - Pixar makes money by unifying art and technology to produce original animated + films that motivate audiences to buy movie tickets, DVDs, digital copies, and + merchandise. These films are marketed towards children, but have the emotional + depth and production quality to appeal to adults. Pixar’s key market differentiator + is its focus on quality. Instead of throwing out a portfolio of movies every + year and hoping that a few become blockbusters, Pixar makes big bets on a fewer + number of films, producing one film every four to five years. It minimizes risk + by ensuring the quality of these films via a highly monitored production process. + - 'Pixar has a very unique operating model compared to other film studios. In + other studios, new creative teams are formed around new film concepts and then + disbanded once the films are complete. Pixar takes a drastically different approach + and retains creative talent as long-term employees. This allows teams to improve + their skills and operating processes over time with increased repetition (3). + Pixar leaders believe that the initial idea matters a lot less than the people + who actually iterate and brainstorm around that idea throughout the production + process (4). Other key elements of Pixar’s successful operating model include:' + episode_done: false + eval_labels: + - You're right. The quality of all of Pixar's movies have increased over the years. + This is due, in no small part, to the fact that they have long term teams that + work together on multiple projects. Further, Pixar, as a company, cares more + about creating high quality movies than they do making the most money possible. + This is their company's culture and the reason for their continuing success. + id: WizInternetWizardTeacher + search_query: pixar animation studios technology + text: It is neat to see how they progressed in the series with the quality. +- - __retrieved-docs-urls__: + - https://answers.microsoft.com/en-us/windows/forum/windows_10-update/windows-10-1809-update-deleted-all-files-from/ff608374-2686-4a08-a4c2-caa4caa6d4e1 + - https://drivesaversdatarecovery.com/company/data-recovery-hall-of-fame/ + - https://www.mentalfloss.com/uk/entertainment/27204/how-one-line-of-text-nearly-killed-toy-story-2 + - https://funfactz.com/tv-facts/toy-story-2-deleted/ + - https://unbelievable-facts.com/2016/11/facts-about-pixar.html + __retrieved-docs__: + - 'Stuart Dole + + Created on October 4, 2018 + + Windows 10 1809 update deleted all files from Documents! + + Last night I updated to 1809, and it all went smoothly, but then I find that + all my files in Documents are DELETED. Gone. Poof. This included many crucial + documents and financial info. Yes, I have a backup (I think - using Windows + Backup to a NAS). But this is pretty bad. Did no one in the first two rings + run into this yet? + + I understand (from the news) that this happens to all files in Documents that + aren t synced to OneDrive. Further, the Documents folder is really an agglomeration + of Documents from several different paths - not sure how that works, and it + may or may not relate. + + Windows update, recovery, & backup + + Hi Stuart, this does seem to be an emerging bug today on the 1809 update, quite + a few users reporting this . . + + I am really glad to hear you have a backup of your data! + + What has worked for some users is - Restart (not shut down) your PC 3 or 4 times, + this will fix this issue a lot of the time . . . + + Power to the Developer! + + Dell Precision M6800 - 17.3 , Core i7, 16GB RAM, nVIdia Quadro, 128GB SSD, 1TB + HDD + + Tom_EC + + In reply to DaveM121 s post on October 4, 2018 + + At what point do you have to Restart the PC 3 or 4 times to get your documents + back? After they have been deleted or during the update? I d like to know so + when my documents are deleted I can hopefully get them back. + + In reply to Tom_EC s post on October 6, 2018 + + Alas - it gets worse. Microsoft s Backup silently stopped backing up back in + February and didn t tell me, and I didn t notice. So I have maybe 100 hours + of tedium ahead of me as I try to reconstruct my financial records... And the + restart (3x) didn t do anything. Sigh. + + DJ_CRUNCH + + I m adding to this thread as well the latest update to 1809 Not only deletes + files But It made a Mess of my system! First Not only was files Missing After + a Failed General Error 0xc1900101 and I took Extra Steps to prevent in the first + place, ie Removed Norton s, Removed other hardware like Blue Tooth Dongle etc. + it still failed. Upon Restore I noticed lot s of Photo s and Audio file s as + well as Word Doc s etc missing. Shortcuts from my Quick Launch was gone, and + My System Fans as well as My Liquid Cooling Pump was in Max Turbo mode. But + that is the only thing, My Software Lot s Of Software Would not start, or Launch + at all the service was showing that it was running but No Interface of the software. + When I dug into the Panther file to find the culprit, It was blank. So I have + No Idea as to why the generic code 0xc1900101 is being used if it will not tell + me what caused the failed update. So Be Warned Everyone Make Sure you use a + Software Like Acronis and Clone Your Drive before starting this Update at lest + you can get your system back + + BloodySword + + In reply to DJ_CRUNCH s post on October 6, 2018 + + Do not upgrade, do a fresh reinstall. This is always the best practice. My system + is broken anyway even with 1803 as it resets file associations every reboot. + So it s time to do a fresh install anyway. + + Will wait until end of November, then install 1809 as fresh install when all + issues are resolved. + + Also I don t like the multiple destination document ****. Who needs this crap? + I want my documents on the drive and partition I want it to. And I want to KNOW + where it is. + + In Germany you can t use One Drive anyway, as upload speeds here are laughable. + Online backups are unusable here. + + And I pay 55 EUR per month, and I have cutouts and slowdowns every week. Absolutely + barbaric. + + William Max Fredericksen Sr + + In reply to BloodySword s post on October 6, 2018 + + Fresh reinstalls are not acceptable, and not a proper procedure anyway. + + This is not a completely new OS, let s get that clear. It s a service pack at + best. + + I m not going to spend several days reinstalling my programs and files and weeks + getting things back the way I want them every time there s an update, anyone + that does waste their time like that is a fool. + + Microsoft needs to have better testing and qc on these updates if they re going + to force them down people s throats all the time. Thankfully I can defer the + updates for a year, and I ve further turned off Windows update in group policy + until they fix this mess. + + If it is linked to foisting OneDrive on everyone, they need to give people more + free space right up front, I have 51GB to back up in my documents folder, and + I already pay for Dropbox and MEGA and have free Google Drive. I m not paying + for another service that I never wanted to use in the first place. + + Is there any truth to the rumor that it s related to the group policy setting + for administrators that deletes user accounts created more than 30 days ago? + + neilpzz + + It seems MS have removed the version 1809 update due to these sort of problems. + + See sticky thread at the top of the Windows 10 forum. + + https://answers.microsoft.com/en-us/windows/forum/all/windows-10-october-update-is-no-longer-being/62e8e6b4-0089-41c2-a104-5a5a768a48f6 + + Akrucious + + I never trusted Microsoft cloud services for my files, and here they roll out + an update that deleted 50 gigs of work. Thanks Microsoft. + + Patrick.Wild + + so, this is what happened for me: + + - After the Update everything was fine + + - in the evening i shut down my Computer + + - on my next login, i was greeted by the same screen you get when you first + login to a computer + + - All my Files were gone, all store-apps and other user-profile installed apps + were gone + + - My profile had a new Profile-Folder, the old one only contained an empty OneDrive + Folder + + - all bloatware-apps were installed again (Candy-Crush etc.) (on an Enterprise + edition, but this is not the topic here...) + + - all Setting were reset to default + + - after checking my registry i noticed, that my user-account had a new SID + + So this update deleted the whole User-Profile, including all corresponding + Registry entries. But did not do so during the update, but on the next boot. + + If it was just files missing, i could just copy them back from my backups, but + it took hours of work reinstalling and reconfiguring apps and programms. + + Vu_Do + + In reply to Stuart Dole s post on October 6, 2018 + + Did you try to recover your files using data recovery software? It might work.' + - 'Home » Company » Hall Of Fame + + DriveSavers scored big when a laptop belonging to Golden State Warriors Coach + Steve Kerr went out of bounds with a… + + Even Kardashians need data recovery. Khloe´of the famous Kardashian family was + referred to DriveSavers by one of our Los Angeles… + + When Harrison Ford s drive crashed, he lost hundreds of personal photos. DriveSavers + rescued his data and, within a few days,… + + The supermodel, actress, designer and musician lost critical audio production + files that were vital to the completion of an upcoming… + + When a drive containing special effects and important storyboards became corrupted, + ILM sent it to DriveSavers to be rescued from… + + When Live Free or Die Hard star Bruce Willis drive died, it went hard. DriveSavers + sprang into action and, in… + + DriveSavers recovered thousands of files crucial to the production of Paramount + s official Star Trek website. + + While on tour, Willie Nelson s laptop containing his official website design + became inaccessible. Just 24 hours later, DriveSavers got him… + + In his 1999 movie, Sean Connery may have worried about Entrapment , but he + isn t worried about his missing data anymore… + + Apollo 11 astronaut, Buzz Aldrin, walked on the moon. But, not even a trip into + space could prepare him for… + + When country music superstar, Faith Hill, lost her personal mementos and thousands + of photos on her Mac, the singer s road… + + When former President Gerald Ford s personal computer crashed, DriveSavers retrieved + his important schedules and correspondence, putting him back in charge … + + The rock star sent his hard drive from England after the recovery efforts of + a local company failed. DriveSavers used… + + Data overboard! It s true that pirates are known to be savvy in the art of treasure + hunting, but DriveSavers proved… + + Beck proved he was no Loser. When his data was lost, DriveSavers engineers + were able to find Where It s At. + + One of the writer/producers of Family Guy had a hard drive freeze. But with + help from DriveSavers, Stewie was able… + + The laughter stopped when the comedian s producer lost access to data on a removable + cartridge. Smiles were restored when DriveSavers… + + Diamond Dave discovered DriveSavers when he lost vital data for his 1999–2000 + tours. Dave Jump-ed for joy when he got… + + Thanks to DriveSavers, Operaman sings again! + + Sometimes even the best fix-it gurus need a little help. When homespun remedies + failed, DriveSavers prevailed. + + He may still be looking for his lost shaker of salt but not his lost data—thanks + to DriveSavers. + + DriveSavers rocked American Idol judge Kara DioGuardi with our fast turnaround + time and unparalleled customer service. + + The musician called for recovery when his digital recording system failed while + he was creating a new album. DriveSavers rescued… + + With just a few days left before going live, Depeche Mode s web designer lost + access to the hard drive that… + + When Keith Richards lost important information for The Rolling Stones Bridges + to Babylon Tour, DriveSavers engineers recovered his data and… + + When Oscar nominated singer/songwriter, Kathleen York, lost the only recording + of a song she d produced for the film In the… + + The star of such films as Full Metal Jacket and Birdy found his laptop computer + mysteriously lying on the living… + + The Soprano s actress lost access to her data during a system upgrade. After + receiving her data back, M. Bega proclaimed,… + + Even Brat Packers can lose data. Ms. Ringwald contacted DriveSavers when her + laptop took a spill at The Breakfast Club. + + It was no laughing matter when a hard drive belonging to the video production + team at Ferrell s Funny or Die… + + Nick Nolte sent his RAID to DriveSavers after a fire in his living room damaged + it beyond repair. DriveSavers successfully… + + Legendary rock star, Peter Frampton, can make his guitar talk, but DriveSavers + coaxed his dead hard drive back to life! + + After a successful recovery of the Sex and the City producer s laptop, an episode + about Parker s character losing her data… + + Not only does DriveSavers bring data back from the dead, it also brings data + back for The Dead. The Grateful… + + After DriveSavers retrieved lost audio files and tour photos for two of the + groups members, Nine Inch Nails considered bringing… + + Lightening struck twice for Orlando Bloom when he lost data on both his computer + and iPhone, stealing a treasure trove… + + DriveSavers helped Motley Crüe continue to rock. The band played on when all + that was lost was found. + + The actor, director, producer, writer and Academy Award winner thought he d + received all the recognition he could. But when an… + + Since the rescue of his data gone astray, Paul Reiser is Mad About DriveSavers. + + Donny lost years of genealogy research, music and video files when his laptop + s hard drive stopped working completely. DriveSavers delivered… + + The musician s songs and original writing became corrupted on his Apple PowerBook + but DriveSavers engineers had him back in the… + + Daniel Stern was left out in the cold in Home Alone but, with the help of + DriveSavers, his data is… + + DriveSavers recovered 12 unproduced scripts, including the season finale, Who + Shot Mr. Burns. + + DriveSavers proved to the Grammy winner that lost data isn t Just the way it + is. DriveSavers rounded up the lost… + + The puppet master s laptop crashed five days before a scheduled film shoot in + Europe. DriveSavers rescued the data with time… + + One day before the crooner s new tour, the road manager came to DriveSavers + singing a sad song about lost contracts.… + + A thank you note to DriveSavers from the original bachelorette, Trista Sutter: Just + saw data DriveSavers saved from my dead… + + Ben & Jerry s main accounting server crashed and was pronounced dead by a local + company. DriveSavers completed the data recovery… + + Grammy Award-winning musician/composer, Danny Elfman, has composed dozens of + soundtracks for film and television programs. When he lost one of… + + When Andy Bernard of the hit television program, The Office, crashed Dunder + Miffin s corporate server, it was easy to place… + + Roger Avary, screenwriter for Beowulf, challenged us to do battle with ruthless + data loss demons. Just like Beowulf before us,… + + After DriveSavers recovered pop music icon Todd Rundgren s data, he came up + with a new way to describe our data…' + - 'How One Line of Text Nearly Killed Toy Story 2 + + BY Simon Brew + + Toy Story 2 was one of the trickiest films Pixar ever produced. It was originally + set to be a straight-to-DVD release (and video too), until the decision was + made to go for a full cinema outing. But barely a year before release, the film + was in trouble: as many at the firm were candidly appreciating, Toy Story 2 + wasn t working. + + John Lasseter, exhausted from directing Toy Story and A Bug s Life back to back, + was asked to sort it out. He did—but the intensive year where the film was taken + apart and put back together very much took its toll on Pixar. Changes were made + in the aftermath of its hugely successful release. + + Toy Story 2 had a happy ending for Pixar. It earned rave reviews, and took nearly + $500m at the global box office. + + And yet one command entered into a computer nearly derailed the entire project. + + Writing in his book Creativity Inc, Pixar co-founder Ed Catmull recalled that + in the winter of 1998, a year out from the release of Toy Story 2, somebody + (he never reveals who in the book) entered the command /bin/rm -r -f * on + the drives where the film s files were kept. + + The object of said command is to remove everything from a given location, and + to remove it quickly. It did its job. + + First, Woody s hat disappeared. Then his boots. Then he disappeared entirely, recalls + Catmull. Whole sequences—poof!—were deleted from the drive. + + One of the film s technical directors, Oren Jacobs, watched it all happen in + real time. His call to systems support started with him telling them to pull + out the plug on the Toy Story 2 master machine. When asked why by the person + on the other end of the phone (a not-unreasonable question), Jacobs screamed Please, + God, just pull it out as fast as you can. + + The plug was pulled, but not in time—90% of the film was gone, erased in a + matter of seconds. + + And it got worse. A plan was quickly hatched to restore the data from a regular + backup, which meant that only half a day of work would have been lost. But the + backup system had failed. Pixar, incredibly, did not have a copy of the Toy + Story 2 files on its servers. To reassemble the film would have taken thirty + people a solid year, Catmull recalled. + + Toy Story 2 looked doomed. + + Yet it was saved by something akin to blind luck. Galyn Susman was Toy Story + 2 s supervising technical director, and after she d given birth to her second + child, she d been working from home. As such, once a week, she d taken an entire + copy of the film home with her. + + A minute later, she was zooming home. Her computer was wrapped in blankets and + put on the backseat of her car ( carefully ). In Oren s words, the computer + was then carried into Pixar like an Egyptian pharaoh. + + While work had been lost, Susman s backup files limited the damage significantly. + Furthermore, given the size of Pixar at the time—which was still years away + from being the company big enough to merge with Disney—her computer may just + have saved the firm (at least in the form that we know it). Unsurprisingly, + Pixar put into place processes that stopped this ever happening again. + + And, crucially, Toy Story 2 just about made its deadline. + + This post originally appeared on our UK site.' + - 'Fun Facts › TV and Film Facts › Toy Story 2 Was Accidentally Deleted During + Development and Almost Lost← NextRandomPrevious → + + Toy Story 2 Was Accidentally Deleted During Development and Almost Lost + + During development at Pixar, Toy Story 2 was accidentally deleted, but was recovered + by an employee who saved the movie to her computer at home while on maternal + leave. + + Topics: Pixar, Toy Story, Unbelievable, Movie, FIlm, Accident + + It s a movie studio s worst nightmare; losing a movie in development that s + cost hundreds of man hours and a significant amount more in financial terms, + but that s exactly what happened to the guys at Pixar who were working on the + sequel to the 90s hit, Toy Story. + + The former Chief Technical Officer of Pixar, Oren Jacob, recounts the ordeal: + + [Larry Cutler] was in that directory and happened to be talking about installing + a fix to Woody or Woody’s hat. He looked at the directory and it had like 40 + files, and he looked again and it had four files. + + Then we saw sequences start to vanish as well and we were like, “Oh my god” + + I grabbed the phone… unplug the machine!” + + One of his co-workers had issued an over-reaching command to the studio s server + to try to fix a simple, benign problem, but instead, ended up recursively deleting + large chunks of the movie itselt - approximately two months worth of work. + + This triggered a huge effort by the Pixar team to recover what was lost. They + were in luck as one of the staff members had a copy of the movie on their computer + at home. + + Interestingly, this wasn t the last time that Toy Story 2 was deleted. In fact, + with only months to go until a set-in-stone release date, serving as testament + to Pixar s commitment to quality, the whole film was binned and re-made. + + 1How Pixar’s Toy Story 2 was deleted twice, once by technology and again for + its own good + + http://thenextweb.com/media/2012/05/21/how-pixars-toy-story-2-was-deleted-twice-once-by-technology-and-again-for-its-own-good/' + - 'in Entertainment, List, Movies + + 18 Interesting Facts About Pixar That Every Fan Must Know + + by Unbelievable Facts Nov 16, 2016, 12:09 am 1k Views Comments Off on 18 Interesting + Facts About Pixar That Every Fan Must Know + + Established in 1974 as Computer Graphics Lab, Pixar Animation Studios is the + place of birth for movies such as Toy Story, Cars, Finding Nemo, Monsters Inc., + Ratatouille, and Brave. Even though there are only 17 full-length films released + so far, Pixar is considered the best of all 3D animation film companies, and + rightly so. Every film they have made has a unique concept, sophisticated and + compelling yet simple storytelling, extremely high-quality 3D animation, and + characters that people of all age groups could love and relate to. So, here + are some facts about Pixar that would make you fall in love with it a little + more than you already did. + + 1. One of the founding fathers of Pixar, John Lasseter, was fired from Disney + for pushing them to use computer animation. He was then hired by Graphics Group + of Lucasfilm, later renamed Pixar, and won two Oscars. When Disney bought Pixar, + Lasseter was hired back as the chief creative officer of both Pixar and Walt + Disney Animation Studios to save Disney. + + Image credits: nicolas genin/wikimedia + + Lasseter started working as an animator at The Walt Disney Company right after + graduating. He soon started to feel that something was missing in the films + they were making. The problem was that the Disney was repeating itself without + adding new ideas and the studio received criticism for this issue. He began + finding out about computer animation, but the project he was working on was + canceled by the head of Disney, Ron W. Miller, saying there were no cost benefits + in mixing traditional and computer animation. + + Lasseter later contacted Ed Catmull of Lucasfilm Computer Graphics Group, later + renamed Pixar Graphics Group, who ensured Lasseter got hired by them. However, + George Lucas’s divorce forced him to sell Pixar Graphics Group, which made Steven + Jobs a major shareholder. While he was there, Lasseter won two Oscars for Tin + Toy and Toy Story. He was welcomed back by Disney when it purchased Pixar and + he was named the chief creative officer for both the companies.(source) + + 2. During the production of Toy Story 2, Pixar accidentally deleted the entire + movie from its servers. Luckily, the movie was saved on the personal computer + of an employee who was a mother working from home. + + Image credits: Walt Disney Pictures/wikipedia, imdb + + In 1998, while routinely clearing some files, one of the animators at Pixar + accidentally started a deletion of the root folder of the Toy Story 2 assets + on internal servers. It was first noticed by the associate technical director + when the character models they were working on started disappearing. By the + time they shut down the file servers they lost 90 percent of two years of work, + and also there was a failure of backups some time previously. However, technical + director Galyn Susman, who was working from home to take care of her newborn + child, had backups of the assets on her home computer. The team were able to + recover all of the lost assets except for a few recent days work, so they were + able to continue working and finish the movie.(source) + + 3. During the making of Toy Story 2, Pixar animators had such heavy workload + that many of them chose to work long hours even though they were discouraged + from it. Many of them developed carpal tunnel syndrome and one of them even + forgot that he left his baby in the back seat of his car all day. + + Image Source: Deborah Coleman/Pixar Animation Studios + + Toy Story 2 faced a lot of challenges during production. The creative staff + at Pixar were not happy with the way the film was turning out, to which John + Lasseter agreed and decided that the movie had to be redone. But, Disney and + Steve Jobs disagreed citing various reasons. However, Pixar decided that they + could not allow the movie to be released the way it was. Hence, they roped in + Lasseter to take over production, who brought in the first film’s creative team + to redevelop the story. + + To meet Disney’s deadline, Pixar had to finish the entire film in just nine + months. Because of the compressed production schedule, there was a huge workload + on the team, with as many as a third of the staff suffering from some form of + repetitive strain injuries and other problems by the end, and one of them even + forgot about his baby in the backseat of his car.(source) + + 4. Because of the complexity involved in the creation of human characters and + a massive number of sets, Brad Bird, the director of The Incredibles, hired + frustrated artists. These artists had unconventional ideas that nobody listened + to and could accomplish things using methods that were deemed crazy by others. + + Image credits: nicolas genin/wikipedia. Walt Disney Studios Motion Pictures/wikipedia + + When the technical team at Pixar looked at the human characters, hair, fire, + and the massive number of sets of The Incredibles, which were things that computer + animation had trouble doing, they told Brad Bird that it would take ten years + to make and cost $500 million. So, instead, Brad Bird asked for the frustrated + artists, those who had other ways of doing things that nobody was listening + to, and were probably going to quit because of it. The Pixar malcontents were + given a chance to prove their theories, and on the way, they also changed how + many things were done till then. They were able to make the movie for less than + the amount spent on the previous film, Finding Nemo, but with three times more + number of sets and a lot of things that were very hard to do.(source) + + 5. The four movies A Bug’s Life (1998), Monsters Inc. (2001), Finding Nemo (2003) + and WALL-E (2008) were all conceived out of a brainstorming session during a + lunch meeting in 1994. + + In the summer of 1994, John Lasseter, Andrew Stanton, Joe Ranft, and Pete Docter + sat down for a lunch meeting to figure out what Pixar is going to work on next + since Toy Story was almost complete. According to Stanton, the four of them + brought the best out of each other and after the brainstorming session sketching + the outlines and characters they came up with the four movies. The place where + the lunch took place, the Hidden City Cafe, was actually included in the movie + Monsters Inc.(source) + + 6. It took Pixar three years of studying the physics of curly hair to accurately + render Merida’s hair in the film Brave, and two months for the scene in which + she removes her hood revealing the full volume of her hair. + + Image credits: pixar.wikia + + Merida’s hair was started, on a computer, as a series of many kinds of springs; + short, long, fat, thin, stretched, compressed, bouncy, and stiff. In order to + give it a volume, the springs were added in layers of varied sizes and flexibility. + Over 1,500 hand-placed individually sculpted curls were used to make her hair. + Another challenge was that of the physics of the hair. According to Claudia + Chung, the simulation supervisor of Brave, the hair movement is paradoxical + as the ‘spring’ of hair has to be stiff and resilient to hold the curl but also + has to remain soft in its movement. + + Chung and her team later came up with a technique called “core curve and points” + whose results resemble a beaded necklace. Another challenge they had to face + was figuring out how light interacts with curly hair. It took them a total of + almost three years to get the final look for her hair and two more months for + the scene where Merida removes her hood.(source) + + Previous article Researchers have found a lake under the sea that kills anything + that tries to swim in it + + Next article 18 Unluckiest People In History Who Had It Worse Than You + + 0 SharesComments Off on Hisashi Ouchi, the Victim of Beyond Fatal Radiation + Kept Alive for 83 Days Against His Will + + in Bizarre, crimes, Deaths, History, Humans + + 0 SharesComments Off on 10 Happy Animal Facts that Will Make your Day + + in Animals, Heartwarming, Lists + + 10 Happy Animal Facts that Will Make your Day + + 0 SharesComments Off on Elisa Lam’s Death: the Mysterious and Most Creepy Case + in History of Crime + + in Bizarre, crimes, Deaths, Humans, Mysterious + + Elisa Lam’s Death: the Mysterious and Most Creepy Case in History of Crime + + 0 SharesComments Off on 20 Truly Fascinating Facts About “Land of Thunder Dragon”- + Bhutan That Will Make You Want To Live There + + in List, Places + + 20 Truly Fascinating Facts About “Land of Thunder Dragon”- Bhutan That Will + Make You Want To Live There + + 0 SharesComments Off on 15 Awesome facts that will make your day! + + in Humans, inspirational + + 15 Awesome facts that will make your day! + + 0 SharesComments Off on Incan Girl Who Had Been Frozen For 500 Years. + + in History, Mysterious + + Incan Girl Who Had Been Frozen For 500 Years. + + 0 SharesComments Off on Why Do Noise-Canceling Headphones Hurt Your Ears? + + Why Do Noise-Canceling Headphones Hurt Your Ears? + + 0 SharesComments Off on In 1860, a Human Voice Was Recorded for the First Time, + but the Recording Could Not Be Played Back until 2008 + + In 1860, a Human Voice Was Recorded for the First Time, but the Recording Could + Not Be Played Back until 2008 + + 0 SharesComments Off on The Centennial Light is the Oldest and Longest-Lasting + Light Bulb in the World. It Has Been Burning for over 118 Years + + The Centennial Light is the Oldest and Longest-Lasting Light Bulb in the World. + It Has Been Burning for over 118 Years + + 0 SharesComments Off on Jennifer Ringley Was the First Person to Stream Her + Life Online 24/7. Her Website Jennicam Got 7 Million Hits per Day + + Jennifer Ringley Was the First Person to Stream Her Life Online 24/7. Her Website + Jennicam Got 7 Million Hits per Day + + by Unbelievable Facts Oct 2, 2019, 9:08 pm + + Researchers have found a lake under the sea that kills anything that tries to + swim in it + + 18 Unluckiest People In History Who Had It Worse Than You' + __selected-docs__: + - 'Fun Facts › TV and Film Facts › Toy Story 2 Was Accidentally Deleted During + Development and Almost Lost← NextRandomPrevious → + + Toy Story 2 Was Accidentally Deleted During Development and Almost Lost + + During development at Pixar, Toy Story 2 was accidentally deleted, but was recovered + by an employee who saved the movie to her computer at home while on maternal + leave. + + Topics: Pixar, Toy Story, Unbelievable, Movie, FIlm, Accident + + It s a movie studio s worst nightmare; losing a movie in development that s + cost hundreds of man hours and a significant amount more in financial terms, + but that s exactly what happened to the guys at Pixar who were working on the + sequel to the 90s hit, Toy Story. + + The former Chief Technical Officer of Pixar, Oren Jacob, recounts the ordeal: + + [Larry Cutler] was in that directory and happened to be talking about installing + a fix to Woody or Woody’s hat. He looked at the directory and it had like 40 + files, and he looked again and it had four files. + + Then we saw sequences start to vanish as well and we were like, “Oh my god” + + I grabbed the phone… unplug the machine!” + + One of his co-workers had issued an over-reaching command to the studio s server + to try to fix a simple, benign problem, but instead, ended up recursively deleting + large chunks of the movie itselt - approximately two months worth of work. + + This triggered a huge effort by the Pixar team to recover what was lost. They + were in luck as one of the staff members had a copy of the movie on their computer + at home. + + Interestingly, this wasn t the last time that Toy Story 2 was deleted. In fact, + with only months to go until a set-in-stone release date, serving as testament + to Pixar s commitment to quality, the whole film was binned and re-made. + + 1How Pixar’s Toy Story 2 was deleted twice, once by technology and again for + its own good + + http://thenextweb.com/media/2012/05/21/how-pixars-toy-story-2-was-deleted-twice-once-by-technology-and-again-for-its-own-good/' + __selected-sentences__: + - Fun Facts › TV and Film Facts › Toy Story 2 Was Accidentally Deleted During + Development and Almost Lost← NextRandomPrevious → + - During development at Pixar, Toy Story 2 was accidentally deleted, but was recovered + by an employee who saved the movie to her computer at home while on maternal + leave. + - One of his co-workers had issued an over-reaching command to the studio s server + to try to fix a simple, benign problem, but instead, ended up recursively deleting + large chunks of the movie itselt - approximately two months worth of work. + episode_done: false + eval_labels: + - 4That is a crazy story. Someone totally deleted Toy Story 2 while it was in + development (the result of a badly written program that just started deleting + files on their server). But, the project was saved because a woman, who was + on maternit6y leave, had saved the movie onto her laptop. I am sure thy have + fixed their back up systems after this. + id: WizInternetWizardTeacher + search_query: laptop lost files pixar + text: I once heard someone erased progress on it like a saved file but someone + had it on their laptop or something. +- - __retrieved-docs-urls__: + - https://www.cinemark.com/movie-news/pixar-onward-cast + - https://www.imdb.com/title/tt7146812/news + - https://pixar.fandom.com/wiki/Onward + - https://disney.fandom.com/wiki/Onward + - https://movies.disney.com/onward + __retrieved-docs__: + - 'Meet the Cast of Pixar s Onward + + The Cast of Pixar s Fantasy Adventure, Onward + + Like a new film from Marvel or another episode of STAR WARS, a new Pixar movie + isn’t just a new animated movie for kids: it’s an event. The studio behind some + of the greatest animated films of the past 20 years, including TOY STORY, WALL-E, + and MONSTERS, INC. is back this year with an all-new adventure that takes audiences + into a world beyond the limits of our imagination. + + ONWARD introduces young (and young-at-heart) viewers to a wonderful land where + mythical creatures like elves and unicorns aren t merely real — they re the + primary residents! There s trouble brewing, however. Technology is taking hold + and the world is losing its magic. The land is in need of some serious help, + and who’s more helpful than a pair of elves? How about a pair of elves voiced + by Marvel super-stars Chris Pratt and Tom Holland? + + Pratt and Holland aren’t the only famous voices you’ll hear in Pixar’s latest. + Read on for our handy guide to the fantastic and familiar voices of ONWARD. + + [Image credit: Pixar Animation Studios] + + Pixar’s all-new animated adventure is set in a fictional realm that isn’t too + different from our own: There are suburbs and trash collectors, businesses big + and small, schools and transportation. There’s just one thing: This world is + magic, and its inhabitants are the creatures that we think of as mythical. + + But magic isn’t as easy to use as it once was, and the population has become + increasingly dependent on technology and science to get things done. Instead + of using magic, the creatures in this world are turning to cars and phones and + other science-based devices, taking them further and further away from magic. + And this surprisingly relatable situation is where our story begins… and where + our heroes enter the picture. + + Meet Ian and Barley Lightfoot + + Ian and Barley are teenage elves who, like most creatures in their society, + have become a little too dependent on technology and modern machinery. Then + their mother gifts them with a magical staff that can bring a lost loved one + back to life for 24 hours. Even though the brothers aren’t well-versed in wielding + magical equipment, they use it to try and bring back their father, who died + before Ian was born. Due to their lack of experience, they’re only able to summon + their dad’s legs. Barley, desperate for an epic quest, grabs Ian and they set + off on a journey to figure out how to bring their dad back – all of him – before + the day ends. + + Ian is voiced by Tom Holland, star of the new SPIDER-MAN movies and historical + drama THE CURRENT WAR. He also recently lent his voice to another animated movie: + SPIES IN DISGUISE. In 2020, Holland will reunite with another MCU favorite, + voicing Pip the dog opposite Robert Downey Jr.’s Doctor Dolittle in DOLITTLE. + + Barley is voiced by GUARDIANS OF THE GALAXY fave Chris Pratt, who has plenty + of experience voicing a charming animated hero thanks to his role in THE LEGO + MOVIE and its sequel. + + Laurel Lightfoot + + Laurel is the mother of Ian and Barley, and she gives the magical staff to her + sons in an effort to help them reconnect with magic. She’s played by Julia Louis-Dreyfus, + one of the all-time greatest comedic actors. Louis-Dreyfus is best known for + her roles in beloved sitcoms like “Seinfeld” and “The New Adventures of Old + Christine.” She also played the lead role on HBO’s critically-acclaimed political + comedy series “Veep,” which recently ended after seven seasons. + + Octavia Spencer plays Corey, a friendly manticore who owns a restaurant. Barley + and Ian visit her for help on their quest. Spencer won an Oscar for her supporting + role in 2011’s THE HELP, and since then she’s had notable roles in all kinds + of movies and shows – everything from SNOWPIERCER to THE SHAPE OF WATER and + last year’s horror-thriller MA, as well as the new AppleTV+ series “Truth Be + Told.” + + Gore and Specter + + Gore (not like the gore in a horror movie) is a faun – a magical deer, basically + – and a police officer. She’s voiced by comedian Ali Wong, who became a major + hit with her Netflix specials “Baby Cobra” and “Hard Knock Wife.” Last year + she starred opposite Randall Park in the delightful Netflix rom-com ALWAYS BE + MY MAYBE, which featured an internet-breaking cameo from Keanu Reeves. + + Like Gore, Specter is also a police officer, but she’s a cyclops – a creature + with a single eye. Specter is voiced by Lena Waithe, whose work as co-star and + writer on Netflix’s “Master of None” launched her into the mainstream overnight + and won her a Primetime Emmy – making Waithe the first black woman to win a + writing Emmy for Outstanding Comedy Series. Waithe has used her fame to produce + other projects, like the recent drama QUEEN & SLIM and the Showtime series “The + Chi.” She also had a supporting role in Steven Spielberg’s READY PLAYER ONE. + + Colt Bronco + + Joining Gore and Specter on the magical police force is Colt Bronco, a centaur + (half-horse, half-human) who, honestly, has a very cool name. Colt is voiced + by Mel Rodriguez, a character actor best known in recent years for starring + on the short-lived FOX series “The Last Man on Earth” and AMC’s “Better Call + Saul.” In 2019 he starred opposite Kirsten Dunst on the critically-acclaimed + series “On Becoming a God in Central Florida.” + + ONWARD opens on March 6! + + All images courtesy of Pixar Animation Studios.' + - 'The McU version of Spider-Man has deliberately been portrayed in a different + way from how he was in Sony’s movies in order to avoid showing audiences the + same old thing. This means that while Peter Parker must’ve lost his Uncle Ben + as part of his origin story like always, the teen hero’s surrogate father has + never even had his name said aloud in the franchise. As we all know though, + the other surrogate father Peter has had in the McU is Tony Stark/Iron Man. + + However, Tony tragically met the same fate as Uncle Ben in Avengers: Endgame, + when the Armored Avenger sacrificed himself to defeat Thanos. But if he were + Peter and given the choice to resurrect one late loved one, who would Tom Holland + pick? This was the question put to the star in an interview with IGN at the + premiere of his new Pixar movie Onward. + + With many of the stars of the Marvel Cinematic Universe working together on + countless movies that span years, a certain sense of camaraderie has developed + among the members of the comic book franchise’s massive ensemble, with many + core actors in the McU also becoming firm friends off-screen as well. + + Art imitated life when Robert Downey Jr. mimicked Tony Stark’s role in Spider-Man: + Homecoming and became a real-life mentor to Tom Holland, with the two even going + hiking together when the furor surrounding Sony’s initial decision to end their + working relationship with Marvel Studios was at its peak, while Anthony Mackie + found out that he was set to inherit Captain America’s iconic shield at the + end of Avengers: Endgame when he was hanging out at Chris Evans’ house. + + There’s been plenty of behind-the-scenes videos released from the franchise’s + biggest blockbusters that show just how well the cast get along, + + Pixar’s new movie “Onward” marks a reunion of sorts for Tom Holland and Chris + Pratt. The two actors, who both have ties to Disney’s Marvel Cinematic Universe + and most recently teamed in “Avengers: Endgame” as Spider-Man and Star-Lord, + play brothers in the animated fantasy adventure. Their friendship has become + a highlight of “Onward’s” promotional tour as as the co-stars turned real-life-pals + have shared their mutual admiration for each other. + + “It’s just really nice to have him in my corner,” Holland said. “He’s someone + that I really look up to and someone that I really appreciate. And I’m glad + that we’re good buddies.” + + Pratt adds, “I love Tom. It’s the most fun I’ve had since ‘Avengers.’ He’s a + great kid and, in a way, I do look at him as a brother, so it’s apropos that + we are playing brothers in the film. + + At long last, it seems the Uncharted movie is finally, really happening. Tom + Holland is set to star as Nathan Drake and, according to him, filming will indeed + begin next month. Last we heard, Ruben Fleischer (Venom) has been tapped to + direct and it looks like this pairing is going to stick. But, with this movie, + who knows? + + Tom Holland is currently promoting his new Pixar movie Onward. During a recent + interview at the premiere, the actor was asked about the status of Uncharted, + which he s been attached to for several years. According to Tom Holland, they + begin filming in four weeks, which means cameras will be rolling around mid-March. + Here s what Holland had to say about it. + + We start shooting in like four weeks. Mark Wahlberg is going to be amazing as + Sully. The stunt department that we have out there in Berlin have done an amazing + job already, + + by Peter Sciretta + + On the February 19, 2020 episode of /Film Daily, /Film editor-in-chief Peter + Sciretta is joined by /Film senior writer Ben Pearson and writer Chris Evangelista + to discuss the latest film and TV news, including Mulan’s PG-13 rating, Onward’s + early buzz, the blu-ray release of Star Wars: The Rise of Skywalker, The Curse, + Halloween Kills and […] + + The post Daily Podcast: Mulan, Onward, Star Wars: The Rise of Skywalker, The + Curse, Halloween Kills & The Falcon and the Winter Soldier appeared first on + /Film. + + Dan Scanlon s Onward may boast a fantastical world of elves, sprites, trolls, + spells and curses, but the director says that the magic that colors his family + adventure flick existed decades before hitting the big screen. + + The film, which follows a pair of elf brothers on a treacherous journey to bring + their late dad back to life for one day, comes from the relationship Scanlon + shares with his older brother and the experience of losing his father early + in his childhood. Not knowing my father growing up, everything I learned about + him felt magical, Scanlon told The Hollywood ... + + by Hoai-Tran Bui + + Just being an animated film from Pixar is a vote of confidence, with audiences + holding the studio’s movies to the highest of standards. But could Pixar’s latest + film, the fantasy-comedy Onward, live up to those standards? According to the + Onward early buzz, opinions are mixed. The first reactions to Onward are out, + and while some are enchanted with […] + + The post ‘Onward’ Early Buzz: A Sweet and Emotional Adventure That’s Missing + the Usual Pixar Magic appeared first on /Film. + + Chris Pratt Addresses Whether Thor’s In Guardians Of The Galaxy Vol. 3 + + by Anthony Fuchs + + For the last decade, the Marvel Cinematic Universe has been an intensely continuity-conscious + franchise (with only the occasional arithmetic miscalculation), and so when + filaments of plot are left swaying in the narrative breeze, viewers have come + to expect resolution. While some of us are still waiting to learn what happened + to Samuel Sterns after he became infected with Bruce Banner’s irradiated blood, + another more recent example involves a certain God of Thunder and his potential + involvement with a ragtag band of intergalactic outlaws. + + Thor, in his full dadbod glory, was last seen in the closing moments of Avengers: + Endgame relinquishing the realm of New Asgard to the stewardship of its newly-crowned + king, the Valkyrie formerly known as Scrapper 142. The Son of Odin then boarded + the Benatar to join the self-styled Guardians of the Galaxy on what was hinted + to become a search for the time-displaced Gamora, who had traveled + + by iSpot.tv + + In this week’s edition of the Variety Movie Commercial Tracker, powered by the + always-on TV ad measurement and attribution company iSpot.tv, Disney Pixar claims + the top spot in spending with “Onward.” + + Ads placed for the animated film had an estimated media value of $4.99 million + through Sunday for 784 national ad airings on 35 networks. (Spend figures are + based on estimates generated from Feb. 10-16. Estimates may be updated after + the chart is posted as new information becomes available.) Disney Pixar prioritized + spend across networks including Nick, NBC and TNT, and during programming such + as “SpongeBob SquarePants,” NBA Basketball and “This Is Us.” + + Just behind “Onward” in second place: Twentieth Century Fox’s “The Call of the + Wild,” which saw 1,183 national ad airings across 45 networks, with an estimated + media value of $4.6 million. + + TV ad placements for Paramount Pictures’ “Sonic the Hedgehog” (Emv: $4.6 million), + Universal Pictures’ “The Invisible Man” ($3.7 million) and Warner Bros. + + Hollywood star Dwayne Johnson says life is always so crazy and busy, and asserts + that he ensures maintaining a balance between personal and professional life. + + Asked how his outlook of life has changed, Johnson told Ians: Over time, life + has changed. For me, I ve become, I think, more balanced to trying to find my + balance, especially because life is always so crazy and busy for me...For you, + for everybody, for everybody in India? Like everyone has crazy lives that are + very busy. So we re always trying to look for that balance. + + Also Read:?Chris Pratt excited for his upcoming film Onward + + So, I think as I got a little older, finding that balance, especially with my + family, you know, has led to? Also, you know, I ve been really lucky and fortunate + to have some success which gives me a real sense of gratitude and some humility, he + added. + + Chris Pratt excited for his upcoming film Onward + + Actor Chris Pratt loved fantasy while growing up, adding that he loved the look + of fantasy characters -- elves, dwarfs, massive ogres and wizards. + + He will soon be seen in the animated urban fantasy film Onward . Pratt has + voiced the character of Barley Lightfoot, the big brother to Tom Holland s Ian + Lightfoot. + + Also Read:?Robert Pattinson opens up on being called the most handsome man + + The actor says he can also relate to Barley s love of fantasy. + + I loved fantasy growing up, he said, adding: I had a book on dwarf culture + - their weapons and their societies. There were beautiful illustrations, and + I was all about just drawing as a kid, so I loved to copy the drawings. I always + loved the look of fantasy characters - elves, dwarves, massive ogres and wizards. + + Disney-Pixar s Onward is all set to release the film in India on March + + Update, writethru: Paramount’s Sonic The Hedgehog raced to a $100M worldwide + opening this weekend, including $43M from the international box office, and + a domestic record for a videogame pic. The adaptation of Sega’s globally popular + property is playing in 40 offshore markets, repping 60% of the overseas footprint. + Directed by Jeff Fowler, Sonic had his best restults in Latin America and Europe + with No. 1s in most cases and setting up nicely for hubs that have school holidays + afoot. + + In like-for-like markets and excluding previews, the little blue speedster came + in 95% above Alvin And The Chipmunks: The Road Chip, 61% over Peter Rabbit, + 20% above Teenage Mutant Ninja Turtles and 6% higher than Pokemon Detective + Pikachu. + + Leading the charge on the Hedgehog was Mexico with $6.7M from 895 locations, + followed by the UK with $6.2M from 616, France’s $4.3M at 622, Germany’s $3.3M + from 475 and Brazil’s $3M from 629. Sonic still has Russia and + + Chris Pratt’s Brother Tells Him His Favorite Marvel Hero, And It’s Not Star-Lord + + Chris Pratt’s brother Cully has no time for nepotism, choosing two McU stars + ahead of Guardians of the Galaxy’s Peter Quill as his picks for favorite Marvel + superheroes. + + Chris and fellow McU regular Tom Holland recently sat down with Extra Butter + to discuss the upcoming Pixar movie Onward. During their exchange, interviewer + Mark S. Allen surprised the Star-Lord actor with a video call from Cully, who + trolled his brother by fawning over Holland. + + As well as naming Spider-Man and Thor as his top two Avengers, Cully expressed + disappointment that Holland isn’t working with Chris Hemsworth on Onward instead + of the Infinity Saga’s other cosmic Chris. On a sincere note, however, Chris + Pratt also praised the Pixar movie for its take on brotherly bonds, telling + Cully that the film seems almost designed to make him cry: + + “This movie, Cully, I can’t wait for you to see this movie. + + ‘Sonic the Hedgehog’ Breaks Video Game Box Office Record With $58 Million Opening + + Paramount’s “Sonic the Hedgehog” has become a Presidents Day weekend hit at + the box office, as industry estimates are now reporting a $58 million opening + weekend from 4,167 screens for the Blue Blur’s movie debut. That result will + also set a new record for the best opening by a video game adaptation, topping + the $54.3 million set last year by “Detective Pikachu.” + + With no major family films released since the holiday season and a 4-day weekend + leaving kids out of school for an extra day, “Sonic” has filled a niche in the + movie market and is now estimated to reach $70 million by the end of Monday. + That number would rank among the Top 5 highest extended openings for Presidents + Day weekend below “Fifty Shades of Grey,” “Deadpool” and the $242 million record + held by “Black Panther.” + + While films based on video games have had a history of being poorly received, + “Sonic” has managed + + The elves go on a journey to discover if there is still a little magic left + out there in order to spend one last day with their father, who died when they + were too young to remember him. + + Watch the Kimmel segment above. + + Chris Pratt will once again be immersing himself in a dino-filled world very + soon as Jurassic World 3 is gearing up for production. The sequel has been in + the works virtually since 2018 s Jurassic World: Fallen Kingdom hit theaters, + which set up a world in which dinosaurs and humans will have to live alongside + one another. Now Pratt, who will reprise his role as Owen Grady, has revealed + that filming is set to begin soon. + + The 40-year-old actor recently appeared as a guest on Jimmy Kimmel Live to discuss + his new Pixar movie Onward. During the conversation, Kimmel asked Chris Pratt + about the status of Jurassic World 3. Without revealing any specific details, + Pratt explained that filming will be getting underway in the very near future. + Here s what he had to say about it. + + Very soon. I m in it! Yeah, we re gearing up. We re getting ready to go here + very quickly. + + Tom Holland Surprises Chris Pratt During Audience Q&a on Jimmy Kimmel Live! + + Tom Holland surprised his Onward co-star Chris Pratt during the latter s appearance + on Jimmy Kimmel Live! on Thursday. + + While taking questions from the audience, Pratt was surprised to see a familiar + face when Holland asked his Onward co-star to name his favorite actor out of + all of the actors in the world. + + Pratt said Denzel Washington was his favorite actor, though Holland wasn t happy + with the answer. How about an actor whose name begins with Tom? asked Holland. + Pratt responded, Oh. Tom Cruise. + + What if his second name began with an H? Tom H, ... + + by Alexia Fernandez, Ale Russian + + Pratt’s upcoming animated film, Onward, follows two teenage elf brothers who + go on an adventure to spend one last day with their father, who died + + Disney-Pixar’s ‘Onward’ Tracking for $45 Million Opening Weekend + + Disney-Pixar’s fantasy film “Onward” is heading for a respectable $45 million + opening on the March 6-8 weekend, early tracking showed Thursday. + + “Onward” is directed by Dan Scanlon from a script he wrote with Keith Bunin + and Jason Headley. The story centers on a pair of teenage elf brothers — voiced + by Chris Pratt and Tom Holland — setting on a quest to resurrect their dead + father, who had arranged for them to receive a magic staff with a spell that + will bring him back for only 24 hours so his sons can meet him. + + Octavia Spencer, Julia Louis-Dreyfus, Lena Waithe and Ali Wong are also in the + voice cast. Scanlon’s directing credits include “Monsters University.” + + Prospects are dim for Ben Affleck’s sports drama “The Way Back,” which also + opens on March 6. Early tracking has come in at under $10 million. + + Affleck plays a construction worker who has a routine of drinking' + - 'Upcoming, Movies, Onward + + << Toy Story 4 Pixar Films Chronology Soul >> + + Onward is an original Pixar film about a suburban fantasy world which was + first announced at the 2017 D23 Expo. Directed by Dan Scanlon and produced by + Kori Rae; both of whom previously worked on Monsters University, the film will + be released on March 6, 2020.[1] The voice cast will include Chris Pratt, Tom + Holland, Julia Louis-Dreyfus and Octavia Spencer.[2] + + Set in a humanless world of elves, trolls, sprites, and “pretty much anything + that would be on the side of a van in the ‘70s,” the movie follows two teenage + brothers whose father died when they were young; now, they’re “on a quest through + this mundane, modern fantasy world to somehow find a way to spend one last magical + day with their father.” + + Dan Scanlon also described more details about the “modern suburban fantasy world” + the film inhabits. It’s a world where magic existed long ago, but because of + difficulty and complication, people simply lost interest and instead created + machines to do both the magic and the mundane. “The world is basically a mix + of the fantastic and the everyday,” Scanlon explained as concept art showed + slices of recognizable suburbia, albeit with goblins and creatures. “There are + mushroom houses that line the streets with satellite dishes sticking out the + top of them and a minivan parked in front of each one. There are no humans… + but there are winged unicorns everywhere. They’re basically rodents, possums + eating all the trash out of your bins.” + + Chris Pratt: Barley Lightfoot[2][3] + + Tom Holland: Iandore Ian Lightfoot[2][4][3] + + Julia Louis-Dreyfus: Laurel Lightfoot[2][4][3] + + Octavia Spencer: Corey the Manticore[2] + + TBA: Blazey[3] + + John Ratzenberger: Construction Worker Felix + + Ali Wong: Gore + + Lena Waithe: Specter + + Mel Rodriguez: Colt Bronco + + The film is inspired by the death of director Dan Scanlon s father, when he + and his brother were younger, and their relationship. Scanlon decided to write + the story after hearing an audio clip of his father.[5] + + Director Dan Scanlon provided information regarding some of the voice cast selections[2]: + + “ At Pixar we try to create stories that come from some kind of personal truth. + This film was inspired by my own relationship with my brother. ” + + According to the filmmakers, they’ve assembled a dream voice cast to help bring + key characters to life.[2] + + “ Tom has an infectious charm and sincerity that makes you root for him in every + character he plays. There is no one funnier than Julia, but she also brings + a warmth and loving side to her character. ” + + Producer Kori Rae added[2]: + + “ Chris brings equal parts huge heart and fantastic humor to his character. + Octavia can do it all. We’re especially excited about the depth as well as humor + that she brings to her character. ” + + The first official poster and first look at the movie were released on May 30, + 2019, with the first look airing during the NBA Finals.[6][7] + + On October 10, 2019, a new trailer for the movie was released. On December 17th, + a second trailer was released. + + On January 1, 2020 The television sneak peek aired during commercial breaks + of the Player Select 1-Up New Year s marathon on Disney XD (USA). + + UK Poster with the words Coming Soon + + British poster + + Original teaser information + + ONWARD - NEW Trailer November 2019 - Chris Pratt & Tom Holland - Official Disney + Pixar UK + + Onward Official Trailer 2 + + Onward - “The Spell” TV Spot - Pixar + + Onward 1 Month Pixar-0 + + ↑ Pixar announces new original ‘suburban fantasy’ movie + + ↑ 2.0 2.1 2.2 2.3 2.4 2.5 2.6 2.7 Pixar’s Next Film Will Officially Be Titled, + ‘Onward’ - More Details about the Vocal Cast Announced, Pixar Post, December + 12, 2018. + + ↑ 3.0 3.1 3.2 3.3 Breaking: First Look at Characters Ian and Barley Lightfoot + from Pixar s Suburban Fantasy Film, Onward (In Theaters March 6, 2020), May + 29, 2019. + + ↑ 4.0 4.1 See Chris Pratt, Julia Louis-Dreyfus & Tom Holland as Elves in Disney-Pixar + s Onward: First Look!, May 29, 2019. + + ↑ Pixar s New Suburban Fantasy Sounds Like A Real Tearjerker, July 17, 2017. + + ↑ Pixar on Twitter: Reply to this Tweet and conjure the correct spell to uncover + exclusive wisdom. Your clues: Wizard. Unicorn. Mermaid. #PixarOnward… + + ↑ Pixar on Twitter: Get your first look at Disney and Pixar s Onward tonight + during the NBA Finals. #PixarOnward… + + Retrieved from https://pixar.fandom.com/wiki/Onward?oldid=207902' + - "Upcoming films, Films, Film stubs,\nPete Docter (Executive Producer)\nDan Scanlon\ + \ (Screenplay)\nJason Headley (Screenplay)\nKeith Bunin (Screenplay)\nSharon\ + \ Calahan (Camera)\nAdam Habib (Lighting)\nOnward is an upcoming American 3D\ + \ computer-animated fantasy adventure film produced by Pixar and set to be released\ + \ on March 6, 2020.[1] The film will be directed by Dan Scanlon and produced\ + \ by Kori Rae and Pete Docter. It will be Pixar s 22nd feature film.\nThe film\ + \ takes place in a universe where humans do not exist, therefore the world is\ + \ instead populated by mythical creatures, including elves, gnomes, goblins,\ + \ manticores, and unicorns. In the beginning, they used magic as their resource.\ + \ But since it was rather difficult to master, the world found a simpler way\ + \ to live and abandoned the art. In the present day, brothers Ian and Barley\ + \ Lightfoot are bestowed a wizard staff from their deceased father on Ian s\ + \ 16th birthday, where a spell can bring their father back to life for 24 hours.\ + \ But when the brothers lose control over the staff when summoning their father,\ + \ they only end up bringing the bottom part back of him. With the help of their\ + \ mother, the fearless manticore restauranteur Corey, and half of their toe-tapping\ + \ father, the two brothers try to find a little magic left in the world with\ + \ the twenty-four hours.\nTom Holland as Ian Lightfoot, the protagonist of the\ + \ movie. Ian is a meek and rather awkward 16-year-old boy who longs to see his\ + \ father again. When bestowed the wizard staff, Ian is thrust into bringing\ + \ back the rest of their father through their quest, despite not knowing a single\ + \ thing about magic.\nChris Pratt as Barley Lightfoot, the deuteragonist of\ + \ the movie and the older brother of Ian. Unlike his brother, he is rowdy, loud,\ + \ and believes in protecting what little is left of the magic in New Mushroomton,\ + \ which causes him to be an outsider by both his brother and his peers. He is\ + \ extremely knowledgeable about magic and is Ian s guide to bringing their father\ + \ back to life.\nJulia Louis-Dreyfus as Laurel Lightfoot, Ian and Barley s quirky\ + \ and loving mother. She joins up with Corey the Manticore in saving her sons\ + \ from a curse.\nOctavia Spencer as Corey the Manticore. The Lightfoot brothers\ + \ ask her for The Mighty Manticore s tavern, only to find Corey now a tired\ + \ boss at a family-friendly restaurant. With encouragement from the brothers,\ + \ she gets her confidence back and supplies them with everything they need .\ + \ . . except for information about a curse, causing her to join up with Laurel\ + \ to rescue them.\nAli Wong as Gore, a Faun cop[2]\nLena Waithe as Specter,\ + \ a Cyclops cop[3]\nMel Rodriguez as Colt Bronco, a Centaur cop, and Laurel\ + \ s boyfriend, much to the boy s disgust. He disapproves of Barley s antics\ + \ and labels him as a screw-up to his fellow cops. He attempts to escort the\ + \ brothers home, only to chase after them after Ian drives off with the van.[4]\n\ + John Ratzenberger as TBA\nOnward was first announced at the 2017 D23 Expo as\ + \ The Untitled Pixar Film That Takes You Into A Suburban Fantasy World and\ + \ was described as a story about two brothers seeking to reconnect with their\ + \ late father set in a human-free world of elves, sprites, trolls, dragons and\ + \ anything else that would be painted on the side of a van in the 1970s , with\ + \ unicorns being depicted as common pests and dragons are pets.\nOn December\ + \ 12, 2018, it was announced that the film will be called Onward and will\ + \ also be based on Dan s relationship with his brother. It was announced that\ + \ Scanlon will co-wrote the screenplay with Zootopia and Moana animator, C.S.\ + \ Anderson.[5]\nMarch 4, 2020 (France, Indonesia, Netherlands, Philippines)\n\ + March 5, 2020 (Brazil, Germany, Greece, Hungary, Italy, Portugal, Singapore,\ + \ Slovakia)\nMarch 6, 2020 (Canada, Mexico, Spain, United Kingdom, Iceland,\ + \ Lithuania, Norway, Poland, Sweden, U.S. Virgin Islands, Vietnam)\nMarch 13,\ + \ 2020 (Japan)\nApril 2, 2020 (Australia)\nApril 3, 2020 (Turkey)\nApril 23,\ + \ 2020 (Hong Kong)\nThis marks the first time the 2019 MPA logo would appear\ + \ in the end credits for a feature-length Pixar film.\nThis will be the first\ + \ Pixar film to be released in March.\nThat makes it the third post-Disney purchase\ + \ Pixar film not to be released in the summer since Coco in 2017.\nIn addition,\ + \ this is the first major Disney film to be released on the same month of March,\ + \ next to the live-action adaptation of Mulan.\nThis will be Pixar s first original\ + \ film since Coco in 2017.\nThis is the first Pixar film without any participation\ + \ from John Lasseter (following his departure at the end of 2018), with Pete\ + \ Docter taking over producing duties.\nThis will be the third time that Pixar\ + \ releases two major films (both Onward and Soul) in the same year, after 2015\ + \ s Inside Out and The Good Dinosaur, and 2017 s Cars 3 and Coco.\nBoth Chris\ + \ Pratt and Tom Holland have roles in the Marvel Cinematic Universe: Pratt played\ + \ the role of Star-Lord and Holland performed Spider-Man.\nThis marks the second\ + \ Pixar film to feature Julia Louis-Dreyfus in a voice role, after previously\ + \ voicing Princess Atta in A Bug s Life in 1998.\nThis is Octavia Spencer s\ + \ second role for a Disney film after Zootopia, where she previously voiced\ + \ Mrs. Otterton.\nPizza Realm.\nThis will be the fifth Pixar film not to have\ + \ humans in it, following A Bug s Life, and the Cars movies, and therefore making\ + \ it the second one not from the Cars franchise.\nThis is the second time for\ + \ Mychael Danna and Jeff Danna to compose the music for a Pixar film since The\ + \ Good Dinosaur in 2015.\nOn the main poster, a sign can be seen reading Pizza\ + \ Realm , which is the Pizza Planet restaurant modified to keep in tone with\ + \ the fantasy theme of the film.\nThe Disney Wiki has a collection of images\ + \ and media related to Onward.\nONWARD NEW Trailer November 2019 - Chris Pratt\ + \ & Tom Holland Official Disney Pixar UK\n↑ Pixar announces new original suburban\ + \ fantasy movie . Entertainment Weekly. Retrieved on December 12, 2018.\n↑ https://twitter.com/pixaronward/status/1206620188709273600\n\ + ↑ https://www.syfy.com/syfywire/pixar-moves-forward-with-suburban-fantasy-film-onward-cast-includes-chris-pratt-tom-holland\n\ + Onward on Wikipedia\nOnward on IMDb\nOnward on Disney.com\nOnward on Pixar Wiki\n\ + Onward on Onward Wiki\nParade: Pixar Water Play Street Party!\nIan Lightfoot\ + \ • Barley Lightfoot • Laurel Lightfoot • Wilden Lightfoot • Blazey • Unicorns\ + \ • Pixie Dusters • Trolls • Centaurs • Mermaids • Fauns • Corey • Colt Bronco\ + \ • Gore • Specter • Wolf Dragon\nNew Mushroomton • Lightfoot House\nWilden\ + \ s Wizard staff • Phoenix Gem • Guinevere\nStart a Discussion Discussions about\ + \ Onward\nUpcoming Animated Disney Films\nILoveReading14\nI hadn t heard of\ + \ half or these.\t 2020-02-12T20:12:00Z\nUpcoming Original Pixar Films\nRahmanraiyan9864\n\ + March 6, 2020 - Onward June 19, 2020 - Soul June 18, 2021 - Colors March 11,\ + \ 2022 - Recapitulate June 17, 2022 - Food From All Over The Wor...\t 2020-01-19T00:05:34Z\n\ + Retrieved from https://disney.fandom.com/wiki/Onward?oldid=3944964" + - 'PURPLE SOCKS – In Disney and Pixar’s “Onward,” brothers Ian and Barley use + a spell gifted to them on Ian’s 16th birthday to magically conjure their dad—half + of him, anyway—right down to his signature purple socks. Featuring the voices + of Tom Holland and Chris Pratt as Ian and Barley, “Onward” opens in U.S. theaters + on March 6, 2020. + + EN ROUTE – In Disney and Pixar’s “Onward,” brothers Ian and Barley seek an ancient + map from the Manticore—once a fearless warrior whose tavern served as a waystation + for travelers embarking on epic quests. Part lion, part bat and part scorpion, + the Manticore has adapted to changing times—but her adventurous spirt still + lurks within. Featuring the voices of Tom Holland, Chris Pratt and Octavia Spencer + as Ian, Barley and the Manticore, respectively, “Onward” opens in U.S. theaters + on March 6, 2020. + + OH BROTHERS + + CONJURING DAD + + CONJURING DAD – In Disney and Pixar’s “Onward,” brothers Ian and Barley Lightfoot + (voiced by Tom Holland and Chris Pratt) are given a special gift from their + late father on Ian’s 16th birthday. But when an accompanying spell meant to + magically conjure their dad for one day goes awry, they embark on a quest fraught + with some of the most unexpected obstacles. Directed by Dan Scanlon and produced + by Kori Rae, “Onward” opens in U.S. theaters on March 6, 2020. © 2019 Disney/Pixar. + All Rights Reserved. + + IAN LIGHTFOOT, a newly 16-year-old elf, yearns for the father he lost back before + he was born. Ian is sweet and determined with the best of intentions, but his + lack of confidence and nervous energy trips him up more often than not. Ian + is convinced that if only he had his father’s guidance, his life wouldn’t be + so complicated and messy. + + BARLEY LIGHTFOOT is a big, burly and boisterous 19-year-old elf who loves magic + and immerses himself in role-playing fantasy game play. He’s a free spirit who + may be slightly more passionate about the past than the present—and he’ll fight + to the death, so to speak, to preserve historical landmarks. But because he + s so focused on the past, he struggles to find success in the present + + Laurel Lightfoot (Mom) + + LAUREL LIGHTFOOT (MOM) is a hardworking, sardonic and devoted single mom who + throws herself whole-heartedly into everything she does. Laurel lost her husband + years ago, but her drive and determination helped her overcome the hardship + and make the most of her life with her much-loved sons, Ian and Barley. + + Wilden Lightfoot (Dad) + + WILDEN LIGHTFOOT (DAD) is the late father of Barley and Ian. A smart, confident + and determined man, Dad discovered a creative, albeit fantastic way to reconnect + with his sons long after his passing. An ancient staff and magical spell reveal + Dad’s plan that allows Ian and Barley to conjure him for 24 hours. But magic, + it turns out, is far from a perfect science and the boys are only able to bring + back half of their dad, the bottom half, on first pass. That half joins them + on a quest to retrieve a Phoenix Gem in an effort to fully conjure Dad before + time runs out. + + The Manticore (Corey) + + THE MANTICORE (COREY) is at least a thousand years old, but that’s just middle-aged + for her species. Part lion, part bat and part scorpion, the Manticore was once + a fearless warrior and proprietor of a dark and mysterious tavern that served + as a waystation for travelers embarking on epic quests. But as modern conveniences + replaced magic and any need for quests, the Manticore tapped her practical side, + transforming her tavern into a family-friendly restaurant with family-friendly + games and fried foods aplenty. She may not realize it, but her adventurous spirit + still lurks within. + + Officer Colt Bronco + + OFFICER COLT BRONCO follows the rules and sincerely expects those around him + to respect authority like he does. Half horse and half man, Colt is strong and + commanding, but unaware of the destruction he typically leaves in his full-bodied + wake. He treasures his relationship with Laurel Lightfoot, and earnestly wants + to connect with her two sons, Ian and Barley. + + GUINEVERE is more than just a van—she’s Barley’s mighty steed! Built from the + ground up by Barley himself, the groovy purple van is a bit rundown, but spectacularly + decked her out with crescent moon windows and a Pegasus mural. So, of course + Barley calls on Guinevere to shepherd them on their epic quest. + + BLAZEY is the Lightfoots’ pet dragon. Friendly and more than a little hyperactive, + she can wreak havoc with just a wag of her tail or a spark of her fire breath. + + UNICORNS aren’t the graceful and majestic creatures they once were. The dumpster-diving + vermin of New Mushroomton are often seen eating garbage and hissing at anyone + who poses a threat to their stinky stash.' + __selected-docs__: + - 'Meet the Cast of Pixar s Onward + + The Cast of Pixar s Fantasy Adventure, Onward + + Like a new film from Marvel or another episode of STAR WARS, a new Pixar movie + isn’t just a new animated movie for kids: it’s an event. The studio behind some + of the greatest animated films of the past 20 years, including TOY STORY, WALL-E, + and MONSTERS, INC. is back this year with an all-new adventure that takes audiences + into a world beyond the limits of our imagination. + + ONWARD introduces young (and young-at-heart) viewers to a wonderful land where + mythical creatures like elves and unicorns aren t merely real — they re the + primary residents! There s trouble brewing, however. Technology is taking hold + and the world is losing its magic. The land is in need of some serious help, + and who’s more helpful than a pair of elves? How about a pair of elves voiced + by Marvel super-stars Chris Pratt and Tom Holland? + + Pratt and Holland aren’t the only famous voices you’ll hear in Pixar’s latest. + Read on for our handy guide to the fantastic and familiar voices of ONWARD. + + [Image credit: Pixar Animation Studios] + + Pixar’s all-new animated adventure is set in a fictional realm that isn’t too + different from our own: There are suburbs and trash collectors, businesses big + and small, schools and transportation. There’s just one thing: This world is + magic, and its inhabitants are the creatures that we think of as mythical. + + But magic isn’t as easy to use as it once was, and the population has become + increasingly dependent on technology and science to get things done. Instead + of using magic, the creatures in this world are turning to cars and phones and + other science-based devices, taking them further and further away from magic. + And this surprisingly relatable situation is where our story begins… and where + our heroes enter the picture. + + Meet Ian and Barley Lightfoot + + Ian and Barley are teenage elves who, like most creatures in their society, + have become a little too dependent on technology and modern machinery. Then + their mother gifts them with a magical staff that can bring a lost loved one + back to life for 24 hours. Even though the brothers aren’t well-versed in wielding + magical equipment, they use it to try and bring back their father, who died + before Ian was born. Due to their lack of experience, they’re only able to summon + their dad’s legs. Barley, desperate for an epic quest, grabs Ian and they set + off on a journey to figure out how to bring their dad back – all of him – before + the day ends. + + Ian is voiced by Tom Holland, star of the new SPIDER-MAN movies and historical + drama THE CURRENT WAR. He also recently lent his voice to another animated movie: + SPIES IN DISGUISE. In 2020, Holland will reunite with another MCU favorite, + voicing Pip the dog opposite Robert Downey Jr.’s Doctor Dolittle in DOLITTLE. + + Barley is voiced by GUARDIANS OF THE GALAXY fave Chris Pratt, who has plenty + of experience voicing a charming animated hero thanks to his role in THE LEGO + MOVIE and its sequel. + + Laurel Lightfoot + + Laurel is the mother of Ian and Barley, and she gives the magical staff to her + sons in an effort to help them reconnect with magic. She’s played by Julia Louis-Dreyfus, + one of the all-time greatest comedic actors. Louis-Dreyfus is best known for + her roles in beloved sitcoms like “Seinfeld” and “The New Adventures of Old + Christine.” She also played the lead role on HBO’s critically-acclaimed political + comedy series “Veep,” which recently ended after seven seasons. + + Octavia Spencer plays Corey, a friendly manticore who owns a restaurant. Barley + and Ian visit her for help on their quest. Spencer won an Oscar for her supporting + role in 2011’s THE HELP, and since then she’s had notable roles in all kinds + of movies and shows – everything from SNOWPIERCER to THE SHAPE OF WATER and + last year’s horror-thriller MA, as well as the new AppleTV+ series “Truth Be + Told.” + + Gore and Specter + + Gore (not like the gore in a horror movie) is a faun – a magical deer, basically + – and a police officer. She’s voiced by comedian Ali Wong, who became a major + hit with her Netflix specials “Baby Cobra” and “Hard Knock Wife.” Last year + she starred opposite Randall Park in the delightful Netflix rom-com ALWAYS BE + MY MAYBE, which featured an internet-breaking cameo from Keanu Reeves. + + Like Gore, Specter is also a police officer, but she’s a cyclops – a creature + with a single eye. Specter is voiced by Lena Waithe, whose work as co-star and + writer on Netflix’s “Master of None” launched her into the mainstream overnight + and won her a Primetime Emmy – making Waithe the first black woman to win a + writing Emmy for Outstanding Comedy Series. Waithe has used her fame to produce + other projects, like the recent drama QUEEN & SLIM and the Showtime series “The + Chi.” She also had a supporting role in Steven Spielberg’s READY PLAYER ONE. + + Colt Bronco + + Joining Gore and Specter on the magical police force is Colt Bronco, a centaur + (half-horse, half-human) who, honestly, has a very cool name. Colt is voiced + by Mel Rodriguez, a character actor best known in recent years for starring + on the short-lived FOX series “The Last Man on Earth” and AMC’s “Better Call + Saul.” In 2019 he starred opposite Kirsten Dunst on the critically-acclaimed + series “On Becoming a God in Central Florida.” + + ONWARD opens on March 6! + + All images courtesy of Pixar Animation Studios.' + __selected-sentences__: + - ONWARD introduces young (and young-at-heart) viewers to a wonderful land where + mythical creatures like elves and unicorns aren t merely real — they re the + primary residents! There s trouble brewing, however. Technology is taking hold + and the world is losing its magic. The land is in need of some serious help, + and who’s more helpful than a pair of elves? How about a pair of elves voiced + by Marvel super-stars Chris Pratt and Tom Holland? + - Pratt and Holland aren’t the only famous voices you’ll hear in Pixar’s latest. + Read on for our handy guide to the fantastic and familiar voices of ONWARD. + episode_done: false + eval_labels: + - Pixar has produced 20 movies since its founding and all of the big names have + worked with them. Julia Louis-Dreyfus, Tom Holland, Jon Batiste, Phylicia Rashad, + Questlove, Tina Fey. Have you seen their newest movie Onward with Chris Pratt? + id: WizInternetWizardTeacher + search_query: pixar onward + text: Yes! and I remember now that is how that story goes. +num_episodes: 503 +num_examples: 2466 diff --git a/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_train.yml b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_train.yml new file mode 100644 index 00000000000..55cb3bf89ee --- /dev/null +++ b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_train.yml @@ -0,0 +1,3105 @@ +acts: +- - __retrieved-docs-urls__: + - https://www.dictionary.com/browse/chopped + - https://www.foodnetwork.ca/shows/chopped/ + - https://chop5.com/ + - https://watch.foodnetwork.com/full-episodes + - https://www.nbc.com/saturday-night-live/video/chopped/3954432 + __retrieved-docs__: + - '[chopt] + + SEE MORE SYNONYMS FOR chopped ON THESAURUS.COM + + diced, minced, or cut into small bits. + + (of an automobile) streamlined; lowered. + + Origin of chopped + + Related formsun·chopped, adjectivewell-chopped, adjective + + [chop] + + verb (used with object), chopped, chop·ping. + + to cut or sever with a quick, heavy blow or a series of blows, using an ax, + hatchet, etc. (often followed by down, off, etc.): to chop down a tree. + + to make or prepare for use by so cutting: to chop logs. + + to cut in pieces; mince (often followed by up): to chop up an onion; to chop + meat. + + (in tennis, cricket, etc.) to hit (a ball) with a chop stroke. + + to weed and thin out (growing cotton) with a hoe. + + Fox Hunting. (of a hound or pack) to attack and kill (a fox that has not begun + to run). + + verb (used without object), chopped, chop·ping. + + to make a quick, heavy stroke or a series of strokes, as with an ax. + + Boxing. to throw or deliver a short blow, especially a downward one while in + a clinch. + + (in tennis, cricket, etc.) to employ or deliver a chop stroke. + + to go, come, or move suddenly or violently. + + an act or instance of chopping. + + a cutting blow. + + Boxing. a short blow, especially a downward one, executed while in a clinch. + + a piece chopped off. + + an individual cut or portion of meat, as mutton, lamb, veal, or pork, usually + one containing a rib. + + crushed or ground grain used as animal feed. + + a short, irregular, broken motion of waves; choppiness: There s too much chop + for rowing today. + + rough, turbulent water, as of a sea or lake. + + (in tennis, cricket, etc.) a chop stroke. + + Origin of chop + + 1350–1400; Middle English choppen; variant of chap1 + + 1. See cut. + + to turn, shift, or change suddenly: The wind chopped to the west. + + to vacillate; change one s mind. + + to barter. + + to bandy words; argue. + + 1425–75; variant of obsolete chap barter, Middle English chappen (with vowel + as in chapman), chepen, Old English cēapian to trade (derivative of cēap sale, + trade; see cheap) + + Related Words for chopped + + cleave, cube, divide, mince, slash, hack, whack, hew, hash, clip, fragment, + mangle, lop, fell, shear, truncate, sever, dice, axe, hackle + + Examples from the Web for chopped + + Contemporary Examples of chopped + + Best-known as a judge on Chopped, chef Amanda Freitag opens her first restaurant—a + recast New York icon. + + Chopped? Amanda Freitag Hopes Not + + Plastic cutlery arrived, followed by a container of chopped onion and cilantro. + + A Culinary Tour to Answer the Age-Old Question: Why Is Mexican Food So Good? + + Burnett said Peden took it and chopped it up into a bunch of pieces after the + shooting. + + Inside the Georgia Militia Murders + + Out came Marc s army, dozens of models in chopped blond wigs streaked with green. + + Marc Jacobs: Hot & Heavy for Spring 2014 at New York Fashion Week + + I interviewed a man whose hand had been chopped off for stealing. + + Pity Boston, Ignore Nigeria: The Limits of Compassion + + Historical Examples of chopped + + Then add to it the chopped chicken with the other ingredients. + + Put them into the soup, add a handful of chopped parsley, and let them boil. + + Season it with pepper, salt, chopped sweet herbs, and parsley. + + It had got chopped off by some accident when she was a calf. + + It was plainly evident that it had been chopped off quite recently. + + British Dictionary definitions for chopped + + verb chops, chopping or chopped + + (often foll by down or off) to cut (something) with a blow from an axe or other + sharp tool + + (tr) to produce or make in this mannerto chop firewood + + (tr often foll by up) to cut into pieces + + (tr) British informal to dispense with or reduce + + (intr) to move quickly or violently + + sport to hit (a ball) sharply downwards + + boxing martial arts to punch or strike (an opponent) with a short sharp blow + + Western African an informal word for eat + + a cutting blow + + the act or an instance of chopping + + a piece chopped off + + a slice of mutton, lamb, or pork, generally including a rib + + Australian and NZ slang a share (esp in the phrase get or hop in for one s chop) + + Western African an informal word for food + + Australian and NZ a competition of skill and speed in chopping logs + + sport a sharp downward blow or stroke + + not much chop Australian and NZ informal not much good; poor + + the chop slang dismissal from employment + + Word Origin for chop + + C16: variant of chap 1 + + (intr) to change direction suddenly; vacillate (esp in the phrase chop and change) + + obsolete to barter + + chop logic to use excessively subtle or involved logic or argument + + Old English ceapian to barter; see cheap, chapman + + a design stamped on goods as a trademark, esp in the Far East + + C17: from Hindi chhāp + + Word Origin and History for chopped + + to cut with a quick blow, mid-14c., of uncertain origin, perhaps from Old North + French choper (Old French coper to cut, cut off, 12c., Modern French couper), + from Vulgar Latin *cuppare to behead, from a root meaning head, but influenced + in Old French by couper to strike. Related: Chopped; chopping. + + shift quickly, 1530s, earlier to bargain (early 15c.), ultimately from Old + English ceapian to bargain (see cheap); here with a sense of changing back + and forth, probably from common expressions such as to chop and change barter. To + chop logic is recorded from 1570s. Related: Chopped; chopping. + + act of chopping, mid-14c., from chop (v.1). Meaning piece cut off is mid-15c.; + specifically slice of meat from mid-17c. Sense of a blow, strike is from + 1550s. + + Nearby words for chopped + + choplogic + + chopper tool' + - 'Chopped is a cooking competition show that is all about skill, speed and ingenuity. + Each week, four chefs compete before a panel of expert judges and turn baskets + of mystery ingredients into an extraordinary three-course meal. Course by course, + the chefs will be chopped from the competition until only one winner remains. + + The challenge? They have seconds to plan and 30 minutes to cook an amazing course + with the basket of mystery ingredients given to them moments before the clock + starts ticking! Once they ve completed their dish, they have to survive the + Chopping Block where our three judges are waiting to be wowed and not shy about + voicing their culinary criticisms! + + Host Ted Allen leads this high energy, high-pressure show which will have viewers + rooting for a winner and cheering for the losers. Chopped is a game of passion, + expertise and skill - and in the end, only one chef will survive the Chopping + Block. Who will make the cut? The answer is on Chopped! + + Ted, the host of Chopped, was the food and wine specialist on the groundbreaking, + Emmy-winning series Queer Eye, which had a 100-episode run.' + - 'Fundraising with CHOP5 + + CHOP5 Salad Kitchen + + is rocking the world of salads. But we’re not just talking any salad. We’re + talking about fresh, made-to-order chopped salads with the taste you crave. + Step outside the box of fast-fried-been-there-done-that food and step into the + fast-casual dining that’s calling your name. Eat with no regrets! + + Interested in franchise opportunities? Click here to send us a message! + + © 2017 CHOP5, LLC. • CHOP5 Salad Kitchen • 2044 Polaris Parkway Columbus, OH + 43240 + + Click here to join our rewards program! + + This privacy notice discloses the privacy practices for www.CHOP5.com. This + privacy notice applies solely to information collected by this website. It will + notify you of the following: What personally identifiable information is collected + from you through the website, how it is used and with whom it may be shared. + What choices are available to you regarding the use of your data. The security + procedures in place to protect the misuse of your information. How you can correct + any inaccuracies in the information. + + We are the sole owners of the information collected on this site. We only have + access to/collect information that you voluntarily give us via email or other + direct contact from you. We will not sell or rent this information to anyone. + We will use your information to respond to you, regarding the reason you contacted + us. We will not share your information with any third party outside of our organization, + other than as necessary to fulfill your request, e.g. to deliver an online order + through GRUBHUB. Unless you ask us not to, we may contact you via email in the + future to tell you about specials, new products or services, or changes to this + privacy policy. + + Donn Ditzhazy, Executive Creative Director + + RMD Advertising 614.794.2008 | cell 614.595.6086 www.RMDadvertising.com' + - 'Chopped Free Season + + Cook Like a Pro with Ina + + Ultimate Protein Battle + + Five masters of protein face off in Flavortown. + + The chefs must stay focused as they take on three chicken-themed rounds + + Ice Shard Cake + + Dan makes a wintry masterpiece that will warm your heart. + + Monkey See, Monkey Bake + + The bakers have to turn packaged biscuit dough into monkey bread volcanoes. + + Apolo Ohno Says Oh Yes to Cake + + Apolo Ohno challenges bakers to make an anniversary-birthday cake. + + Aloha, Recruits! + + The recruits take on a variety of tropical island-inspired challenges. + + Taste of Capri Party + + Giada hosts a lunch party that celebrates the island of Capri, Italy. + + The Kitchen reduces weeknight stress with a Big Batch Pork Butt and more. + + Ree makes Maple Bacon Dip and Strawberry Rose Bellinis for an office party. + + Whole Lotta Comfort + + Guy Fieri dives into hearty helpings of comfort food from Atlanta to Utah. + + A pastry chef and a chef-of-all-trades compete for a shot at Bobby. + + Cookin Couples + + Guy welcomes three couples to Flavortown to prove their culinary knowledge. + + Wonton Wonder + + Chefs get creative with wonton wrappers, comfort food and a strange pastry. + + Actor and producer Michael B. Jordan discusses his sky-rocketing career. + + Oprah Winfrey Presents on Food Network + + Actor Bradley Cooper discusses how he has emerged as a visionary filmmaker. + + Freaky Flavors + + The young bakers have to create a large tart featuring an unusual flavor. + + Unlocked Episodes + + It s a Busby Birthday! + + The bakers compete to make a 4th birthday cake for the Busby quintuplets. + + Dr. Deckle and Mr. Fried + + Three of the four chefs make a huge mistake with the jumbo shrimp. + + The Perfect Bird + + Fifteen more of America s worst cooks begin their culinary journey. + + All Stocked Up + + Ree dips into her trusty staples to whip up some fabulous food. + + The 12 young bakers must make cupcakes featuring bacon. + + Sour With the Sweet + + Sunny Anderson and Josh Capon serve up a winner in hopes of beating Bobby. + + Say Yes to the Veg + + Valerie tries out new ways to sneak veggies into kid-friendly dishes. + + The Kitchen is snowed in with Sweet Potato and Corn Chowder and more. + + Chefs Ham It Up + + The chefs begin by making a barbecue blowout that won t blow their budget.' + - 'Chopped judges (Emma Thompson, Aidy Bryant, Alex Moffat) review the dishes + two finalists (Melissa Villaseñor, Leslie Jones) have made. + + Tags: snl, saturday night live, snl season 44, snl 44, emma thompson, aidy bryant, + mikey day, leslie jones, alex moffat, chopped, cooking show, cooking competition, + cooking, Melissa Villaseñor' + __selected-docs__: + - 'Chopped is a cooking competition show that is all about skill, speed and ingenuity. + Each week, four chefs compete before a panel of expert judges and turn baskets + of mystery ingredients into an extraordinary three-course meal. Course by course, + the chefs will be chopped from the competition until only one winner remains. + + The challenge? They have seconds to plan and 30 minutes to cook an amazing course + with the basket of mystery ingredients given to them moments before the clock + starts ticking! Once they ve completed their dish, they have to survive the + Chopping Block where our three judges are waiting to be wowed and not shy about + voicing their culinary criticisms! + + Host Ted Allen leads this high energy, high-pressure show which will have viewers + rooting for a winner and cheering for the losers. Chopped is a game of passion, + expertise and skill - and in the end, only one chef will survive the Chopping + Block. Who will make the cut? The answer is on Chopped! + + Ted, the host of Chopped, was the food and wine specialist on the groundbreaking, + Emmy-winning series Queer Eye, which had a 100-episode run.' + __selected-sentences__: + - Chopped is a cooking competition show that is all about skill, speed and ingenuity. + Each week, four chefs compete before a panel of expert judges and turn baskets + of mystery ingredients into an extraordinary three-course meal. Course by course, + the chefs will be chopped from the competition until only one winner remains. + episode_done: false + id: WizInternetWizardTeacher + labels: + - ' Baskets? I don''t know anything about this show. Is it something about cooking?' + search_query: Chopped + text: 'My favorite tv show is Chopped. + + They play along with the show + + I just watched chopped for 3 hours straight. The baskets were hard in some of + them.' +- - __retrieved-docs-urls__: + - https://www.dictionary.com/browse/chopped + - https://chop5.com/ + - https://watch.foodnetwork.com/ + - https://www.cookingchanneltv.com/shows/chopped + - https://www.foodnetwork.ca/shows/chopped/ + __retrieved-docs__: + - '[chopt] + + SEE MORE SYNONYMS FOR chopped ON THESAURUS.COM + + diced, minced, or cut into small bits. + + (of an automobile) streamlined; lowered. + + Origin of chopped + + Related formsun·chopped, adjectivewell-chopped, adjective + + [chop] + + verb (used with object), chopped, chop·ping. + + to cut or sever with a quick, heavy blow or a series of blows, using an ax, + hatchet, etc. (often followed by down, off, etc.): to chop down a tree. + + to make or prepare for use by so cutting: to chop logs. + + to cut in pieces; mince (often followed by up): to chop up an onion; to chop + meat. + + (in tennis, cricket, etc.) to hit (a ball) with a chop stroke. + + to weed and thin out (growing cotton) with a hoe. + + Fox Hunting. (of a hound or pack) to attack and kill (a fox that has not begun + to run). + + verb (used without object), chopped, chop·ping. + + to make a quick, heavy stroke or a series of strokes, as with an ax. + + Boxing. to throw or deliver a short blow, especially a downward one while in + a clinch. + + (in tennis, cricket, etc.) to employ or deliver a chop stroke. + + to go, come, or move suddenly or violently. + + an act or instance of chopping. + + a cutting blow. + + Boxing. a short blow, especially a downward one, executed while in a clinch. + + a piece chopped off. + + an individual cut or portion of meat, as mutton, lamb, veal, or pork, usually + one containing a rib. + + crushed or ground grain used as animal feed. + + a short, irregular, broken motion of waves; choppiness: There s too much chop + for rowing today. + + rough, turbulent water, as of a sea or lake. + + (in tennis, cricket, etc.) a chop stroke. + + Origin of chop + + 1350–1400; Middle English choppen; variant of chap1 + + 1. See cut. + + to turn, shift, or change suddenly: The wind chopped to the west. + + to vacillate; change one s mind. + + to barter. + + to bandy words; argue. + + 1425–75; variant of obsolete chap barter, Middle English chappen (with vowel + as in chapman), chepen, Old English cēapian to trade (derivative of cēap sale, + trade; see cheap) + + Related Words for chopped + + cleave, cube, divide, mince, slash, hack, whack, hew, hash, clip, fragment, + mangle, lop, fell, shear, truncate, sever, dice, axe, hackle + + Examples from the Web for chopped + + Contemporary Examples of chopped + + Best-known as a judge on Chopped, chef Amanda Freitag opens her first restaurant—a + recast New York icon. + + Chopped? Amanda Freitag Hopes Not + + Plastic cutlery arrived, followed by a container of chopped onion and cilantro. + + A Culinary Tour to Answer the Age-Old Question: Why Is Mexican Food So Good? + + Burnett said Peden took it and chopped it up into a bunch of pieces after the + shooting. + + Inside the Georgia Militia Murders + + Out came Marc s army, dozens of models in chopped blond wigs streaked with green. + + Marc Jacobs: Hot & Heavy for Spring 2014 at New York Fashion Week + + I interviewed a man whose hand had been chopped off for stealing. + + Pity Boston, Ignore Nigeria: The Limits of Compassion + + Historical Examples of chopped + + Then add to it the chopped chicken with the other ingredients. + + Put them into the soup, add a handful of chopped parsley, and let them boil. + + Season it with pepper, salt, chopped sweet herbs, and parsley. + + It had got chopped off by some accident when she was a calf. + + It was plainly evident that it had been chopped off quite recently. + + British Dictionary definitions for chopped + + verb chops, chopping or chopped + + (often foll by down or off) to cut (something) with a blow from an axe or other + sharp tool + + (tr) to produce or make in this mannerto chop firewood + + (tr often foll by up) to cut into pieces + + (tr) British informal to dispense with or reduce + + (intr) to move quickly or violently + + sport to hit (a ball) sharply downwards + + boxing martial arts to punch or strike (an opponent) with a short sharp blow + + Western African an informal word for eat + + a cutting blow + + the act or an instance of chopping + + a piece chopped off + + a slice of mutton, lamb, or pork, generally including a rib + + Australian and NZ slang a share (esp in the phrase get or hop in for one s chop) + + Western African an informal word for food + + Australian and NZ a competition of skill and speed in chopping logs + + sport a sharp downward blow or stroke + + not much chop Australian and NZ informal not much good; poor + + the chop slang dismissal from employment + + Word Origin for chop + + C16: variant of chap 1 + + (intr) to change direction suddenly; vacillate (esp in the phrase chop and change) + + obsolete to barter + + chop logic to use excessively subtle or involved logic or argument + + Old English ceapian to barter; see cheap, chapman + + a design stamped on goods as a trademark, esp in the Far East + + C17: from Hindi chhāp + + Word Origin and History for chopped + + to cut with a quick blow, mid-14c., of uncertain origin, perhaps from Old North + French choper (Old French coper to cut, cut off, 12c., Modern French couper), + from Vulgar Latin *cuppare to behead, from a root meaning head, but influenced + in Old French by couper to strike. Related: Chopped; chopping. + + shift quickly, 1530s, earlier to bargain (early 15c.), ultimately from Old + English ceapian to bargain (see cheap); here with a sense of changing back + and forth, probably from common expressions such as to chop and change barter. To + chop logic is recorded from 1570s. Related: Chopped; chopping. + + act of chopping, mid-14c., from chop (v.1). Meaning piece cut off is mid-15c.; + specifically slice of meat from mid-17c. Sense of a blow, strike is from + 1550s. + + Nearby words for chopped + + choplogic + + chopper tool' + - 'Fundraising with CHOP5 + + CHOP5 Salad Kitchen + + is rocking the world of salads. But we’re not just talking any salad. We’re + talking about fresh, made-to-order chopped salads with the taste you crave. + Step outside the box of fast-fried-been-there-done-that food and step into the + fast-casual dining that’s calling your name. Eat with no regrets! + + Interested in franchise opportunities? Click here to send us a message! + + © 2017 CHOP5, LLC. • CHOP5 Salad Kitchen • 2044 Polaris Parkway Columbus, OH + 43240 + + Click here to join our rewards program! + + This privacy notice discloses the privacy practices for www.CHOP5.com. This + privacy notice applies solely to information collected by this website. It will + notify you of the following: What personally identifiable information is collected + from you through the website, how it is used and with whom it may be shared. + What choices are available to you regarding the use of your data. The security + procedures in place to protect the misuse of your information. How you can correct + any inaccuracies in the information. + + We are the sole owners of the information collected on this site. We only have + access to/collect information that you voluntarily give us via email or other + direct contact from you. We will not sell or rent this information to anyone. + We will use your information to respond to you, regarding the reason you contacted + us. We will not share your information with any third party outside of our organization, + other than as necessary to fulfill your request, e.g. to deliver an online order + through GRUBHUB. Unless you ask us not to, we may contact you via email in the + future to tell you about specials, new products or services, or changes to this + privacy policy. + + Donn Ditzhazy, Executive Creative Director + + RMD Advertising 614.794.2008 | cell 614.595.6086 www.RMDadvertising.com' + - 'Aloha, Recruits! + + New Episodes Mondays 9|8c + + Watch a New Episode Now + + Can t Wait? Watch the Next Episode Now! + + New Episodes Thursdays 10|9c + + Every. Battle. Ever. + + All the DDD You Could Ever Want + + The recruits take on a variety of tropical island-inspired challenges. + + Taste of Capri Party + + Giada hosts a lunch party that celebrates the island of Capri, Italy. + + The Kitchen reduces weeknight stress with a Big Batch Pork Butt and more. + + Ree makes Maple Bacon Dip and Strawberry Rose Bellinis for an office party. + + Whole Lotta Comfort + + Guy Fieri dives into hearty helpings of comfort food from Atlanta to Utah. + + Ultimate Protein Battle + + Five masters of protein face off in Flavortown. + + A pastry chef and a chef-of-all-trades compete for a shot at Bobby. + + Cookin Couples + + Guy welcomes three couples to Flavortown to prove their culinary knowledge. + + Wonton Wonder + + Chefs get creative with wonton wrappers, comfort food and a strange pastry. + + Actor and producer Michael B. Jordan discusses his sky-rocketing career. + + Oprah Winfrey Presents on Food Network + + Actor Bradley Cooper discusses how he has emerged as a visionary filmmaker. + + Freaky Flavors + + The young bakers have to create a large tart featuring an unusual flavor. + + Michael Symon Needs a Cake + + Michael Symon challenges the bakers to make a cake for his new restaurant. + + See what happens when Dan is challenged to create a meat cake. + + The recruits take on fair food after boot camp gets turned into a carnival. + + Jade s Chocolate Factory + + Giada hosts a sophisticated chocolate-themed Valentine s Day party. + + Stream for Free + + It s a Busby Birthday! + + The bakers compete to make a 4th birthday cake for the Busby quintuplets. + + Dr. Deckle and Mr. Fried + + Three of the four chefs make a huge mistake with the jumbo shrimp. + + The Perfect Bird + + Fifteen more of America s worst cooks begin their culinary journey. + + All Stocked Up + + Ree dips into her trusty staples to whip up some fabulous food. + + The 12 young bakers must make cupcakes featuring bacon. + + Sour With the Sweet + + Sunny Anderson and Josh Capon serve up a winner in hopes of beating Bobby. + + Say Yes to the Veg + + Valerie tries out new ways to sneak veggies into kid-friendly dishes. + + The Kitchen is snowed in with Sweet Potato and Corn Chowder and more. + + Chefs Ham It Up + + The chefs begin by making a barbecue blowout that won t blow their budget. + + Watch Chopped for Free + + Rattle and Roll + + Rattlesnake meat must be included in the chefs first course. + + The chefs find frog legs in the first basket for the appetizer round. + + Jitters and Giant Eggs + + Panic threatens to paralyze one of the competitors who is feeling jittery. + + Mussels Mastery + + The chefs have to come up with tasty mussel appetizers in just 20 minutes. + + Time runs out and two chefs are unhappy with their calf liver appetizers. + + The competitors discover this competition is a grilling challenge. + + Quahog Quandaries + + The two remaining chefs take the intensity level in the kitchen up a notch. + + Turbot Powered + + A super bitter ingredient leaves the chefs in a quandary. + + Keep on Cookin On + + One of the finalists suffers an injury as he attempts a Chopped first. + + Green Apps and Lamb + + Mint liqueur and canned fish make an odd combination for the first course. + + The appetizer basket ingredients get the chefs pondering ballgame fare. + + Some of the most formidable chefs in the country battle to find out whose cuisine + reigns supreme. Host Alton Brown determines who will earn the right to face + a legendary Iron Chef in the Secret Ingredient Showdown. + + Ina Garten is back and this time she s sharing the basics of her incredibly + elegant and easy recipes. She throws open the doors of her Hamptons home for + more delicious food, dazzling ideas and good fun. + + The best cupcake bakers in the country are called to fight to see who has the + best cupcakes. In this war of frosting and sugar, there is only one winner. + + Tyler Florence brings together five local chefs to compete in a restaurant they + ve never cooked in before. Two chefs become judges as the others battle for + hometown pride using secret ingredients to build delicious dishes. + + Country star Trisha Yearwood shows off her Southern hospitality as she puts + together meals with friends and family. Whether it s for a family reunion or + a party for her band-mate, her easy recipes always have a story to tell. + + Pop culture, comedy and plain good eating: Alton Brown explores the origins + of ingredients, decodes culinary customs and explores new food trends. + + Five talented food experts gather in the kitchen to share lively conversation + and delicious recipes. From simple supper ideas to the latest food trends, they + cover all things fun in food! + + Live Now On Food Network + + Pizza for Dessert + + Lemon BFFs + + Food Network Originals + + Vivian has some fun with pasta by making a spaghetti bundt cake. + + Viv s Tips: Pasta Pound Cake' + - 'CHOPPED is a cooking competition show that s all about skill, speed and ingenuity + where four up-and-coming chefs compete before a panel of three expert judges + and take everyday items and turn them into an extraordinary three-course-meal. + Course by course, the chefs will be CHOPPED from the competition until only + one winner remains. The challenge? They have seconds to plan and 30 minutes + to cook an amazing course with the basket of mystery ingredients given to them + moments before the clock starts ticking! And the pressure doesn t stop there. + Once they ve completed their dish, they ve got to survive the Chopping Block + where our judges are waiting to be wowed and not shy about voicing their culinary + criticisms! Our host, Ted Allen, leads this high energy, high-pressure show + which will have viewers rooting for a winner and cheering for the losers. CHOPPED + is a game of passion, expertise and skill -- and in the end, only one chef will + survive the Chopping Block. Who will make the cut? The answer is on CHOPPED! + + Four former military service members who are pursuing culinary careers compete + to see who will be the Chopped Champion. In the first round, a favorite American + comfort food must mingle on the plate with a super-sweet drink, and curiously, + three of the four competitors pull tortillas from the pantry. A patriotic pasta + and an already-cooked savory pie are two of the mandatory ingredients in the + entree round. Then, will the finalists be able to adeptly combine cheese and + pudding in desserts? + + Ultimate Champions: Pros + + Four distinct groups of champs will return to the Chopped Kitchen: professionals, + amateurs, heroes and celebrities, all leading up to a grand finale where one + chef will seize the biggest prize in Chopped history: $50,000 and a new car! + In this initial battle, four stellar professionals fight to see who will represent + the pros in the finale. They have to wrangle and cook eels and figure out what + to do with a super salty veggie for their appetizers. Then in the entree round, + the champs have to work with a bird and a soda. And a special cheese and a creepy + chocolate item appear in the dessert basket. + + Ultimate Champions: Amateur Champs + + Some of the most beloved amateur winners return to the Chopped Kitchen for a + shot to compete in the $50,000 finale. In the appetizer round the competitors + must use salsa and cheese blintzes in their culinary masterpieces. Then as the + entree round gets started, an off-balance tug-of-war over a piece of equipment + has everybody laughing, except for the chef who loses the fight. And grapefruit + is among the loot the last two champs find in the dessert basket. + + Ultimate Champions: Heroes + + With two spots left in the $50,000 Ultimate Champions Grand Finale, the Chopped + Kitchen welcomes back four incredible cooking heroes -- two firefighters, a + police officer and an army vet. In the appetizer round, the hero champs must + get creative in order to make savory dishes with pineapple and fruit and nut + bars. Then in the entree round, the champs find some lovely stalks of spring + garlic in the basket, as well as some beautiful lamb chops. And an unpleasantly + purple ingredient that the cooks must work into a dessert makes for a challenging + last round. + + Ultimate Champions: Celebrities + + Four Chopped Champions from the world of entertainment and sports compete for + the last spot in the $50,000 finale. In the appetizer round, the celebrity champs + find a peculiar type of flour and sweet tea in the baskets. Then a can of soup + in the entree round causes various issues for the competitors. And the judges + taste banana paste and cream cheese desserts before deciding on the last finalist. + + Ultimate Champions: Grand Finale! + + In a Chopped first, three not-at-all-average Joes fight it out against one + outstanding pro, with $50,000 and a new car on the line! When the competitors + get risotto in the first round, they have to decide whether to completely transform + it or to greatly enhance its flavor. Then in the entree round, there s a huge + surprise in the basket that not all of the champs are excited to see. And with + the grand prize looming large, the last two competitors open the basket to find + some booze and some baked goods.' + - 'Chopped is a cooking competition show that is all about skill, speed and ingenuity. + Each week, four chefs compete before a panel of expert judges and turn baskets + of mystery ingredients into an extraordinary three-course meal. Course by course, + the chefs will be chopped from the competition until only one winner remains. + + The challenge? They have seconds to plan and 30 minutes to cook an amazing course + with the basket of mystery ingredients given to them moments before the clock + starts ticking! Once they ve completed their dish, they have to survive the + Chopping Block where our three judges are waiting to be wowed and not shy about + voicing their culinary criticisms! + + Host Ted Allen leads this high energy, high-pressure show which will have viewers + rooting for a winner and cheering for the losers. Chopped is a game of passion, + expertise and skill - and in the end, only one chef will survive the Chopping + Block. Who will make the cut? The answer is on Chopped! + + Ted, the host of Chopped, was the food and wine specialist on the groundbreaking, + Emmy-winning series Queer Eye, which had a 100-episode run.' + __selected-docs__: + - 'Aloha, Recruits! + + New Episodes Mondays 9|8c + + Watch a New Episode Now + + Can t Wait? Watch the Next Episode Now! + + New Episodes Thursdays 10|9c + + Every. Battle. Ever. + + All the DDD You Could Ever Want + + The recruits take on a variety of tropical island-inspired challenges. + + Taste of Capri Party + + Giada hosts a lunch party that celebrates the island of Capri, Italy. + + The Kitchen reduces weeknight stress with a Big Batch Pork Butt and more. + + Ree makes Maple Bacon Dip and Strawberry Rose Bellinis for an office party. + + Whole Lotta Comfort + + Guy Fieri dives into hearty helpings of comfort food from Atlanta to Utah. + + Ultimate Protein Battle + + Five masters of protein face off in Flavortown. + + A pastry chef and a chef-of-all-trades compete for a shot at Bobby. + + Cookin Couples + + Guy welcomes three couples to Flavortown to prove their culinary knowledge. + + Wonton Wonder + + Chefs get creative with wonton wrappers, comfort food and a strange pastry. + + Actor and producer Michael B. Jordan discusses his sky-rocketing career. + + Oprah Winfrey Presents on Food Network + + Actor Bradley Cooper discusses how he has emerged as a visionary filmmaker. + + Freaky Flavors + + The young bakers have to create a large tart featuring an unusual flavor. + + Michael Symon Needs a Cake + + Michael Symon challenges the bakers to make a cake for his new restaurant. + + See what happens when Dan is challenged to create a meat cake. + + The recruits take on fair food after boot camp gets turned into a carnival. + + Jade s Chocolate Factory + + Giada hosts a sophisticated chocolate-themed Valentine s Day party. + + Stream for Free + + It s a Busby Birthday! + + The bakers compete to make a 4th birthday cake for the Busby quintuplets. + + Dr. Deckle and Mr. Fried + + Three of the four chefs make a huge mistake with the jumbo shrimp. + + The Perfect Bird + + Fifteen more of America s worst cooks begin their culinary journey. + + All Stocked Up + + Ree dips into her trusty staples to whip up some fabulous food. + + The 12 young bakers must make cupcakes featuring bacon. + + Sour With the Sweet + + Sunny Anderson and Josh Capon serve up a winner in hopes of beating Bobby. + + Say Yes to the Veg + + Valerie tries out new ways to sneak veggies into kid-friendly dishes. + + The Kitchen is snowed in with Sweet Potato and Corn Chowder and more. + + Chefs Ham It Up + + The chefs begin by making a barbecue blowout that won t blow their budget. + + Watch Chopped for Free + + Rattle and Roll + + Rattlesnake meat must be included in the chefs first course. + + The chefs find frog legs in the first basket for the appetizer round. + + Jitters and Giant Eggs + + Panic threatens to paralyze one of the competitors who is feeling jittery. + + Mussels Mastery + + The chefs have to come up with tasty mussel appetizers in just 20 minutes. + + Time runs out and two chefs are unhappy with their calf liver appetizers. + + The competitors discover this competition is a grilling challenge. + + Quahog Quandaries + + The two remaining chefs take the intensity level in the kitchen up a notch. + + Turbot Powered + + A super bitter ingredient leaves the chefs in a quandary. + + Keep on Cookin On + + One of the finalists suffers an injury as he attempts a Chopped first. + + Green Apps and Lamb + + Mint liqueur and canned fish make an odd combination for the first course. + + The appetizer basket ingredients get the chefs pondering ballgame fare. + + Some of the most formidable chefs in the country battle to find out whose cuisine + reigns supreme. Host Alton Brown determines who will earn the right to face + a legendary Iron Chef in the Secret Ingredient Showdown. + + Ina Garten is back and this time she s sharing the basics of her incredibly + elegant and easy recipes. She throws open the doors of her Hamptons home for + more delicious food, dazzling ideas and good fun. + + The best cupcake bakers in the country are called to fight to see who has the + best cupcakes. In this war of frosting and sugar, there is only one winner. + + Tyler Florence brings together five local chefs to compete in a restaurant they + ve never cooked in before. Two chefs become judges as the others battle for + hometown pride using secret ingredients to build delicious dishes. + + Country star Trisha Yearwood shows off her Southern hospitality as she puts + together meals with friends and family. Whether it s for a family reunion or + a party for her band-mate, her easy recipes always have a story to tell. + + Pop culture, comedy and plain good eating: Alton Brown explores the origins + of ingredients, decodes culinary customs and explores new food trends. + + Five talented food experts gather in the kitchen to share lively conversation + and delicious recipes. From simple supper ideas to the latest food trends, they + cover all things fun in food! + + Live Now On Food Network + + Pizza for Dessert + + Lemon BFFs + + Food Network Originals + + Vivian has some fun with pasta by making a spaghetti bundt cake. + + Viv s Tips: Pasta Pound Cake' + __selected-sentences__: + - New Episodes Mondays 9|8c + - Watch a New Episode Now + episode_done: false + id: WizInternetWizardTeacher + labels: + - It sounds like quite a challenge! Do you watch every episode? Have you tried + to make the dishes yourself? + search_query: Chopped + text: 'Yes it is. Chefs have a basket with 4 mystery ingredients. They compete + to make the best meal from the ingredients. ' +- - __retrieved-docs-urls__: + - https://www.herinterest.com/types-of-cuisine/ + - https://leafyplace.com/types-of-cuisine/ + - https://www.ranker.com/crowdranked-list/favorite-types-of-cuisine + - https://www.cnn.com/travel/article/world-best-food-cultures/index.html + - https://www.southernliving.com/cuisine + __retrieved-docs__: + - 'Home > Food > Top 20 Favorite Types of Cuisine + + Top 20 Favorite Types of Cuisine + + In most cultures, food is a way for people to gather. It brings family and friends + together for banquets, potlucks and holidays. Over recent years, different cuisines + have taken on a new popularity. Most cities now have cuisines spanning all corners + of the globe. For new cooking ideas or restaurant options, check out some of + these global cuisines. + + Mexican food is a common favorite cuisine in America. From chili con carne to + enchiladas, spicy Mexican dishes are a popular choice. Western restaurants typically + use Northern Mexican cuisine, but there are a number of other options. Ancient + Mayan dishes have a subtler flavor while Central and Southern Mexico have a + sophisticated taste. Restaurant goers can enjoy eggs, vegetables, beans, chilies + and cumin in major Mexican dishes. Chocolate, tomatoes and salsa are always + favorites as well. + + With a culinary history that stretches back centuries, Italian cuisine is one + of the world’s favorites. Spumoni ice cream, spaghetti, lasagna and pizza are + traditional dishes that are widely available in the United States. Beyond these + basic dishes, there are a number of regional favorites like Parmesan cheese + and Parma ham. One part of Italy is even known for making a kind of maggot cheese. + The cheese is fermented and allowed to sit out so that flies lay eggs. Afterward, + it is packed at the perfect time for maggots to develop. It might not suit everyone’s + taste buds, but it is a specialty from the country. If this cheese is not to + your liking, the country has more than 400 types of cheese. + + Although Italian cuisine varies from region to region, each meal will generally + be set up in a similar way. It will begin with the antipasto or appetizer menu. + Next, diners enjoy the primo course which consists of pasta or rice. The second + course is a meat. To top it off, the last course is the dolce or dessert course. + + India is one of the most densely populated countries on the planet. With so + many people within the nation, Indian cuisine is highly varied. Curries are + the traditional fare, but Indian food is not confined for just curry. There + are a number of regions that make vegetarian dishes, and ayurvedic medicinal + traditions are often used in creating food. Within India, visitors will find + a range of sweet, hot and spicy dishes. Even better, the nation is home to millions + of street food stands. At these stands, visitors can try out unique treats for + a very cheap price. + + Long ago, the French Acadian people had to flee Canada. Although some of the + Acadians went back to France, others chose to move to Louisiana. Once there, + they combined French cooking style with local ingredients. This type of cuisine + is normally formatted within three dishes. The first pot will contain the main + dish while another pot contains vegetables. A third pot will generally contain + a mixture of steamed rice and seafood. Popular meat choices include pork sausage, + shrimp and fish. Due to the area, Cajun cuisine focuses heavily on celery, bell + peppers, garlic and onions. Other flavorings include cayenne pepper, bay leaf, + black pepper and green onions. + + During slavery, African-American slaves were only given the leftover, unwanted + food. Often, slave owners would try to feed them as little as possible as a + way of saving money. This early origin caused soul food to develop. Slaves at + the times used collards, mustard greens, turnip tops, dandelions and beets to + make up their diet. They often were given the unwanted parts of the meat like + offal, oxtail, pigs ears, lard and tripe. With these unwanted, inexpensive pieces, + the slaves of the time managed to create a unique, delicious cuisine. Today, + soul food includes dishes like chitlins, fried chicken, hog maw, pigs feet, + fried okra, collard greens, corn bread, grits and hush puppies. After a delicious + meal of soul food, you may not be hungry enough to eat dessert. If you are, + you can look forward to cobbler, pecan pie or sweet potato pie. + + Over the last decade, Thai food has grown in popularity. Hands down, the most + popular dish is pad thai. To truly experience Thai cuisine, you should step + away from the basic pad thai and try some of the broths and noodle dishes that + make this cuisine so delectable. This cuisine focuses on a lot of herbs and + offers a range of sweet, sour, spicy and bitter tastes. It focuses on fresh + herbs, so this cuisine always has a vivid flavor. + + Like Italian cuisine, Greek food dates back thousands of years. Many common + Greek dishes have unknown origins because they have been around so long. This + cuisine has a unique mix of different Mediterranean styles. Back in the day, + the Greeks were well-positioned to become a major port for sea trading. Every + time sailors returned from traveling, they brought back different dishes and + dining styles. In Greece, visitors can expect fresh herbs, olive oil and feta. + Due to its location near the sea, fish is a popular dining option. Pork and + lamb are common meat choices because many of the islands are too small to host + cattle. + + If characterizing Indian food was hard, Chinese food is impossible to pin down. + China has one of the most diverse mixes of cultures and cuisines in the world. + The main eight styles of cooking are: Fujian, Cantonese, Anhui, Zhejiang, Szechuan, + Shandong and Hunan. In Chinese traditional medicine and culture, the opposites + of yin and yang must always be kept in balance. This same balance extends to + food. When cooking, the Chinese try to balance different colors, tastes, textures + and smells. This focus has paid off and made Chinese cuisine one of the world’s + finest. + + In a traditional Chinese meal, you can expect to have noodles or rice. Although + many American-based Chinese restaurants use fried rice, most China-based Chinese + restaurants serve basic steamed rice. With a strong Buddhist history, vegetarian + dishes like tofu remain popular. Interestingly, garlic and chilies are considered + non-vegetarian in Buddhism because they stimulate the chi. If you go to a Chinese + vegetarian restaurant, don’t expect a lot of spices. For non-vegetarian dishes, + you can expect Peking duck, thousand year old eggs, squid and a range of meat + dishes. Vegetables are always included with dinner, and they are far from your + mother’s broccoli. Chinese vegetable dishes are often the most delicious part + of the meal. + + Due to its location, Lebanon has adopted Arabic and Mediterranean influences. + Lebanese food uses a lot of fresh fruit, vegetables and seafood. Other than + fish, it does not contain a big focus on meat. When dining at a Lebanese restaurant, + you can expect delicious pickles, unique salads, Arabic bread, vegetable dishes + and vegetable dips. + + The Hibachi or Teppanyaki grill are some of the most delectable of Japanese + dining options. At a Hibachi grill, you can watch a cook flip, fry, griddle + and cut the food in front of you. This cuisine focuses on noodles, tofu, sushi + and vegetables. Each meal is meticulously prepared and exceptionally delicious. + Even better, Japanese restaurants often serve oolong or green tea. + + American food is an extremely popular dining option. With so many cultures moving + in and out of the country, American food encompasses a range of different dining + styles. In Chicago, the deep dish pizza has become famous. Texas has five-alarm + chili while the Pacific Northwest is home to microbreweries and coffee. At most + traditional American diners, you can expect hot dogs, hamburgers, buffalo wings, + biscuits & gravy and omelets. + + Expect Moroccan cuisine to become the next major hit over the coming decade. + With such a rich history and unique dishes, this cuisine is one of the world’s + finest. It uses Mediterranean fruits and vegetables to make spicy, flavor-filled + meals. Lamb is a popular meat dish, and has a subtler flavor that Western lamb + dishes. Due to its location near the sea, fish and shellfish play a strong role + in Moroccan cuisine. Beef and chicken are commonly eaten. A local favorite is + known as a Tagine and contains chicken, fries and olives. Many of these dishes + are flavored with dried fruit, lemon pick and olive oil. At lunch time, Moroccans + eat a hot or cold salad and bread. Famously, this cuisine includes couscous. + Bread is a major dish and is known as Khobz. It varies from town to town, but + often looks like a type of baguette. Other specialties include salted meat and + Moroccan pancakes. + + There is some debate if there is actually a Mediterranean cuisine. This term + mostly developed in the 1970s when there was a Mediterranean diet. In general, + it consists of fresh fruits, vegetables, seafood and olive oil. Depending on + who you ask, it could include different Greek, Italian, Arabic, European or + North African dishes. + + Say Oui, Oui to French cuisine! Five-star chefs are often trained in French + cooking. It uses cheese, chocolate and baguettes for delicious meals. Of course, + a French meal would never be complete without some wine! Despite their focus + on cheese, bread and chocolates, the French amazingly remain thin. Perhaps eating + more of this cuisine could be a weight loss plan? + + Spanish cuisine is exceptional because it limits spices. Instead of hiding the + flavor of a dish with cumin, chilies or pepper, it only uses enough spice to + bring out the natural flavor of the food. Due to its location along the coast, + Spanish food has a strong focus on seafood. Famously, cafes and restaurants + in Spain offer tapas or pinches. These snack-sized dishes can be made of basically + anything and only cost a couple of euros. Before siesta, Spaniards can stop + in a local cafe and get a glass of wine and a tapa for merely a couple of euros. + + From sauerkraut to bratwurst, German is known for its flavorful dishes. Restaurant + goers can expect spatzl (potatoes), rich varieties of bread, cheese and sausages. + Even better, this country is known for its many delicious beers. Surrounded + by the world famous cuisines of Italy, Spain and France, Germany has not gotten + the attention it deserves from foodies. + + Many people try kimchi and give up on Korean food for good, but this cuisine + is more than just kimchi. If you have not had this dish before, kimchi is a + fermented cabbage dish that is mixed with vinegar and spice. Other than this + common dish, Korean food contains rice, meat, veggies and seafood. It has a + unique flavor that you tend to love or hate. + + Vietnamese food has not received nearly the attention it deserves. Due to the + French colonization of the area, Vietnamese food contains traditional dishes + and French cuisine. Visitors can enjoy vegetables, Vietnamese mint, shrimp paste, + lime, basil leaves, soy sauce, fish sauce, fruits and vegetables in their meals. + These meals are made to balance the five elements and tastes within the dish, + so there is a mixture of sweet, spicy, bitter, sour and salty. Common dishes + may include balut, duck meat or ginger. + + Coffee and chocolate are just a fraction of what Turkey has to offer. This cuisine + has a delicious vegetable stew, eggplant dishes and seafood-based meals. Stuffed + dolmas are always delectable and the yogurt is scrumptious. Foodies enjoy eating + dumplings, kebabs and baklava. Olive oil is used in abundance and fresh vegetables + are a must-have for Turkish dishes. My personal favorite is the kebab. If you + can find a street vendor, you can watch as they peel away meat from the spit. + You can eat it on a stick, or some street vendors will put the meat in a pita + sandwich-like form. + + Caribbean food is a mixture of African cuisine and local delicacies. This food + contains an impressive array of peppers and tropical fruits. From fried plantains + to salt fish, Caribbean food is a welcome change from European and Mediterranean + dishes. This cuisine puts a strong focus on using foods like leafy green veggies, + goat meat, sweet potatoes, rice, peas and coconut. If you have never had Caribbean + food, start out with a jerk chicken, goat curry and a mango salsa—you won’t + regret it. + + Gloria Bistro + + And European Food, too 🙂 + + Thank you for sharing your thoughts and feelings. Please share more of your + supportive comments in the future. Have a great day, Gloria! + + James Regan Luhr + + I remember when I worked those + + 2 jobs for 4 summers in Alaska + + The kids were immature puked everywhere. Over railings balconys. + + The chef at Aramark in Denali + + Was paid to make me work in + + My own room in a separate building. + + I used my time to think. Thanks. + + Thank you for sharing your experiences and insights. It is always beneficial + when members of our community share their thoughts and feelings. Please share + more of your supportive comments in the future. Have a great day, James! + + I wish you guys put Armenian, it’s delicious + + Thank you for sharing your positive comment. Please share more of your thoughts + and feelings in the future. Have a great day, Emily! + + somalion food + + Thank you for sharing your thoughts and feelings. Have a great day, O! + + Marcie Roy + + You forgot Ukranian Polish and Hungarian food. They are awesome perogies, cabbage + rolls borscht Goulash langos and so many more tasty foods. + + Thank you for sharing your experiences and insights. Please feel free to share + more of your thoughts and feelings in the future. Have a great day, Marcie! + + allan wasilwa + + These food is delicious and yummy + + Thank you for sharing your positive comment. If you have any recipes that you + would like to share, then please do. Have a great day, Allan! + + Italian, American and Mexican are the best + + Thank you for sharing the types of cuisine that you most appreciate. Have a + great day, Mike! + + My personal bests are Indian & Mexican, even Italian sometimes too. I love chicken + tikka 😉 + + I love all of those types of cuisine. 🙂 Thanks for commenting, Sylvester! + + I love the chicken + + Never tried Greek cuisine :(. Italian is my absolute favourite, but all the + Asian styles are to die for! American cuisine? Not my cup of tea, not fond of + fast food and super caloric drinks. Great list! + + Thank you for sharing your food likes and dislikes. It is certain that your + dietary preferences are similar to others. Perhaps you and other readers can + share cuisine ideas! Let us know what your favorite Italian dishes are. Thank + you, Cristina! + + pawan Gore + + I love Chinese cuisine + + It seems like you may have commented twice on this one. I have to answer and + approve each comment individually, so it can sometimes take a little while for + all of the responses and comments to appear. If you do not see your comment + right away, don’t worry because you will. Read through my initial response and + let me know if you have any other questions. Thanks for commenting! + + I love Chinese cusin + + Me too! Thanks for commenting!' + - 'Types of Cuisine From Around the World With Their Popular Foods + + Most countries and regions in the world have their own particular cuisine. Different + types of cuisines involve certain cooking practices, local ingredients, and + a combination of spices. Some food cultures are a fusion of foods from different + countries. From these, delicious foods have developed that provide unique culinary + experiences. + + There are hundreds of different cuisines in the world. Famous cuisines in the + world include French, Thai, Italian, Indian, and Chinese. In large cities, it + is also not uncommon to find restaurants serving dishes from Moroccan, Lebanese, + Vietnamese, and Hungarian cuisines. + + Even in countries that have their own particular kind of cuisine, it is not + uncommon to have regional variations. For example, some types of food may be + prepared in different ways or include a different variety of ingredients. + + In this article, you will learn about some of the top cuisines in the world. + You will also find out where some famous dishes originated from. + + The French Provencal cuisine uses a lot of herbs + + Many regard French cuisine as one of the best cuisines in the world. French + food involves ingredients such as butter, cream, wine, herbs, chocolate, and + vegetables. French pastry dishes, cheese, bread, and wine are famous throughout + the world. + + Food culture in France also revolves around locally sourced ingredients. On + the Mediterranean coast, seafood is very popular. Provencal cuisine uses tarragon + and a host of other herbs and spices. Paris itself has over 9,000 restaurants + serving French classics and dishes from around the world. + + Dumplings and dim sum are a common food in the Chinese cuisine + + Chinese cuisine is one of the most diverse food cultures in the world. Traditionally, + Chinese food is served with noodles or rice. Also, Chinese dumplings form a + large part of the staple diet in many regions of China. There are several main + cuisines in Chinese cookery – Cantonese, Sichuan, Fujian, and Hunan cuisines + are the most well-known. + + Most Chinese dishes contain a mixture of vegetables that are stir-fried and + combined with aromatic spices and herbs. For example, ginger is often fried + along with garlic and onions to create flavorsome dishes. Also, soy sauce, rice + vinegar, and fish sauce are commonly used to create a blend of wonderful flavors. + + Chinese cuisine could be regarded as the one of the most important in the world. + Chinese cooking styles have influenced other foods from Korea, the Philippines, + Thailand, and Vietnam. Chinese dishes are so popular that most cities in the + world have a number of Chinese restaurants. Sweet and sour chicken and chop + suey are the most popular Chinese dishes outside of China. + + Sushi is a very popular food in Japanese restaurants + + Japanese dishes have become one of the most important food genres in the world. + Boiled rice usually accompanies most dishes with grilled fish, pickled vegetables, + or deep-fried vegetables. Tofu also plays an important part in traditional Japanese + cuisine. + + Of course, sushi is one of the most well-known type of Japanese food. Great + care and precision goes into creating delicious rice rolls with raw fish, vegetables, + and nori. These are accompanied with pickled ginger and dipping sauces. Japanese + food culture is so influential that many countries around the world developed + their own type of sushi varieties. + + Going into a Japanese restaurant, you often see the chef working in an open + kitchen at a Teppanyaki grill. + + After your delicious Japanese meal, you can finish off with a cup of refreshing + type of tea such as: green tea, oolong tea, or jasmine tea. + + Pasta dishes are one of the most famous foods in Italian cuisine + + Many people regard Italy as the country with the best food in the world. Pasta + dishes in Italian cuisine are one of the most popular and favorite types of + food in the world. There are very few people in the world who haven’t tried + delicious Italian foods like pizza, spaghetti, or delicious Italian ice cream. + Many classic Italian dishes also include the regional name in their title. For + example, spaghetti Bolognese from Bologna and Parma ham or Parmesan cheese from + Parma. + + The mainstays of the popular Italian cuisine are pasta, rice, tomatoes, and + cheese. Many regional variations include types of meat, seafood, or sausages + along with delicious sauces. These can be flavored with herbs such as oregano, + basil, or a combination of other fresh herbs. + + There is also great variation in food cultures between the various regions of + Italy. Abruzzo cuisine from the mountainous and coastal regions has pasta, seafood, + lamb, and wild mushrooms. Neapolitan cuisine is famous for foods like pizzas, + spaghetti, and mozzarella. Famous Italian dishes such as lasagna, tortellini, + and Parmigiano-Reggiano cheese are from areas around Bologna and Modena. + + Greek salad is a favorite food for Greek cuisine lovers + + Greek food culture is one of the oldest in the world. Cuisine from Greece and + the Greek islands is heavily influenced by olive oil, vegetables, fish, and + various types of meat. In fact, a simple Greek salad may just be fresh cucumbers, + tomatoes, red onions, a dash of olive oil, a few tasty olives, and a thick slice + of feta cheese. + + Some popular Greek dishes include moussaka made from eggplant, tzatziki (a type + of yogurt dip), or gyro – a type of kebab with lamb, pork, or chicken meat. + Due to its long coastline, seafood such as squid, mussels, fish, and lobster + are popular food choices. + + After feasting on Greek delicacies, you may have room for some common Greek + desserts. A delicious filo pastry with layers of nuts and honey called baklava + is one of the most favorite Greek sweet foods. + + Seafood paella is a popular dish served in many Spanish restaurants + + Similar to many countries around the Mediterranean Sea, Spanish cuisine is heavily + influenced by seafood. A combination of mussels, cuttlefish, shrimps, and lobster + together with paprika, saffron and rich broth create the classic seafood paella. + + Spanish food culture isn’t limited just to seafood. This popular cuisine also + includes foods like cured meats such as Serrano or Iberico ham. Chorizo sausage, + mushrooms, and cooked meat are used in Spanish appetizers – tapas. + + Different regions of Spain also have culinary variations. For example, La Rioja + is famous for its red wine, cured pork, and lamb dishes. Seafood, thyme soup, + and bean omelets are popular in Catalan cuisine. Andalusia is famous for hot + soups, fish stews, and cold soups such as gazpacho. + + Olive oil is a staple ingredient in the Mediterranean cuisine + + It can be difficult to define what exactly Mediterranean cuisine is as there + is great variety of dishes in it. The key ingredients of Mediterranean cuisine + are basic foods such as olive oil, fresh vegetables, wheat (such as bread and + pasta), and grape (such as wine). + + Mediterranean food styles include culinary delicacies from countries such as + Morocco, Italy, Portugal, Spain, Greece, Turkey, and the Middle East. + + Mediterranean food culture is also the basis of the Mediterranean diet. This + kind of diet contains olive oil, fresh vegetables and fruits, seafood, and nuts. + + Hummus dip with pita bread is a common type of food served in many Lebanese + restaurants + + Lebanese food culture comprises cuisines from other Mediterranean countries. + Poultry, seafood, lamb, or goat meat are prepared with olive oil, garlic, and + other spices. These are usually consumed with pitta bread and fresh or grilled + vegetables. + + Chickpeas also form a staple part of Lebanese cuisine. These are cooked and + blended with olive oil, tahini, and lemon juice to create a delicious nutty + hummus dip. + + As well as classic Mediterranean desserts such as baklava or halva, fresh or + dried types of dates are also widely used in Lebanese sweet dishes. + + A vegetable couscous is served in Moroccan tagine + + Moroccan dishes are a great example of when different cuisines fuse to form + a new type of food genre. Moroccan cuisine uses a goat, lamb, poultry, beef, + and seafood as its basis. These meats are spiced and cooked along with lemons, + dried fruits, and olive oil. + + One of the most famous foods in the popular Moroccan cuisine is couscous. This + common wheat-based food is combined with various spices, herbs, and vegetables + to create a versatile and delicious side dish. Another favorite Moroccan classic + dish is a tagine. This is an earthenware dish used to cook meat along with vegetables + or dried fruits. + + As with many dishes in North Africa, the Middle East, and the Mediterranean, + Moroccan cuisine uses flatbread as a meal accompaniment. + + Lamb kebab is a popular type of dish in the Turkish cuisine + + Turkish food is another example of a fusion of various food cultures from Asia, + Europe, and the Middle East. Eggplant, stuffed dolmas, lamb kebabs, and delicious + vegetable stews are just some of the culinary delights you can experience with + Turkish food. Nuts such as hazelnuts, walnuts, and chestnuts are common food + ingredients in savory and sweet dishes. + + One important part of Turkish cuisine is yogurt. In fact, the name ‘yogurt’ + is a Turkish word. Yogurt and types of spiced yogurt are an accompaniment to + many vegetable and meat dishes in Turkey. Cheese made from sheep’s milk is another + important dairy product in Turkish cuisine. + + Popular beverages in Turkey include strong Turkish coffee, hot black tea, and + Ayran – a type of yogurt drink. + + Pad Thai is a famous and delicious dish to try when visiting Thailand + + Thai cuisine is all about strong spicy flavors that incorporate sweet, sour, + and hot elements. Some of the world’s most popular dishes are from Thailand. + Pad Thai, green curry, and tom yum goong are just some examples of the best + dishes from Thailand. + + Thai food is traditionally served with rice or noodles. Even spicy Thai soups + or broths usually contain basic rice noodles. + + One of the unique features of Thai cuisine is its wide use of spices, herbs, + and sauces. For example, fresh basil, lemongrass, kaffir lime, chilies, and + coconut milk are some of the ingredients in Thai green curry. Also, cloves, + ginger, cilantro, mint, and turmeric are common ingredients. + + Trying many of the different dishes in Thailand is usually a culinary experience + that few people forget. + + Samosas may take different fillings and forms, depending on the region in India + + When it comes to spicy, aromatic dishes, Indian cuisine usually tops the list. + The amazing range of spices, chilies, and herbs combine to make some of the + spiciest foods you can eat. + + In India, the range of different cuisines is also impressive. Each region in + India has its own ethnic foods and dishes. These can include vegetable pastry + morsels such as samosas, vegetarian curries, beans with fermented fish, and + vegetable pakoras. + + Street food is also part of the food culture in India. Tandoori chicken served + with basic naan bread, spicy Indian snacks, and sweet dishes such as Gulab jamun + are all popular. + + Indian cuisine has also been exported to many countries throughout the world. + In countries like the United Kingdom, the US, Australia, and Singapore, Indian + cuisine has been adapted to local culture. + + Crawfish dishes are very common in many restaurants in Louisiana + + Cajun food is an important part of American cuisine and is another example of + ‘fusion cuisine.’ French cuisine combined with local ingredients in Louisiana + has created many of the scrumptious dishes in Cajun cooking. + + Most Cajun dishes are prepared in pots. Seafood, crawfish, shrimps, vegetables, + and steamed rice are the most common ingredients. Celery, bell peppers, citrus + fruits, and okra are some of the fruits and vegetables common in Cajun food. + + Cajun cuisine is closely related to Creole cuisine. Gumbo is probably the signature + dish of both cuisines. + + Taco is a traditional Mexican dish made of tortilla folded around a variety + of fillings + + Another of the most popular types of cuisines in the world is Mexican food. + Tacos, enchiladas, tortillas, nachos, and quesadillas are now common dishes + in many countries around the world. Mexican food is also a popular street food + as it’s easy to wrap delicious spicy meat, salsas, and vegetables in tortas + or tortillas. + + Visiting an authentic Mexican restaurant provides an amazing choice of delicious + dishes. Ethnic Mexican food can include grilled goat, meat with eggs, exotic + fruits, and hot spicy dishes. Authentic Mexican avocado guacamole is absolutely + delicious. + + Traditional Mexican cuisine is much different from the ‘Tex-Mex’ type of Mexican + food that is popular in many countries. + + Jerk is a traditional cooking style in the Caribbean cuisine. In the photo: + jerk wings with rice and broccoli + + Traditional Caribbean dishes are a combination of African, European, Cajun, + and Middle Eastern cuisines. Fusing cooking styles from these countries along + with local ingredients has created a unique food culture. + + Rice is the staple ingredient in most Caribbean dishes. Local ingredients such + as coconuts, plantains, beans, tomatoes, and chickpeas are used to create tasty + meals. The addition of fiery chilies such as Scotch bonnet peppers gives many + Caribbean dishes a powerful kick. + + The most famous food in the Caribbean cuisine is oven-baked Jerk Chicken. This + is a spicy dish combining chicken, habanero peppers, ginger, garlic, herbs, + and spices. + + Although Caribbean cuisine defines many dishes from the islands, each island + has its own food culture. + + Bratwurst is a type of German sausage most commonly made of pork + + German cuisine is famous for its sausages called Wurst in German. There are + an estimated over 1,500 different types of German sausage. However, German food + isn’t all about bratwurst. There are many flavorful dishes in German cuisine. + + German specialties include German fries, sauerkraut, rye bread, Spätzle (a type + of noodle), and dumplings. Popular German desserts include donuts (without a + hole), Black Forest cake, and Rote Grütze (a delicious berry fruit pudding). + + Of course, Germany is also well-known for its beer such as pilsner and wheat + beer. + + Borscht is a soup common in Eastern Europe countries. Made with beetroots, it + has a typical red color + + Russia has a wide and varied food culture due to many culinary influences from + its different regions. Due to the harsh climate, soups and stews play an important + role in Russian cuisine. Thick spicy meat broths, noodle soups, and cabbage + soups are very popular. A popular type of Russian soup is borscht that contains + beets, cabbage, beef, and eaten with sour cream. + + Grains are another important part of Russian food. For example, buckwheat, barley + and millet are all used as accompaniments to main meals. Beef Stroganoff, meatballs, + and a type of Shish kebab are popular meat dishes. + + Even though it has become more expensive, caviar still enjoyed by many people + in Russia. + + Goulash is enjoyed not only in Hungary but around the world + + Similar to Russian food, Hungarian cuisine is a mixture of soups and stews. + Maybe the most famous Hungarian dish is goulash made with meat and spicy paprika. + This classic Hungarian meal can be served as a soup or a stew. + + Similar to many countries in Europe, Hungarian cuisine has been influenced by + surrounding countries. Therefore, crepes, sweet dumplings, stuffed cabbage rolls, + and sausages are all found on traditional Hungarian menus. + + Hot dog is a popular street food across USA + + American cuisine has absorbed the cultures of many who came to the United States + in the 1800s. A fusion of cooking styles, cuisines, and ethnic foods combined + to create a new type of cuisine. Many chefs took traditional dishes from their + home countries and put their own twist on them. + + For example, pizza is traditional Italian food. But ‘Chicago’ pizza has a thicker + and taller crust, whereas ‘New York Slice’ is thinner. A ‘New York Strip Steak’ + is known in other countries as sirloin or contre-filet steak. + + Hamburgers, hot dogs, ‘French fries,’ fried chicken, and deep-pan pizzas are + new takes on traditional foods from other countries. However, they are all part + of the list of foods belonging to American cuisine. + + Types of Food – Do You Know these Various Food Categories? + + Different Kinds of Vegetables and Their Nutritional Value + + Types of Meat With Their Benefits, Concerns and Nutrition Facts + + Types of Cuisine From Around the World With Their Popular Foods was last modified: + December 31st, 2019 by no_name12 + + Types of Steak: Different Cuts of Steak With Their Picture and Name + + Types of Edible Mushrooms (Including Wild Edible Mushrooms) - With Pictures + + Types of Tea: Varieties of Tea With Their Flavor, Caffeine Content and More + + The Tastiest and Most Exciting Types of Cheese You Didn t Know About' + - '17 LISTS Food Around the WorldPart of the fun of traveling is stuffing your + face with the cuisines and treats of the locals. These lists rank the most delicious, + must-try foods wherever you ll be. + + The Best Types of Cuisine Countries with the Best Eats Why Different Cultures + Eat Different Foods The Tastiest Foods on Earth Fast Food You ll Want to Try + Breakfast Foods Around the World The World s Best Cities for Eating Gross Foods + People Actually Eat Delicious Desserts French Fries All Around the World Tasty + Sandwiches Weird Ways People Eat Blood What People Eat in Hospitals The Food + You ll Get on Airplanes Incredible / Gross Food World Records How Everybody + Eats Hot Dogs Food Museums You ve Got to Visit + + Photo: Kevin Casper + + Cuisine Your Favorite Types of Cuisine + + List Rules Distinctive styles of food + + This is a list of the favorite types of cuisine, chosen by Ranker users. Whether + it s Italian cuisine (real Italian, we re not just talking pizza here), Chinese + or something a bit more exotic, like Moroccan food, people are passionate with + their palates. Everyone has a different favorite: What s yours? + + Some of the more popular world cuisines, like Mexican, Thai, and Greek, appear + on this list. Some may not get as much exposure, but that sure doesn t mean + they aren t tasty! Foodies, this is your chance to step up and be heard: Create + your own list of your favorite kinds of cuisine. Obviously not everyone likes + the same kinds of foods, but it will be interesting to see what cuisines are + the most popular. + + And if you see a specific type of cuisine that you ve never tried, give it a + chance: You never know when you might find a new favorite. Be bold, be brave! + Your taste buds will thank you later. + + South Korea Food + + Dark Ether added Cajun food + + ShaimingTsou added Vegetarian food + + VickiMoreman added Seafood + + List Rules: Distinctive styles of food + + Filed Under: Foods Food/DrinkPlaces/TravelThe RecipeTravelCookingRecipesCuisinepollPopular + Opinion + + The Best Things to Put in a Salad The Most Comforting Comfort Food The Biggest + Foods in the World The Most Delicious Foods in the World Low Calorie Fast Food + The Best Things About Fall Rice Recipes The Best Horror Movie Remakes The Very + Best Snacks to Eat Between Meals, Ranked The Best Frozen French Fries The Best + Breakfast Foods Famous Schizophrenics 15 Famous People Who Went to Med School + The Most Cravable Chinese Food Dishes The Best Fast Food Salads The Best Tasting + Whiskey The Best Pinot Grigio Food Pairings, Ranked The 20 Greatest Misheard + Lyrics Music Videos on the Internet The Best Restaurants to Stop at During a + Road Trip + + indians pitchers black female models syfy original movies what channel are the + celtics on tonight how to have a spontaneous orgasm matthew mcconaughey movies + dangerous animals in florida the mask of zorro cast who played othello nyu famous + alumni' + - 'Zoe Li, CNN • Updated 4th May 2018 + + (CNN) — We love to write about food. We love to celebrate the good stuff and + lambaste the bad. + + This is our take on some of the best food cultures and destinations, but of + course it s subjective. It s time to find out once and for all, which cuisine + is king as you plan where you ll travel next. + + America knows how to dish food that hits the spot. + + This may be because most of the popular foods in the USA originate in some other + country. The pizza slice is Italian. Fries are Belgium or Dutch. Hamburgers + and frankfurters? Likely German. But in the kitchens of the United States, they + have been improved and added to, to become global icons for food lovers everywhere. + + Don t neglect the homegrown American dishes either. + + There s the traditional stuff such as clam chowder, key lime pie and Cobb salad, + and most importantly the locavore movement of modern American food started by + Alice Waters. This promotion of eco-awareness in food culture is carried on + today by Michelle Obama. + + Cheeseburger -- a perfect example of making good things greater. + + Chocolate chip cookie -- the world would be a little less habitable without + this Americana classic. + + All overly processed foods such as Twinkies, Hostess cakes and KFC. + + Mmmmexico. + + Courtesy Denis Dervisevic/Creative Commons/Flickr + + If you were only allowed to eat the food of one country the rest of your life, + it would be smart to make it Mexico. The cuisine of the Mesoamerican country + has a little bit of everything -- you ll never get bored. + + Amongst the enchiladas and the tacos and the helados and the quesadillas you + ll find the zestiness of Greek salads and the richness of an Indian curry; the + heat of Thai food and the use-your-hands snackiness of tapas. It is also central + station for nutritional superfoods. All that avocado, tomato, lime and garlic + with beans and chocolates and chilies to boot, is rich with antioxidants and + good healthful things. It doesn t taste healthy though. It tastes like a fiesta + in your mouth. + + World s 50 best foods + + Mole -- ancient sauce made of chili peppers, spices, chocolate and magic incantations. + + Tacos al pastor -- the spit-roast pork taco, a blend of the pre- and post-Colombian. + + Tamales -- an ancient Mayan food of masa cooked in a leaf wrapping. + + Tostadas -- basically the same as a taco or burrito but served in a crispy fried + tortilla which breaks into pieces as soon as you bite into it. Impossible to + eat. + + Open for more than eight decades, old school Bangkok cafe On Lok Yun -- located + at 72 Charoen Krung Road -- is a local institution. Video by Black Buddha + + Street eats are a Thai attraction. Flip through a Thai cook book and you ll + be hard pressed to find an ingredient list that doesn t run a page long. The + combination of so many herbs and spices in each dish produces complex flavors + that somehow come together like orchestral music. Thais fit spicy, sour, salty, + sweet, chewy, crunchy and slippery into one dish. + + With influences from China, Malaysia, Indonesia, Myanmar and a royal culinary + tradition, Thai cuisine is the best of many worlds. The best part about eating + Thai food in Thailand though is the hospitality. Sun, beach, service with a + smile and a plastic bag full of som tam -- that s the good life. + + Tom yam kung -- a rave party for the mouth. The floral notes of lemongrass, + the earthy galangal, freshness of kaffir lime leaves and the heat of the chilies. + + Massaman curry -- a Thai curry with Islamic roots. Topped our list of the world + s 50 most delicious foods. + + Som tam -- the popular green papaya salad is sour, extra spicy, sweet and salty. + It s the best of Thai tastes. + + Pla som -- a fermented fish eaten uncooked is popular in Lawa, Thailand and + reported to be responsible for bile duct cancer. + + Souvlaki is paradise on a stick. + + LOUISA GOULIAMAKI/AFP/AFP/Getty Images + + Traveling and eating in Greece feels like a glossy magazine spread come to life, + but without the Photoshopping. Like the blue seas and white buildings, the kalamata + olives, feta cheese, the colorful salads and roast meats are all postcard perfect + by default. + + The secret? Lashings of glistening olive oil. Gift of the gods, olive oil is + arguably Greece s greatest export, influencing the way people around the world + think about food and nutritional health. Eating in Greece is also a way of consuming + history. A bite of dolma or a slurp of lentil soup gives a small taste of life + in ancient Greece, when they were invented. + + Olive oil -- drizzled on other food, or soaked up by bread, is almost as varied + as wine in its flavors. + + Spanakopita -- makes spinach palatable with its feta cheese mixture and flaky + pastry cover. + + Gyros -- late-night drunk eating wouldn t be the same without the pita bread + sandwich of roast meat and tzatziki. + + Lachanorizo -- basically cabbage and onion cooked to death then mixed with rice. + Filling, but one-dimensional. + + Sweet and spicy chai tea. + + NOAH SEELAM/AFP/AFP/Getty Images + + When a cuisine uses spices in such abundance that the meat and vegetables seem + like an afterthought, you know you re dealing with cooks dedicated to flavor. + There are no rules for spice usage as long as it results in something delicious. + The same spice can add zest to savory and sweet dishes, or can sometimes be + eaten on its own -- fennel seed is enjoyed as a breath-freshening digestive + aid at the end of meals. + + And any country that manages to make vegetarian food taste consistently great + certainly deserves some kind of Nobel prize. The regional varieties are vast. + There s Goa s seafood, there s the wazwan of Kashmir and there s the coconutty + richness of Kerala. + + Dal -- India has managed to make boiled lentils exciting. + + Dosa -- a pancake filled with anything from cheese to spicy vegetables, perfect + for lunch or dinner. + + Chai -- not everyone likes coffee and not everyone likes plain tea, but it s + hard to resist chai. + + Balti chicken -- an invention for the British palate, should probably have died + out with colonialism. + + We meet up with Yumi Chiba to find out how she became one of the most renowned + female sushi chefs in Japan. + + Japanese apply the same precision to their food as they do to their engineering. + This is the place that spawned tyrannical sushi masters and ramen bullies who + make their staff and customers tremble with a glare. + + You can get a lavish multicourse kaiseki meal that presents the seasons in a + spread of visual and culinary poetry. Or grab a seat at a revolving sushi conveyor + for a solo feast. Or pick up something random and previously unknown in your + gastronomic lexicon from the refrigerated shelves of a convenience store. It + s impossible to eat badly in Japan. + + 25 Japanese foods we love -- from tempura to miso + + Miso soup -- showcases some of the fundamental flavors of Japanese food, simple + and wholesome. + + Sushi and sashimi -- who knew that raw fish on rice could become so popular? + + Tempura -- the perfection of deep-frying. Never greasy, the batter is thin and + light like a crisp tissue. + + Fugu -- is anything really that delicious that it s worth risking your life + to eat? The poisonous blowfish recently killed diners in Egypt, but is becoming + more available in Japan. + + Churros: dough meets chocolate. + + Let s eat and drink, then sleep, then work for two hours, then eat and drink. + Viva Espana, that country whose hedonistic food culture we all secretly wish + was our own. All that bar-hopping and tapas-eating, the minimal working, the + 9 p.m. dinners, the endless porron challenges -- this is a culture based on, + around and sometimes even inside food. + + The Spaniards gourmandize the way they flamenco dance, with unbridled passion. + They munch on snacks throughout the day with intervals of big meals. From the + fruits of the Mediterranean Sea to the spoils of the Pyrenees, from the saffron + and cumin notes of the Moors to the insane molecular experiments of Ferran Adria, + Spanish food is timeless yet avant garde. + + Jamon Iberico -- a whole cured ham hock usually carved by clamping it down in + a wooden stand like some medieval ritual. + + Churros -- the world s best version of sweet fried dough. + + Gazpacho -- it s refreshing and all, but it s basically liquid salad. + + Freshly baked French baguettes -- mouthwatering. + + If you re one of those people who doesn t like to eat because there s more + to life than food -- visit Paris. It s a city notorious for its curmudgeonly + denizens, but they all believe in the importance of good food. Two-hour lunch + breaks for three-course meals are de rigeur. + + Entire two-week vacations are centered on exploring combinations of wines and + cheeses around the country. Down-to-earth cooking will surprise those who thought + of the French as the world s food snobs (it is the birthplace of the Michelin + Guide after all). Cassoulet, pot au feu, steak frites are revelatory when had + in the right bistro. + + Escargot -- credit the French for turning slimey, garden-dwelling pests into + a delicacy. Massive respect for making them taste amazing too. + + Macarons -- like unicorn food. In fact anything from a patisserie in France + seems to have been conjured out of sugar, fairy dust and the dinner wishes of + little girls. + + Baguette -- the first and last thing that you ll want to eat in France. The + first bite is transformational; the last will be full of longing. + + Foie gras -- it tastes like 10,000 ducks roasted in butter then reduced to a + velvet pudding, but some animal advocates decry the cruelty of force-feeding + fowl to fatten their livers. + + Peking duck -- just one of many Chinese culinary delights. + + GREG BAKER/AFP/AFP/Getty Images + + The people who greet each other with Have you eaten yet? are arguably the + most food-obsessed in the world. Food has been a form of escapism for the Chinese + throughout its tumultuous history. + + The Chinese entrepreneurial spirit and appreciation for the finer points of + frugality -- the folks are cheap, crafty and food-crazed -- results in one of + the bravest tribes of eaters in the world. But the Chinese don t just cook and + sell anything, they also make it taste great. + + China is the place to go to get food shock a dozen times a day. You can eat + that? will become the intrepid food traveler s daily refrain. China s regional + cuisines are so varied it s hard to believe they re from the same nation. It + s not a food culture you can easily summarize, except to say you ll invariably + want seconds. + + Sweet and sour pork -- a guilty pleasure that has taken on different forms. + + Dim sum -- a grand tradition from Hong Kong to New York. + + Roast suckling pig and Peking duck -- wonders of different styles of ovens adopted + by Chinese chefs. + + Xiaolongbao -- incredible soup-filled surprises. How do they get that dumpling + skin to hold all that hot broth? + + Shark s fin soup -- rallying for Chinese restaurants to ban the dish has been + a pet issue of green campaigners in recent years. + + Nothing beats traditional Neapolitan pizza + + MARIO LAPORTA/AFP/AFP/Getty Images + + Italian food has enslaved tastebuds around the globe for centuries, with its + zesty tomato sauces, those clever things they do with wheat flour and desserts + that are basically vehicles for cream. It s all so simple. Get some noodles, + get some olive oil, get some garlic, maybe a tomato or a slice of bacon. Bam, + you have a party on a plate. And it is all so easy to cook and eat. + + From the cheesy risottos to the crisp fried meats, Italian cuisine is a compendium + of crowd-pleasing comfort food. Many people have welcomed it into their homes, + especially novice cooks. Therein lies the real genius -- Italian food has become + everyman s food. + + Italy s 20 regions, dish by delicious dish + + Ragu alla bolognese (spaghetti bolognaise) -- the world s go-to can t decide + what to have food. + + Pizza -- mind-bogglingly simple yet satisfying dish. Staple diet of bachelors + and college students. + + Italian-style salami -- second only to cigarettes as a source of addiction. + + Coffee -- cappuccino is for breakfast? Forget it. We want it all day and all + night. + + Buffalo mozzarella -- those balls of spongy, off-white, subtly flavored cheeses + of water buffalo milk. The flavor s so subtle you have to imagine it.' + - 'How to Make the Best Cajun Fried Turkey + + How to Make New Orleans Style Oyster Dressing + + Souths Best + + The South’s Best BBQ 2017: Southern Soul Barbeque + + Fat Tuesday Recipes That ll Help You Celebrate Mardi Gras Right + + 6 Ways to Screw Up a Pot of Gumbo + + Iconic Southern Plates: The Deep South’s Meat ‘n’ Three + + Iconic Southern Plates: Lowcountry Shrimp and Grits + + Iconic Southern Plates: Louisiana Gumbo + + Storied Pies: Mincemeat Pie + + The South s Best Soul Food + + The Next Generation of Soul Food Recipes + + The Best Shrimp in Gulf Shores + + Italian Restaurant on the Bayou + + Fresh From the Bayou + + Lowcountry Potluck + + Tastes of the South: Lowcountry + + Lowcountry Pig Pickin + + The Best of Carolina Coastal Cuisine: Myrtle Beach' + __selected-docs__: + - 'Types of Cuisine From Around the World With Their Popular Foods + + Most countries and regions in the world have their own particular cuisine. Different + types of cuisines involve certain cooking practices, local ingredients, and + a combination of spices. Some food cultures are a fusion of foods from different + countries. From these, delicious foods have developed that provide unique culinary + experiences. + + There are hundreds of different cuisines in the world. Famous cuisines in the + world include French, Thai, Italian, Indian, and Chinese. In large cities, it + is also not uncommon to find restaurants serving dishes from Moroccan, Lebanese, + Vietnamese, and Hungarian cuisines. + + Even in countries that have their own particular kind of cuisine, it is not + uncommon to have regional variations. For example, some types of food may be + prepared in different ways or include a different variety of ingredients. + + In this article, you will learn about some of the top cuisines in the world. + You will also find out where some famous dishes originated from. + + The French Provencal cuisine uses a lot of herbs + + Many regard French cuisine as one of the best cuisines in the world. French + food involves ingredients such as butter, cream, wine, herbs, chocolate, and + vegetables. French pastry dishes, cheese, bread, and wine are famous throughout + the world. + + Food culture in France also revolves around locally sourced ingredients. On + the Mediterranean coast, seafood is very popular. Provencal cuisine uses tarragon + and a host of other herbs and spices. Paris itself has over 9,000 restaurants + serving French classics and dishes from around the world. + + Dumplings and dim sum are a common food in the Chinese cuisine + + Chinese cuisine is one of the most diverse food cultures in the world. Traditionally, + Chinese food is served with noodles or rice. Also, Chinese dumplings form a + large part of the staple diet in many regions of China. There are several main + cuisines in Chinese cookery – Cantonese, Sichuan, Fujian, and Hunan cuisines + are the most well-known. + + Most Chinese dishes contain a mixture of vegetables that are stir-fried and + combined with aromatic spices and herbs. For example, ginger is often fried + along with garlic and onions to create flavorsome dishes. Also, soy sauce, rice + vinegar, and fish sauce are commonly used to create a blend of wonderful flavors. + + Chinese cuisine could be regarded as the one of the most important in the world. + Chinese cooking styles have influenced other foods from Korea, the Philippines, + Thailand, and Vietnam. Chinese dishes are so popular that most cities in the + world have a number of Chinese restaurants. Sweet and sour chicken and chop + suey are the most popular Chinese dishes outside of China. + + Sushi is a very popular food in Japanese restaurants + + Japanese dishes have become one of the most important food genres in the world. + Boiled rice usually accompanies most dishes with grilled fish, pickled vegetables, + or deep-fried vegetables. Tofu also plays an important part in traditional Japanese + cuisine. + + Of course, sushi is one of the most well-known type of Japanese food. Great + care and precision goes into creating delicious rice rolls with raw fish, vegetables, + and nori. These are accompanied with pickled ginger and dipping sauces. Japanese + food culture is so influential that many countries around the world developed + their own type of sushi varieties. + + Going into a Japanese restaurant, you often see the chef working in an open + kitchen at a Teppanyaki grill. + + After your delicious Japanese meal, you can finish off with a cup of refreshing + type of tea such as: green tea, oolong tea, or jasmine tea. + + Pasta dishes are one of the most famous foods in Italian cuisine + + Many people regard Italy as the country with the best food in the world. Pasta + dishes in Italian cuisine are one of the most popular and favorite types of + food in the world. There are very few people in the world who haven’t tried + delicious Italian foods like pizza, spaghetti, or delicious Italian ice cream. + Many classic Italian dishes also include the regional name in their title. For + example, spaghetti Bolognese from Bologna and Parma ham or Parmesan cheese from + Parma. + + The mainstays of the popular Italian cuisine are pasta, rice, tomatoes, and + cheese. Many regional variations include types of meat, seafood, or sausages + along with delicious sauces. These can be flavored with herbs such as oregano, + basil, or a combination of other fresh herbs. + + There is also great variation in food cultures between the various regions of + Italy. Abruzzo cuisine from the mountainous and coastal regions has pasta, seafood, + lamb, and wild mushrooms. Neapolitan cuisine is famous for foods like pizzas, + spaghetti, and mozzarella. Famous Italian dishes such as lasagna, tortellini, + and Parmigiano-Reggiano cheese are from areas around Bologna and Modena. + + Greek salad is a favorite food for Greek cuisine lovers + + Greek food culture is one of the oldest in the world. Cuisine from Greece and + the Greek islands is heavily influenced by olive oil, vegetables, fish, and + various types of meat. In fact, a simple Greek salad may just be fresh cucumbers, + tomatoes, red onions, a dash of olive oil, a few tasty olives, and a thick slice + of feta cheese. + + Some popular Greek dishes include moussaka made from eggplant, tzatziki (a type + of yogurt dip), or gyro – a type of kebab with lamb, pork, or chicken meat. + Due to its long coastline, seafood such as squid, mussels, fish, and lobster + are popular food choices. + + After feasting on Greek delicacies, you may have room for some common Greek + desserts. A delicious filo pastry with layers of nuts and honey called baklava + is one of the most favorite Greek sweet foods. + + Seafood paella is a popular dish served in many Spanish restaurants + + Similar to many countries around the Mediterranean Sea, Spanish cuisine is heavily + influenced by seafood. A combination of mussels, cuttlefish, shrimps, and lobster + together with paprika, saffron and rich broth create the classic seafood paella. + + Spanish food culture isn’t limited just to seafood. This popular cuisine also + includes foods like cured meats such as Serrano or Iberico ham. Chorizo sausage, + mushrooms, and cooked meat are used in Spanish appetizers – tapas. + + Different regions of Spain also have culinary variations. For example, La Rioja + is famous for its red wine, cured pork, and lamb dishes. Seafood, thyme soup, + and bean omelets are popular in Catalan cuisine. Andalusia is famous for hot + soups, fish stews, and cold soups such as gazpacho. + + Olive oil is a staple ingredient in the Mediterranean cuisine + + It can be difficult to define what exactly Mediterranean cuisine is as there + is great variety of dishes in it. The key ingredients of Mediterranean cuisine + are basic foods such as olive oil, fresh vegetables, wheat (such as bread and + pasta), and grape (such as wine). + + Mediterranean food styles include culinary delicacies from countries such as + Morocco, Italy, Portugal, Spain, Greece, Turkey, and the Middle East. + + Mediterranean food culture is also the basis of the Mediterranean diet. This + kind of diet contains olive oil, fresh vegetables and fruits, seafood, and nuts. + + Hummus dip with pita bread is a common type of food served in many Lebanese + restaurants + + Lebanese food culture comprises cuisines from other Mediterranean countries. + Poultry, seafood, lamb, or goat meat are prepared with olive oil, garlic, and + other spices. These are usually consumed with pitta bread and fresh or grilled + vegetables. + + Chickpeas also form a staple part of Lebanese cuisine. These are cooked and + blended with olive oil, tahini, and lemon juice to create a delicious nutty + hummus dip. + + As well as classic Mediterranean desserts such as baklava or halva, fresh or + dried types of dates are also widely used in Lebanese sweet dishes. + + A vegetable couscous is served in Moroccan tagine + + Moroccan dishes are a great example of when different cuisines fuse to form + a new type of food genre. Moroccan cuisine uses a goat, lamb, poultry, beef, + and seafood as its basis. These meats are spiced and cooked along with lemons, + dried fruits, and olive oil. + + One of the most famous foods in the popular Moroccan cuisine is couscous. This + common wheat-based food is combined with various spices, herbs, and vegetables + to create a versatile and delicious side dish. Another favorite Moroccan classic + dish is a tagine. This is an earthenware dish used to cook meat along with vegetables + or dried fruits. + + As with many dishes in North Africa, the Middle East, and the Mediterranean, + Moroccan cuisine uses flatbread as a meal accompaniment. + + Lamb kebab is a popular type of dish in the Turkish cuisine + + Turkish food is another example of a fusion of various food cultures from Asia, + Europe, and the Middle East. Eggplant, stuffed dolmas, lamb kebabs, and delicious + vegetable stews are just some of the culinary delights you can experience with + Turkish food. Nuts such as hazelnuts, walnuts, and chestnuts are common food + ingredients in savory and sweet dishes. + + One important part of Turkish cuisine is yogurt. In fact, the name ‘yogurt’ + is a Turkish word. Yogurt and types of spiced yogurt are an accompaniment to + many vegetable and meat dishes in Turkey. Cheese made from sheep’s milk is another + important dairy product in Turkish cuisine. + + Popular beverages in Turkey include strong Turkish coffee, hot black tea, and + Ayran – a type of yogurt drink. + + Pad Thai is a famous and delicious dish to try when visiting Thailand + + Thai cuisine is all about strong spicy flavors that incorporate sweet, sour, + and hot elements. Some of the world’s most popular dishes are from Thailand. + Pad Thai, green curry, and tom yum goong are just some examples of the best + dishes from Thailand. + + Thai food is traditionally served with rice or noodles. Even spicy Thai soups + or broths usually contain basic rice noodles. + + One of the unique features of Thai cuisine is its wide use of spices, herbs, + and sauces. For example, fresh basil, lemongrass, kaffir lime, chilies, and + coconut milk are some of the ingredients in Thai green curry. Also, cloves, + ginger, cilantro, mint, and turmeric are common ingredients. + + Trying many of the different dishes in Thailand is usually a culinary experience + that few people forget. + + Samosas may take different fillings and forms, depending on the region in India + + When it comes to spicy, aromatic dishes, Indian cuisine usually tops the list. + The amazing range of spices, chilies, and herbs combine to make some of the + spiciest foods you can eat. + + In India, the range of different cuisines is also impressive. Each region in + India has its own ethnic foods and dishes. These can include vegetable pastry + morsels such as samosas, vegetarian curries, beans with fermented fish, and + vegetable pakoras. + + Street food is also part of the food culture in India. Tandoori chicken served + with basic naan bread, spicy Indian snacks, and sweet dishes such as Gulab jamun + are all popular. + + Indian cuisine has also been exported to many countries throughout the world. + In countries like the United Kingdom, the US, Australia, and Singapore, Indian + cuisine has been adapted to local culture. + + Crawfish dishes are very common in many restaurants in Louisiana + + Cajun food is an important part of American cuisine and is another example of + ‘fusion cuisine.’ French cuisine combined with local ingredients in Louisiana + has created many of the scrumptious dishes in Cajun cooking. + + Most Cajun dishes are prepared in pots. Seafood, crawfish, shrimps, vegetables, + and steamed rice are the most common ingredients. Celery, bell peppers, citrus + fruits, and okra are some of the fruits and vegetables common in Cajun food. + + Cajun cuisine is closely related to Creole cuisine. Gumbo is probably the signature + dish of both cuisines. + + Taco is a traditional Mexican dish made of tortilla folded around a variety + of fillings + + Another of the most popular types of cuisines in the world is Mexican food. + Tacos, enchiladas, tortillas, nachos, and quesadillas are now common dishes + in many countries around the world. Mexican food is also a popular street food + as it’s easy to wrap delicious spicy meat, salsas, and vegetables in tortas + or tortillas. + + Visiting an authentic Mexican restaurant provides an amazing choice of delicious + dishes. Ethnic Mexican food can include grilled goat, meat with eggs, exotic + fruits, and hot spicy dishes. Authentic Mexican avocado guacamole is absolutely + delicious. + + Traditional Mexican cuisine is much different from the ‘Tex-Mex’ type of Mexican + food that is popular in many countries. + + Jerk is a traditional cooking style in the Caribbean cuisine. In the photo: + jerk wings with rice and broccoli + + Traditional Caribbean dishes are a combination of African, European, Cajun, + and Middle Eastern cuisines. Fusing cooking styles from these countries along + with local ingredients has created a unique food culture. + + Rice is the staple ingredient in most Caribbean dishes. Local ingredients such + as coconuts, plantains, beans, tomatoes, and chickpeas are used to create tasty + meals. The addition of fiery chilies such as Scotch bonnet peppers gives many + Caribbean dishes a powerful kick. + + The most famous food in the Caribbean cuisine is oven-baked Jerk Chicken. This + is a spicy dish combining chicken, habanero peppers, ginger, garlic, herbs, + and spices. + + Although Caribbean cuisine defines many dishes from the islands, each island + has its own food culture. + + Bratwurst is a type of German sausage most commonly made of pork + + German cuisine is famous for its sausages called Wurst in German. There are + an estimated over 1,500 different types of German sausage. However, German food + isn’t all about bratwurst. There are many flavorful dishes in German cuisine. + + German specialties include German fries, sauerkraut, rye bread, Spätzle (a type + of noodle), and dumplings. Popular German desserts include donuts (without a + hole), Black Forest cake, and Rote Grütze (a delicious berry fruit pudding). + + Of course, Germany is also well-known for its beer such as pilsner and wheat + beer. + + Borscht is a soup common in Eastern Europe countries. Made with beetroots, it + has a typical red color + + Russia has a wide and varied food culture due to many culinary influences from + its different regions. Due to the harsh climate, soups and stews play an important + role in Russian cuisine. Thick spicy meat broths, noodle soups, and cabbage + soups are very popular. A popular type of Russian soup is borscht that contains + beets, cabbage, beef, and eaten with sour cream. + + Grains are another important part of Russian food. For example, buckwheat, barley + and millet are all used as accompaniments to main meals. Beef Stroganoff, meatballs, + and a type of Shish kebab are popular meat dishes. + + Even though it has become more expensive, caviar still enjoyed by many people + in Russia. + + Goulash is enjoyed not only in Hungary but around the world + + Similar to Russian food, Hungarian cuisine is a mixture of soups and stews. + Maybe the most famous Hungarian dish is goulash made with meat and spicy paprika. + This classic Hungarian meal can be served as a soup or a stew. + + Similar to many countries in Europe, Hungarian cuisine has been influenced by + surrounding countries. Therefore, crepes, sweet dumplings, stuffed cabbage rolls, + and sausages are all found on traditional Hungarian menus. + + Hot dog is a popular street food across USA + + American cuisine has absorbed the cultures of many who came to the United States + in the 1800s. A fusion of cooking styles, cuisines, and ethnic foods combined + to create a new type of cuisine. Many chefs took traditional dishes from their + home countries and put their own twist on them. + + For example, pizza is traditional Italian food. But ‘Chicago’ pizza has a thicker + and taller crust, whereas ‘New York Slice’ is thinner. A ‘New York Strip Steak’ + is known in other countries as sirloin or contre-filet steak. + + Hamburgers, hot dogs, ‘French fries,’ fried chicken, and deep-pan pizzas are + new takes on traditional foods from other countries. However, they are all part + of the list of foods belonging to American cuisine. + + Types of Food – Do You Know these Various Food Categories? + + Different Kinds of Vegetables and Their Nutritional Value + + Types of Meat With Their Benefits, Concerns and Nutrition Facts + + Types of Cuisine From Around the World With Their Popular Foods was last modified: + December 31st, 2019 by no_name12 + + Types of Steak: Different Cuts of Steak With Their Picture and Name + + Types of Edible Mushrooms (Including Wild Edible Mushrooms) - With Pictures + + Types of Tea: Varieties of Tea With Their Flavor, Caffeine Content and More + + The Tastiest and Most Exciting Types of Cheese You Didn t Know About' + __selected-sentences__: + - Types of Cuisine From Around the World With Their Popular Foods + episode_done: false + id: WizInternetWizardTeacher + labels: + - 'I think it would be a big challenge to do what Chefs on the program do. Is + there a type of cuisine that they normally feature? Or it it cuisine from around + the world? ' + search_query: types of cuisine + text: 'Yes, I agree. Some of the ingredients I''ve never heard of. I try to watch + as many as I can, but not all. I only imagine what I would make. I have never + tried by myself. ' +- - __retrieved-docs-urls__: + - https://www.food.ee/ + - https://rehobothfoodie.com/ + - https://www.foodiecrush.com/recipes/ + - https://www.washingtonpost.com/news/wonk/wp/2016/03/01/why-the-word-foodie-is-terrible-and-needs-to-go-away/ + - https://en.wikipedia.org/wiki/Foodie + __retrieved-docs__: + - 'Local Food. Company Culture. + + Bring your team together for a meal they ll love. + + Corporate meal delivery, your way. + + CATERED MEALS DELIVERED TO YOUR TEAM + + Our service is stress free, on time and easy to customize + + Our owner-operated restaurants favor quality, variety and sustainability + + WE GET CULTURE + + Our meals strengthen company culture by bringing teams together + + Delivering Food That Makes A Difference + + See what we re all about below + + Bring fresh delicious, healthy meals from locally owned restaurants and neighborhood + favorites for any event you re planning. Morning, day or night, you re supporting + local businesses when you order with Foodee. + + Trusted By Innovative Teams + + Find us in these cities across North America + + Find your city Atlanta Austin Boulder Columbus Denver Minneapolis Philadelphia + Pittsburgh Toronto Vancouver + + Create an account and start ordering team meals. Feed your people now. + + Think of it as a lunch date with a pleasant internet stranger. Try before you + buy.' + - 'Upstate Gems: Pizza by Elizabeth’s + La Baguette + + Starting at 3 this Saturday 2/23 on Delaware 105.9FM, meet Betsy LeRoy, the + creator of Greenville’s Pizza By Elizabeth’s restaurant. She is joined by her + rock star husband, Ben (remember The Snap?). Did you know there used to be a + … Continue reading → + + Delivery Restaurants Dining al fresco Tipsy? Call A Cab! + + The Pint: The Dublin Cakes + + What is blue cheese, and why would I eat moldy cheese just because my spouse + said I should? + + Lupo Italian Kitchen: Bucatini with peas & pancetta + + Blackwall Hitch: Don t miss the short rib burger + + Kilwins: Cashew Brittle made right before your eyes + + Pig & Publican: The Shotgun + + Conch Island Key West Bar & Grill: Check out the Blue Heaven Burger + + Cuvee Ray Wine Bar: Perfectly seared scallops + + Mariachi: Katie and her ultra-frozen margs + + Demystifying Châteauneuf-du-Pape + + I had the pleasure of meeting owner Sue Ryan at the behest of my dearly departed + friend Matt Haley. (I love saying “behest”.) “She’s a really cool lady,” he + told me on the phone, “and I want to help her out. … Continue reading → + + IN: Reviews /Showcase /Other Area Reviews /Bethany Beach, DE + + Before a restaurant opens, I try to sneak in and grab a few photos for you and + maybe even a few food shots if possible. That’s why my preliminary articles + are called “sneak peek.” But the owners of the brand … Continue reading → + + IN: Reviews /Showcase /Rehoboth Reviews /American / Traditional /Sneak Peek + + Over the last few years, the Clubhouse at Baywood and their associated catering + services went through a reorganization in the food service department. The resulting + emails suggested that the takeover by SoDel Concepts was improving things dramatically. + Well, after two … Continue reading → + + IN: Reviews /Other Area Reviews /Angola / Long Neck /Sneak Peek + + Grub isn’t very big, so they don’t stock a whole lot of any one thing. They + do, however, have a wide variety of goodies–some of which are unusual. So far, + I’ve been lucky and found that elusive small buttermilk, big onion, sour … Continue + reading → + + IN: Reviews /Rehoboth Reviews /Salumerias / Delis / Gourmet Markets / Wine Bars + + Shrimpy’s Snack Shack by the Boardwalk in Rehoboth Beach took over the old Hooked + Seafood & Martini Bar space in Midway in late 2018. This is not their first + rodeo: Ronald Zseltvay (affectionately known as the way-more-pronounceable Ron + Zee), Ray … Continue reading → + + Vineyard Wine Bar is back! Joe Lertch of The Vineyard Wine Bar & Bistro has + finished the extensive fitup and cleanup needed to reopen his Rehoboth location + of Vineyard Wine Bar & Bistro in downtown Rehoboth after the stinky fire … Continue + reading → + + IN: Reviews /Showcase /Rehoboth Reviews /Salumerias / Delis / Gourmet Markets + / Wine Bars + + Tonya and Francesco Agostino’s new Azzurro Italian Oven and Bar is up and running + in the old Chez la Mer / Papa Grande’s location at 210 Second St. at Wilmington + Ave. in Rehoboth. The very first thing that will strike … Continue reading → + + IN: Reviews /Showcase /Italian + + Minh’s Bistro, Rehoboth’s first Vietnamese restaurant, is in the new Schell + building at Rt. 24 in Rehoboth Beach, across from the new Royal Farms. In appreciation + of our community and, in his words, “the country that took me in,” owner … Continue + reading → + + IN: Reviews /Showcase /Asian / Vietnamese / Japanese + + Dogfish Head Brewings & Eats' + - 'Noodles, Rice, and Grains + + Seasonal: Ssummer + + Gwyneth’s Blueberry Muffins Recipe + + Easy Instant Pot Monkey Bread + + 14 Days of Healthy Breakfast Recipe Ideas + + 31 Days of Comfort Food Favorites to Make Now + + 15 Easy Healthy Breakfast Recipes to Get You Through the Week + + 50 Favorite Mediterranean Diet Recipes + + Vegetarian Crockpot Lasagna Soup + + The Best Crispy Oven Roasted Potatoes + + Easy Creamy Au Gratin Potatoes + + Ina Garten’s Easy Cioppino Recipe + + Mom’s Easy Fudge Recipe + + Creamy Tropical Fruit Slushies + + Blueberry Oatmeal Quick Bread + + Easy 3-Ingredient Chocolate Sauce for Ice Cream + + Chocolate Chip Sandwich Cookie Pops with Nutella® + + 17 Friday Night Homemade Pizza Recipes to Make This Fall + + How to Make a Blended Iced Mocha + + A Healthier Sparkling Elderflower Fizz Cocktail + + Pomegranate and Orange Champagne Punch + + 5 Easy Tips for Juicy Roast Chicken + + Noodles, Rice and Grains + + 30 Days of Soups, Stews, and Chilis Made to Keep Winter Warm + + Curry Lentil Soup with Butternut Squash and Greens + + How to Cook Instant Pot Chicken Breasts (from Fresh or Frozen) + + Italian Chicken Wrap + + Healthy Homemade Egg McMuffin + + Easy Quick Roasted Tomatoes + + The Best Greek Chicken Marinade + + 50 Easy Slow Cooker Dinner Recipe Ideas + + Seasona: Summer + + 30 Easy Comfort Food Casseroles to Make in November + + Buttermilk Blue Cheese Mashed Potatoes' + - 'Stop calling yourself a ‘foodie’ + + By Roberto A. Ferdman + + (Amy King/The Washington Post; iStock) + + In late 1984, The New York Times published a piece that was, at least indirectly, + about a word we could all do without. The story covered the release of The + Official Foodie Handbook by journalists Ann Barr and Paul Levy, which chronicled, + among other things, the lives of food lovers around the world. They were food + adventure seekers, culinary addicts who were interested in all food experiences, + refined and not. + + A foodie, the authors wrote, is a person who is very, very, very interested + in food. + + The two weren t the first to utter the term — that appears to have been Gael + Greene, who used it in a 1980 column for New York Magazine, according to etymologist + Barry Popik. Nor, as it happened, were they the last. But for years, the word + was used sparingly. A populist food critic might have been described as a foodie. A + gustatory pleasure seeker with the time and money to invest in obscure cooking + methods, niche coffee roasting techniques, and not-to-be-missed meals might + have earned the distinction too. It wasn t a compliment, it was just a descriptor. + It was an unpretentious way to categorize a growing but still relatively small + group of people. + + And then it wasn t. + + A look at Google Ngram, which tracks the frequency of words in digitized books, + shows the word was nonexistent until it appeared in the early 1980s, but its + use grew quickly shortly after the publication of Barr and Levy s book. + + A peek at Google Trends, which tracks the relative frequency with which people + search for various things, tells a similar story. Interest in the word foodie, which + seems to have piqued popular interest in late 2006, is trending at its highest + ever. People are typing it in and pressing go. + + Of course, you don t need Google s data to know the word is everywhere. You + have heard it, I am sure, if not today then yesterday, and if not yesterday + then the day before. It is inescapable. + + Everyone is a foodie + + Over time, the word has undergone an all-too-familiar transformation, bubbling + up to a point of ubiquity that has stripped the word of any semblance of meaning. + On a good day — or bad, depending on how you look at it — most people would + qualify as a foodie to someone. The net the word casts is just too wide. + + When asked about the word in 2012, Philipino restaurateur Elbert Cuenca had + this to say: + + It has come to the point of being bastardized. The word ‘foodie,’ which is nothing + more than a modern-day casual substitute for ‘gourmet,’ has been relegated to + mean anyone who likes food and/or eats out a lot. But who doesn’t like food? + Who doesn’t eat out a lot? + + The answer, on the off chance there is any doubt, is not that many people. + + It s no wonder that the word is bemoaned by so many people who work within the + world the term glorifies. Chefs hate it, because it empowers their customers + to feign knowledge about things they don t actually understand. Mark Bittman + doesn t care for it, because it too often reveres rather than challenges the + current and flawed food system. Nor does British journalist and gourmand John + Lanchester, who chronicled his frustration with mass foodie -ism in a 2014 + New Yorker piece. + + This is how he explained it: + + Everyone’s a critic, they say, and that’s certainly true of the food world today. + Of course, everyone has always been a critic, in the sense that customers have + always made the most basic judgment of all: Do I want to come back to this joint? + But there’s a contemporary development with respect to volume, in the dual sense + of quantity and loudness. The volume of all this critical chatter is turned + way up, and it’s harder than ever to ignore. Food is my favorite thing to talk + about and to learn about, but an interest that is reasonable on a personal and + an individual scale has grown out of all proportion in the wider culture. + + Among the list of major publications that have published something that argues, + in so many words, that the term foodie is awful: The Huffington Post, The + Daily Beast, The New York Times, and Saveur. + + The Observer, meanwhile, took its contempt a step further, coining a new term + in 2009 to mock those who embrace its predecessor: Foodiots. + + We see it in the meticulous record-keeping of eating habits on personal blogs. + The ubiquitous Facebook updates and tweets about subscribers’ most recent meals. + (Surely you also have those five or so friends whose feeds are 90 percent food-consumption-related?) + The requisite iPhone pic before a certain kind of diner—let’s call him a foodiot—ravages + his plate. + + But it still appears everywhere + + There is no shortage of public foodie resentment. From people in the know, + people whose opinions so-called foodies should, theoretically, value highly, + no less. And yet, despite the heaping piles of expertly deglazed vitriol, the + word persists. + + There are obvious (ab)users, who use the word readily and unironically, the + sort who post really close pictures of everything they eat or watch hours of + food television each day without ever learning how to work an oven. + + But there are others, too, who have usurped the word in arguably more upsetting + ways. + + Just this past Monday, the National Restaurant Association published its latest + industry forecast. In it, you ll find this doozy: Here’s a profile of the American + Foodie 2.0. + + Foodie has become a marketing weapon, a buzzword which companies regurgitate + in whatever form suits the pitch. There are dating sites for foodies , blogs + about Paleo foodie -ism (an oxymoron, if I ve ever heard one), even business-help + pieces about how companies can better target foodies. + + I can t think of anywhere the word foodie appears more often in my life than + in my email inbox, where PR pitches seem to invoke it at every opportunity. + A recent search turned up dozens of results — hundreds more when I extended + the search to my spam folder. One of the more recent examples (which went unanswered) + was about a list of the Best Cities for Food Trucks in the U.S. Foodies today + are considered hip, it read, as though it were written by someone s grandparents. + + The irony too many miss + + The problem with the word foodie, which many have hopefully gleaned by this + point, boils down to a simple truth: You can’t possibly call yourself a foodie if + you’re actually a foodie. There is a great irony in describing yourself as + a food insider in a way no actual food insider ever would. The act itself precludes + you from being part of the world you want to associate yourself with. The word + doubles as a compliment and an insult, depending on who utters it. + + In this sense, using the word foodie is like wearing an outfit that was fashionable + years before, long enough ago that it s no longer in style but not long enough + ago for some to mistake it as still being cool. The analogy, of course, doesn + t end there, because those same people wearing what was all the rage five years + ago are also announcing that they should be thought of as members of the fashion-obsessed + squad. + + There s nothing wrong with food populism. It s this very trend, after all, that + has helped buoy the food movement, which is slowly reversing how disconnected + we have all become from the production of our food. But some things have clearly + been lost in the collective trek toward announcing whenever possible how much + we like to eat. + + Among them, is how Levy, one the term s pioneers, first encountered the term: + as an insult. This is how he explained it in a 2007 piece published in The Guardian: + + In late 1981 Ann Barr, then features editor of Harper s & Queen, noticed the + food world was shifting on its tectonic plates, and that perfectly sane people + had suddenly become obsessed with every aspect of food. + + She invited readers to write in and immediately received several attacks upon + a greedy, single-minded and highly visible food-obsessive who wrote in the magazine + at the time - me. Thus it was that, in the issue of August 1982, I was derided + in the anonymous article (edited, as it happens, by me) as the ghastly, his-stomach-is-bigger-than-his-eyes, + original, appetite-unsuppressed, lip-smacking king foodie. I had to sign a + legal undertaking not to sue the magazine or myself for libel. + + It s fitting, isn t it, how we have come full circle? + + Roberto A. Ferdman Roberto A. Ferdman was a reporter for Wonkblog covering food, + economics, and other things. He left The Washington Post in June 2016.' + - 'Foodies redirects here. For the web series, see Foodies (web series). + + A foodie is a person who has an ardent or refined interest in food[1] and who + eats food not only out of hunger but due to their interest or hobby. The terms gastronome and gourmet define + the same thing, i.e. a person who enjoys food for pleasure. + + 1 Earliest uses of the word + + 2 Pursuits + + Earliest uses of the word[edit] + + The foodie —not as elitist as a gourmet, more discriminating than a glutton—was + first named in print in the early 1980s. The term came into use almost simultaneously + in the United States and Britain. Priority goes to Gael Greene, who, in June + 1980, wrote in New York Magazine of a character who slips into the small Art + Deco dining room of Restaurant d Olympe ... to graze cheeks with her devotees, + serious foodies. [2] Immediately afterwards the foodie was defined in the British + press. Ann Barr, features editor of the London magazine Harper s & Queen, had + asked readers to comment on a then-new obsession with food. Several readers responses + named Paul Levy, food writer on the same magazine, as the perfect example. Levy + played along,[3] contributing an anonymous article in August 1982, defining + the term ( Foodies are foodist. They dislike and despise all non-foodies )[4] + and characterizing himself as the ghastly, his-stomach-is-bigger-than-his-eyes, + original, appetite-unsuppressed, lip-smacking king foodie .[3] The word gained + currency rapidly, partly because Barr and Levy followed up with a book, The + Official Foodie Handbook, published in 1984.[5] + + Pursuits[edit] + + Foodies are a distinct hobbyist group. Typical foodie interests and activities + include the food industry, wineries and wine tasting, breweries and beer sampling, + food science, following restaurant openings and closings and occasionally reopenings, + food distribution, food fads, health and nutrition, cooking classes, culinary + tourism, and restaurant management. A foodie might develop a particular interest + in a specific item, such as the best egg cream or burrito. Many publications + have food columns that cater to foodies and many of the websites carrying the + name foodie have become popular amongst the foodies.[6] Interest by foodies + in the 1980s and 1990s gave rise to the Food Network and other specialized food + programming, popular films and television shows about food such as Top Chef + and Iron Chef, a renaissance in specialized cookbooks, specialized periodicals + such as Gourmet Magazine and Cook s Illustrated, growing popularity of farmers markets,[7] + food-oriented websites like Zagat s and Yelp, publishing and reading food blogs + like Foodbeast and foodieworld, specialized kitchenware stores like Williams-Sonoma + and Sur La Table, and the institution of the celebrity chef. + + Foodies have a significant social media presence; food lovers have created their + own YouTube channels where they show what they cook and where they eat around + the world.[8] It has also become a common practice to take photos of food and + beverages consumed at home or outside and share them on Facebook, Twitter, Instagram, + or other media in a form of food porn.[9] + + Chris Onstad, author of the webcomic Achewood and the author of The Achewood + Cookbook, stated a dislike for the term. Onstad said There are so many words + that already describe the concept of people who like food, or enjoy cooking, + or enjoy knowing about cooking. Foodie : It s like the infantile diminutive—you + put a y on the end of everything to make it childlike. We don t need it. It + s embarrassing. Girl, I m a foodie. Like oh my God. [10] + + Many journalists, like Roberto A. Ferdman, author of Stop Calling Yourself a Foodie in + the Washington Post, also criticize the word saying There is a great irony + in describing yourself as a food insider in a way no actual food insider ever + would. [11] Ferdman claims that people who associate themselves with being a foodie are + in fact distancing themselves from the group they wish to be associated with. + The author then states that there is nothing wrong with having an interest in + food, in fact this popular trend is helping the food movement thrive. Ferdman + s main argument is that since the word is so widely used, its meaning has become + ubiquitous and some meaning is lost upon the need to constantly announce how + much someone likes to eat. + + Dutch pranksters tricked self-identified foodies at a food Expo to mistake McDonald + s fast food for refined gourmet presentations.[12] + + Barr, A. & Levy, P. (1984). The official foodie handbook. Arbor House. ISBN + 978-0852233436 + + Getz, D., Robinson, R., Vujcic, S. & Andersson, T. (2015). Foodies and food + tourism. Goodfellow Publishers, Credo Reference. + + Johnston, J. & Baumann, S. (2014). Foodies: Democracy and distinction in the + gourmet landscape. Routledge. ISBN 978-1138015128 + + Leer, J. & Povlsen, K.K. (2016). Food and media: practices, distinctions and + heterotopias. Routledge. ISBN 978-1317134527 + + Long, Lucy M. (Ed.) (2010). Culinary tourism. University of Kentucky. ISBN 978-0813129853 + + Rousseau, Signe. (2012). Food and social media: you are what you tweet. Altamira + Press. ISBN 978-0759120433 + + ^ The American Heritage Dictionary of the English Language (4th ed.). Boston: + Houghton Mifflin. 1992. ISBN 978-0-395-82517-4. + + ^ G. Greene in New York Magazine (2 June 1980); Oxford English Dictionary at foodie + + ^ a b Paul Levy, What is a foodie? in The Guardian (14 June 2007) + + ^ V. Woods [editor] in Harpers & Queen (August 1982); Oxford English Dictionary + at foodie + + ^ Ann Barr and Paul Levy, The Official Foodie Handbook. London: Ebury Press, + 1984. ISBN 0 85223 348 5 + + ^ Brew & Chew . Jayanth Dev India s Best Online Review Site. + + ^ The Healthy Foodie (July 31, 2008). Canadian Farmers Markets: Where to Find + Them . AOL Life & Style. Archived from the original on September 1, 2008. Retrieved + May 5, 2009. + + ^ Holmberg, Christopher (2014-03-05). Food And Social Media — A Complicated + Relationship . Huffington Post. Retrieved 2018-01-20. + + ^ Kugel, Alison (2017-06-01). How Food Porn Posted on Social Media Has Become + an Industry . Entrepreneur. Retrieved 2018-01-20. + + ^ Norton, James. Chow down, dude. Salon. Tuesday April 10, 2007. Retrieved on + July 23, 2011. + + ^ Stop calling yourself a foodie . Washington Post. Retrieved 2016-10-26. + + ^ Dutch pranksters trick foodies into thinking McDonald’s is gourmet food + + Look up foodie in Wiktionary, the free dictionary. + + World Food Travel Association + + Retrieved from https://en.wikipedia.org/w/index.php?title=Foodie&oldid=937463966 + + Food and drink appreciation' + __selected-docs__: + - 'Stop calling yourself a ‘foodie’ + + By Roberto A. Ferdman + + (Amy King/The Washington Post; iStock) + + In late 1984, The New York Times published a piece that was, at least indirectly, + about a word we could all do without. The story covered the release of The + Official Foodie Handbook by journalists Ann Barr and Paul Levy, which chronicled, + among other things, the lives of food lovers around the world. They were food + adventure seekers, culinary addicts who were interested in all food experiences, + refined and not. + + A foodie, the authors wrote, is a person who is very, very, very interested + in food. + + The two weren t the first to utter the term — that appears to have been Gael + Greene, who used it in a 1980 column for New York Magazine, according to etymologist + Barry Popik. Nor, as it happened, were they the last. But for years, the word + was used sparingly. A populist food critic might have been described as a foodie. A + gustatory pleasure seeker with the time and money to invest in obscure cooking + methods, niche coffee roasting techniques, and not-to-be-missed meals might + have earned the distinction too. It wasn t a compliment, it was just a descriptor. + It was an unpretentious way to categorize a growing but still relatively small + group of people. + + And then it wasn t. + + A look at Google Ngram, which tracks the frequency of words in digitized books, + shows the word was nonexistent until it appeared in the early 1980s, but its + use grew quickly shortly after the publication of Barr and Levy s book. + + A peek at Google Trends, which tracks the relative frequency with which people + search for various things, tells a similar story. Interest in the word foodie, which + seems to have piqued popular interest in late 2006, is trending at its highest + ever. People are typing it in and pressing go. + + Of course, you don t need Google s data to know the word is everywhere. You + have heard it, I am sure, if not today then yesterday, and if not yesterday + then the day before. It is inescapable. + + Everyone is a foodie + + Over time, the word has undergone an all-too-familiar transformation, bubbling + up to a point of ubiquity that has stripped the word of any semblance of meaning. + On a good day — or bad, depending on how you look at it — most people would + qualify as a foodie to someone. The net the word casts is just too wide. + + When asked about the word in 2012, Philipino restaurateur Elbert Cuenca had + this to say: + + It has come to the point of being bastardized. The word ‘foodie,’ which is nothing + more than a modern-day casual substitute for ‘gourmet,’ has been relegated to + mean anyone who likes food and/or eats out a lot. But who doesn’t like food? + Who doesn’t eat out a lot? + + The answer, on the off chance there is any doubt, is not that many people. + + It s no wonder that the word is bemoaned by so many people who work within the + world the term glorifies. Chefs hate it, because it empowers their customers + to feign knowledge about things they don t actually understand. Mark Bittman + doesn t care for it, because it too often reveres rather than challenges the + current and flawed food system. Nor does British journalist and gourmand John + Lanchester, who chronicled his frustration with mass foodie -ism in a 2014 + New Yorker piece. + + This is how he explained it: + + Everyone’s a critic, they say, and that’s certainly true of the food world today. + Of course, everyone has always been a critic, in the sense that customers have + always made the most basic judgment of all: Do I want to come back to this joint? + But there’s a contemporary development with respect to volume, in the dual sense + of quantity and loudness. The volume of all this critical chatter is turned + way up, and it’s harder than ever to ignore. Food is my favorite thing to talk + about and to learn about, but an interest that is reasonable on a personal and + an individual scale has grown out of all proportion in the wider culture. + + Among the list of major publications that have published something that argues, + in so many words, that the term foodie is awful: The Huffington Post, The + Daily Beast, The New York Times, and Saveur. + + The Observer, meanwhile, took its contempt a step further, coining a new term + in 2009 to mock those who embrace its predecessor: Foodiots. + + We see it in the meticulous record-keeping of eating habits on personal blogs. + The ubiquitous Facebook updates and tweets about subscribers’ most recent meals. + (Surely you also have those five or so friends whose feeds are 90 percent food-consumption-related?) + The requisite iPhone pic before a certain kind of diner—let’s call him a foodiot—ravages + his plate. + + But it still appears everywhere + + There is no shortage of public foodie resentment. From people in the know, + people whose opinions so-called foodies should, theoretically, value highly, + no less. And yet, despite the heaping piles of expertly deglazed vitriol, the + word persists. + + There are obvious (ab)users, who use the word readily and unironically, the + sort who post really close pictures of everything they eat or watch hours of + food television each day without ever learning how to work an oven. + + But there are others, too, who have usurped the word in arguably more upsetting + ways. + + Just this past Monday, the National Restaurant Association published its latest + industry forecast. In it, you ll find this doozy: Here’s a profile of the American + Foodie 2.0. + + Foodie has become a marketing weapon, a buzzword which companies regurgitate + in whatever form suits the pitch. There are dating sites for foodies , blogs + about Paleo foodie -ism (an oxymoron, if I ve ever heard one), even business-help + pieces about how companies can better target foodies. + + I can t think of anywhere the word foodie appears more often in my life than + in my email inbox, where PR pitches seem to invoke it at every opportunity. + A recent search turned up dozens of results — hundreds more when I extended + the search to my spam folder. One of the more recent examples (which went unanswered) + was about a list of the Best Cities for Food Trucks in the U.S. Foodies today + are considered hip, it read, as though it were written by someone s grandparents. + + The irony too many miss + + The problem with the word foodie, which many have hopefully gleaned by this + point, boils down to a simple truth: You can’t possibly call yourself a foodie if + you’re actually a foodie. There is a great irony in describing yourself as + a food insider in a way no actual food insider ever would. The act itself precludes + you from being part of the world you want to associate yourself with. The word + doubles as a compliment and an insult, depending on who utters it. + + In this sense, using the word foodie is like wearing an outfit that was fashionable + years before, long enough ago that it s no longer in style but not long enough + ago for some to mistake it as still being cool. The analogy, of course, doesn + t end there, because those same people wearing what was all the rage five years + ago are also announcing that they should be thought of as members of the fashion-obsessed + squad. + + There s nothing wrong with food populism. It s this very trend, after all, that + has helped buoy the food movement, which is slowly reversing how disconnected + we have all become from the production of our food. But some things have clearly + been lost in the collective trek toward announcing whenever possible how much + we like to eat. + + Among them, is how Levy, one the term s pioneers, first encountered the term: + as an insult. This is how he explained it in a 2007 piece published in The Guardian: + + In late 1981 Ann Barr, then features editor of Harper s & Queen, noticed the + food world was shifting on its tectonic plates, and that perfectly sane people + had suddenly become obsessed with every aspect of food. + + She invited readers to write in and immediately received several attacks upon + a greedy, single-minded and highly visible food-obsessive who wrote in the magazine + at the time - me. Thus it was that, in the issue of August 1982, I was derided + in the anonymous article (edited, as it happens, by me) as the ghastly, his-stomach-is-bigger-than-his-eyes, + original, appetite-unsuppressed, lip-smacking king foodie. I had to sign a + legal undertaking not to sue the magazine or myself for libel. + + It s fitting, isn t it, how we have come full circle? + + Roberto A. Ferdman Roberto A. Ferdman was a reporter for Wonkblog covering food, + economics, and other things. He left The Washington Post in June 2016.' + __selected-sentences__: + - Stop calling yourself a ‘foodie’ + episode_done: false + id: WizInternetWizardTeacher + labels: + - That sounds interesting! I bet the show is pretty popular with foodies! Do you + consider yourself a foodie? + search_query: foodie + text: 'Yes, i forgot to mention there is also only a 20 or thirty minute time + limit, depending on the round. The cuisine is from around the world. Fine dining + to street style. ' +- - __retrieved-docs-urls__: + - __no_urls__ + __retrieved-docs__: + - __noretrieved-docs__ + __selected-docs__: + - __noselected-docs__ + __selected-sentences__: + - __no_passages_used__ + episode_done: true + id: WizInternetWizardTeacher + labels: + - All true foodies are picky. Do you like to cook in general, or do you prefer + to go to restaurants? + search_query: __no_search_used__ + text: Yes, it really is. I enjoy that there is no story line, so anyone can start + watching and not feel like they missed an important part of the plot. Yes, it + is a foodie favorite. I am a foodie, yes. But I'm also picky. +num_episodes: 8614 +num_examples: 41476 diff --git a/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_valid.yml b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_valid.yml new file mode 100644 index 00000000000..067d620c4df --- /dev/null +++ b/parlai/tasks/wizard_of_internet/tests/wizard_of_internet_valid.yml @@ -0,0 +1,11164 @@ +acts: +- - __retrieved-docs-urls__: + - __no_urls__ + __retrieved-docs__: + - __noretrieved-docs__ + __selected-docs__: + - __noselected-docs__ + __selected-sentences__: + - __no_passages_used__ + episode_done: false + eval_labels: + - Same here! What kind of books do you read? + id: WizInternetWizardTeacher + search_query: __no_search_used__ + text: 'I work as a freelance accountant. + + I enjoy reading books. ' +- - __retrieved-docs-urls__: + - __no_urls__ + __retrieved-docs__: + - __noretrieved-docs__ + __selected-docs__: + - __noselected-docs__ + __selected-sentences__: + - __no_passages_used__ + episode_done: false + eval_labels: + - I am a big Harry Potter nerd! What do you do for work? + id: WizInternetWizardTeacher + search_query: __no_search_used__ + text: All fiction! With COVID this past summer, I read 16 books in 3 months. You? +- - __retrieved-docs-urls__: + - https://yourbusiness.azcentral.com/audit-procedures-banks-25157.html + - http://www.netbankaudit.com/ + - http://www.netbankaudit.com/associates/ + - https://www.auditnet.org/audit-library/bank-auditing-resource-center-barc + - https://accountlearning.com/verification-of-bank-balance-role-of-auditor/ + __retrieved-docs__: + - 'Which Assertions Are Proved by Accounts Receivable ... + + Audit Procedures to Detect Fraud + + Audit Procedures in Banks + + Which Assertions Are Proved by Accounts Receivable Confirmations? + + The Importance of Quality Evidence in Auditing + + Why Is it Important for Companies to Reconcile the Bank Statement Every Month? + + Accounting Due Diligence Checklist + + Banks are central to the nation’s financial system because, by receiving deposits + and distributing loans, they circulate money. This makes stable and efficient + banks essential to the economy. Bank auditors, therefore, evaluate financial + information for accuracy and perform procedures that determine if management + controls are effective. The public can rely on the banking system because of + these audit activities. + + Auditors define your bank’s key areas depending on factors such as the services + it offers, systems it runs and the risk of fraud or misstatement these systems + pose. They examine all the earning streams, including interest income, and the + recording mechanisms. They also audit all expense streams, including interest, + human resources and regulatory expenses and their recording mechanisms. Items + that have an element of human judgment, such as provision for bad debts or asset + capitalization, also attract the auditors’ attention. Other significant areas + include key assets and liabilities, such as government grants, tax assets or + loans. + + Test of Details + + Test of details is a substantive audit procedure that auditors carry out when + they think that the risk of misstatement at the assertion level is substantial. + While auditing your bank, auditors usually assume loans are risky. This is because + the more loans the bank issues, the more interest it earns. Therefore, as a + test of detail, auditors send out confirmation letters to customers who borrowed + from your bank. These borrowers respond to the letters, confirming their balances + and interest due. Recalculations and physical inspection are among the other + tests of details that auditors use. These tests are evidence that the information + is legitimate. + + Substantive Analytics + + While auditing your bank’s financial statements, auditors apply a second type + of substantive procedure, the substantive analytics. While performing this analysis + they try to find existing plausible relationships among financial data. For + example, if your bank’s lending is increasing, auditors expect to find a corresponding + increase in interest income. If they don’t find this increase in interest, they + look for and try to identify, calculate and corroborate reasonable factors contributing + to this situation. + + Test of Controls + + Usually, when risk of material misstatement isn’t high, auditors rely on a test + of controls and substantive analytics for their opinion. Tests of controls are + procedures that auditors perform to determine how effectively management or + system controls function. Their goal is to find significant control weaknesses + if they exist. For example, auditors check whether your bank’s system correctly + calculates interest and principal. They also check to see if appropriate bank + employees with applicable authorization approve them. + + American Institute of CPAs: Performing Audit Procedures in Response to Assessed + Risks and Evaluating the Audit Evidence Obtained + + Association of Chartered Certified Accountants: Analytical Procedures + + The Principles and Practice of Auditing; George Puttick et al. + + Federal Deposit Insurance Corporation: The FDIC’s Examination Process for Small + Community Banks + + The Risk Approach to Auditing a Business + + Financial Statement of a Sole Proprietorship + + What Does Your Organization Do With the Audit Report After it Is Completed? + + What Are the Accounting Procedures in the Hospitality Industry?' + - 'CAMELS and ALM Regulatory Services + + Thank You for Visiting NETBankAudit! + + Established in 2000, and in our 19th year, NETBankAudit is an internal audit + outsource specialist for financial and technology based institutions. We began + performing IT Audits and Cybersecurity audits and assessments soon after we + were established. NETBankAudit began offering consumer compliance audit services + in 2007 and BSA/AML audit services starting in 2010. While we offer traditional + internal/operational auditing services, our foundation rests with understanding + and addressing complex technology and regulatory challenges. Functioning as + an “extension of our client’s internal audit function,” we serve each client + individually based on circumstances, needs, and budget constraints. Quality + of service, focus and affordability has allowed us to provide services to over + 500 Financial Institutions, ranging in size from $15 Billion to $100 Million + in assets in 30 States since 2000. Currently we have over 250 institutions under + contract for cybersecurity, regulatory audit and risk assessment services. See + more detail at About Us. + + Please feel welcome to review our services and capabilities and contact us for + more information. We look forward to serving you! + + NETBankAudit – Why Compliance? + + What Went Wrong With the CFPB? + + NEWS Flash: BSA Fines Are Real! + + BSA/AML Compliance and MIS Verification + + Follow Our President, David Hart on LinkedIn + + © 2019 NETBankAudit. All Rights Reserved.' + - 'NETBankAudit Associates + + “At NETBankAudit, it is our associates that elevate us above the competition. + We are a team of senior banking executives, auditors, regulators and engineers + working together for our client’s benefit. Every audit firm has a great auditor + or two but I am proud to say that at NETBankAudit, we only include associates + of the highest quality. Below are the bios of NETBankAudit’s Associate Team.” + Ken Barlow + + Ken Barlow, CEO + + Ken Barlow is an original founder of NETBankAudit. Ken’s career involved managing + IT operations in financial industries, specializing in the development of custom + system solutions and IT organizations for companies facing unique challenges + including start-ups, mergers and turnarounds. Early in his career, Ken lead + teams to develop the first online interactive financial system and first business + graphics system for NASA HQ., and the Black Lung Benefit Payment System for + the Labor Department. During late 1990’s he identified the need for quality + information security and regulatory guidance for financial institutions facing + an ever-increasing demand for information security and controls testing. Starting + in 2000, he founded, developed and implemented the virtual business model utilized + by NETBankAudit, allowing a “lower cost” in delivery of the highest quality + of associates and services to meet the growing internal audit support needs + of both regional and community-based financial institutions. Today, as CEO and + Principal Owner, his responsibilities include overall management of NETBankAudit + and focusing on the company’s strategic business development and financial management. + + NETBankAudit Managing Partner + + David Hart, CISA, CFE, CRISC + + David Hart has served NETBankAudit in a leadership capacity and as a partner + for over 10 years. During this time, the company has become a premier information + technology and regulatory compliance audit and testing firm. This accomplishment + is attributed to the ever-increasing demands of cybersecurity and compliance, + coupled with the foresight and proactive adaptability of NETBankAudit. Currently, + David oversees product and service delivery while being directly in charge of + relationship management. He also maintains his Certified Information Systems + Auditor (CISA), Certified Fraud Examiner (CFE), and Certified in Risk and Information + Systems Control (CRISC) designations. Prior to joining NETBankAudit, David served + as a bank examiner and internal auditor for the Federal Reserve for over 15 + years. As a Senior Advisory Bank Examiner, David participated in and led numerous + examinations of community banks, large financial institutions, and service provider + data centers. He was also responsible for staff development, report review, + and public policy. As a Senior Internal Auditor, David participated in and led + several audits of the national Federal Reserve Information Technology (FRIT) + function and U.S. Treasury systems. David is a distinguished graduate of the + Virginia Military Institute. Additionally, he has attended numerous banking + seminars and schools including graduate level work. + + NETBankAudit Partner + + Cynthia Bonnette, CISA + + Executive Director IS Audit and Assessment + + Cindi has led the development of our methodology for the IT Audit and Information + Security Risk Assessment Programs. Ms. Bonnette began her career in financial + and information technology in 1988 with the Federal Deposit Insurance Corporation + (FDIC). Her 13-year tenure at the FDIC included the positions of senior bank + examiner, Emerging Technologies Specialist for the Division of Supervision, + and Assistant Director of the Bank Technology Group where she authored regulatory + guidance and advisories. Ms. Bonnette left the FDIC in 2001 to work directly + with financial institutions as a consultant and IT auditor, including a three + year term with a Phoenix, AZ-based technology consulting firm. Ms. Bonnette + joined NETBankAudit in January 2004 and continues to serve as an expert in banking + technology, author of several published articles, and frequent public speaker. + She holds an MBA from Bentley College, Waltham, MA; a bachelor’s degree from + Boston College; and is a graduate of The Stonier Graduate School of Banking + at Delaware University. She is also a Certified Information Systems Auditor + (CISA). + + NETBankAudit Vice Presidents + + Mike Ford, CISA, CISSP, MCSE + + Executive Vice President of Audit Services + + Mike Ford is a Certified Information Systems Auditor (CISA), a Certified Information + Systems Security Professional (CISSP), a Microsoft Certified Systems Engineer + NT 4.0 (MCSE), and a leading expert in information security for banks. Mike + has over fifteen (15) years in Information Technology and Information Security + and has experience in Audit, Risk Management, Compliance, Administration, Project + Management, Policy Development, Incident Response, and Budgeting within the + Community Banking and Health Care Industries. Prior to NETBankAudit, Mike was + with the Federal Reserve Bank of Richmond as an Examiner – Information Technology + and Operational Risk. Previous work experience includes First Market Bank, First + North American National Bank, and the United Network for Organ Sharing. Mike + has held the positions of Information Security Officer, Bank Security Officer, + and IT Manager and has worked in the IT consulting field. Mike has a Master + of Engineering in Systems Engineering from the University of Virginia where + he also received his undergraduate degree and a Master of Business Administration + from the University of Richmond. Mike is active with the Information Systems + Audit and Compliance Association (ISACA), including serving on the Board of + Directors of the Richmond Chapter and as Chapter President in 2008. + + Mark Lohman, CISSP, CISA, CISM, CRISC, C|EH, MCITP + + Executive Vice President/CIO + + Mark is a security professional with over 20 years of experience in security, + network design, and project management. As EVP/CIO he focuses on providing leadership + for our vulnerability assessment, penetration testing, and social engineering + offerings. All products focus on providing insight into the business risks faced + by our clients and options for mitigation. Prior to NETBankAudit, he was a Network + Engineering Consultant where he served customers in a variety of industries + including financial services. He has a proven record implementing technology + best practices resulting in increased uptime and reduced costs within the corporate + and client infrastructures. Mr. Lohman is a Certified Information Systems Security + Professional (CISSP), Certified Information Systems Auditor (CISA), Certified + Information Security Manager (CISM), Certified in Risk and Information Systems + Control (CRISC), Certified Ethical Hacker (C|EH), and Microsoft Certified IT + Professional, Enterprise Administrator in Server 2008 (MCITP). Additionally, + he holds the Cloud specific certification Microsoft Certified: Azure Fundamentals. + He holds a Bachelor of Business Administration from Strayer University and is + a member of the International Information Systems Security Certification Consortium, + Inc. (ISC)² and the Information Systems Audit and Control Association (ISACA).. + + Melissa Morrell + + Mrs. Morrell is the Executive Vice President/COO for NETBankAudit and has over + 10 years of experience in the information technology industry. As Executive + Vice President/COO, Ms. Morrell manages human resource, engagement scheduling, + payroll, accounts payable and receivable, and coordinates with the CFO office + in vendor management and cash flow management and planning. She also manages + our professional services automation system through NetSuite OpenAir. Ms. Morrell + was instrumental in developing our current Employee Handbook and other administrative + policies and procedures. Ms. Morrell graduated from George Mason University + with a BS degree in Decision Sciences and Management Information Systems. She + also holds a MS degree from Marymount University in Education. + + Joanne Bennett, CAMS, CBA + + Joanne Bennett has over 30 years of experience in banking, including operations, + compliance and audit. Prior to joining NETBankAudit, Joanne held positions of + BSA/AML Compliance Officer, Internal Control Consultant, Senior Retail Operations + Manager, BSA Administrator, and Security Officer at various community banks. + Joanne has experience in developing and maintaining all components of a strong + BSA/AML Compliance Program and is successful in working with all levels of bank + staff. She has developed program documentation and overseen implementations. + Joanne’s experience also includes working closely with regulatory agencies to + ensure sound examination results. Joanne is a Certified Anti-Money Laundering + Specialist (CAMS) and a Certified Bank Auditor (CBA). Joanne is a member of + the Association of Certified Anti-Money Laundering Specialists (ACAMS), and + has served on the Compliance Committee of the Virginia Bankers’ Association. + Joanne holds a Bachelor of Arts degree in Business with Specialization in Accounting + from St. Leo University in Florida. + + Harold B. Garrett, Jr., CPA, CIA, CISA + + Ben is a Certified Public Accountant (CPA), Certified Internal Auditor, (CIA) + and a Certified Information Systems Auditor (CISA). Ben has over twenty five + years of experience in the financial service industry primarily serving in the + role as the Chief Executive Audit Officer for community banks, mortgage and + trust companies. In this role, he managed and performed all the elements of + the bank’s risk management function that includes financial and operational + internal audits, assessing information technology controls, and regulatory compliance. + + Ben has experience in developing and performing risk based internal evaluations + of financial, operational and information technology controls using the COSO + Framework as well as applicable audit standards as set forth by the AICPA, PCAOB, + IIA, ISACA and COBIT. He has also assisted many community banks in coordinating + their FDICIA and Sarbanes-Oxley efforts. Additionally, Ben has extensive experience + in directing internal investigations on the behalf of management and/or the + board of directors for community banks as outlined by their corporate governance + policies. He has also assisted with strategic planning; project management; + BSA/ AML Program testing; vendor management responsibilities; and internal control + development. + + Ben has a B.B.A. in Accounting from James Madison University and a Master of + Science in Management of Information Systems from the University of Virginia. + Ben has also attended and participated in numerous banking, accounting, security, + compliance, and information technology seminars and schools. Ben is active with + the Institute of Internal Auditors- Tidewater IIA Chapter, Virginia Society + of Certified Public Accountants, and Information Systems Audit and Control Association + (ISACA). He was a member of the Virginia Banker Association- Compliance Committee, + and served as a compliance instructor. Ben also served on a sub-committee on + the Bankers’ Affinity Group, to assist community bankers in obtain continuing + education opportunities on current banking topics. + + Jeff Harden, CISA + + Director of Audit Services and Model Assurance + + Jeff Harden is a Certified Information Systems Auditor (CISA) with over 20 years + of audit, supervisory, and financial services experience. Since joining NETBankAudit, + he has led numerous audit and consulting engagements focusing on model validation, + system optimization, information technology, risk management, BSA, and compliance. + Jeff is instrumental in providing staff training while working directly with + product development on many facets. Currently, he oversees our model validation + services and works extensively as the lead developer on database automation. + Prior to joining NETBankAudit, Jeff worked with the Federal Reserve Bank of + Richmond and Virginia State Corporation Commission – Bureau of Financial Institutions + as an Examiner. Areas of expertise include Information Technology, Bank Operations, + BSA, Compliance, and Safety and Soundness (CAMELS). In addition to regulatory + experience, Jeff also worked in community banking at both Bank of Virginia and + Eastern Virginia Bankshares. Jeff has held the positions and roles of information + security officer, bank security officer, network administrator, and operations + specialist. Jeff has a Bachelors of Science from Virginia Commonwealth University. + + Chris Poteat, CISA, CISM + + Chris Poteat is a Certified Information Systems Auditor (CISA) with over 16 + years’ experience in information technology practices and information technology + auditing. Prior to NETBankAudit, Chris worked with a regional accounting firm + as a Senior IT Audit Manager. His client focus was financial institutions, healthcare + companies, private industries, and government agencies in the Southeast. Chris + also served as IT Manager at Deloitte and Touche. Over his well-established + career, Chris has assisted numerous financial institutions with internal and + external auditing needs including SAS 70/SSAE16 type reviews. He has also consulted + on various IT related projects including but not limited to Information Security, + Business Continuity, Vendor Management, and Regulatory Compliance. Further, + Chris brings real world, hands-on knowledge to each job with prior experience + in application development, system development lifecycle, and security administration. + Chris has a B.S. in Accounting from the University of South Carolina. + + Dennis Rowan, CISA + + Dennis Rowan is a Certified Information Systems Auditor (CISA) with over 30 + years of experience in the execution of enterprise technology audits within + large banking environments. Prior to joining NETBankAudit, Dennis led a team + of Information Technology Auditors at Capital One. His audit experience includes + retail & commercial bank applications, systems development & integration projects, + IT governance, information security, network services, data center services, + enterprise architecture, middleware, integrated production support, asset management, + business continuity, and third party assurance programs. Dennis also has extensive + experience with risk management, regulatory risks mitigation, Sarbanes Oxley + compliance, PCI-DSS, and GLBA privacy related processes and requirements. Dennis + is a member of the Information Systems Audit and Control Association (ISACA). + Dennis holds a Bachelor of Science degree in Accounting from Ball State University. + + Michael Young, CISA, CISSP, MCSE: Security + + Mike is a Certified Information Systems Auditor (CISA), a Certified Information + Systems Security Professional (CISSP), and a Microsoft Certified Systems Engineer + with a focus on security (MCSE: Security). Mike has over 35 years of experience + in Information Technology, with the last 20 focused on Information Security + Management. In addition to his community banking IT audit and management credentials, + his expertise lies in Security Management, Incident Response, Disaster Recovery, + vulnerability assessment, GLBA, SOX, PCI, Microsoft Active Directory and group + policy management and network infrastructure auditing. He is the former Director + of Technology for a community bank in Florida and Information Security Engineer + for a major US Airline. Mike has a MS in Management from Troy University and + is a member of the International Information Systems Security Certification + Consortium, Inc., (ISC)², and the Information Systems Audit and Control Association + (ISACA). + + Auditing Associates + + Alan Alai CISA + + Alan Alai is a Certified Information Systems Auditor (CISA) with 12+ years of + experience in information technology practices and auditing. Alan has worked + as a Senior IT Audit Manager for private industry and is a subject matter expert + on internal controls for IT organizations and financial applications. As an + accomplished corporate internal auditor, Alan has lead numerous audit engagements + including overseeing identification and discovery of financial and HR system, + development and implementation of IT audit test strategies, and support of remediation + plans and projects. Alan experience includes IT security projects, business + continuity/disaster recovery (BC/DR) programs, and IT risk assessments. Alan + has a B.S. in Biochemistry from California Polytechnic State University in San + Luis Obispo and is a member of the Information Systems Audit and Control Association + (ISACA). + + Vince DeHart, CISA, CISSP, CRISC, CAP + + Vince DeHart is a Certified Information Systems Auditor (CISA) with over ten + years of experience in auditing. His background in information technology spans + more than 20 years, including roles in management, security, support, and application + development within the financial services, utilities, and government sectors. + Vince has a Bachelor of Science degree in Finance from the University of Tennessee + and developed a career interest in IT while working in a university data analysis + department to pay for his education. His current certifications also include + the Certified Information Systems Security Professional (CISSP), Certified in + Risk and Information System Controls (CRISC), and Certified Authorization Professional + (CAP) designations. + + Robert Jenkins, CISA, CISSP + + Robert is a Certified Information Systems Auditor (CISA) and Certified Information + Systems Security Professional (CISSP) and has over 20 years of experience as + an IT auditor and FRB bank examiner. Prior to NETBankAudit, Robert was an Information + Systems Auditor with NetStandard Inc., Kansas City, KS where he provided IT + audit services to banks, law firms, healthcare providers, and other organizations + using ISACA/COBIT audit methodology. Robert provided network infrastructure + security program design and assessment support involving the use of vulnerability + scanning tools and the analysis of network infrastructure security and proposed + and implemented security solutions. Robert also performed information security + policy reviews, assisted with the development of information security programs, + provided advice on regulatory compliance, and helped design business continuity + and disaster recovery plans. Robert was a Bank Examiner with the Federal Reserve + Bank of Kansas City, conducting bank IT examinations from 2002 to 2007. Prior + to 2002, Robert conducted bank financial (Safety and Soundness) examinations + for the FRB. Robert has a B.S. in Finance and Banking and a B.A. History from + Missouri State University. + + Richard Lee, CISA + + Rick is a Certified Information Systems Auditor (CISA) with 17 years of audit + experience. Prior to joining NETBankAudit, Rick worked for the Federal Home + Loan Bank of Boston as a Senior Information Systems Auditor, conducting COBIT-based + audits and performing SOX testing where applicable. He was also responsible + for staff training, audit planning, and special projects. Areas of expertise + include IT Governance, Project Management, Vendor Management, Business Continuity, + and Information Security/Privacy. Additionally, Rick has financial auditing + experience and holds a BA in Economics from the University of New Hampshire. + + Heraa Mirza + + Heraa Mirza is experienced as a banker and auditor within the fields of IT, + Security, and Compliance. Prior to joining NETBankAudit, Heraa has held positions + in community banking with responsibilities for training, BSA/AML compliance, + and various marketing and sales initiatives. Heraa has a bachelor of science + degree and master’s degree from Capella University, and is active in the industry + groups including the Federal Reserve Bank of Richmond’s BSA Coalition Conference. + + Glen Sexton, CISA, CRISC + + Glen Sexton is a Certified Information Systems Auditor (CISA) and Certified + in Risk and Information Systems Control (CRISC). Glen has over 20 years of experience + in IT audits within the financial services, energy, and government sectors. + Prior to joining NETBankAudit, Glen managed the audit process and client relationships + for a national financial industry core processing service and software provider. + He has experience managing and conducting complex infrastructure audits, integrated + application audits, Information Technology General Controls (ITGCs) audits, + continuous monitoring, and change activities (system development life cycle) + reviews. Prior to private sector work, Glen was an IT Examiner for a State Bank + Regulatory Agency. Glen participated and led numerous IT examinations of community + banks, large financial institutions, third party information technology providers, + and ATM transaction processors. Glen also has extensive experience with IT risk + management, regulatory risks mitigation, Sarbanes Oxley compliance, PCI-DSS, + HIPAA, AML, and GLBA privacy related control remediation and requirements. Glen + is a member of the Information Systems Audit and Control Association (ISACA) + Houston Chapter. He has previously served in multiple board level positions + including Past President of the Illini Chapter. Glen holds a Bachelor of Science + degree in Finance from Illinois State University. + + Chris Shields, CISA, CISM, CGEIT, CRISC, CAP, SSCP + + Chris Shields is a veteran with over 25 years of supporting operations and security + compliance of Telecommunications and Information Technology with the Department + of Defense, Intelligence Community, and Federal Agencies. Additionally, Chris + served as an IT Security Consultant for various information systems projects. + Chris is specialized in certification and testing of financial management systems, + and has a variety of IT Security certifications to include the Certified Information + Systems Auditor (CISA), Certified Information Security Manager (CISM), Certified + in the Governance of Enterprise IT (CGEIT), Certified in Risk and Information + Systems Control (CRISC), Certified Authorization Professional (CAP) and Systems + Security Certified Practitioner (SSCP) with additional compliance and quality + assurance certifications. Chris holds a Bachelor of Science Degree in Computer + Studies from the University of Maryland University College and is a member of + the Information Systems Audit and Control Association (ISACA), International + Information Systems Security Certification Consortium, Inc., (ISC)², Association + of Certified Fraud Examiners (ACFE), InfraGard, and the Cyber Finance Working + Group. + + Mike Siraj, CISA, CPA, CRMA + + Mike Siraj is a Certified Information System Auditor (CISA), Certified Public + Accountant (CPA) and a Certified Risk Management Auditor (CRMA). Mike has over + 25 years of experience developing and managing Internal Audit Departments. His + diverse banking experience includes Information Technology, Operational, Compliance, + and Enterprise Risk Management audits. Prior to joining NetBankAudit and for + over 12 years, Mike served as the Chief Audit Executive for a $6.4 billion financial + institution that maintained over 700 branches in 17 states. Mike has always + been passionate about innovations and cutting-edge tools and techniques to enhance + the Internal Audit experience. He has served as President of Information System + Audit and Control Association (ISACA – Houston Chapter) and is a frequent public + speaker. He is also a member of Texas Society of Certified Public Accountants + and Institute of Internal Auditors (IIA). Mike holds a Bachelor of Science degree + in Accounting from Texas Tech University. + + Engineer Associates + + Tim Anderson is an IT professional with over 10 years of experience in support, + training, and testing. Prior to joining NETBankAudit, Tim worked with a community + bank where he was the main IT Support Representative responsible for desktop + support and network administration. His technical proficiencies include virtual + environments, Windows desktop and server administration, and Office applications. + Tim has an Associates of Science Degree from Richard Bland College and is currently + pursuing his Bachelor’s Degree from Florida Institute of Technology. + + Matthew Gregory, CISSP + + Matt Gregory is a Certified Information Systems Security Professional (CISSP) + with over 20 years of experience in telecommunications services and network + infrastructure. His telecommunications background includes WAN, MPLS, VoIP, + wireless, and traditional analog networks. He is able to effectively utilize + his diverse background and assist customers working with various carriers. Matt + has a Master of Science in Information Systems Network Security from Strayer + University, a Bachelor of Business Administration in Finance from Christopher + Newport University, and is Certified Telecommunications Network Specialist (CTNS). + + Deno Plumley, CISSP + + Deno Plumley is a Certified Information Systems Security Professional (CISSP) + with over 20 years of experience. Deno has been providing outsourced support + services for small to medium sized businesses acting as the CIO. Most recently + he held the position of Director of Technology at a private school. Deno has + performed system design, project management, and accreditation/commissioning + testing in Information, Voice Communications, IP Surveillance, Structured Cabling, + and Physical Security Systems. His technical proficiencies include virtual environments, + voice communication systems, Windows desktop and server administration, Barracuda + configurations, Google for Business configurations including remote hardware + configuration and lockdown. Throughout his career, Deno has received certifications + in the following areas: Microsoft systems, fiber optics, IP voice communications, + IP video, and has also held a registration in ES Technical and ES Sales with + the Department of Criminal Justice. + + Joseph Spoolstra, CISSP + + Senior Systems Security Engineer + + Joseph Spoolstra is a Certified Information Systems Security Professional (CISSP) + with over 10 years of experience serving the financial services industry. In + addition to performing technical testing, Joseph provides information technology + services and consultation to the financial community. Joseph has been instrumental + in building and enhancing Information Technology Programs as he is very knowledgeable + of Regulatory Compliance, Budgeting, Project Management, Disaster Recovery, + Policy Updates, and Systems Maintenance. His technical proficiencies include + Windows Desktop and Server Administration, Linux operating system environments, + and Sonicwall configurations. Joseph holds a Bachelors of Science in Information + Systems from Grand Valley State University. + + Relationship Management Associates + + Senior Relationship Management Officer + + In her role as Senior Relationship Management Officer, Beth focuses on paving + the way for successful engagements – both for the clients and for NETBankAudit. + She is responsible for working with prospects and clients to understand their + needs, propose the appropriate solutions to satisfy those needs, and educate + them about how NETBankAudit will implement the proposed solution as well as + how the engagement will flow. She joined NETBankAudit in 2004 and has worked + with the banking and credit union industries for over 30 years in various capacities. + She was formerly Sr. Account Manager-Lending System Sales for FiTECH Systems, + a lending solutions provider as well as Sr. Applications Development Specialist + and Manager – Lending Systems Customer Support for the same company. Ms. Nicolas + graduated with honors from Appalachian State University in Boone, NC with a + Bachelor’s degree in Sales and Marketing. + + Synda Thomas + + Synda Thomas has worked in the banking industry for twelve years with the majority + of her tenure in community banks. Prior to joining NETBankAudit, Synda held + positions in retail banking as a Branch Manager, Small Business and Consumer + Loan Officer, Assistant Branch Manager, Relationship Banker and Teller. Synda’s + operational experience includes working with the BSA compliance department of + a Fortune 500 company as an Anti-Money Laundering Investigator. Synda’s goal + as Relationship Manager is to foster loyal relationships with clients by engaging + financial institution professionals to thoroughly understand their compliance + needs. She strives to tailor well-informed solutions that lead to favorable + engagements for the client and NETBankAudit. + + Jamie Johnson has ten years of banking experience. Prior to joining NETBankAudit, + Jamie held positions of vault teller, assistant manager, and relationship banker + at various banking and credit union industries. Jamie also has customer service + experience in scheduling, accounts payable, and office supervision. Jamie has + a bachelor of science degree from Christopher Newport University.' + - 'AuditNet® Audit-library::Bank-auditing-resource-center-barc + + The following resources focus on auditing bank operations or banking functions: + + Standard Disclaimer for External Links + + These links are being provided as a convenience and for informational purposes + only; they do not constitute an endorsement or an approval by AuditNet® of any + of the products, services or opinions of the corporation or organization or + individual AuditNet® bears no responsibility for the accuracy, legality or content + of the external site or for that of subsequent links. AuditNet® does not exercise + any editorial control over the information you may find at these locations. + Contact the external site for answers to questions regarding its content. + + Please let us know if any of the links fail to work - seeing as the owners of + the respective sites are obviously entitled to change the structure and content + of their websites at any time, we are unable to guarantee that our links will + always be up to date. + + We are constantly reviewing and updating these pages so please be patient. If + you would like to be a SME for this page please contact us! + + BANKING DISCUSSION FORUMS + + Online Discussion Forum for Banking includes an audit forum for discussions + of audit-related questions and issues. + + Bankers Compliance Tools + + AUDIT PROGRAMS, ICQ,CHECKLISTS (following is a listing of the audit programs. + Most are now available but only to subscribers and must be accessed via the + Audit Programs link on the site.) + + ACH ICQ (xls) + + Authentication in an Electronic Banking Environment Electronic + + Bank Items Processing Audit Program + + Banking - FX Revaluation Questionnaire + + Bank Risk Assessment Questionnaire + + Conducting an eBanking Audit + + Credit Card Administration Audit Program + + Credit Card Security Audit Program + + Deposit Accounts ICQ (xls) + + Insider Lending ICQ + + Information Technology General Work Program + + Loan Review - Authorization and Reporting + + Loan Review - Data Integrity + + Loan Review - Physical Safeguards + + Questionnaire Wire Room ICQ (PDF) + + FSA TIMES -IIA The following audit programs are available to IIA members and + require logging in to the IIA site. + + Derivative Risk Management + + AUDIT GUIDES AND MANUAL + + Internal Audit Manual for Small Banks + + BSA Manual from the FRB + + FDIC Electronic Banking Examination Procedures + + FDIC DOS Manual of Exam Policies + + FDIC Information Systems Examination Handbook + + FDIC Resources for Bankers + + FFIEC IS Examination Handbook + + I.R.S. Guide for Auditing Commercial Banks + + Trust Examination Manual' + - 'Verification of Bank Balance | Role of Auditor + + The auditor shall verify the bank balances as follows: + + Role of Auditor in verification of Bank Balance + + 1. The entries in the Cash Book and Pass book are to be compared. + + 2. The confirmation received from the banks as to the balances as on the last + day of the accounting year is to be verified. + + 3. The Bank Reconciliation Statement prepared as on the last day of the accounting + year is to be thoroughly examined. + + 4. The auditor shall also ensure that the cheques issued by the organization + but not presented for payment and cheques deposited for collection but not yet + collected are duly debited/credited in the subsequent period. + + 5. The auditor shall also carefully verify the post-dated cheques issued by + the organization before the end of the year and ensure that such cheques are + not taken into account for the year under audit. + + 6. It is possible that cheques are made by the organization before the end of + the year, but not delivered to the parties. The auditor shall see to that the + entries relating such cheques are reversed. + + 7. In the case of cheques in transit, the auditor shall verify such cheques + are duly credited in the subsequent period. + + 8. Sometimes, due to legal restrictions / requirements, one or more of the bank + accounts of the organization may be blocked, in such cases, the auditor shall + ensure that the fact is disclosed in the balance sheet. + + 9. Some organizations may maintain large number of bank accounts, the auditor + shall verify all the bank accounts thoroughly. + + 10. While verifying the Bank Reconciliation Statements prepared periodically + by the management, there may be some items which are outstanding over a long + period, the auditor may probe into such transactions and advise the management, + if such items require any adjustments. + + 11. Some of the bank accounts may show the same balance as opening and closing + balance, i.e., they may be apparently inoperative. The auditor shall obtain + a statement from the bank to ensure, no operation took place during the year. + + 12. In case of fixed deposits or other deposits made with the bank, the auditor + shall verify the deposit certificates. + + 13. If any charge is created on the deposits or if the deposits are made under + any legal requirement, the auditor shall ensure that the fact is disclosed in + the balance sheet. + + 14. With the intention of overstating / understanding the banks balances, the + organization, with an understanding with creditors / debtors, may issue / deposit + large number of cheques during the last few days of the financial year. In such + circumstances, the auditor may verify thoroughly the cheques involving large + amounts and obtain direct confirmation with the concerned parties. + + 15. If the audit is closed long after the end of the year, the auditor shall + verify the reconciliation statements up to the date of audit. + + In the case of companies, the deposits with the Scheduled banks should be shown + separately and with regard to deposits with others, the nature of relationship + of a director of the company or his relative with such other persons shall be + disclosed separately. The nature of deposits, should also be mentioned separately. + + Understanding reserve funds | Duties of Auditor in Reserve fund Audit + + Guidelines for Auditors in verification of Loans and Bills Payable + + Vouching Payment of Income Tax & Sales Tax | Role of Auditor + + Verification of Creditors | Guidelines for Auditors + + Vouching of Income from & Sale of Investments | Auditor Role + + Verification of Debentures | Guidelines for Auditors + + Tags:Auditing, Role of Auditor' + __selected-docs__: + - __noselected-docs__ + __selected-sentences__: + - __no_passages_used__ + episode_done: false + eval_labels: + - I do taxes actually! + id: WizInternetWizardTeacher + search_query: bank audit + text: Audit banks. You? +- - __retrieved-docs-urls__: + - https://en.wikipedia.org/wiki/Super_Bowl_LV + - https://nflonlocation.com/superbowl-tickets/ + - https://www.vegasunzipped.com/super-bowl-weekend/ + - https://www.orientaltrading.com/super-bowl-a1-90000+1525-1.fltr + - https://www.app.com/story/sports/nfl/2019/02/03/where-is-the-super-bowl-this-year/2753218002/ + __retrieved-docs__: + - 'Raymond James Stadium in 2007 + + Raymond James Stadium, Tampa, Florida + + ← LIV + + LVI → + + Super Bowl LV, the 55th Super Bowl and the 51st modern-era National Football + League (NFL) championship game, will decide the league champion for the 2020 + season. The game is scheduled to be played on February 7, 2021 in Tampa, Florida + (with the exact date pending potential changes to the NFL calendar). This will + be the fifth Super Bowl hosted by the Tampa area, with the last one being Super + Bowl XLIII in 2009, and the third one held at Raymond James Stadium. The game + will be televised nationally by NBC. It will be the third time that the Super + Bowl is in the same state in back to back years with Super Bowl LIV taking place + at Hard Rock Stadium in Miami Gardens, Florida.[1] + + 1 Host-selection process + + Host-selection process[edit] + + On May 19, 2015, the league announced the five finalists that will compete to + host Super Bowl LIII in 2019 and Super Bowl LIV in 2020. NFL owners voted on + these cities in May 2016, with the first round of voting determining who will + host Super Bowl LIII, the second round deciding the site for Super Bowl LIV; + and in a development not known in advance, a third round of voting was added + to select a Super Bowl LV hosting site during the meetings.[2] At the NFL owner + meetings on May 24, 2016, Atlanta and Miami were awarded Super Bowls LIII and + LIV respectively, removing them from the running. Los Angeles was not eligible + for Super Bowl LIII, as its stadium would not yet be finished; it was eligible + for LIV and LV, opting to bid only on the latter. + + The two candidates were as follows: + + Raymond James Stadium, Tampa, Florida: Tampa has hosted four Super Bowls, with + the last being Super Bowl XLIII in 2009. + + Los Angeles Stadium at Hollywood Park, Inglewood, California: Los Angeles has + hosted the Super Bowl seven times, most recently in 1993 with Super Bowl XXVII; + that game, along with the four prior Super Bowls in the area, were held at the + Rose Bowl while first two Super Bowls in Los Angeles area were held at Los Angeles + Memorial Coliseum. + + Los Angeles was originally chosen as the host site in a vote on May 24, 2016.[3][4][5] + However, due to construction delays, authorities announced that the Los Angeles + Stadium at Hollywood Park would not be completed until the start of the 2020 + NFL season.[6] As a result, on May 23, 2017, NFL owners voted to move Super + Bowl LV to Tampa. The City of Inglewood will instead be hosting Super Bowl LVI + in 2022.[7] + + NBC will broadcast Super Bowl LV , as part of an annual cycle between the three + main broadcast television partners of the NFL.[8] As with NBC s previous Super + Bowl (Super Bowl LII) Universo has carried Spanish-language simulcasts of select + games, after years of aborted attempts to simulcast the games on Telemundo. + + ^ 2019 Super Bowl LIII Location and Date . Retrieved February 4, 2018. + + ^ Battista, Judy (May 23, 2016). Future Super Bowl sites, Las Vegas among topics + at NFL meeting. NFL.com. Retrieved May 23, 2016. + + ^ Rosenthal, Gregg. Atlanta, South Florida, L.A. chosen to host Super Bowls + . NFL.com. Retrieved May 24, 2016. + + ^ NFL awards 2021 Super Bowl to Los Angeles . Los Angeles Times. May 24, 2016. + Retrieved May 24, 2016. + + ^ NFL awards future Super Bowls to Atlanta, South Florida and Los Angeles . + CBS Sports. May 24, 2016. Retrieved May 24, 2016. + + ^ Farmer, Sam; Fenno, Nathan (May 18, 2017). Inglewood football stadium s opening + will be delayed a year because of record rainfall . Los Angeles Times. ISSN + 0458-3035. Retrieved May 18, 2017. + + ^ Super Bowl LV relocated to Tampa; L.A. will host SB LVI . NFL.com. Retrieved + May 23, 2017. + + ^ Hipes, Patrick (December 14, 2011). Update: NBC, CBS And Fox Score Nine-Year + NFL Extensions Taking Them To 2022 . Deadline.com. Retrieved May 24, 2017. + + The NFL on NBC pregame show (Football Night in America) + + NFL on NBC Radio + + Thursday Night Football (2016–2017) + + College Football on NBC (Notre Dame) + + College Football on USA + + Other pro football programs + + Arena Football League on NBC + + World League of American Football on USA + + XFL on NBC + + NFL on television (history) + + Primary television stations + + Super Bowl TV ratings (lead-out programs) + + Prime-time results + + Monday night NFL games prior to 1970 + + Sunday Night Football results (2006-present) + + Commentator pairings + + Pregame show panelists + + Pre-AFL–NFL merger + + 1982 CFL season + + Announcerless game + + The Clock Play + + Cleveland Browns relocation controversy + + The Holy Roller + + Snowplow Game + + Leon Lett Blunder II + + The Epic in Miami + + Ghost to the Post + + Immaculate Reception + + The Freezer Bowl + + The Drive + + The Fumble + + The Comeback + + Beast Quake + + The Interception + + Philly Special + + Pre-AFL–NFL merger lore + + The Greatest Game Ever Played + + Heidi Game + + Sunday Night Football lore + + 4th and 2 + + Butt fumble + + Somethin Bad + + AFL Championship + + AFC package carrier (1970–1997) + + Sunday Night Football era (2006–present) + + Website: NBC Sports - NFL News + + This article related to sports in Florida is a stub. You can help Wikipedia + by expanding it. + + Retrieved from https://en.wikipedia.org/w/index.php?title=Super_Bowl_LV&oldid=881831256 + + Scheduled sports events + + 2021 in sports in Florida + + 21st century in Tampa, Florida + + Sports competitions in Tampa, Florida + + American football stubs + + Florida sport stubs' + - 'Mexico City Game + + Official Super Bowl Tickets & Packages + + Join us February 2, 2020 + + Super Bowl LIV will be in beautiful Miami, Florida in February 2020, and NFL + On Location will be there to make it an experience of a lifetime! We are the + only place for official packages, offering verified Super Bowl tickets and exact + seat locations so you get best view at the biggest event in professional sports. + + Only the Best for our Guests + + Your Exclusive Super Bowl LIV Experience Awaits + + Now is the time to turn your football fantasy into reality! With access to the + best clubs in the newly renovated Hard Rock Stadium, we will create an unforgettable + football experience for you. Our guests also have a once-in-a-lifetime opportunity + for a postgame confetti-filled celebration on the field with Super Bowl Champions! + + Your Dream Super Bowl Weekend + + With over 30 years in providing creative and comprehensive travel solutions + for the biggest sporting events in the world, we are your one-stop-shop for + the best travel and hotel accommodations for Super Bowl LIV. Let us do all the + work and so you have the time to take in everything Miami has to offer! + + Event of Interest Super Bowl LIV (Miami) Pro Bowl Draft 2019 (Nashville) Draft + 2020 (Las Vegas) London Games Mexico Game Super Bowl LV (Tampa) Super Bowl LVI + (Los Angeles) Super Bowl LVII (Arizona) Super Bowl LVIII (New Orleans) + + A Lookback at Super Bowl LIII + + Postgame Confetti Celebration + + On Location guests had the best seats in the house and were able to experience + everything Mercedes-Benz Stadium had to offer while watching the Patriots win + their sixth Super Bowl title over the Rams. From incredible sight lines and + access to the most exclusive in-stadium clubs to a confetti-filled celebration + on the field with the champs, fans who joined us in Atlanta made football memories + to last a lifetime. + + Before the game, On Location guests experienced incredible pregame parties. + There were appearances from some of the biggest names in professional football + history, including Marcus Allen, Emmitt Smith and Joe Theismann. Top Chef Season + 15 winner Joe Flamm curated a delicious menu that fans could wash down with + a top-shelf open bar, and live music from a marvelous lineup of artists could + be heard throughout the Georgia World Congress Center. + + SAfter the final whistle sounded, many of our guests excitedly celebrated on + the field as the Patriots hoisted the Lombardi Trophy for the sixth time in + franchise history. Football fans of all types joined in on the fun, taking advantage + of the unmatched access we provided our guests on Super Bowl Sunday. + + From Thursday’s EA Sports Bowl with some of the biggest names in hip-hop past + or present, to an electric performance from Rock and Roll Hall of Fame band + Aerosmith and special guest Post Malone Friday, to a main event featuring world + renown superstars Bruno Mars and Cardi B on Super Bowl Eve, the first-ever Bud + Light Super Bowl Music Fest was one for the books, giving fans of all music + something to get excited about! + + 2020 Super Bowl Tickets in Miami + + Super Bowl 54 will be in Miami, Florida in 2020. NFL On Location Experiences + is your only source for official Super Bowl tickets with exact seat locations + and verified tickets direct from the NFL. On Location has access to the best + clubs at Hard Rock Staidum for Super Bowl LIV, offering premium pre-game, in-game, + and post-game hospitality. + + Super Bowl 54 Packages + + Let On Location simplify your 2020 Miami Super Bowl experience and be your one + stop planning for your Super Bowl packages include access to travel planning + and hotel accommodations, weekend activities such as A-list concerts, the ultimate + gameday experience with pre-game parties featuring NFL Legends, Super Bowl tickets + with exact seat location direct from the NFL, in-game and post-game hospitality + and more! + + Super Bowl LIV Hospitality + + On Location is the only official source for your Miami Super Bowl LIV experience, + getting you closer to the game than ever before. On Location has access to the + best clubs at Hard Rock Stadium and experiences available with Pre-Game Entertainment, + NFL Legends Appearances, Celebrity Chefs, Premium Food & Beverage, and Post + Game On-Field Access.' + - 'Las Vegas Super Bowl Parties and Where to Watch the Big Game in 2020 + + Super Bowl Sunday is nothing short of an American holiday. + + If you are going to be in Vegas during Super Bowl weekend, we have you covered + with: + + The Best Las Vegas Super Bowl Parties + + The best places to watch the game + + Where to place your Super Bowl bets + + Keep reading for all your Super Weekend LIV information and all the fun things + to do. + + Great Coupons During Super Bowl Weekend 2020 + + Westgate Sportsbook is one of the hottest betting locations for the Super Bowl. + + Super Bowl LIV Info + + Location: Hard Rock Stadium in Miami Gardens, FL + + Time: Kick-off To Be Announced + + Halftime Show: Jennifer Lopez and Shakira + + Las Vegas Super Bowl Viewing Parties + + If your vibe for a great night of sports involves attending a Super Bowl 54 + viewing party, you can absolutely make that happen. + + Las Vegas has no shortage of parties, viewing parties included. + + Super Pigskin Party + + This viewing party is hosted each year by the Westgate SuperBook, which happens + to be the world’s largest sportsbook (more on this later!). + + While you’d have to land an invite to get access to the VIP Pigskin Viewing + Party, you can attend their free viewing party at the Westgate’s International + Theater. Buy all the concession food and drinks your heart desires throughout + the game. + + Chateau Super Bowl Party + + With Chateau, you’ll be able to pick the viewing package for your party. This + includes up to six guests as well as guaranteed seating and a buffet. + + Tickets for Chateau run around $100 (plus taxes and fees) and provide you a + view of the Strip and Fountains at Bellagio throughout the viewing. + + Carmine’s at Caesar’s Palace + + Tickets to the Tailgate Buffet at Carmine’s Italian Favorites start at $100 + with an open bar add on option for only $70. + + Upgrade to the MVP package and get unlimited steak and seafood, as well as premium + liquor from the open bar. Doors open at 1pm with the package perks starting + at 3pm. + + Located just steps away from the brand new football stadium, Crazy Horse III + Gentlemen’s Club is giving way more than 5 thousand dollars in prizes and offering + unlimited tailgate food from Famous Dave’s BBQ, premium open bar, and VIP seating + to watch the game with their VIP package. + + VIP is only $129 and also includes two raffle tickets for prizes for FREE. + + Watch the Super Bowl on the brand new big screens purchased specially for the + Super Bowl 2020 party at Hard Rock Café. + + Tickets to this party are a bit pricey, starting at $250 per person but they + include five hours of open bar, unlimited tailgate buffet, and good stations + led by chefs. The party should kick off at 3:30pm. + + Planet Hollywood Restaurant is located within the Forum Shops at Caesar’s Palace + and is a great place for an all-ages Super Bowl Party in Las Vegas. + + Open bar and unlimited food is included with your $180 ticket as well as reserved + seating. + + The menu will include pregame snacks, buffalo wings, sliders, a taco bar, hot + dog bar, BBQ Dinner Buffet, carving station, dessert buffet, and more. + + Encore Beach Club – Viewing Party + + Free Big Game viewing party with extra VIP options. Full bar and and food menu + avaiable as well. + + Location: Encore Beach Club + + Prices: Free to $2000+ VIP Options + + Dates: Feb. 2, 2pm + + PBR Rock Bar Big Game 2020 + + This viewing party at PBR Rock Bar & Grill is front and center on the Las Vegas + Strip and includes open premium bar starting at 2pm through the end of the game, + multiple projector screens, and private booth TVs. + + If you want to get the party started early, you can purchase the Ultimate Tailgate + Party Pass and start drinking at Noon while enjoying an amazing appetizer buffet. + Packages start at $150. + + Brooklyn Bowl Big Game 2020 + + Get off the strip and go to Brooklyn Bowl with the family. Prices start at less + than $100 per person but go up based on seating preference, bowling included + in packages, and an all you can eat buffet that includes drinks. + + This is a great option for watching the Super Bowl with the entire family. + + Ellis Island Big Game 2020 + + Ellis Island is hosting multiple parties in the Village Pub, Karaoke Bar, and + the brand-new Front Yard! Each venue within Ellis Island has its own admittance + but for less than $100 you can grab a general admission ticket to the Village + Pub and get access to the game day buffet and unlimited well drinks. + + $150 gets you into the Karaoke Bar where the buffet is upgraded to BBQ and you + get guaranteed seating, and all you can drink well and beer. There will be giveaway + happening throughout the night! + + Where to Watch the Super Bowl in Vegas + + Now, be warned. Watching the Super Bowl in Vegas will no doubt be a memorable + evening. + + However, some bars do come with a hefty price tag for a guaranteed seat. + + Here are some great options for a variety of price ranges. + + Low budget places to watch the game + + Carnaval Court is a giant outdoor Super Bowl party on the Strip. And this might + have you thinking, “Outside? In February?” Now, Vegas is in Nevada which is + known for its warm desert climate. + + That said, you might still find it a bit chilly. No worries though! A beer blanket + does exist because your $69 entrance fee comes with a bucket of domestic beer + and a $20 credit to Fulton Hall. + + This is the perfect option for those who want to watch the game with a big atmosphere + but love the simple approach – a little bit of food and a whole lot of a beer. + This is also great for big groups looking to meet up! + + South Point Big Game Watch Party + + This annual viewing party in South Point is FREE and includes betting stations, + food and drink to purchase, and a fun, family-friendly atmosphere. + + Downtown Events Center Biggest Big Game Bash + + Just off Fremont Street near the D Hotel the Downtown Events Center is the largest + Super Bowl watch party in Las Vegas and is FREE to enter. There will be food + and drinks to purchase as well as man caves that can be rented at The D. + + Mid-range 0ptions + + Sucker for BBQ? Sporting Life has got your back. + + For Super Bowl Sunday, Sport Life serves up an all-you-can-eat feast. Expect + lots of BBQ ribs and chicken with a side for $100 along with your viewing of + the game. + + You’ll eat and drink like a king or queen for the duration of the game. + + Plaza Big Game 2020 Party + + If you’re looking for something laid back and off strip, the Plaza Hotel on + Main Street is a great choice for a Super Bowl party. + + The Sierra Ballroom in the Plaza Hotel and Casino will be set up with HD Big + screen projectors, satellite betting stations, and all the stadium food you + can eat for just $100! Valet parking is available, and doors open at 12pm with + the event officially starting at 2pm. + + LINQ Promenade- AmeriCAN + + Alcohol and football, what more do you need on Super Bowl Sunday? LINQ Promenade + is providing seating and an open bar with premium liquor for $120 per person. + Alcohol starts pouring at 2pm. + + Beer park Las Vegas Big Game Viewing Party + + This Super Bowl party takes place on the strip at Paris and overlooks the iconic + Bellagio fountains. Tickets start at $125 per person and include an amazing + buffet and guaranteed bar seating for the best views of the game and easy access + to alcohol. Drinks are not included in ticket prices however. + + OYO Big Game 2020 + + Looking for a great buffet of bar food, beer, and a great American bar atmosphere? + + Just off strip in the former Hooters, OYO is serving up unlimited bar food buffet + with all you can drink Bud/Bud Light for just $109. You’ll also get a seat and + can upgrade to a better bar package as well. + + Big spender Options for the SuperBowl + + Now, you might think that $250 sounds a bit excessive for a night of football, + but the way The Book throws these parties might have you thinking differently. + + If you want guaranteed seating along with a buffet, premium spirits, and a chance + to win some prizes throughout the night, this is the place for you! + + The D’s Big Game Bash 2020 + + $175 per person is an excellent deal for this Super Bowl Bash at The D. Not + only will patrons get unlimited bar access, there will also be betting stations, + unlimited stadium food, and more. + + Like the Super Bowl you gotta go big or go home though! Spend $3,000 and you + and 14 of your buddies can rent a private man cave with VIP treatment. + + Virgil’s BBQ Watch Party + + Located conveniently in the LINQ Promenade which will be bustling with people + for Super Bowl, Virgil’s BBQ is offering one of the best buffets you can get + for the Super Bowl and premium open bar starting at 3pm. Packages start at $175 + and you’ll dine on ribs, pork, sliders, brisket, and the ultimate desserts buffet. + + The Still Big Game Viewing Party + + If you’re looking for a quiet, more refined atmosphere for your Super Bowl viewing, + go all the way to the back of the Mirage gaming floor to The Still. You can + reserve a seat to the watch party but there is a $300 food and beverage minimum + that must be met per person in your party. + + Great Sports Bars to Watch Super Bowl 2020 in Las Vegas + + If you’re looking for a laid-back sports bar to watch the Super Bowl at with + great food and giant TV screens there is no shortage of those in Las Vegas! + + Many of these bars are offering unlimited buffets and drinks included for one + entrance fee, but others are keeping it classic and have service as usual. Check + out these recommended sports bars and grills for your Las Vegas 2020 Super Bowl: + + Blondies Las Vegas + + BuddyV’s Ristorante + + Caesars Palace Sports Book + + Clique Lounge + + Gilley’s Big Game Party + + Hofbrauhaus Las Vegas + + LAVO Bowl + + Silverton Big Game Party + + TAO Bowl + + The Mint Tavern + + Where to Place Bets on the Super Bowl + + It wouldn’t be Vegas if you didn’t risk losing some cash over your favorite + team! If you have money burning a hole in your pocket, here are some places + you can place bets. + + The Mandalay Bay + + Super Bowl in Vegas: Frequently Asked Questions + + Q: How busy is Super Bowl weekend in Las Vegas? + + A: Yes! The Super Bowl is one of the busiest weekends of the year in Las Vegas. + Vegas Hotels and restaurants often impose holiday pricing and you can expect + more crowds than normal. + + Q: What is the biggest sportsbook in Vegas? + + A: The biggest sportsbook in Vegas is actually the biggest sportsbook in the + world. Check out the Westgate Las Vegas for more information. + + Super Bowl Weekend in Vegas – Final thoughts + + Super Bowl 2020 in Las Vegas is shaping up to be one busy weekend just like + the 2020 NFL Draft in Las Vegas. + + Make sure to book early and be prepared with anything from tickets to your favorite + viewing party or bar. There will be lots of spots to place bets and plenty of + beer to drink.' + - 'Search: 2019 Super Bowl Party Supplies + + 2019 Super Bowl Party Supplies + + Super Bowl 2019 Party Supplies + + Super Bowl LIII Party Supplies + + NFL® Super Bowl LIII Plastic Stadium Cup + + NFL® Super Bowl LIII Paper Dessert Plates + + NFL® Super Bowl LIII Plastic Tablecloth + + NFL® Super Bowl LIII Pennant Banner + + NFL® Super Bowl LIII Paper Dinner Plates + + NFL® Super Bowl LIII Plastic Cups - 16 oz. + + NFL® Super Bowl LIII Hanging Swirls + + NFL® Super Bowl LIII Plastic Stadium Cup - 22 Oz. + + NFL® Super Bowl LIII Round Paper Dessert Plates + + NFL® Super Bowl LIII Beverage Napkins + + NFL® Super Bowl LIII Round Paper Dinner Plates + + NFL® Super Bowl LIII Luncheon Napkins + + Football Field Plastic Tablecloth Roll + + Football Penalty Flag Bandanas + + 25-Ft. Balloon Decorating Strip + + Football Hanging Swirl Decorations + + Football Lantern Centerpiece + + NFL® Los Angeles Rams™ Luncheon Napkins + + Football Hanging Paper Lanterns + + Football 11 Latex Balloons + + Football Field Treat Bags + + NFL® Los Angeles Rams™ Tablecloth + + Football Tabletop Fountain + + Clear Football Print Plastic Tablecloth + + Hand-Held Balloon Pump + + Football Artificial Grass Table Runner + + NFL® Super Bowl Plastic Favor Cup + + NFL® New England Patriots™ Tattoos + + Football String Lights + + Stadium Size Transparent Tote Bags + + NFL® New England Patriots™ Pro Team Golf Pack + + 2019 Super Bowl Party Supplies, Super Bowl Decorations And Super Bowl Party + Favors + + Find the best 2019 Super Bowl party supplies, including Super Bowl decorations, + party favors and tableware. Shop our top sellers to make your Super Bowl party + a winner! Find a fun variety of football party supplies including noisemakers, + serveware and candy. If you re throwing a Super Bowl party to celebrate your + favorite team making it to Super Bowl LIII you are going to love our collection + of football-themed party supplies! + + First off, let s make life easy with disposable 2019 Super Bowl party supplies, + including matching dinner plates, dessert plates, paper napkins and plastic + cups. Add a disposable tablecloth in your team s colors or printed with the + gridiron to make clean up fast. But that s just the beginning of your Super + Bowl theme! Put up football party pennants, hang metallic fringe curtains in + your team s colors as the perfect backdrop and hang football themed decorations + or paper lanterns from the ceiling! + + When it comes to creating the perfect Super Bowl snack or buffet table, we ve + got you covered there too! You ll find a football stadium cupcake stand, football + snack trays, football utensil caddies, a football inflatable buffet cooler, + referee bottle covers, football straws, a football drink dispenser and so much + more. Plus, we ve made it easy to coordinate a candy buffet in your team s colors, + including We re #1 Finger-Shaped Suckers, football lollipops, chocolate footballs + and other sweet treats. Of course our take out boxes, cupcake boxes or football-themed + cellophane bags will make your crowd cheer. + + Show your team spirit by supplying a variety of football party Favors, including + mini footballs, inflatable footballs, mini foams flingers, personalized can + covers, air blaster horns, football bottle openers and even football tattoos. + So help cheer your team on to victory with Super Bowl 52 essentials from Oriental + Trading.' + - 'Super Bowl: Where is the game in 2021, 2022, 2023, 2024? + + Get a jump start on planning for the next few future Super Bowls! + + Super Bowl: Where is the game in 2021, 2022, 2023, 2024? Get a jump start on + planning for the next few future Super Bowls! Check out this story on app.com: + https://www.app.com/story/sports/nfl/2019/02/03/where-is-the-super-bowl-this-year/2753218002/ + + Sherlon Christie, Asbury Park Press Published 12:58 p.m. ET Feb. 3, 2019 | Updated + 10:11 a.m. ET Feb. 2, 2020 + + USA TODAY Sports Mike Jones breaks down the maturation of Patrick Mahomes into + a leader for the Chiefs. USA TODAY + + Super Bowl weekend is the biggest sports weekend of the year. + + So, if you are planning to attend a future Super Bowl, you need as much time + in advance as possible to secure a reasonably priced hotel room and flight for + that week or weekend. + + There is no time like the present to start planning for a future Super Bowl. + + Aug 22, 2019; Miami Gardens, FL, USA; Fox network displays a Super Bowl LIV + sign at Hard Rock Stadium. Mandatory Credit: Steve Mitchell-USA TODAY Sports + (Photo: Steve Mitchell-USA TODAY Sports) + + Here are the cities, the stadium locations and dates of future Super Bowls: + + More: 32 things we learned heading into Super Bowl LIV between the San Francisco + 49ers and Kansas City Chiefs + + More: Ravens QB Lamar Jackson becomes second unanimous NFL MVP in history + + One great photo from every Super Bowl in history + + Super Bowl I (Packers 35, Chiefs 10): Green Bay Packers wide receiver Max McGee + makes a juggling touchdown catch during the first Super Bowl. Packers quarterback + Bart Starr was named MVP. AP File + + Super Bowl II (Packers 33, Raiders 14): Legendary Green Bay Packers coach Vince + Lombardi is carried off the field after his team s second consecutive Super + Bowl win. AP + + Super Bowl III (Jets 16, Colts 7): Quarterback Joe Namath of the New York Jets + hands off the football to Matt Snell during Super Bowl III on Jan. 12, 1969. + Namath came through on his famous guarantee of a Jets upset against the heavily + favored Colts. AP + + Super Bowl IV (Chiefs 23, Vikings 7): Kansas City quarterback Len Dawson is + grabbed by a Minnesota defender after handing the off to running back Mike Garrett. + AP File + + Super Bowl V (Colts 16, Cowboys 13): Baltimore kicker Jim O Brien (80) leaps + with joy after kicking the winning field goal against the Dallas Cowboys in + the final seconds. AP File + + Super Bowl VI (Cowboys 24, Dolphins 3): Dallas Cowboys quarterback Roger Staubach + (12) tries to escape the grasp of Miami Dolphins defender Jim Riley. AP File + + Super Bowl VII (Dolphins 14, Redskins 7): Miami Dolphins Jim Mandich takes + in a Bob Griese pass near the goal line during the second quarter. The 1972 + Miami Dolphins remain the NFL s only team with a perfect record (17-0). The + 1948 Cleveland Browns of the AAFC also posted a 14-0 record. AP File + + Super Bowl VIII (Dolphins 24, Vikings 7): Larry Csonka of the Miami Dolphins + runs down the field. Csonka became the first running back to be named Super + Bowl MVP. AP File + + Super Bowl IX (Steelers 16, Vikings 6):Pittsburgh Steelers defensive tackle Mean Joe + Greene encourages his teammates. Harry Cabluck, AP + + Super Bowl X (Steelers 21, Cowboys 17): Pittsburgh Steelers wide receiver Lynn + Swann dives as he catches a pass from quarterback Terry Bradshaw. AP File + + Super Bowl XI (Raiders 32, Vikings 14): Coach John Madden of the Oakland Raiders + is carried from the field by his players after his team s win. AP File + + Super Bowl XII (Cowboys 27, Broncos 10): Dallas Cowboys defensive tackle Randy + White, left, and defensive end Harvey Martin shared the Most Valuable Player + award. AP File + + Super Bowl XIII (Steelers 35, Cowboys 31): Wide open Dallas Cowboys tight end + Jackie Smith drops a pass in the end zone against the Pittsburgh Steelers. Phil + Sandlin, AP + + Super Bowl XIV (Steelers 31, Rams 19): Pittsburgh Steelers running back Franco + Harris carries the ball as quarterback Terry Bradshaw (12) and Sidney Thornton + (38) raise their arms in celebration after Harris scored the Steelers final + touchdown. AP File + + Super Bowl XV (Raiders 27, Eagles 10): Oakland Raiders quarterback Jim Plunkett + fades back to pass in the first quarter. Pete Leabo, AP + + Super Bowl XVI (49ers 26, Bengals 21): San Francisco 49ers celebrate their third + quarter goal line stand that stopped a Cincinnati Bengals inside the 1-yard + line on fourth down. Lennox McClendon, AP + + Super Bowl XVII (Redskins 27, Dolphins 17): Washington Redskins receiver Charlie + Brown gets ready to spike the ball after he scored a fourth quarter touchdown. + AP File + + Super Bowl XVIII (Raiders 38, Redskins 9): Los Angeles Raiders linebacker Matt + Millen gestures as he celebrates with nose tackle Reggie Kinlaw (62) following + their win. AP File + + Super Bowl XIX (49ers 38, Dolphins 16): San Francisco 49ers quarterback Joe + Montana signals his second touchdown during the first half. Montana was named + MVP. AP File + + Super Bowl XX (Bears 46, Patriots 10): Bears players carry coach Mike Ditka + off the field after winning the Super Bowl. AP File + + New York Giants Mark Bavaro kneels down after catching Phil Simms touchdown + pass in the third quarter of Super Bowl XXI in Pasadena, Calif., Jan. 25, 1987. + (AP Photo/Lennox McLendon) Lennox McClendon, AP + + Super Bowl XXII (Redskins 42, Broncos 10): Washington Redskins running back + Timmy Smith goes around Denver Broncos linebacker Jim Ryan on long run in the + first quarter. Bob Galbraith, AP + + Super Bowl XXIII (49ers 20, Bengals 16): Over 11 plays, the San Francisco 49ers + drove 92 yards to secure a narrow victory. Pictured above is wide receiver and + game MVP Jerry Rice. Robert Deutsch, USA TODAY + + Super Bowl XXIV (49ers 55, Broncos 10): Denver quarterback John Elway dives + for extra yardage. Michael Madrid, USA TODAY + + Super Bowl XXV (Giants 20, Bills 19): Dejected Bills kicker Scott Norwood walks + off the field after missing a 47-yard field goal on the last play of the game, + clinching a victory for the New York Giants. Chris O Meara, AP + + Super Bowl XXVI (Redskins 37, Bills 24): Washington Redskins wide receiver Art + Monk picks up yardage after pulling in a pass during first-quarter action. David + Longstreath, AP + + Super Bowl XXVII (Cowboys 52, Bills 17): Dallas Cowboys coach Jimmy Johnson + is drenched by team members during the closing moments of the Super Bowl. Doug + Mills, AP + + Super Bowl XXVIII (Cowboys 30, Bills 13):Cowboys running back Emmitt Smith is + hit by Buffalo Bills cornerback Thomas Smith as he scores a touchdown in the + third quarter. Susan Walsh, AP + + Super Bowl XXIX (49ers 49, Chargers 26): San Francisco 49ers wide receiver Jerry + Rice is chased by San Diego Chargers safeties Darren Carrington and Stanley + Richard on his way to a touchdown. Andrew Innerarity, AP + + Super Bowl XXX (Cowboys 27, Steelers 17): Cornerback Larry Brown of the Dallas + Cowboys returns an interception for 44 yards. Brown was named MVP. George Rose, + Getty Images + + Super Bowl XXXI (Packers 35, Patriots 21): Green Bay Packers defensive end Reggie + White points to teammates after sacking New England Patriots quarterback Drew + Bledsoe. Jeff Hanyes, AFP/Getty Images + + Super Bowl XXXII (Broncos 31, Packers 24): Terrell Davis of the Denver Broncos + in action during Super Bowl XXXII at Qualcomm Stadium in San Diego. Davis scored + three TDs and was named MVP. Doug Pensinger, Getty Images + + Super Bowl XXXIII (Broncos 34, Falcons 19): Denver Broncos quarterback John + Elway slaps hands with tackle Tony Jones after the Broncos scored on an 80-yard + touchdown pass play to wide receiver Rod Smith. Tim Clary, AFP/Getty Images + + Super Bowl XXXIV (Rams 23, Titans 16): Titans wide receiver Kevin Dyson tries + to stretch across the goal line on the final play of the game. He is stopped + by Rams linebacker Mike Jones. Robert Hanashiro, USA TODAY + + Super Bowl XXXV (Ravens 34, Giants 7): Baltimore s Keith Washington celebrates + with Michael McCrary after sacking New York s Kerry Collins in the second quarter. + Craig Bailey, USA TODAY + + Super Bowl XXXVI (Patriots 20, Rams 17): New England Patriots kicker Adam Vinatieri + celebrates his 48-yard game-winning field goal in the final seconds against + the St. Louis Rams. At left is teammate Ken Walters. Amy Sancetta, AP + + Super Bowl XXXVII (Buccaneers 48, Raiders 21): Tampa Bay s Dwight Smith races + into the end zone ahead of pursuing Oakland Raiders quarterback Rich Gannon + on a 44-yard interception runback for a touchdown. Jack Gruber, USA TODAY + + Super Bowl XXXVIII (Patriots 32, Panthers 29): MVP Tom Brady hoists the Lombardi + Trophy after victory in the Super Bowl. H. Darr Beiser, USA TODAY + + Super Bowl XXXIX (Patriots 24, Eagles 21): Corey Dillon makes a third quarter + touchdown, bringing the score to 21-14. H. Darr Beiser, USA TODAY + + Super Bowl XL (Steelers 21, Seahawks 10):Pittsburgh Steelers wide receiver Hines + Ward jumps in the air and scores after catching a 43-yard touchdown pass from + fellow wideout Antwaan Randle El. Daniel J. Powers, USA Today + + Super Bowl XLI (Indianapolis Colts 29, Bears 17): Chicago Bears kicker returner + Devin Hester sits dejected on the field following the loss to the Colts in Miami. + Jack Gruber, USA TODAY + + Super Bowl XLII (Giants 17, Patriots 14): New York Giants wide receiver David + Tyree hauls in a catch against his helmet to sustain the game-winning drive. + Robert Deutsch, USA TODAY + + Super Bowl XLIII (Steelers 27, Cardinals 23): Pittsburgh Steelers wide receiver + Santonio Holmes catches the winning touchdown pass in front of Arizona Cardinals + safety Aaron Francisco late in the fourth quarter. Matt Cashore, USA TODAY Sports + + Super Bowl XLIV (Saints 31, Colts 17): Saints quarterback Drew Brees celebrates + with his son after his team s first Super Bowl win. Daniel J. Powers USAT + + Super Bowl XLV (Packers 31, Steelers 25): Green Bay Packers wide receiver Jordy + Nelson and quarterback Aaron Rodgers celebrate after they connected for the + first touchdown of the game. Erich Schlegel, USA TODAY Sports + + Super Bowl XLVI (Giants 21, Patriots 17): New York Giants wide receiver Victor + Cruz celebrates his team s win over the New England Patriots. Robert Hanashiro, + USA TODAY + + Super Bowl XLVII (Ravens 34, 49ers 31): Baltimore Ravens wide receiver Jacoby + Jones celebrates with teammates after returning a kick for a touchdown. Robert + Deutsch, USA TODAY + + Super Bowl XLVIII (Seahawks 43, Broncos 8): Seahawks cornerback Byron Maxwell + celebrates a touchdown withoutside linebacker Malcolm Smithduringthe first half. + Brad Penner, USA TODAY Sports + + Super Bowl XLIX (Patriots 28, Seahawks 24):Patriots CB Malcolm Butler (21) intercepts + a pass intended for Seahawks WR Ricardo Lockette at the goal line to secure + New England s fourth title in the waning seconds of the fourth quarter. Mark + J. Rebilas, USA TODAY Sports + + Super Bowl 50 (Broncos 24, Panthers 10): After the last game of his NFL career, + Denver Broncos quarterback Peyton Manning admires the Vince Lombardi Trophy + after defeating the Carolina Panthers in Super Bowl 50 at Levi s Stadium. Mark + J. Rebilas, USA TODAY Sports + + Super Bowl LI (Patriots 34, Falcons 28 - OT): New England Patriots wide receiver + Julian Edelman hauls in a catch off a deflected pass that would help New England + mount the largest comeback in Super Bowl history. The game also featured the + first ever overtime in a Super Bowl. Kevin Jairaj, USA TODAY Sports + + Super Bowl LII (Eagles 41, Patriots 33): Zach Ertz scores the winning touchdown + late in the fourth quarter as Philadelphia claims its first Super Bowl win and + first NFL championship since 1960. Brad Rempel, USA TODAY Sports + + Super Bowl LIII (Patriots 13, Rams 3): Patriots cornerback Stephon Gilmore makes + a pivotal interception in the fourth quarter at Mercedes-Benz Stadium. With + the win, the Patriots tied the Steelers for most Super Bowl victories (six). + Mark J. Rebilas, USA TODAY Sports + + Super Bowl LIV (Chiefs 31, 49ers 20): Kansas City Chiefs running back Damien + Williams scores around San Francisco 49ers cornerback Richard Sherman during + the fourth quarter in Super Bowl LIV at Hard Rock Stadium. Kyle Terada, USA + TODAY Sports + + TAMPA, Raymond James Stadium, which is the home of the Tampa Bay Buccaneers, + Super Bowl 55, Sunday, Feb. 7 + + 54 years of Super Bowl tickets: See how they ve changed + + Super Bowl I: The Kansas City Chiefs and the Green Bay Packers played on January + 15, 1967 at the Los Angeles Memorial Coliseum. Garrett Reid, USA TODAY Sports + + Super Bowl II: The Oakland Raiders from the AFL and the Green Bay Packers of + the NFL played on January 14, 1968 at the Orange Bowl. Garrett Reid, USA TODAY + Sports + + Super Bowl III: The New York Jets of the AFL and the Baltimore Colts of the + NFL played on January 12, 1969 at the Orange Bowl. Garrett Reid, USA TODAY Sports + + Super Bowl IV: The Kansas City Chiefs of the AFL and the Minnesota Vikings of + the NFL played on January 11, 1970 at Tulane Stadium. Garrett Reid, USA TODAY + Sports + + Super Bowl V: The Baltimore Colts and the Dallas Cowboys played on January 17, + 1971 at the Orange Bowl. Garrett Reid, USA TODAY Sports + + Super Bowl VI: The Dallas Cowboys and the Miami Dolphins played on January 16, + 1972 at Tulane Stadium. Garrett Reid, USA TODAY Sports + + Super Bowl VII: The Miami Dolphins and the Washington Redskins played on January + 14, 1973. Garrett Reid, USA TODAY Sports + + Super Bowl VIII: The Miami Dolphins and the Minnesota Vikings played on January + 13, 1974 at Rice Stadium. Garrett Reid, USA TODAY Sports + + Super Bowl IX between the Pittsburgh Steelers and the Minnesota Vikings played + on January 12, 1975. Garrett Reid, USA TODAY Sports + + Super Bowl X: The Pittsburgh Steelers and the Dallas Cowboys played on January + 18, 1976 at the Orange Bowl. Garrett Reid, USA TODAY Sports + + Super Bowl XI: The Oakland Raiders and the Minnesota Vikings played on January + 9, 1977 at the Rose Bowl. Garrett Reid, USA TODAY Sports + + Super Bowl XII: The Dallas Cowboys and the Denver Broncos played on January + 15, 1978 at the Superdome. Garrett Reid, USA TODAY Sports + + Super Bowl XIII: The Pittsburgh Steelers and the Dallas Cowboys played on January + 21, 1979 at the Orange Bowl. Garrett Reid, USA TODAY Sports + + Super Bowl XIV: The Pittsburgh Steelers and the Los Angeles Rams played on January + 20, 1980 at the Rose Bowl. Garrett Reid, USA TODAY Sports + + Super Bowl XV: The Oakland Raiders and the Philadelphia Eagles played on January + 25, 1981 at the Superdome. Garrett Reid, USA TODAY Sports + + Super Bowl XVI: The San Francisco 49ers and the Cincinnati Bengals played on + January 24, 1982 at the Superdome. Garrett Reid, USA TODAY Sports + + Super Bowl XVII: The Washington Redskins and the Miami Dolphins played on January + 30, 1983 at the Rose Bowl. Garrett Reid, USA TODAY Sports + + Super Bowl XVIII: The Los Angeles Raiders and the Washington Redskins played + on January 22, 1984 at Tampa Stadium. Garrett Reid, USA TODAY Sports + + Super Bowl XIX: The San Francisco 49ers and the Miami Dolphins played on January + 20, 1985 at Stanford Stadium. Garrett Reid, USA TODAY Sports + + Super Bowl XX: The Chicago Bears and the New England Patriots played on January + 26, 1986 at the Superdome. Garrett Reid, USA TODAY Sports + + Super Bowl XXI: The New York Giants and the Denver Broncos played on January + 25, 1987 at the Rose Bowl. Garrett Reid, USA TODAY Sports + + Super Bowl XXII: The Washington Redskins and the Denver Broncos played on January + 31, 1988 at Jack Murphy Stadium. Garrett Reid, USA TODAY Sports + + Super Bowl XXIII: The San Francisco 49ers and the Cincinnati Bengals played + on January 22, 1989 at Joe Robbie Stadium. Garrett Reid, USA TODAY Sports + + Super Bowl XXIV: The San Francisco 49ers and the Denver Broncos played on January + 28, 1990 at the Superdome. Garrett Reid, USA TODAY Sports + + Super Bowl XXV: The New York Giants and the Buffalo Bills played on January + 27, 1991 at Tampa Stadium. Garrett Reid, USA TODAY Sports + + Super Bowl XXVI: The Washington Redskins and the Buffalo Bills played on January + 26, 1992 at the Metrodome. Garrett Reid, USA TODAY Sports + + Super Bowl XXVII: The Dallas Cowboys and the Buffalo Bills played on January + 31, 1993 at the Rose Bowl. Garrett Reid, USA TODAY Sports + + Super Bowl XXVIII: The Dallas Cowboys and the Buffalo Bills played on January + 30, 1994 at the Georgia Dome. Garrett Reid, USA TODAY Sports + + Super Bowl XXIX: The San Francisco 49ers and the San Diego Chargers played on + January 29, 1995 at Joe Robbie Stadium. Garrett Reid, USA TODAY Sports + + Super Bowl XXX: The Dallas Cowboys and the Pittsburgh Steelers played Jan. 28, + 1996 at Sun Devil Stadium in Tempe, Ariz. AP + + Super Bowl XXXI: The New England Patriots and Green Bay Packers played on Jan. + 26th in New Orleans, La. AP + + Super Bowl XXXII: The Green Bay Packers and Denver Broncos played on January + 25, 1998 at Qualcomm Stadium. AP + + Super Bowl XXXIII: The Denver Broncos and Atlanta Falcons played on January + 31, 1999 in Miami. AP + + Super Bowl XXXIV: The St. Louis Rams and Tennessee Titans played on January + 30, 2000 at the Georgia Dome. AP + + Super Bowl XXXV: The Baltimore Ravens and New York Giants played in 2001 at + Raymond James Stadium in Tampa, Fla. AP + + Super Bowl XXXVI: The St. Louis Rams and New England Patriots played in New + Orleans in 2002. AP + + Super Bowl XXXVII: The Oakland Raiders and Tampa Bay Buccaneers played in San + Diego on January 26, 2003. AP + + Super Bowl XXXVIII: The New England Patriots and the Carolina Panthers played + at Reliant Stadium in Houston in 2001. USA TODAY Sports + + Super Bowl XXXIX: The Philadelphia Eagles played the New England Patriots in + Jacksonville, Fla., on Feb. 6, 2005. AP + + Super Bowl XL: The Seattle Seahawks and Pittsburgh Steelers played on Sunday, + Feb. 5, 2006. AP + + Super Bowl XLI: The Chicago Bears and the Indianapolis Colts played at Dolphin + Stadium on Feb. 4, 2007. AP + + Super Bowl XLII:The New England Patriots and New York Giants played in Phoenix + on Feb. 3, 2008. AP + + Super Bowl XLIII: The Arizona Cardinals played the Pittsburgh Steelers in Tampa + on Feb. 1, 2009. AP + + Super Bowl XLIV: The New Orleans Saints and Indianapolis Colts played in Miami + on Feb. 7, 2010. AP + + Super Bowl XLV: The Pittsburgh Steelers and Green Bay Packers played in Arlington, + Texas in 2011. AP + + Super Bowl XLVI: The New York Giants and New England Patriots played in Indianapolis + in 2012. AP + + Super Bowl XLVII: The Baltimore Ravens and San Francisco 49ers played in New + Orleans in 2013. AP + + Super Bowl XLVIII: The Denver Broncos and Seattle Seahawks played at MetLife + Stadium outside New York City in 2014. AP + + Super Bowl XLIX: The New England Patriots and Seattle Seahawks played in Arizona + in 2015. Andrew Weber, USA TODAY Sports + + Super Bowl 50: The Denver Broncos and Carolina Panthers played in Santa Clara, + Calif. in 2016. Garrett Reid, USA TODAY Sports + + Super Bowl LI in Houston. Garrett Reid, USA TODAY Sports + + Super Bowl LII: The Philadelphia Eagles played the New England Patriots in Minneapolis. + Kirby Lee, USA TODAY Sports + + Super Bowl LIII: The Los Angeles Rams will play the New England Patriots. Curtis + Compton, Atlanta Journal-Constitution via AP + + Super Bowl LIV: The San Francisco 49ers play the Kansas City Chiefs. Chris Carlson, + AP + + More: Troy Polamalu headlines Pro Football Hall of Fame s 2020 class + + LOS ANGELES, Los Angeles Stadium and Entertainment District (Inglewood, California), + which is the home of the Los Angeles Rams, Super Bowl 56 (1st Super Bowl in + this facility), Sunday, Feb. 6 + + Super Bowl rings through the years + + Super Bowl I ring: The Green Bay Packers defeated the Kansas City Chiefs, 35-10, + on Jan. 15, 1967. Kirby Lee, USA TODAY Sports + + Super Bowl II ring: The Green Bay Packers beat the Oakland Raiders, 33-14, on + Jan. 14, 1968. Kirby Lee, USA TODAY Sports + + Super Bowl III ring: The New York Jets beat the Baltimore Colts, 16-7, on Jan. + 12, 1969. Kirby Lee, USA TODAY Sports + + Super Bowl IV ring: The Kansas City Chiefs topped the Minnesota Vikings, 23-7, + on Jan. 11, 1970. Kirby Lee, USA TODAY Sports + + Super Bowl V ring: The Baltimore Colts topped the Dallas Cowboys, 16-13, on + Jan. 17, 1971. Kirby Lee, USA TODAY Sports + + Super Bowl VI ring: The Dallas Cowboys beat the Miami Dolphins, 24-3, on Jan. + 16, 1972. Kirby Lee, USA TODAY Sports + + Super Bowl VII ring: The Miami Dolphins beat the Washington Redskins, 14-7, + on Jan. 14, 1973. Kirby Lee, USA TODAY Sports + + Super Bowl VIII ring: The Miami Dolphins beat the Minnesota Vikings, 24-7, on + Jan. 13, 1974. Kirby Lee, USA TODAY Sports + + Super Bowl IX ring: The Pittsburgh Steelers beat the Minnesota Vikings, 16-6, + on Jan. 12, 1975. Kirby Lee, USA TODAY Sports + + Super Bowl X ring: The Pittsburgh Steelers toppled the Dallas Cowboys, 21-17, + on Jan. 18, 1976. Kirby Lee, USA TODAY Sports + + Super Bowl XI ring: The Oakland Raiders topped the Minnesota Vikings, 32-14, + on Jan. 9, 1977. Kirby Lee, USA TODAY Sports + + Super Bowl XII ring: The Dallas Cowboys beat the Denver Broncos, 27-10, on Jan. + 15, 1978. Kirby Lee, USA TODAY Sports + + Super Bowl XIII ring: The Pittsburgh Steelers beat the Dallas Cowboys, 35-31, + on Jan. 21, 1979. Kirby Lee, USA TODAY Sports + + Super Bowl XIV ring: The Pittsburgh Steelers beat the Los Angeles Rams, 31-19, + on Jan. 20, 1980. Kirby Lee, USA TODAY Sports, Kirby Lee-USA TODAY Sports + + Super Bowl XV ring: The Oakland Raiders beat Philadelphia Eagles, 27-10, on + Jan. 25, 1981. Kirby Lee, USA TODAY Sports + + Super Bowl XVI ring: The San Francisco 49ers beat the Cincinnati Bengals, 26-21, + on Jan. 25, 1982. Kirby Lee, USA TODAY Sports + + Super Bowl XVII ring: The Washington Redskins defeated the Miami Dolphins, 27-17, + on Jan. 30, 1983. Kirby Lee, USA TODAY Sports + + Super Bowl XVIII ring: The Los Angeles Raiders beat the Washington Redskins, + 38-9, on Jan. 22, 1984. Kirby Lee, USA TODAY Sports + + Super Bowl XIX ring: The San Francisco 49ers beat the Miami Dolphins, 38-16, + on Jan. 20, 1985. Kirby Lee, USA TODAY Sports + + Super Bowl XX ring: The Chicago Bears topped the New England Patriots, 46-10, + on Jan. 26, 1986. Kirby Lee, USA TODAY Sports + + Super Bowl XXI ring: The New York Giants beat the Denver Broncos, 39-20, on + Jan. 25, 1987. Kirby Lee, USA TODAY Sports + + Super Bowl XXII ring: The Washington Redskins defeated the Denver Broncos, 42-10, + on Jan. 31, 1988. Kirby Lee, USA TODAY Sports + + Super Bowl XXIII ring: The San Francisco 49ers beat the Cincinnati Bengals, + 20-16, on Jan. 22, 1989. Kirby Lee, USA TODAY Sports + + Super Bowl XXIV ring: The San Francisco 49ers crushed the Denver Broncos, 55-10, + on Jan. 28, 1990. Kirby Lee, USA TODAY Sports + + Super Bowl XXV ring: The New York Giants narrowly beat the Buffalo Bills, 20-19, + on Jan. 27, 1991. Kirby Lee, USA TODAY Sports + + Super Bowl XXVI ring: The Washington Redskins beat the Buffalo Bills, 37-24, + on Jan. 26, 1992. Kirby Lee, USA TODAY Sports + + Super Bowl XXVII ring: The Dallas Cowboys beat the Buffalo Bills, 52-17, on + Jan. 31, 1993. Kirby Lee, USA TODAY Sports, Kirby Lee-USA TODAY Sports + + Super Bowl XXVIII ring: The Dallas Cowboys topped the Buffalo Bills, 30-13, + on Jan. 13, 1994. Kirby Lee, USA TODAY Sports + + Super Bowl XXIX ring: The San Francisco 49ers beat the San Diego Chargers, 49-26, + on Jan. 25, 1995. Kirby Lee, USA TODAY Sports + + Super Bowl XXX ring: The Dallas Cowboys beat the Pittsburgh Steelers, 21-17, + on Jan. 28, 1996. Kirby Lee, USA TODAY Sports + + Super Bowl XXXI ring: The Green Bay Packers beat the New England Patriots, 35-21, + on Jan. 26, 1997. Kirby Lee, USA TODAY Sports + + Super Bowl XXXII ring: The Denver Broncos beat the Green Bay Packers, 31-24, + on January 25, 1998. Kirby Lee, USA TODAY Sports, Kirby Lee-USA TODAY Sports + + Super Bowl XXXIII ring: The Denver Broncos defeated the Atlanta Falcons, 34-19, + on Jan. 31, 1999. Kirby Lee, USA TODAY Sports + + Super Bowl XXXIV ring: The St. Louis Rams beat the Tennessee Titans, 23-16, + on Jan. 30, 2000. Kirby Lee, USA TODAY Sports + + Super Bowl XXXV ring: The Baltimore Ravens topped the New York Giants, 34-7, + on Jan. 28, 2001. Kirby Lee, USA TODAY Sports + + Super Bowl XXXVI ring: The New England Patriots defeated the St. Louis Rams, + 20-17, on Feb. 3, 2002. Kirby Lee, USA TODAY Sports + + Super Bowl XXXVII ring: The Tampa Bay Buccaneers beat the Oakland Raiders, 48-21, + on Jan. 26, 2003. Kirby Lee, USA TODAY Sports + + Super Bowl XXXVIII ring: The New England Patriots defeated the Carolina Panthers, + 32-29, on Feb. 1, 2004. Scott R. Galvin, USA TODAY Sports + + Super Bowl XXXIX ring: The New England Patriots beat the Philadelphia Eagles, + 24-21, on Feb. 6, 2005. Kirby Lee, USA TODAY Sports + + Super Bowl XL ring: The Pittsburgh Steelers beat the Seattle Seahawks, 21-10, + on Feb. 5, 2006. Kirby Lee, USA TODAY Sports + + Super Bowl XLI ring: The Indianapolis Colts beat the Chicago Bears, on Feb. + 4, 2007. Scott R. Galvin, USA TODAY Sports + + Super Bowl XLII ring: The New York Giants beat the New England Patriots, 17-14, + on Feb. 3, 2008. Kirby Lee, USA TODAY Sports + + Super Bowl XLIII ring: The Pittsburgh Steelers topped the Arizona Cardinals, + 27-23, on Feb. 1, 2009. Kirby Lee, USA TODAY Sports + + Super Bowl XLIV ring: The New Orleans Saints beat the Indianapolis Colts, 31-17, + on Feb. 7, 2010. Kirby Lee, USA TODAY Sports + + Super Bowl XLV ring: The Green Bay Packers beat the Pittsburgh Steelers, 31-25, + on Feb. 6, 2011. Kirby Lee, USA TODAY Sports + + Super Bowl XLVI ring: The New York Giants beat the New England Patriots, 21-17, + on Feb. 5, 2012. Kirby Lee, USA TODAY Sports + + Super Bowl XLVII ring: The Baltimore Ravens defeated the San Francisco 49ers, + 34-31, on Feb. 3, 2013. Kirby Lee, USA TODAY Sports + + Super Bowl XLVIII ring: The Seattle Seahawks beat the Denver Broncos, 48-3, + on Feb. 2, 2014. Kirby Lee, USA TODAY Sports + + Super Bowl XLIX ring: The New England Patriots topped the Seattle Seahawks, + 28-24, on Feb. 1, 2015. Kirby Lee, USA TODAY Sports + + Super Bowl 50: The Denver Broncos defeated the Carolina Panthers, 24-10, on + Feb. 7, 2016. Denver Broncos via AP + + Super Bowl LI: The New England Patriots defeated the Atlanta Falcons 34-28 Feb + 5, 2017. Kirby Lee, USA TODAY Sports + + Super Bowl LII: The Philadelphia Eagles defeated the New England Patriots 41-33 + victory on Feb 4, 2018. Kirby Lee, USA TODAY Sports + + Super Bowl LIII: The New England Patriots defeated the Los Angeles Rams 13-3 + on Feb. 3, 2019. New England Patriots + + More: Opinion: Patrick Mahomes is the reason why the Kansas City Chiefs will + win Super Bowl LIV + + GLENDALE, State Farm Stadium, which is the home of the Arizona Cardinals, Super + Bowl 57, Sunday, Feb. 5 + + University of Phoenix Stadium:Arizona awarded Super Bowl LVII in 2023 + + SportsPulse: We take you inside the press conference room to hear what Tom Brady, + Bill Belichick and Rob Gronkowski had to say after winning Super Bowl LIII. + USA TODAY + + [ The trusted place to find the best home service providers. Find local pros. + ] + + More: Opinion: Balance is why the San Francisco 49ers will win Super Bowl LIV + + NEW ORLEANS, Mercedes-Benz Superdome, which is the home of the New Orleans Saints, + Super Bowl 58, Sunday, Feb. 4 + + The Superdome in New Orleans has hosted seven Super Bowls, including one when + the lights went out in 2013. (Photo: Rob Carr, AP) + + Sherlon Christie: @sherlonapp; schristie@gannettnj.com + + Jersey Jump Shot: First episode sets scene for historic year in NJ college basketball + + Steve Falk s picks for the NJSIAA Team Wrestling Tournament + + NJ girls basketball: RBC s Montano becomes Shore s all-time winningest coach + + Monmouth Park unveils $7.3 million stakes schedule + + NJ wrestling: Brick has medical emergency forfeit, Brick Memorial advances + in tournament + + Seton Hall basketball: Inside Sandro Mamukelashvili s remarkable rebound' + __selected-docs__: + - 'Raymond James Stadium in 2007 + + Raymond James Stadium, Tampa, Florida + + ← LIV + + LVI → + + Super Bowl LV, the 55th Super Bowl and the 51st modern-era National Football + League (NFL) championship game, will decide the league champion for the 2020 + season. The game is scheduled to be played on February 7, 2021 in Tampa, Florida + (with the exact date pending potential changes to the NFL calendar). This will + be the fifth Super Bowl hosted by the Tampa area, with the last one being Super + Bowl XLIII in 2009, and the third one held at Raymond James Stadium. The game + will be televised nationally by NBC. It will be the third time that the Super + Bowl is in the same state in back to back years with Super Bowl LIV taking place + at Hard Rock Stadium in Miami Gardens, Florida.[1] + + 1 Host-selection process + + Host-selection process[edit] + + On May 19, 2015, the league announced the five finalists that will compete to + host Super Bowl LIII in 2019 and Super Bowl LIV in 2020. NFL owners voted on + these cities in May 2016, with the first round of voting determining who will + host Super Bowl LIII, the second round deciding the site for Super Bowl LIV; + and in a development not known in advance, a third round of voting was added + to select a Super Bowl LV hosting site during the meetings.[2] At the NFL owner + meetings on May 24, 2016, Atlanta and Miami were awarded Super Bowls LIII and + LIV respectively, removing them from the running. Los Angeles was not eligible + for Super Bowl LIII, as its stadium would not yet be finished; it was eligible + for LIV and LV, opting to bid only on the latter. + + The two candidates were as follows: + + Raymond James Stadium, Tampa, Florida: Tampa has hosted four Super Bowls, with + the last being Super Bowl XLIII in 2009. + + Los Angeles Stadium at Hollywood Park, Inglewood, California: Los Angeles has + hosted the Super Bowl seven times, most recently in 1993 with Super Bowl XXVII; + that game, along with the four prior Super Bowls in the area, were held at the + Rose Bowl while first two Super Bowls in Los Angeles area were held at Los Angeles + Memorial Coliseum. + + Los Angeles was originally chosen as the host site in a vote on May 24, 2016.[3][4][5] + However, due to construction delays, authorities announced that the Los Angeles + Stadium at Hollywood Park would not be completed until the start of the 2020 + NFL season.[6] As a result, on May 23, 2017, NFL owners voted to move Super + Bowl LV to Tampa. The City of Inglewood will instead be hosting Super Bowl LVI + in 2022.[7] + + NBC will broadcast Super Bowl LV , as part of an annual cycle between the three + main broadcast television partners of the NFL.[8] As with NBC s previous Super + Bowl (Super Bowl LII) Universo has carried Spanish-language simulcasts of select + games, after years of aborted attempts to simulcast the games on Telemundo. + + ^ 2019 Super Bowl LIII Location and Date . Retrieved February 4, 2018. + + ^ Battista, Judy (May 23, 2016). Future Super Bowl sites, Las Vegas among topics + at NFL meeting. NFL.com. Retrieved May 23, 2016. + + ^ Rosenthal, Gregg. Atlanta, South Florida, L.A. chosen to host Super Bowls + . NFL.com. Retrieved May 24, 2016. + + ^ NFL awards 2021 Super Bowl to Los Angeles . Los Angeles Times. May 24, 2016. + Retrieved May 24, 2016. + + ^ NFL awards future Super Bowls to Atlanta, South Florida and Los Angeles . + CBS Sports. May 24, 2016. Retrieved May 24, 2016. + + ^ Farmer, Sam; Fenno, Nathan (May 18, 2017). Inglewood football stadium s opening + will be delayed a year because of record rainfall . Los Angeles Times. ISSN + 0458-3035. Retrieved May 18, 2017. + + ^ Super Bowl LV relocated to Tampa; L.A. will host SB LVI . NFL.com. Retrieved + May 23, 2017. + + ^ Hipes, Patrick (December 14, 2011). Update: NBC, CBS And Fox Score Nine-Year + NFL Extensions Taking Them To 2022 . Deadline.com. Retrieved May 24, 2017. + + The NFL on NBC pregame show (Football Night in America) + + NFL on NBC Radio + + Thursday Night Football (2016–2017) + + College Football on NBC (Notre Dame) + + College Football on USA + + Other pro football programs + + Arena Football League on NBC + + World League of American Football on USA + + XFL on NBC + + NFL on television (history) + + Primary television stations + + Super Bowl TV ratings (lead-out programs) + + Prime-time results + + Monday night NFL games prior to 1970 + + Sunday Night Football results (2006-present) + + Commentator pairings + + Pregame show panelists + + Pre-AFL–NFL merger + + 1982 CFL season + + Announcerless game + + The Clock Play + + Cleveland Browns relocation controversy + + The Holy Roller + + Snowplow Game + + Leon Lett Blunder II + + The Epic in Miami + + Ghost to the Post + + Immaculate Reception + + The Freezer Bowl + + The Drive + + The Fumble + + The Comeback + + Beast Quake + + The Interception + + Philly Special + + Pre-AFL–NFL merger lore + + The Greatest Game Ever Played + + Heidi Game + + Sunday Night Football lore + + 4th and 2 + + Butt fumble + + Somethin Bad + + AFL Championship + + AFC package carrier (1970–1997) + + Sunday Night Football era (2006–present) + + Website: NBC Sports - NFL News + + This article related to sports in Florida is a stub. You can help Wikipedia + by expanding it. + + Retrieved from https://en.wikipedia.org/w/index.php?title=Super_Bowl_LV&oldid=881831256 + + Scheduled sports events + + 2021 in sports in Florida + + 21st century in Tampa, Florida + + Sports competitions in Tampa, Florida + + American football stubs + + Florida sport stubs' + __selected-sentences__: + - Super Bowl LV, the 55th Super Bowl and the 51st modern-era National Football + League (NFL) championship game, will decide the league champion for the 2020 + season. The game is scheduled to be played on February 7, 2021 in Tampa, Florida + (with the exact date pending potential changes to the NFL calendar). This will + be the fifth Super Bowl hosted by the Tampa area, with the last one being Super + Bowl XLIII in 2009, and the third one held at Raymond James Stadium. The game + will be televised nationally by NBC. It will be the third time that the Super + Bowl is in the same state in back to back years with Super Bowl LIV taking place + at Hard Rock Stadium in Miami Gardens, Florida.[1] + episode_done: false + eval_labels: + - I will! It is on the 7th right ? + id: WizInternetWizardTeacher + search_query: Superbowl 2021 + text: Good for you! Are you watching the Superbowl this year? +- - __retrieved-docs-urls__: + - https://en.wikipedia.org/wiki/Tom_Brady + - https://www.pro-football-reference.com/leaders/pass_yds_career_playoffs.htm + - https://www.britannica.com/biography/Tom-Brady + - https://boston.cbslocal.com/2019/10/08/patriots-tom-brady-reveals-which-nfl-record-means-most-to-him/ + - https://www.ccn.com/tom-brady-just-set-an-nfl-rushing-record-yes-really/ + __retrieved-docs__: + - 'For other people named Tom Brady, see Tom Brady (disambiguation). + + Brady in 2017 + + New England Patriots (2000–present) + + 6× Super Bowl champion (XXXVI, XXXVIII, XXXIX, XLIX, LI, LIII) + + 4× Super Bowl MVP (XXXVI, XXXVIII, XLIX, LI) + + 3× NFL Most Valuable Player (2007, 2010, 2017) + + 14× Pro Bowl (2001, 2004, 2005, 2007, 2009–2018) + + 3× First-team All-Pro (2007, 2010, 2017) + + 2× Second-team All-Pro (2005, 2016) + + 3× NFL passing yards leader (2005, 2007, 2017) + + 2× NFL passer rating leader (2007, 2010) + + Bert Bell Award (2007) + + Associated Press Male Athlete of the Year (2007) + + Sports Illustrated Sportsman of the Year (2005) + + NFL 2000s All-Decade Team + + National champion (1997) + + Best touchdown to interception ratio in a single season: 28:2[1] + + Most games won by a quarterback: 237[2] + + Most Super Bowl appearances: 9 + + Most Super Bowl wins: 6 + + Most Super Bowl MVP awards: 4 + + Most passing yards in a Super Bowl: 505 + + Longest touchdown pass (tied)[3][4] + + Completion percentage: + + Thomas Edward Patrick Brady Jr. (born August 3, 1977) is an American football + quarterback for the New England Patriots of the National Football League (NFL). + He has won six Super Bowls, the most of any football player ever, and due to + his numerous accomplishments, records, and accolades, many analysts and sportswriters + consider Brady to be the greatest quarterback in NFL history.[5][6][7][8][9][10] + + After playing college football for the University of Michigan, Brady was drafted + by the Patriots in the sixth round of the 2000 NFL Draft. Due to his late selection, + Brady is considered the biggest steal in the history of the NFL Draft.[11][12][13] + In Brady s seventeen seasons as a starter,[a] he has played in nine Super Bowls + with the Patriots, and is one of only two quarterbacks to win the Super Bowl + in their first season as a starter (the other being Kurt Warner). Brady holds + most of the postseason quarterback records, leading all players in postseason + touchdowns, passing yards, and completions, while owning the corresponding Super + Bowl records as well. + + Brady has won four Super Bowl MVP awards (Super Bowl XXXVI, XXXVIII, XLIX, and + LI), the most ever by a player, as well as three league MVP awards (2007, 2010, + 2017); he is the oldest to have received either award.[16] Brady has also been + selected to 14 Pro Bowls, and has led his team to more division titles (16) + than any other quarterback in NFL history. He is fourth all-time in career passing + yards for regular season play, third in career touchdown passes, and fourth + in career passer rating. For regular season and postseason combined, Brady is + first all-time in career passing yards and touchdown passes. + + The only quarterback to reach 200 regular-season wins,[17] Brady is the winningest + quarterback in NFL history. With a postseason record of 30–10, he is first all-time + in playoff wins and appearances for an NFL player. Brady has led the Patriots + to an NFL-record eight consecutive AFC championship games since 2011 (thirteen + overall), and has never had a losing season as a starting quarterback. He is + tied for the record for the longest touchdown pass at 99 yards to Wes Welker.[18] + + For his alleged involvement in the highly publicized Deflategate football-tampering + scandal, Brady was suspended for the first four games of the 2016 season.[19] + Brady and the Patriots won two of the next three Super Bowls, making him the + record holder for most Super Bowl wins by a player, and the oldest quarterback + to win a Super Bowl, at 41.[20] + + 3.2.2.1 2001 postseason + + 3.2.10 2009 season + + 3.2.10.1 2009 postseason + + 3.3.6.1 2015 offseason + + 3.3.6.2 2015 regular season + + 4 NFL career statistics + + 4.3 Super Bowl + + 5.1 Regular season (career) + + 5.2 Postseason (career) + + 5.3 Super Bowl (career) + + 6 Other endeavors + + Brady was born in San Mateo, California, on August 3, 1977, the only son and + fourth child of Galynn Patricia (née Johnson) and Thomas Brady, Sr.[21] He has + three older sisters, Nancy, Julie, and Maureen,[22] and was raised as a Catholic. + His father is of Irish descent, while his mother has German, Norwegian, Polish, + and Swedish ancestry.[23] Two of Brady s great-great-grandparents on his father + s side, John and Bridget Brady, were Irish refugees from the Great Famine who + moved to San Francisco from Boston before the American Civil War. They were + accompanied by Bridget s sister Ann and her husband Lawrence Meegan, the parents + of the 19th-century American Major League Baseball player Steady Pete Meegan. + Brady s great-uncle Michael Buckley Jr. was the first American prisoner of war + in World War II.[23][24][25][26][27][28] + + In the 1980s, Brady regularly attended San Francisco 49ers games at Candlestick + Park, where he was a fan of quarterback Joe Montana; Brady has called Montana + his idol and one of his inspirations.[29] At age four, Brady attended the 1981 + NFC Championship, against the Dallas Cowboys, in which Montana threw The Catch + to Dwight Clark.[30] As a child, Brady attended football camp at the College + of San Mateo, where he was taught to throw the football by camp counselor and + future NFL/AFL quarterback Tony Graziani.[31] Brady grew up as a Los Angeles + Lakers and Boston Celtics fan.[32] + + He attended Junípero Serra High School in San Mateo, where he graduated in 1995; + the ceremony was held at St. Mary s Cathedral.[33] He played football, basketball, + and baseball in high school. He played against Bellarmine College Preparatory + rival Pat Burrell in both football and baseball. Brady began his football career + as the backup quarterback on the Padres junior varsity team. At first, Brady + was not good enough to start on the 0–8 JV team, which had not scored a touchdown + all year.[34] Brady ascended to the starting position when the starting quarterback + was injured. He became the varsity starter in his junior year and held the position + until he graduated.[35] By Brady s senior year, he was striving to be noticed + by college coaches. He created highlight tapes and sent them to schools he considered + attending.[36] This led to strong interest from many football programs around + the nation. + + The process of recruiting was much different during Brady s time, and athletes rankings + were not as prominent. In terms of recruiting in the 2000s, Brady would have + been considered a four-star recruit. In essence, he was a highly rated prospect.[37] + Brady was also on Blue Chip Illustrated as well as a Prep Football Report All-American + selection.[38] After his recruiting process, he narrowed down his list to five + schools.[39] Probably the ones that we did hear from and ultimately pared the + list to were Cal–Berkeley, UCLA, USC, Michigan, and Illinois”, his father said.[39] + As a Cal fan, his father hoped that Brady would attend the nearby Cal, where + Brady was a silent commit, and that he would be able to watch his son play.[40][41] + + Brady was also known as a great baseball player in high school.[42] He was a + left-handed-batting catcher with power. His skills impressed MLB scouts, and + he was drafted in the 18th round of the 1995 MLB Draft by the Montreal Expos.[34][43] + The Expos projected Brady as a potential All-Star, and offered him money typical + of that offered to a late second-round or early third-round pick.[44] Nevertheless, + Brady was determined to play football at the next level. He was always more + passionate about football; when he found that there was significant interest + in him, he decided to take the road of football.[39] Brady was recruited by + Michigan assistant Bill Harris, and he signed to play for the University of + Michigan in 1995.[45][46] He finished his high-school football career by completing + 236 of 447 passes for 3,702 yards and 31 touchdowns. He also won All-State and + All-Far West honors and the team s Most Valuable Player Award.[38] + + During the summers of 1998 and 1999, Brady was an intern at Merrill Lynch.[47] + He was inducted into the Junípero Serra High School Hall of Fame in 2003, joining + fellow Serra High graduates Barry Bonds, Lynn Swann, Gregg Jefferies, Jim Fregosi, + and his older sister Maureen, among many others.[38] When Brady revisited two + weeks after Super Bowl XLVI, in 2012, school administrators announced that they + had named the football stadium Brady Family Stadium.[48] + + Brady at Michigan Stadium in 2016 + + Brady played college football at the University of Michigan from 1995 to 1999.[49][50] + He was a backup quarterback for his first two years, while teammate and future + NFL quarterback Brian Griese led the 1997 Wolverines to an undefeated season, + which was capped by a victory in the Rose Bowl and a share of the national championship.[51] + When he enrolled at Michigan, Brady was seventh on the depth chart, and he had + an intense struggle to get some playing time. At one point, Brady hired a sports + psychologist to help him cope with frustration and anxiety, and even considered + transferring to California.[52][53] He worked closely with assistant athletic + director Greg Harden, who met with Brady every week to build his confidence + and to maximize his performance on the field.[54] Brady told 60 Minutes in 2014: He + will always be somebody I rely on for sound advice and mentorship. He has helped + me with my own personal struggles in both athletics and in life. Greg really + pushed me in a direction that I wasn t sure I could go. [55] + + Under Michigan head coach Lloyd Carr, Brady battled for the starting job with + Drew Henson[50] and ultimately started every game in the 1998 and 1999 seasons. + During his first full year as starter, he set new Michigan records for most + pass attempts and completions in a season, for a total of 214.[56] Brady was + All-Big Ten honorable mention both seasons, and was the team captain in his + senior year. The Wolverines won 20 of 25 games when he started, and he set a + school record for completions in a 31–16 loss against Ohio State in 1998, a + season in which Michigan shared the Big Ten Conference title.[57] Brady capped + that season with a 45–31 win over Arkansas in the Citrus Bowl.[58] + + In the 1999 season, Brady had to once again hold off Henson for the starting + job. The two players platooned during the season s first seven games, with Brady + playing the first quarter, Henson the second and Carr then deciding upon a quarterback + for the second half. The 1999 Michigan Wolverines started with a 5–0 record, + including a 26–22 win over Notre Dame, and a road win against eventual powerhouse + Wisconsin. Against Michigan State, Brady was not chosen to play the second half; + however, he was reinserted into the game with Michigan down by 17 points, and + he nearly led Michigan all the way back before losing 34–31.[59] After a 300-yard + passing game the following week, Carr went exclusively with Brady for the remainder + of the season. Brady went on to lead Michigan to multiple 4th-quarter comebacks, + including a remarkable 31–27 win against Penn State, and leading them out of + a close game against Indiana, 34–31, heading into the regular season s final + game, winners of three straight, earning him the moniker of Comeback Kid .[60] + + Michigan concluded the regular season against Ohio State; this was a dramatic + game with a trip to the Orange Bowl on the line. With five minutes left, tied + 17–17, Brady led Michigan to the winning score.[61] He led Michigan to an overtime + win in the Orange Bowl over Alabama, throwing for 369 yards, four touchdowns, + leading the team back from a pair of 14-point deficits in regulation (14–0 in + the first half, and 28–14 in the second). He threw the game-winning score on + a bootleg to tight end Shawn Thompson. Michigan won the game when Alabama missed + an extra point following its own touchdown.[62][63] + + In the two seasons that Brady started at Michigan, he posted a 20–5 record, + including wins at the Citrus Bowl (1999) and the Orange Bowl (2000). Brady finished + his career ranking third in Michigan history with 710 attempts and 442 completions, + fourth with 5,351 yards and 62.3 completion percentage, and fifth with 35 touchdown + passes.[38][64] + + 1996 Michigan 3 5 60.0% 26 5.2 0 1 63.7 – – – – + + 1997 Michigan 12 15 80.0% 103 6.9 0 0 137.7 2 −14 −7.0 0 + + 1998 Michigan 200 323 61.9% 2,427 7.5 14 10 133.1 54 −105 −1.9 2 + + 1999 Michigan 180 295 61.0% 2,217 7.5 16 6 138.0 34 −31 −0.9 1 + + Career 395 638 61.9% 4,773 7.5 30 17 134.9 90 −150 −1.7 3 + + (2.51 m) 33[66] + + All values from NFL Combine[67] + + A lightly regarded prospect coming out of college,[68][69] Brady was selected + by the New England Patriots with the 199th overall pick in the sixth round of + 2000 NFL Draft and has since spent his entire 19-season career with the Patriots. + Brady s tenure with the Patriots is an NFL record for the longest time playing + quarterback for one franchise. Since Brady became their starting quarterback + in 2001, the Patriots have never had a losing season and have won 16 division + titles. The Patriots played in thirteen AFC Championship Games from 2001 to + 2018—including eight in a row from 2011 to 2018—and won nine of them. Brady + and Patriots head coach Bill Belichick have combined to form the most successful + quarterback-head coach tandem in NFL history, winning more regular season games + and postseason games than any other such duo[70] as well as appearing in nine + Super Bowls. All of these events set new NFL records.[71] + + In his second season, Brady took over as the starting quarterback after Drew + Bledsoe was injured.[72] He led the Patriots to first place in the AFC East[73] + and a victory over the favored St. Louis Rams[74][75] in Super Bowl XXXVI, winning + his first Super Bowl MVP award. Despite the Patriots missing the playoffs the + following season, Brady would then lead them to back-to-back World Championships + in 2003 and 2004, winning Super Bowl MVP honors again in 2003. Along the way, + the Patriots won an NFL-record 21 consecutive games (including the playoffs) + between the 2003 and 2004 seasons.[76] The 2005 season was Brady s first to + throw for 4,000 yards and lead the NFL in passing.[77] That postseason, Brady + would win his 10th consecutive playoff game, another NFL postseason record.[78] + + Although Brady and the Patriots continued to win often, they did not return + to the Super Bowl until the 2007 season. That year, Brady not only set an NFL + record with 50 touchdown passes[79] but he would also lead the Patriots to a + 16–0 finish,[80] the first perfect regular-season record since the Miami Dolphins + finished 14–0 in 1972.[81][82] Brady would win his first career NFL MVP Award, + winning 49 out of 50 votes.[83] The Associated Press also named him Male Athlete + of the Year, the first such award given to an NFL player since Joe Montana won + it in 1989 and 1990.[84] However, the Patriots suffered their first Super Bowl + loss with Brady as quarterback, dropping a 17–14 decision to the New York Giants + in Super Bowl XLII.[85] + + Brady missed virtually the entire following season due to a knee injury in the + season opener.[86] But he would come back strong in the 2009 season to be named + the league s Comeback Player of the Year.[87] In 2010, Brady set the NFL record + for consecutive passes without an interception (358)[88] and broke his own record + for the highest season touchdown-to-interception ratio (among players who have + started a full season) at 9:1, currently the third best TD:INT ratio for a single + season by a quarterback.[89] Brady would win his second league MVP award with + all 50 votes in his favor.[90] He was the first unanimous NFL MVP since Giants + linebacker Lawrence Taylor won the award in 1986.[91] He and Joe Montana are + the only players in NFL history to win multiple NFL MVP and Super Bowl MVP awards.[92][93] + Brady was also named the top player by his peers in the first NFL Top 100 list, + released in 2011.[94] + + In the 2011 season, Brady led the Patriots to their first AFC Championship since + 2007 and appeared in the Super Bowl for a fifth time; but the Patriots would + lose again to the Giants.[95] Following AFC Championship Game losses in the + following seasons (2012 and 2013), Brady and the Patriots made their sixth trip + to the Super Bowl after the 2014 season (Brady s 15th as a professional). There, + he led the Patriots to a fourth-quarter comeback[96] over the defending champion + Seattle Seahawks. He would lift his fourth Super Bowl trophy (the Patriots first + in ten seasons) and was named Super Bowl MVP for the third time.[97] + + Despite missing the first four games of the 2016 season, Brady would lead the + Patriots (3–1 before he rejoined them)[98] to win 11 out of the 12 remaining + regular season games and two postseason games to make his seventh Super Bowl + appearance. Brady and the Patriots would overcome a 25-point deficit against + the Atlanta Falcons (down 28–3 in the third quarter) to force the first overtime + in Super Bowl history, winning 34–28 to give Brady his fifth Super Bowl title.[99] + He earned his fourth Super Bowl MVP award after setting title-game records for + appearances, pass attempts, completions, passing yards and fourth-quarter comebacks.[100] + In his eighth appearance, capping the 2017 season, Brady threw for 505 yards + at 40 years old, setting a record for most passing yards in a Super Bowl, but + the Patriots lost to the Philadelphia Eagles. In 2019, the Patriots won Super + Bowl LIII, earning Brady his sixth super bowl title, becoming the first player + in history to have won six Super Bowls.[101] + + Over his career, Brady has won three league MVP awards, six Super Bowls, and + four Super Bowl MVP Awards. A 14-time Pro Bowler, Brady has also twice led the + NFL in passing yardage.[102][103] As of November 2017, he owns the third-highest + career passer rating (97.9) among quarterbacks with at least 1,500 career passing + attempts.[104] He has thrown for more passing yards and touchdowns than any + other quarterback in NFL postseason history; he also has won more playoff games + than any other quarterback. As a result of his highly successful career, Brady + is rated among the greatest quarterbacks of all time.[105] + + Brady s name has become associated with two NFL rules, which sports reporters + have called the Brady rules . One is the tuck rule that was in effect from + 1999 through 2013.[106] The other is a rule about low hits enacted in 2009: A + defender cannot initiate a roll or lunge and forcibly hit the passer in the + knee area or below, even if he is being contacted by another player. [107] + + Brady was selected with pick number 199, a compensatory pick, in the sixth round + of the 2000 NFL Draft.[108] He and his family had believed that Brady would + be drafted in the second or third round; they watched the draft on television, + stunned as six other quarterbacks were drafted before he was. Brady was so embarrassed + that he briefly left the family home during the sixth round, and cried when + recalling the experience for an interview 11 years later. When the Patriots + notified him that he would be drafted, Brady was grateful that, he later said, + he would not have to be an insurance salesman .[109] According to Michael Holley + s book Patriot Reign, the Patriots were considering Brady and Tim Rattay, both + of whom had received positive reviews from then-quarterbacks coach Dick Rehbein.[110] + Ultimately, the Patriots front office chose Brady. Considering his subsequent + success, many analysts have called Brady the best NFL draft pick of all time.[111][112][113][114] + Patriots owner Robert Kraft recalled: “I still have the image of Tom Brady coming + down the old Foxboro stadium steps with that pizza box under his arm, a skinny + beanpole, and when he introduced himself to me and said ‘Hi Mr. Kraft,’ he was + about to say who he was, but I said ‘I know who you are, you’re Tom Brady. You’re + our sixth round draft choice,’” recalled Kraft. “And he looked me in the eye + and said ‘I’m the best decision this organization has ever made.’ It looks like + he could be right.”[115] + + Brady started the season as the fourth-string quarterback, behind starter Drew + Bledsoe and backups John Friesz and Michael Bishop; by season s end, he was + number two on the depth chart behind Bledsoe.[116] During his rookie season, + he was 1-for-3 passing, for six yards.[117] Tight end Rod Rutledge caught Brady + s first and only completed pass of the season in a 34–9 loss to the Detroit + Lions on November 23.[118][119] + + With Bledsoe as the starting quarterback, the Patriots opened the season with + a 23–17 loss at Cincinnati.[117] In their second game and home opener on September + 23, the Patriots squared off against their AFC East rivals, the New York Jets. + Bledsoe was again the starter; in the fourth quarter, he suffered internal bleeding + after a hit from Jets linebacker Mo Lewis. Bledsoe returned for the next series, + but was replaced with Brady for the Patriots final series of the game. New + York would hold on to win, 10–3, and the Patriots fell to 0–2 on the season.[120] + Brady was named the starter for the season s third game, against the Indianapolis + Colts. In his first two games as starter, Brady posted unspectacular passer + ratings of 79.6 and 58.7, respectively, in a 44–13 victory over the Colts (in + their last season in the AFC East) and a 30–10 loss to the Miami Dolphins.[121][122][123] + + In the Patriots fifth game, Brady began to find his stride. Trailing the visiting + San Diego Chargers 26–16 in the fourth quarter, he led the Patriots on two scoring + drives to force overtime, and another in overtime to set up a winning field + goal. Brady finished the game with 33 pass completions on 54 attempts, for 364 + yards, and two touchdowns, and was named AFC Offensive Player of the Week for + the first time in his career.[124][125] The following week, Brady again played + well during the rematch at Indianapolis, with a passer rating of 148.3 in a + 38–17 win.[126] The Patriots went on to win eleven of the fourteen games Brady + started, and six straight to finish the regular season, winning the AFC East + and entering the 2001–02 NFL playoffs with a first-round bye.[127] In that stretch + was a Week 11 34–17 victory over the New Orleans Saints where he was 19 of 26 + for 258 passing yards and four touchdowns to earn his second AFC Offensive Player + of the Week nod in 2001.[128] In Week 15, against the Miami Dolphins, he recorded + a 23-yard reception from Kevin Faulk on a trick play.[129] Brady finished the + 2001 season with 2,843 passing yards and 18 touchdowns and earned an invitation + to the 2002 Pro Bowl.[117][130] + + In Brady s first playoff game, he threw for 312 yards against the Oakland Raiders + and led the Patriots back from a ten-point fourth-quarter deficit to send the + game to overtime, where they won on an Adam Vinatieri field goal. A controversial + play occurred in that game. Trailing by three points in the fourth quarter, + Brady lost control of the ball after being hit by Raiders cornerback Charles + Woodson. Oakland initially recovered the ball, but, citing the tuck rule, which + states that any forward throwing motion by a quarterback begins a pass even + if the quarterback loses possession of the ball as he is attempting to tuck + it back toward his body, referee Walt Coleman overturned the call on instant + replay, ruling it an incomplete pass rather than a fumble.[131] Brady finished + the game 32-of-52 for 312 passing yards and one interception.[132] + + In the AFC Championship Game against the Pittsburgh Steelers, Brady injured + his knee, and was relieved by Bledsoe.[133] The Patriots won the game by a score + of 24–17 and were immediately installed by Las Vegas oddsmakers as 14-point + underdogs against the NFC champion St. Louis Rams in Super Bowl XXXVI.[134][135] + + Brady returned from his knee injury in the AFC Championship Game to start in + the Super Bowl a week later at the Louisiana Superdome in New Orleans. Despite + being heavy underdogs, the Patriots played well, holding the Rams high powered + offense in check through the first three quarters. The Rams rallied from a 17–3 + deficit to tie the game with 1:30 left in regulation. The Patriots then got + the ball back at their own 17-yard line with no timeouts remaining. Sportscaster + and former Super Bowl-winning coach John Madden said he thought the Patriots + should run out the clock and try to win the game in overtime.[136] Instead, + Brady drove the Patriots offense down the field to the Rams 31-yard line before + spiking the ball with seven seconds left. Then kicker Adam Vinatieri converted + a 48-yard field goal as time expired to give the Patriots a 20–17 win and their + first ever league championship. Brady was named MVP of Super Bowl XXXVI while + throwing for 145 yards, one touchdown, and no interceptions. At the age of 24 + years and six months, Brady surpassed Joe Namath in Super Bowl III and Joe Montana + in Super Bowl XVI, who were both 25 years, seven months, and 13 days old at + the time of their victories, to earn the title of youngest quarterback to win + a Super Bowl.[137][138] A possible quarterback controversy was averted when + Bledsoe was traded to the Buffalo Bills during the offseason; this event cemented + Brady s status as the starting quarterback.[139] + + In the 2002 season opener, Brady had 294 passing yards and three touchdowns + in the 30–14 victory over the Pittsburgh Steelers to earn his third AFC Offensive + of the Week title.[140][141] In Week 9, in a 38–7 victory over the Buffalo Bills, + he had 265 passing yards and three touchdowns to earn another AFC Offensive + Player of the Week nod.[142][143] Brady and the Patriots finished the year at + 9–7, tied with the New York Jets and Miami Dolphins for the best record in the + division; however, the Jets won the division on the third tiebreaker, and the + Patriots missed the playoffs.[144] + + Though Brady posted a career-low single-season passer rating of 85.7 and a career-high + of 14 interceptions, he threw for a league-leading 28 touchdown passes and 921 + more yards than in the 2001 season.[121] However, Brady played much of the second + half of the season with a shoulder injury, and New England head coach Bill Belichick + later indicated that Brady would not have been able to play in their first playoff + game if the Patriots had made the playoffs. + + After opening the 2003 NFL season with a 2–2 start, Brady led the Patriots to + twelve consecutive victories to finish the regular season in winning the AFC + East.[145] In Week 9, against the Denver Broncos, he had 350 passing yards, + three touchdowns, and one interception in the 30–26 victory to earn his fifth + AFC Offensive Player of the Week honor.[146][147] In Week 14, a 12–0 victory + against the Miami Dolphins, he recorded a 36-yard punt in the game.[148] Statistically, + Brady s strongest game of the season was in Week 17 against the division rival + Buffalo Bills, when he achieved a season-high quarterback rating of 122.9, and + was named AFC Offensive Player of the Week.[121][149] Brady finished with 3,620 + passing yards and 23 touchdowns,[117] and was third in NFL MVP voting to co-winners + Peyton Manning and Steve McNair.[150] + + In the first two rounds of the playoffs, the Patriots defeated the Tennessee + Titans in the Divisional Round by a score of 17–14. In the win, Brady was 21 + of 41 for 201 passing yards and one passing touchdown.[151] In the following + round, they defeated Indianapolis Colts in the AFC Championship by a score of + 24–14. Brady completed 22 of 37 passes for 237 yards, one passing touchdown, + and an interception.[152] On February 1, 2004, Brady led the Patriots to a 32–29 + victory over the NFC champion Carolina Panthers in Super Bowl XXXVIII and was + named Super Bowl MVP for the second time. During the game, Brady threw for 354 + yards with three touchdowns and set the record for most completions by a quarterback + in a Super Bowl with 32. With 1:08 left in the fourth quarter and the score + tied 29–29, Brady engineered a drive with five pass completions to put the Patriots + in position for the game-winning 41-yard field goal by Vinatieri.[153][154] + + Brady during Super Bowl XXXIX + + During the 2004 season, Brady helped the Patriots set an NFL record with 21 + straight wins dating from the previous year, an accomplishment honored in the + Pro Football Hall of Fame (though for official records, the NFL considers it + an 18-game regular season winning streak; it does not count playoff games).[155] + New England finished with a 14–2 record, equaling their 2003 record and the + best regular-season record ever for a defending champion.[156] The Patriots + also won the AFC East divisional title for the third time in four years.[157] + Brady threw for 3,692 yards and 28 touchdowns, with a 92.6 passer rating, and + was voted to his second Pro Bowl.[117] + + In the playoffs, Brady led the Patriots to victories over the Indianapolis Colts + in the Divisional Round by a score of 20–3 and the Pittsburgh Steelers in the + AFC Championship by a score of 41–27.[158] Brady played his best game of the + year in Pittsburgh despite requiring intravenous treatment the previous night + when he ran a temperature of 103°.[159] Against the NFL s best defense,[158] + he recorded a quarterback passer rating of 130.5, his highest of the season.[121] + On February 6, 2005, the Patriots narrowly defeated the Philadelphia Eagles, + 24–21, to win Super Bowl XXXIX at Alltel Stadium in Jacksonville, Florida. Brady + threw for 236 yards and two touchdowns[160] while capturing the Patriots third + championship in four years. They became the first franchise since the Dallas + Cowboys in 1992–1995 to win three Super Bowls in four years.[161] + + During the 2005 season, injuries suffered by running backs Corey Dillon, Patrick + Pass, and Kevin Faulk forced the Patriots to rely more on Brady s passing.[162][163] + Brady also had to adjust to new center Russ Hochstein and running back Heath + Evans. On October 9, in a 31–28 victory over the Atlanta Falcons, he had 350 + passing yards, three touchdowns, and one interception to earn AFC Offensive + Player of the Week honors.[164][165] Brady finished first in the league with + 4,110 passing yards and third in the league with 26 touchdowns.[117] At 92.3, + his 2005 passer rating was the second-highest of his career at the time, although + he equaled his career high for interceptions with 14.[121] He rushed for 89 + yards and fumbled a career-low four times.[121] He and the Patriots finished + with a 10–6 record, winning their third straight AFC East title.[166] He was + named to his third Pro Bowl at the end of the season.[167] + + In the playoffs, Brady recorded 201 passing yards and three passing touchdowns + to help lead the Patriots to a 28–3 victory over the Jacksonville Jaguars in + the Wild Card Round. On January 14, 2006, the Patriots lost 27–13 to the Denver + Broncos at INVESCO Field in the Divisional Round.[168][169] Brady threw for + 341 yards in the game with one touchdown and two interceptions, in the first + playoff loss of his career after ten playoff victories.[170] After the season + s end, it was revealed that Brady had been playing with a sports hernia since + December. Linebacker Willie McGinest commented on it and said he knew, but Brady + continued playing.[171] + + Brady on the sideline at Giants Stadium with teammates Randy Moss and Jabar + Gaffney, after throwing for his record-breaking 50th passing touchdown of the + 2007 season + + Brady started the 2006 season with 163 passing yards, two passing touchdowns, + and an interception against the Buffalo Bills in a 19–17 victory.[172] In Week + 8, against the Minnesota Vikings, he had one of his stronger performances of + the season with 372 passing yards, four passing yards, and one interception + in the 31–7 victory.[173] He posted another game with four passing touchdowns + in the Week 11 35–0 victory over the Green Bay Packers.[174] Brady led the Patriots + to a 12–4 record and the fourth seed in the AFC playoffs.[175] In the regular + season, Brady threw for 3,529 yards and 24 touchdowns.[117] He was not among + the players initially selected to the Pro Bowl,[176] although he was offered + an injury-replacement selection when San Diego Chargers quarterback Philip Rivers + was forced to withdraw. Brady ended up declining the invitation.[177] + + In the postseason, the Patriots first hosted their division rivals, the New + York Jets, in the Wild Card Round. The Patriots defeated the Jets 37–16, as + Brady went 22–34 for 212 yards and two touchdowns.[178] The Patriots traveled + to San Diego to take on the Chargers in the Divisional Round. This was Brady + s first playoff game in his home state of California. Brady and the Patriots + struggled against the Chargers, whom many had picked as favorites to win Super + Bowl XLI.[179] With eight minutes left in the fourth quarter and the Patriots + down by eight points, Brady and the Patriots started a key drive that would + ultimately decide the game. After a 49-yard pass play to wide receiver Reche + Caldwell, a Stephen Gostkowski field goal gave the Patriots a 24–21 win.[180] + + In the AFC Championship, the Patriots faced the Indianapolis Colts. The Patriots + and Colts had faced each other twice in the previous three postseasons at Foxborough; + this game, however, was played at Indianapolis. The Patriots led at halftime, + 21–6; however, the Colts and Peyton Manning staged a comeback, culminating in + a last minute interception thrown by Brady, and the Patriots lost the game to + the Colts, 34–38.[181] + + Playing with a dramatically overhauled receiver corps—in the 2007 offseason, + the Patriots acquired wide receivers Donté Stallworth, Wes Welker, Kelley Washington, + and Randy Moss; tight end Kyle Brady; and running back Sammy Morris—Brady enjoyed + what some sportswriters described as one of the best seasons by a quarterback.[182][183] + The average score of a 2007 Patriots regular-season game would be 37–17 by the + end of the year.[184] Brady led the Patriots to the first 16–0 regular-season + record in league history, outscoring opponents by more than a 2-to-1 margin, + but also attained numerous career, franchise, and NFL records and milestones + in the process. He was named as the AFC Offensive Player of the Week five separate + times that year.[185][186][187][188][189] While away at Dallas, he had a career-high + five passing touchdowns in a 48–27 win. The win tied him with Cowboys Hall of + Fame quarterback Roger Staubach for the most wins ever by a starting quarterback + in his first 100 regular-season games, with 76.[190] The next week, in part + of a 49–28 win at Miami, he had yet another record day, with a career-high six + passing touchdowns, setting a franchise record. He also had the first game with + a perfect passer rating of his career.[191] Two weeks later, as part of a come-from-behind + 24–20 victory at Indianapolis, he threw for another three touchdowns, the ninth + consecutive game in which he had done so, breaking Peyton Manning s NFL record + of eight.[192] During the last game of the year, Brady threw two touchdown passes; + his second touchdown was his 50th, breaking Peyton Manning s record of 49 in + the 2004 season.[193] + + Brady in December 2007 + + Brady finished the season with 4,806 passing yards, 50 touchdown passes, and + only eight interceptions. It was unanimously voted the greatest passing season + of all time by ESPN in 2013. His 50:8 touchdown to interception ratio was, at + the time, an NFL record. He became the first quarterback to pass for 50 touchdowns + in a season and his 117.2 passer rating is[when?] the fourth highest in a single + season. His 8.7% touchdown passing percentage is[when?] the third highest ever + in a season. He led the Patriots to becoming the first team to ever go undefeated + in the regular season since the 16 game schedule was enforced and directed an + offense that scored a then NFL record 589 points and 75 total touchdowns. Those + records stood until they were eclipsed by the 2013 Denver Broncos. The team + s 50 total touchdown passes is the fourth most ever in a season. For his efforts, + Brady was named the Most Valuable Player of this season, as well as Offensive + Player of the Year. He was also honored by the Associated Press as their Male + Athlete of the Year, the first time an NFL player has been so honored since + Joe Montana won the award in 1990.[194] He was named as a First Team All-Pro + and to his fourth career Pro Bowl as a result of his historic season.[195][196] + + In the Patriots first playoff game, a Divisional Round game against Jacksonville, + Brady began the game with an NFL postseason record 16 consecutive completed + passes, and finished the game with 26 completions in 28 attempts, a completion + rate of 92.9%. That mark is the highest single-game completion percentage (for + passers with at least 20 attempts) in NFL history, regular season or postseason.[197] + With the win, the Patriots matched the undefeated 1972 Miami Dolphins as the + only team to win 17 consecutive games in one season. + + Statistically, Brady did not fare as well in the AFC Championship Game against + the San Diego Chargers, throwing three interceptions (including his first interception + in the red zone since the playoff loss to Denver in the 2005 postseason). Nevertheless, + the Patriots won their 18th game of the season, 21–12, to advance to the Super + Bowl for the fourth time in seven seasons. Brady, with the 100th win of his + career, also set an NFL record for the fewest games needed by a starting quarterback + to do so: his 100–26 record is sixteen games better than Joe Montana s.[198] + In Super Bowl XLII at the University of Phoenix Stadium in Glendale, Arizona., + Brady was pressured heavily and sacked five times. The Patriots did manage to + take the lead with a Brady touchdown to Moss with less than three minutes remaining + in the fourth quarter, but the Giants were able to score a last-minute touchdown + to upset the Patriots 17–14, taking away what would have been the first perfect + season since the NFL expanded its regular season to 16 games.[199] + + Brady in action against the Washington Redskins on August 28, 2009. + + Brady did not play in any games during the 2008 preseason or in the 2008 Pro + Bowl due to two different foot injuries.[200][201] In the Patriots 2008 season + opener against the Kansas City Chiefs at Gillette Stadium, Brady s left knee + was seriously injured midway through the first quarter on a hit by Chiefs safety + Bernard Pollard; he left the game and did not return. The team later confirmed + that Brady would require surgery, and it would prematurely end his 2008 season.[202] + Brady tore both his anterior cruciate ligament and medial collateral ligament.[203] + The injury ended Brady s streak of 111 consecutive starts (ninth in the list + of most consecutive starts by an NFL quarterback, behind Brett Favre, Peyton + Manning, Eli Manning, Philip Rivers, Matt Ryan, Matthew Stafford, Ron Jaworski, + and Joe Flacco).[204] Dr. Neal ElAttrache performed the anterior cruciate ligament + reconstruction at the Los Angeles Kerlan-Jobe Orthopaedic Clinic October 6, + using Brady s patellar tendon graft to replace the torn ligament, and also repaired + his medial collateral ligament, through a separate incision in his left knee.[205] + An infection in the wound resulted in further debridement surgery several times + since the original procedure. Brady received IV antibiotics for this infection + which, at the time, threatened to delay his rehab.[206][207] Despite Brady s + absence, the Patriots managed to finish the 2008 season with an 11–5 record; + however, due to tiebreakers, the Patriots not only failed to win the AFC East + division title, but missed the playoffs altogether for the first time since + the 2002 season.[208] + + Brady in Landover, Maryland, on August 28, 2009, during warmups in a preseason + game against the Washington Redskins. + + In his first game in nearly a year, Brady threw for 378 yards and two touchdowns + in the 2009 season opener against the Buffalo Bills. In the final three minutes + of the game, the Patriots were down 24–13 before Brady and tight end Benjamin + Watson connected on two straight touchdowns to lead the Patriots to a 25–24 + win.[209] Brady was named the AFC Offensive Player of the Week for the 13th + time in his career for his performance.[210] + + On October 18, 2009, in an early season snowstorm, Brady set an NFL record against + the Tennessee Titans for most touchdowns in a single quarter, throwing five + in the second quarter. Brady finished the game with six touchdowns, tying his + career-high from the 2007 season, and 380 yards, completing 29-of-34 attempts, + finishing with a nearly perfect passer rating of 152.8.[211][212] He earned + his second AFC Offensive Player of the Week nod for his efforts against the + Titans.[213] The Patriots 59–0 victory over the Titans tied the record for + the largest margin of victory since the 1970 AFL-NFL merger,[214] and set a + record for largest halftime lead in NFL history, which was 45–0.[215] + + Brady finished the 2009 regular season with 4,398 yards passing and 28 touchdowns + for a 96.2 rating,[117] despite a broken right ring finger and three fractured + ribs, all which were suffered over the course of the season.[216] He was selected + as a reserve to the 2010 Pro Bowl and named the 2009 NFL Comeback Player of + the Year.[217][218] + + Brady ended the 2009 season throwing for 154 passing yards, two touchdowns, + and three interceptions in a Wild Card Round loss to the Baltimore Ravens, 33–14, + his first career home playoff loss, and the first playoff loss at home by a + Patriots quarterback since 1978 (Steve Grogan).[219] + + On September 10, 2010, Brady signed a four-year, $72 million contract extension, + making him the highest-paid player in the NFL. The extension included $48.5 + million in guaranteed money.[220] + + Brady became the quickest quarterback to achieve 100 regular season wins by + helping his team defeat the Miami Dolphins 41–14 on October 4, 2010.[221] + + In a 31–28 win over the Indianapolis Colts on November 21, 2010, Brady tied + Brett Favre s record of winning 25 consecutive regular-season home starts.[222] + Brady s last regular-season defeat at home was a 17–14 loss to the New York + Jets on November 12, 2006.[223] On November 25, in a 45–24 victory over the + Detroit Lions, he had 341 passing yards and four touchdowns to earn AFC Offensive + Player of the Week.[224][225] In the game, he earned a perfect passer rating + for the second time in his career.[226][227] The next week, in a 45–3 victory + over the New York Jets, he had 326 passing yards and four touchdowns to earn + AFC Offensive Player of the Week honors for the second consecutive week. The + victory over the Jets set an NFL record by winning 26 consecutive regular-season + home starts.[228][229][230] + + Brady threw for 3,900 yards with 36 touchdowns and only four interceptions on + the season.[117] He had a 111.0 passer rating; this gave him—at the time—two + of the top five season ratings in NFL history and made him the first player + to finish with a rating above 110 in two different seasons.[231] + + Brady was selected as a starter to the 2011 Pro Bowl.[232] However, he pulled + out of the game (and was replaced by former backup Matt Cassel of the Kansas + City Chiefs) after undergoing surgery for a stress fracture in his right foot + dating back to 2008.[233] Brady was also the only unanimous selection for the + AP All-Pro Team and was named the 2010 Associated Press NFL Offensive Player + of the Year. By unanimous decision, he won the MVP award for the second time + in his career.[234] On the NFL Top 100 Players of 2011 players list, Brady + was ranked as the best player in the NFL by his fellow players.[235] + + After earning the #1 seed and a bye week, the Patriots lost to the New York + Jets in the Divisional Round by a score of 28–21. Brady finished the game 29-of-45 + for 299 yards and two touchdowns, with one interception. His one interception + ended his NFL record of consecutive passes without an interception at 340.[236][237] + + In Week 1 of the 2011 NFL season, Brady threw for a career-high 517 yards, four + touchdowns, and one interception in a 38–24 victory over the Miami Dolphins + and earned AFC Offensive Player of the Week honors.[238] This was the second + time that he had thrown for 400 or more yards in a single game. In the game, + he threw a record-tying 99-yard touchdown pass to Wes Welker in the second quarter.[239][240][18] + In the next game, a 35–21 victory over the San Diego Chargers, he had 423 passing + yards and three touchdowns to earn another AFC Offensive Player of the Week + nod.[241][242] + + In Week 16, in the second divisional game against the Miami Dolphins, Brady + had 304 passing yards and one passing touchdown to go along with nine rushes + for 17 yards and two rushing touchdowns in the 27–24 victory to earn AFC Offensive + Player of the Week for the third time in 2011.[243][244] In the regular season + finale against the Buffalo Bills, Brady became the fourth quarterback to throw + for 5,000 yards in a single season, finishing with 5,235; although Brady surpassed + Dan Marino s longstanding record of 5,084 passing yards, he finished the season + second in passing yards behind Drew Brees s 5,476.[117] In the end, the Patriots + finished the season 13–3 and clinched the AFC s #1 seed.[245] For his efforts + in the 2011 season, Brady was named to the Pro Bowl and was named as the fourth + best player in the NFL on the NFL Top 100 Players of 2012 by his peers.[246][247] + + There s no quarterback I d rather have than Tom Brady. He s the best. He does + so much for us in so many ways on so many different levels. I m very fortunate + that he s our quarterback and what he s able to do for this team. It s good + to win with him and all the rest of our players. If that s more than somebody + else did, I don t really care about that.[248] + + –Bill Belichick + + In the Patriots 45–10 rout of the Denver Broncos in the Divisional Round, Brady + set a personal postseason best with 363 passing yards, and tied an NFL playoff + record shared by Daryle Lamonica and Steve Young, throwing for six touchdown + passes.[249] The win, his first postseason win since January 2008, gave Brady + and Patriots head coach Bill Belichick sole possession of the NFL record for + postseason wins by a quarterback-head coach combo with 15.[250] In the AFC Championship + game against the Baltimore Ravens, Brady failed to throw a touchdown pass for + the first time in 36 games, though he did pass for 239 yards and scored a one-yard + rushing touchdown late in the game. A missed field goal from Ravens kicker Billy + Cundiff gave Brady and the Patriots a 23–20 victory, sending Brady to his fifth + Super Bowl as a member of the Patriots.[251] In Super Bowl XLVI at Lucas Oil + Stadium in Indianapolis, Brady and the Patriots met the New York Giants in a + rematch of their Super Bowl XLII meeting four years earlier. Brady played well, + leading a Super Bowl record-tying 96-yard touchdown drive to close the first + half and at one point completing 16 passes in a row to give him a 20-of-23 mark + partway into the third quarter, another Super Bowl record. Brady threw two touchdowns + against one interception on the Patriots first offensive series, and was penalized + for intentional grounding in the end zone, giving up a crucial safety to the + Giants. A final score of 21–17 for the Giants prevented Brady from winning his + fourth Super Bowl.[252] + + Brady started all 16 regular season games of the 2012 NFL season and led the + Patriots to a 12–4 record. Among the many highlights of the team was a 42–14 + win over the Houston Texans in Week 14. Brady had 296 passing yards and four + touchdowns to earn AFC Offensive Player of the Week.[253][254] The Patriots + scored 557 total points, the third highest in league history and Brady became + the first quarterback to lead his team to ten division titles.[255] With that + point total, the Patriots became the first team to score at least 500 points + in a season four different times, with Brady leading all four squads, which + was a record as well. He finished the season with 4,827 passing yards, 34 touchdowns, + only eight interceptions, and a passer rating of 98.7. It was Brady s third + straight season throwing for over 30 touchdowns.[256] He was named to the Pro + Bowl for the eighth time in his career.[257] On the NFL Top 100 Players of 2013, + Brady was ranked fourth by his fellow players for the second consecutive year.[258] + + Brady started both Patriots playoff games, winning 41–28 against the Houston + Texans in the Divisional Round.[259] Brady passed for 344 yards and three touchdowns + as he led the team to their seventh AFC Championship Game in his 12 years as + a starter. With the victory, Brady surpassed Joe Montana for most career playoff + wins, with 17.[260] The Patriots were then upset by the eventual Super Bowl + XLVII champion Baltimore Ravens, 28–13 in the AFC Championship. He threw for + 320 yards and one touchdown with two interceptions.[261] He suffered his first + career loss at home when leading by halftime, in which during that span he was + 67–0.[262] + + On February 25, 2013, Brady and the Patriots agreed on a three-year contract + extension, which kept him with the team through 2017.[263] Peter King called + it an amazing deal, as Brady took just $27 million in new money over the 2015, + 2016, and 2017 seasons, and also noted that it reflected Patriots owner Robert + Kraft s desire to make sure that Brady retired as a Patriot.[264] + + Brady and the Patriots began the season with much upheaval on the offensive + side of the ball. Tight end Rob Gronkowski was injured and Aaron Hernandez was + arrested. Wes Welker departed to the Denver Broncos, Danny Woodhead left in + free agency for the San Diego Chargers, and Brandon Lloyd was released from + the team. In order to replace the five players, the Patriots signed Danny Amendola + in free agency from the Rams, drafted rookie wide receivers Aaron Dobson and + Josh Boyce, and signed undrafted rookie free agent wide receiver Kenbrell Thompkins. + In the first two games of the season, Brady completed 52% of his passes and + had three touchdowns and one interception.[265][266] + + Brady during the 2013 season + + Brady was in pursuit of Drew Brees s record of at least one touchdown in 54 + consecutive regular season games and saw the streak end at 52 games in a Week + 5 loss against the Cincinnati Bengals.[267] In a Week 6 game against the Saints, + the Patriots struggled in the first half and bounced back in the second with + Brady passing for 269 yards with a touchdown to Kenbrell Thompkins as time expired + to pull out the win over the Saints.[268] + + In Week 12, Brady faced-off against Peyton Manning for the fourteenth time in + his career. After going to the half trailing by 24 points, Brady and the Patriots + scored 31 unanswered points. The Patriots won after a muffed punt in overtime + when Stephen Gostkowski scored a field goal.[269] With the win, Brady earned + AFC Offensive Player of the Week honors.[270] With a Week 16 win over the Baltimore + Ravens, Brady collected his 147th win as a starting quarterback to tie Dan Marino + for fourth place all time, and the following week he defeated the Buffalo Bills + to tie John Elway for third place. In the victory over the Bills, Brady recorded + a 32-yard punt.[271] Brady was named to the Pro Bowl for the ninth time in career + and was ranked third on the NFL Top 100 Players of 2014 players list in the + offseason.[272][273] + + Brady s Patriots finished the season 12–4, to earn the second seed in the AFC + and a first-round bye.[274] In the Divisional Round matchup against the Indianapolis + Colts, Brady made his 25th playoff appearance, breaking Brett Favre s career + record for playoff appearances by a quarterback (Jerry Rice appeared in 29 playoff + games). He passed for 198 yards as the Patriots won 43–22 behind a four-touchdown + performance from LeGarrette Blount.[275] The following week, the Patriots lost + 26–16 to the Denver Broncos in the AFC Championship, eliminating Brady and the + Patriots from the playoffs. In the loss, Brady was 24-for-38 for 277 yards and + touchdown, along with two carries for seven yards and a rushing touchdown.[276] + + Brady in September 2014 against the Minnesota Vikings + + Brady started the 2014 season with a 33–20 loss to the Miami Dolphins.[277] + It was Brady s first opening day loss since the 2003 season. Brady recorded + 241 yards and a touchdown in the loss. New England rebounded against the Minnesota + Vikings, but Brady struggled, throwing for 149 yards and a touchdown in a 30–7 + win.[278] Against the Oakland Raiders, Brady was pressured all day, but threw + for 234 yards and a touchdown in 16–9 win.[279] After a humiliating 41–14 loss + to the Kansas City Chiefs, Brady led New England to back-to-back wins against + the Cincinnati Bengals and the Buffalo Bills.[280][281] Brady then defeated + the New York Jets with a 261-yard performance that included three touchdowns.[282] + The following week, a 51–23 embarrassment of the Chicago Bears saw Brady throw + for 354 yards and a season-high five touchdowns.[283] After passing for 333 + yards, and 257 yards in his next two games against the Denver Broncos and Indianapolis + Colts respectively, Brady defeated the Detroit Lions 34–9 with 349 passing yards + and two touchdowns against only one interception.[284] The Patriots winning + streak was put to the test against the Green Bay Packers in Week 13. Down 13–0 + early, Brady threw for 245 yards and two touchdowns. Still down 26–21, Brady + was unable to give the Patriots their eighth consecutive victory.[285] After + trailing 14–3 at the San Diego Chargers, Brady rallied his team with 317 passing + yards, two touchdowns, and one interception, to a 23–14 comeback win.[286] Brady + clinched his NFL record 12th AFC East division title with 287 passing yards, + two touchdowns, and an interception. Brady struggled in his final two games, + throwing for only 182 yards, a touchdown, and an interception in 17–16 victory + against the Jets, and 80 yards in one half of the final regular season game + against the Buffalo Bills, a 17–9 loss, though Julian Edelman, Rob Gronkowski, + and three starting offensive linemen did not play either the entirety or the + majority of the final game, and Brady only played in the first half.[287] Brady + was named to his tenth career Pro Bowl and was ranked third by his fellow players + on the NFL Top 100 Players of 2015.[288][289] + + In a 35–31 Divisional Round win over the Ravens, Brady threw for three touchdowns + and ran in a fourth, breaking Curtis Martin s club record for rushing touchdowns + in the playoffs; Brady also broke Joe Montana s record for playoff touchdowns + with 46. After the Ravens scored on their first two possessions, the Patriots + were quickly down 14–0. Brady led New England on an eight-play, 78-yard drive, + and ran for a score to cut the Ravens lead to 14–7. In the second quarter, Brady + s 15 yard touchdown pass to Danny Amendola tied the score at 14–14. After getting + the ball back, Brady threw an interception at the end of the first half. Joe + Flacco capitalized on it by throwing an 11-yard touchdown strike to tight end + Owen Daniels to give Baltimore a 21–14 halftime lead. Down 28–14, Brady engineered + an 80-yard drive, culminating in a touchdown to Rob Gronkowski to cut the lead + to 28–21. The Patriots tied the game once again at 28 off of a trick play where + Brady passed laterally to Julian Edelman who then threw a 51-yard touchdown + to Danny Amendola. Ravens kicker Justin Tucker drilled a 25-yard field goal + to give Baltimore a 31–28 4th quarter lead. Brady got the ball back, and threw + a 23-yard touchdown to wide receiver Brandon LaFell to give the Patriots their + first lead, up 35–31. After a Duron Harmon interception and a Joe Flacco Hail + Mary attempt failed, Brady clinched his record ninth AFC Championship Game, + fourth straight, and the third championship game against the Indianapolis Colts.[290] + After a 45–7 blowout, Brady advanced to play in his sixth Super Bowl, breaking + a tie with John Elway for most career Super Bowl appearances by a quarterback. + Against the Colts, Brady threw for 226 yards and three passing touchdowns with + one interception[291] + + In Super Bowl XLIX at University of Phoenix Stadium in Glendale, Arizona, Brady + completed 37-of-50 passes for 328 yards, four touchdowns, and two interceptions. + He guided a then-record ten-point fourth quarter comeback as the Patriots defeated + the Seattle Seahawks 28–24 to give Brady his fourth Super Bowl ring, tying him + with Joe Montana and Terry Bradshaw for most Super Bowl victories by a starting + quarterback.[292] He was named Super Bowl MVP for the third time, tying Montana + s record. Brady s 37 completed passes in the game set a Super Bowl record at + the time, which Brady himself would break in Super Bowl LI two years later.[293] + + Further information: Deflategate + + On May 6, 2015, the NFL published a 243-page report regarding the deflation + of footballs used in the previous season s AFC Championship Game.[294] The report + concluded that, more likely than not, Brady was at least generally aware of + the intentional deflation. On May 11, Brady was suspended for four games by + the NFL for his involvement based on substantial and credible evidence that + Brady knew Patriots employees were deflating footballs and that he failed to + cooperate with the investigators.[295] On May 11, Troy Vincent—NFL Executive + Vice President of Football Operations—penned a letter to Brady that stated in + part: Your actions as set forth in the report clearly constitute conduct detrimental + to the integrity of and public confidence in the game of professional football. + [296] Vincent s letter further stated: With respect to your particular involvement, + the report established that there is substantial and credible evidence to conclude + you were at least generally aware of the actions of the Patriots employees + involved in the deflation of the footballs and that it was unlikely that their + actions were done without your knowledge. Moreover, the report documents your + failure to cooperate fully and candidly with the investigation, including by + refusing to produce any relevant electronic evidence (emails, texts, etc.), + despite being offered extraordinary safeguards by the investigators to protect + unrelated personal information, and by providing testimony that the report concludes + was not plausible and contradicted by other evidence. [296] Brady, through the + NFL Players Association, officially appealed the suspension on May 14.[297] + + On July 28, NFL Commissioner Roger Goodell announced the upholding of Brady + s four-game suspension.[298] Brady gave permission to the NFLPA to appeal the + suspension in federal court.[299] Goodell cited Brady s destruction of his cell + phone as a critical factor in his decision to uphold Brady s suspension.[300][301] + The NFL also filed papers in federal court seeking to confirm Roger Goodell + s decision.[302] On July 29 Brady released a statement on his Facebook page + that criticized Goodell s decision to uphold the suspension, saying in part I + am very disappointed by the NFL s decision to uphold the 4 game suspension against + me. I did nothing wrong, and no one in the Patriots organization did either... + I will not allow my unfair discipline to become a precedent for other NFL players + without a fight. [303][304] + + Commentary on the initial punishment was mixed. Bleacher Report writer Mike + Freeman made a statement agreeing with Goodell s decision, saying the penalties + were brutal, but it deserved to be. [305] Various commentators also implied + that the prior reputation of the Patriots organization as a team that bends + rules appeared to factor into the harshness of the punishment.[305][306] Others + described the punishment as firm but fair .[307] + + On September 3, 2015, Judge Richard M. Berman of the United States District + Court for the Southern District of New York vacated Brady s suspension; this + ruling allowed Brady to play in the first four games of the 2015 NFL season. + In his decision, Judge Berman cited the NFL s failure to provide proper notice + to Brady of the charges against him and the potential for a suspension.[308] + Post-appeal commentary also criticized Goodell for manipulating Brady s testimony at + the appeal hearing in his decision.[309] + + In the NFL Kickoff Game, Brady led the Patriots to a 28–21 win over the Pittsburgh + Steelers. He threw for 288 yards and four touchdowns, three of them to Rob Gronkowski.[310] + The Patriots victory was the 161st victory of Brady s career, all with the + Patriots, which surpassed the record held by former Green Bay Packers quarterback + Brett Favre for most regular season wins by a starting quarterback with a single + team. In Week 2, Brady threw for 466 yards and three touchdowns against the + Buffalo Bills. Through the first five games of the season, Brady threw a total + of 14 touchdowns with one interception and had a quarterback rating of 118.4.[311] + In Week 8, a 36–7 victory over the Miami Dolphins, he had 356 passing yards + and four touchdowns to earn his 25th AFC Offensive Player of the Week title.[312][313] + + Despite Brady s success, the Patriots were hit by many injuries to key players + on offense, including wide receiver Julian Edelman, and the Patriots eventually + lost their first game against the Denver Broncos, who were without Peyton Manning, + in Denver on the Sunday after Thanksgiving following a 10–0 start.[314] The + Patriots then lost three of their remaining five games to finish 12–4 for a + fourth straight season, tied with the Cincinnati Bengals and Denver Broncos + for the AFC s best record. The Denver Broncos clinched the No. 1 seed due to + their victories over both the Patriots and the Bengals, while the Patriots finished + with the AFC s No. 2 seed due to having a better record against common opponents + than the Cincinnati Bengals.[315][316] Brady finished the regular season with + a league-leading 36 touchdown passes and seven interceptions.[317] He was named + to his 11th Pro Bowl (seventh straight), and was ranked as the second best player + on the NFL Top 100 Players of 2016 behind only league MVP Cam Newton.[318][319] + + With the return of Julian Edelman from a foot injury, the Patriots defeated + the Kansas City Chiefs in the Divisional Round by a score of 27–20 after advancing + with a first round bye.[320] Brady completed 28 of 42 passes for 302 yards and + two passing touchdowns and one rushing touchdown as he led the team to their + fifth consecutive AFC championship game.[321] The Patriots advanced to the AFC + Championship to face Peyton Manning and the Denver Broncos at Sports Authority + Field at Mile High. It would turn out to be the 17th and final meeting between + the two storied quarterbacks, as Manning would announce his retirement after + the season ended. The Broncos top-ranked defense harassed Brady, who completed + 27-of-56 passes with two interceptions and a touchdown, all day, and the Patriots + eventually lost the game 20–18 after a potential game-tying two-point conversion + attempt failed with 17 seconds left in regulation.[322] + + On February 29, 2016, Brady signed a two-year contract extension covering the + 2018 and 2019 seasons.[323] + + Three days later, the NFL appealed Judge Richard M. Berman s 2015 decision to + vacate Brady s four-game suspension as punishment for his alleged role in the + Deflategate scandal. At the March 3, 2016, hearing in New York City, the three-judge + panel of the United States Court of Appeals for the Second Circuit questioned + Players Association lawyer Jeffrey L. Kessler more intensely than NFL lawyer + Paul Clement, with Circuit Judge Denny Chin even stating that the evidence + of ball tampering is compelling, if not overwhelming. [324] + + On April 25, 2016, Judge Richard M. Berman s decision to block Brady s four-game + suspension was overturned by the U.S. Appeals Court.[325][326] Circuit Judge + Barrington Daniels Parker Jr., joined by Circuit Judge Chin, wrote that they + could not second-guess the arbitration but were merely determining it met + the minimum legal standards established by the Labor Management Relations Act + of 1947 .[327] Circuit Chief Judge Robert Katzmann dissented, writing that the + NFL s fines for using stickum was highly analogous and that here the Commissioner + was doling out his own brand of industrial justice. [328] + + On May 23, 2016, Brady appealed for his case to be reheard by the full U.S. + 2nd Circuit Court.[329] The 2nd Circuit Court denied Brady s request for an + en banc hearing on July 13.[330] Two days later, on Friday, July 15, 2016, Brady + announced on his Facebook page that he would give up his Deflategate fight and + accept his suspension for the first four regular season games of the 2016 season. + Prior to Brady s suspension, he had not missed a single regular season or postseason + game since the start of the 2009 season. + + After serving his four-game suspension, Brady made his 2016 season debut on + October 9 on the road against the Cleveland Browns; he completed 28-of-40 passes + for 406 yards and three touchdowns in a 33–13 victory to earn AFC Offensive + Player of the Week.[331][332] In his home debut the following week, Brady completed + 29-of-35 passes for 376 yards and three touchdowns in a 35–17 victory over the + Cincinnati Bengals.[333] In Week 7, Brady completed 19 of 26 passes for 222 + yards and two touchdowns as New England defeated the Pittsburgh Steelers 27–16.[334] + The next week, the Patriots defeated the Buffalo Bills 41–25, with Brady completing + 22-of-33 passes for 315 yards and four touchdowns.[335] Brady s outstanding + numbers during his first four games following the suspension earned him the + AFC Offensive Player of the Month award for October.[336] + + Following a bye week, Brady and the Patriots faced the Seattle Seahawks in a + Week 10 rematch of Super Bowl XLIX. Brady completed 23-of-32 passes for 316 + yards, one interception, and no touchdowns in a 31–24 loss that saw the two + teams trade leads seven times.[337] In Week 11, Brady completed 24-of-40 passes + for 280 yards, four touchdowns, and no interceptions in a 30–17 road win against + his childhood team, the San Francisco 49ers. Brady s performance against San + Francisco earned him AFC Offensive Player of the Week honors for Week 11.[338] + Those four touchdown passes also gave him 444 career regular season touchdown + passes with one team, breaking Brett Favre s record. The following week, Brady + completed 30-of-50 passes for 286 yards and two touchdowns in a 22–17 road victory + against the New York Jets.[339] The win was also the Patriots 500th victory + (including playoffs) in franchise history. During this victory, Brady also became + the fifth quarterback to record 60,000 career regular season passing yards, + joining Peyton Manning, Brett Favre, Drew Brees, and Dan Marino. The following + week, Brady completed 33-of-46 passes for 269 yards and one touchdown as the + Patriots defeated the Los Angeles Rams by a score of 26–10.[340] The Patriots win + against the Rams gave Brady his 201st career victory, including playoff games, + breaking Peyton Manning s record of 200.[341] In Week 14, Brady completed 25 + of 38 passes for 406 yards, three touchdowns, and one interception during a + 30–23 victory against the Baltimore Ravens on Monday Night Football.[342] + + The next week, Brady completed 16-of-32 passes for 188 yards in a 16–3 victory + in Denver.[343] With this victory, the Patriots clinched an eighth consecutive + AFC East title and a seventh consecutive first-round bye in the playoffs, both + NFL records.[344] On December 20, 2016, Brady was named to the Pro Bowl for + the eighth straight season and 12th time overall.[345][346] In Week 16, Brady + threw for 17 of 27 passes for 214 yards, three touchdowns, and no interceptions + as he led the Patriots to a 41–3 win over the Jets.[347] In Week 17, Brady completed + 25-of-33 passes for 276 yards, three touchdowns, and no interceptions in a 35–14 + victory over the Miami Dolphins in the regular season finale that gave the Patriots + home field advantage throughout the AFC playoffs.[348] Brady s 276 yards against + Miami moved him ahead of former Miami quarterback Dan Marino into fourth place + on the NFL s all-time passing yards list. Brady s three touchdowns against Miami + also gave him 28 passing touchdowns against two interceptions for the regular + season. This broke the previous record of Nick Foles s 27:2 TD:INT ratio which + was set in 2013 with the Philadelphia Eagles.[349] Brady was named to the AP + All-Pro Second Team, behind Matt Ryan of the Atlanta Falcons, who was named + to the AP All-Pro First Team.[350] Brady was also ranked first on the NFL Top + 100 Players of 2017 as the best player in the league, becoming the first player + to be named as #1 twice since the listing started.[351] + + Brady hoisting the Vince Lombardi Trophy for the fifth time in his career after + winning Super Bowl LI + + Brady and the Patriots began their postseason run in the Divisional Round, hosting + the Houston Texans, who had the league s No. 1 total defense. Brady completed + 18-of-38 passes for 287 yards, two touchdowns, and two interceptions as the + Patriots won 34–16, clinching a record sixth consecutive trip to the AFC Championship + Game.[352] The Patriots then defeated the Pittsburgh Steelers, 36–17. Against + the Steelers, Brady completed 32 of 42 passes for 384 yards, three touchdowns, + and no interceptions. The win gave Brady and Patriots head coach Bill Belichick + their record seventh conference title as a quarterback–head coach tandem, and + the Patriots an NFL record ninth Super Bowl appearance.[353] + + Brady and the Patriots faced the NFC champion Atlanta Falcons—who boasted the + league s highest scoring offense—in Super Bowl LI at NRG Stadium in Houston, + Texas on Sunday, February 5, 2017. Brady threw for 43 completions on 62 attempts + for 466 passing yards—all Super Bowl records at the time. Brady also threw for + two touchdowns and an interception. After trailing 28–3 midway through the third + quarter, Brady and the Patriots scored 25 unanswered points to tie the game + at the end of regulation. This resulted in the first overtime in Super Bowl + history. After winning the overtime coin toss, Brady led the Patriots down the + field to score a touchdown and win the game by a score of 34–28,[354] completing + the largest comeback win in both team history and Super Bowl history. With the + victory, Brady won his fifth Super Bowl, which set a record for most Super Bowl + victories of any quarterback in history and tied defensive player Charles Haley + for the most Super Bowl victories for any player. In addition, Brady set another + record by winning his fourth Super Bowl MVP award for his clutch performance.[355] + + After the game, it was discovered that Brady s jersey had gone missing from + the Patriots locker room at NRG Stadium.[356] The FBI, in collaboration with + Mexican authorities, recovered the jersey from the home of Martin Mauricio Ortega, + a Mexican tabloid writer, along with Brady s jersey from Super Bowl XLIX.[357] + + On May 12, 2017, Brady was announced as the cover athlete for Madden NFL 18.[358] + + In a CBS interview on May 17, 2017, Charlie Rose asked Brady s wife, Gisele + Bündchen, if she wanted Brady to retire, despite the fact that he was playing + at a high level. Bündchen mentioned that Brady suffered from a concussion in + the 2016 season, saying, I mean he has concussions pretty much every—I mean + we don t talk about—but he does have concussions. I don t really think it s + a healthy thing for anybody to go through.”[359][360] + + Following the Bündchen interview, the NFL released a statement: We have reviewed + all reports relating to Tom Brady from the unaffiliated neurotrauma consultants + and certified athletic trainer spotters who worked at Patriots’ home and away + 2016 season games as well as club injury reports that were sent to the league + office. There are no records that indicate that Mr. Brady suffered a head injury + or concussion, or exhibited or complained of concussion symptoms. Today we have + been in contact with the NFLPA and will work together to gather more information + from the club s medical staff and Mr. Brady .[361][362] Brady s agent, Don Yee, + said that Brady was not diagnosed with a concussion during the 2016 season.[363] + + The Patriots opened up their 2017 season in the NFL Kickoff Game on September + 7 at home against the Kansas City Chiefs. Brady had 267 passing yards in the + game, which the Patriots lost 42–27.[364] In Week 2, Brady threw three touchdown + passes in the first quarter of a game for the first time in his career in a + 36–20 win over the New Orleans Saints.[365] He finished the game with 447 passing + yards and three touchdowns, earning him his 28th AFC Offensive Player of the + Week award.[366] This broke the record previously held by Peyton Manning for + the most AFC Offensive Player of the Week awards in a career.[367] In Week 3, + Brady threw for 378 passing yards and five touchdowns as he led the Patriots + to a 36–33 comeback win against the Houston Texans, a performance that earned + him AFC Offensive Player of the Week honors for the second straight week, and + the 29th for his career.[368] In Week 4, Brady played well again, throwing for + 307 yards, two touchdowns, and no interceptions, but the Carolina Panthers upset + the Patriots 33–30 on a last second field goal from Graham Gano as time expired. + In the Patriots next game, a narrow 19–14 win against the Tampa Bay Buccaneers + on Thursday Night Football, Brady completed 30 out of 40 passes for 303 yards, + one touchdown, and one interception. With this victory, Brady became the third + quarterback in NFL history to record 186 career regular season victories, tying + Peyton Manning and Brett Favre for the most such wins of any quarterback in + NFL history.[369] On October 10, it was unveiled that Brady was diagnosed with + an AC joint sprain in his left (non-throwing) shoulder.[370][371] During Week + 6 against the New York Jets, Brady threw for 257 passing yards, two touchdowns, + and an interception as the Patriots won 24–17. Brady obtained his 187th career + win, setting the record for most regular season wins in NFL history.[372] The + next week, the Patriots hosted the Atlanta Falcons in a rematch of Super Bowl + LI on Sunday Night Football. Brady was efficient, completing 21 of 29 passes + for 249 yards and two touchdowns as the Patriots defeated the Falcons, 23–7.[373] + The following week, Brady completed 32-of-47 passes for 333 yards and one touchdown + in a 21–13 win against the Los Angeles Chargers. With the win against the Chargers, + the Patriots headed into their bye week with an AFC best 6–2 record.[374] + + Coming off their bye week, Brady and the Patriots traveled to Denver for a Sunday + Night Football match against the Denver Broncos. The Patriots dominated the + game, winning 41–16, with Brady completing 25 of 34 passes for 266 yards and + three touchdowns. For his performance against Denver, Brady was named the AFC + Offensive Player of the Week for the third time in the season.[375] After spending + the next week training at the United States Air Force Academy in Colorado Springs, + Colorado, Brady and the Patriots traveled to Mexico City for a special regular + season match with the Oakland Raiders. Like the previous week, the Patriots + won big, this time by a final score of 33–8. Brady completed 30 of 37 passes + for 339 yards and three touchdowns in the win. During Week 12 against the Miami + Dolphins, Brady finished with 227 passing yards, 4 touchdowns, and an interception + as the Patriots won 35–17. Brady became the first quarterback at age 40 to throw + for 4 touchdowns in a game. Brady was named AFC Offensive Player of the Month + for November.[376] During Week 13 against the Buffalo Bills, Brady finished + with 258 passing yards and an interception as the Patriots won 23–3. During + the game, Brady yelled at offensive coordinator Josh McDaniels after failing + to execute a play properly in the first quarter. Brady claimed that this wasn + t his first incident with McDaniels, with whom he had worked together for 13 + years, with a fruitful relationship.[377][378] The following week, the Patriots + traveled to Miami to face the Dolphins on Monday Night Football. The Dolphins + held off a late comeback attempt to defeat the Patriots 27–20, with Brady completing + 24 of 43 passes for 233 yards, a touchdown, and two interceptions.[379] In Week + 15, Brady completed 22 of 35 passes for 298 yards, a touchdown, and an interception + as he led the Patriots to a 27–24 comeback victory against the Pittsburgh Steelers.[380] + With this victory, the Patriots secured their ninth straight AFC East division + title. On December 19, Brady was selected to the Pro Bowl for the 13th time + in his career.[381][382] On Christmas Eve against the Buffalo Bills, Brady completed + 21 of 28 passes for 224 yards, two touchdowns, and an interception as the Patriots + won their twelfth game of the season, 37–16.[383] With this win, combined with + a loss by the Jacksonville Jaguars later in the day, the Patriots clinched a + first-round bye for the eighth straight year.[384] In the regular season finale + against the New York Jets on New Year s Eve, Brady completed 18 of 37 passes + for 190 yards, two touchdowns, and no interceptions in a 26–6 victory. With + the win, the Patriots clinched home-field advantage throughout the AFC playoffs.[385] + Brady finished the 2017 regular season as the NFL s passing yards leader with + 4,577 passing yards, making him the oldest player ever to lead the league in + passing yards.[386] He was named a first-team All-Pro by the Associated Press + for the third time in his career.[387] Earning 40 of 50 votes, Brady was named + the NFL Most Valuable Player for the third time in his career.[388] + + Brady playing in Super Bowl LII + + Brady and the Patriots began their postseason run by hosting the Tennessee Titans + in the Divisional Round of the playoffs. Brady completed 35 passes out of 53 + attempts for 337 yards, 3 touchdowns, and no interceptions in a 35–14 Patriots + victory.[389] With the win, the Patriots advanced to the AFC Championship Game + for the seventh straight year. Days after the divisional round, it was revealed + that Brady had a minor cut on his right hand, which required stitches.[390] + Despite this injury, Brady managed to start the AFC Championship Game, where + the Patriots faced off against the Jacksonville Jaguars. Brady led a fourth + quarter comeback to lead the Patriots to a 24–20 victory. He finished the game + with 26 completions out of 38 attempts for 290 passing yards, two passing touchdowns, + and no interceptions.[391] The win gave Brady and Patriots head coach Bill Belichick + their eighth conference title as a quarterback–head coach tandem, and the Patriots + a berth in Super Bowl LII, their tenth Super Bowl appearance as a team, both + of which extended NFL records. In Super Bowl LII at U.S. Bank Stadium in Minneapolis, + Minnesota, the Patriots faced off against the Philadelphia Eagles and their + second-string quarterback Nick Foles. Brady completed 28 passes on 48 attempts + for 3 touchdowns, no interceptions, and a Super Bowl record 505 yards – which + also set a new record for the most passing yards by a quarterback in any postseason + game in NFL history. With roughly two minutes remaining in the game and the + Eagles leading 38–33, Brady was strip-sacked by Brandon Graham. The Eagles recovered + the fumble and cemented their 41–33 win with a field goal, securing their first + franchise Super Bowl victory.[392] This was the third time overall that Brady + had lost in a Super Bowl, becoming the fourth starting quarterback in Super + Bowl history to lose at least three Super Bowls (Jim Kelly, Fran Tarkenton, + and John Elway).[393] In addition, this was the first time he had lost a Super + Bowl to a team and a quarterback other than the New York Giants and Eli Manning, + respectively.[394] + + Brady started his 19th professional season with 277 passing yards, three touchdowns, + and one interception in a 27–20 victory over the Houston Texans in the season + opener.[395][396] After losses to the Jacksonville Jaguars and Detroit Lions + over the next two games, Brady had 274 passing yards, three touchdowns, and + two interceptions in a 38–7 victory over the Miami Dolphins in Week 4.[397] + In the following game, a 38–24 victory over the Indianapolis Colts, he had 341 + passing yards, three touchdowns, and two interceptions to go with a rushing + touchdown. One of his touchdown passes went to Josh Gordon, who became the NFL-record + 71st different player to catch a touchdown from Brady.[398][399] In Week 6, + a 43–40 victory over the Kansas City Chiefs on Sunday Night Football, Brady + had 340 passing yards and a passing touchdown to go with a four-yard rushing + touchdown.[400] In Week 7, a 38–31 victory over the Chicago Bears, he had 277 + passing yards, three passing touchdowns, and one interception.[401] In Week + 12, against the New York Jets, Brady passed for 283 yards, with two touchdowns + and no interceptions and a 115.4 passer rating in a 27–13 victory.[402] In Week + 13, Brady reached 1,000 career rushing yards in a 24–10 victory over the Minnesota + Vikings, becoming the oldest player to reach that mark since 1970.[403] In Week + 15, Brady reached 70,000 passing yards, becoming only the fourth quarterback + in NFL history to accomplish the feat. He finished with 279 passing yards as + the Patriots lost 10–17 to the Pittsburgh Steelers.[404] During Week 16 against + the Buffalo Bills, Brady was limited to 126 passing yards, but the Patriots + combined for 273 rushing yards and won 24–12, clinching the AFC East pennant + for the 10th consecutive season and 16th time in 18 years.[405] In Week 17, + Brady completed 24 of 33 passes for 250 yards, and 4 touchdowns in a 38–3 win + against the Jets that allowed the Patriots to clinch the AFC s #2 seed and a + first-round bye in the AFC playoffs.[406][407] Brady finished the season completing + 375 of 570 passes (a 65.8% completion rate), 4,355 yards, 29 touchdowns and + 11 interceptions.[408] + + Following their first-round bye, the Patriots started their playoff run against + the Los Angeles Chargers in the Divisional Round. The Patriots jumped out to + a 35–7 halftime lead en route to a 41–28 win that saw Brady complete 34 of 44 + passes for 343 yards, a touchdown, and no interceptions.[409] With the win, + the Patriots advanced to the AFC Championship Game for the eighth consecutive + year, this time to face the Chiefs at Arrowhead Stadium.[410] + + In the AFC Championship Game, the Patriots opened the game with a 80-yard, 15-play + opening drive capped with a 1-yard Sony Michel rushing touchdown. The Patriots + went into halftime with a 14–0 lead. However, the Chiefs battled back in the + second half and Harrison Butker hit a 39-yard field goal for the Chiefs with + just 8 seconds remaining in regulation to send the game into overtime with a + score of 31–31. The Patriots won the coin toss to start overtime and elected + to receive the ball. Brady led the Patriots on a 75-yard drive that resulted + in a game-winning 2-yard rushing touchdown by Rex Burkhead. With the victory, + Brady earned a Super Bowl appearance for the third straight season and the ninth + time overall in his career. Brady finished the game completing 30 of 46 attempts, + with 348 yards passing, one passing touchdown, and two interceptions.[411] In + Super Bowl LIII at Mercedes-Benz Stadium in Atlanta, Georgia, Brady completed + 21 of 35 passes for 262 passing yards and an interception as the Patriots won + 13–3 over the Los Angeles Rams in the lowest-scoring Super Bowl in history. + With the victory, the Patriots became the second NFL team to win six Super Bowls, + tying the Pittsburgh Steelers for the most in NFL history. In addition, Brady + became the first player ever to win six Super Bowls as well as the oldest quarterback + at 41 years of age to win a Super Bowl.[412][413] + + Won the Super Bowl + + AP NFL MVP + + 1 0 1 3 33.3 6 2.0 6 0 0 42.4 0 0 0 0 0 0 0 0 0–0 + + 15 14 264 413 63.9 2,843 6.9 91 18 12 86.5 36 43 1.2 0 41 216 12 3 11–3 + + 16 16 373 601 62.1 3,764 6.3 49 28 14 85.7 42 110 2.6 1 31 190 11 5 9–7 + + 16 16 288 474 60.8 3,692 7.8 50 28 14 92.6 43 28 0.7 0 26 162 7 5 14–2 + + 16 16 319 516 61.8 3,529 6.8 62 24 12 87.9 49 102 2.1 0 26 175 12 4 12–4 + + 16 16 398 578 68.9 4,806 8.3 69 50 8 117.2 37 98 2.6 2 21 128 6 4 16–0 + + 1 1 7 11 63.6 76 6.9 26 0 0 83.9 0 0 0 0 0 0 0 0 1–0 + + 16 16 371 565 65.7 4,398 7.8 81 28 13 96.2 29 44 1.5 1 16 86 4 2 10–6 + + 16 16 401 611 65.6 5,235 8.6 99 39 12 105.6 43 109 2.5 3 32 173 6 2 13–3 + + 16 16 401 637 63.0 4,827 7.6 83 34 8 98.7 23 32 1.4 4 27 182 2 0 12–4 + + 12 12 291 432 67.4 3,554 8.2 79 28 2 112.2 28 64 2.3 0 15 87 5 0 11–1 + + Total‡ + + ‡ Career totals accurate as of the end of the 2018 regular season.[414] + + Passing[415] + + 3 3 60 97 61.9 572 5.9 29 1 1 77.3 8 22 2.8 1 5 36 1 0 3–0 + + 3 3 75 126 59.5 792 6.3 52 5 2 84.5 12 18 1.5 0 0 0 0 0 3–0 + + 3 3 55 81 67.9 587 7.2 60 5 0 109.4 7 3 0.4 1 0 0 1 1 3–0 + + 2 2 35 63 55.6 542 8.6 73 4 2 92.2 3 8 2.7 0 4 12 2 0 1–1 + + 3 3 70 119 58.8 724 6.1 49 5 4 76.5 8 18 2.2 0 4 22 2 0 2–1 + + 3 3 77 109 70.6 737 6.8 53 6 3 96.0 4 −1 −0.2 0 8 52 1 1 2–1 + + 1 1 23 42 54.8 154 3.7 24 2 3 49.1 0 0 0 0 3 22 1 1 0–1 + + 3 3 75 111 67.6 878 7.9 61 8 4 100.4 9 10 1.1 1 3 15 0 0 2–1 + + 2 2 54 94 57.4 664 7.1 49 4 2 84.7 3 4 1.3 0 1 9 0 0 1–1 + + 3 3 93 135 68.9 921 6.8 46 10 4 100.3 9 13 1.4 1 3 16 0 0 3–0 + + 3 3 93 142 65.5 1,137 8.0 48 7 3 97.7 9 13 1.4 0 9 42 0 0 3–0 + + 3 3 89 139 64.0 1,132 8.1 50 8 0 108.6 7 8 1.1 0 4 19 1 1 2–1 + + 3 3 85 125 68.0 953 7.6 35 2 3 85.8 5 −4 −0.8 0 1 9 1 0 3–0 + + 16 27 59.3 145 5.4 1 0 86.2 1 3 3.0 0 W 20–17 1–0 + + 32 48 66.7 354 7.4 3 1 100.5 2 12 6.0 0 W 32–29 1–0 + + 23 33 69.7 236 7.2 2 0 110.2 1 −1 −1.0 0 W 24–21 1–0 + + 29 48 60.4 266 5.5 1 0 82.5 0 0 0 0 L 17–14 0–1 + + 43 62 69.4 466 7.5 2 1 95.2 1 15 15.0 0 W 34–28 (OT) 1–0 + + 28 48 58.3 505 10.5 3 0 115.4 1 6 6.0 0 L 41–33 0–1 + + 21 35 60.0 262 7.5 0 1 71.3 2 −2 −1.0 0 W 13–3 1–0 + + Regular season (career) + + Most games won by a quarterback: 207[417] + + Best touchdown to interception ratio in a season: 28:2[418] + + Most wins on the road by a quarterback: 92[419] + + Most wins at home by a quarterback: 115 [420] + + Only quarterback to have three consecutive games with 300+ passing yards, 3+ + Touchdown-passes and 0 interceptions[421] + + Oldest QB to lead the league in passing yards: 40 [422] + + Most yards in a single season for a quarterback aged 40 and older (age 40): + 4,577[422] + + Most touchdown passes with one team: 517[423] + + Oldest player to win NFL MVP: 40 [424] + + Most career passing yards with one team: 70,514[424] + + Most games played: 40[425][426] + + Most games started: 40[427] + + Most games won by a starting quarterback: 30[427] + + Most consecutive wins by a starting quarterback: 10 (2001, 2003–2005) + + Most consecutive wins to start a career by a starting quarterback: 10 (2001, + 2003–2005) + + Most career home wins by a starting quarterback: 20 (2001–2019) + + Most consecutive home wins by a starting quarterback: 9 (2013–2019) + + Most touchdown passes: 73[428] + + Most passing yards: 11,179[429] + + Most passing yards in a single playoff game: 505 (Super Bowl LII)[18] + + Most passes completed: 1,005[430] + + Most passes attempted: 1,589[430] + + Most passes intercepted: 34[431] + + Most division titles won by a starting quarterback: 16[427] + + Most NFL conference championship appearances by a starting quarterback: 13[432] + + Most NFL conference championship wins by a starting quarterback: 9[433] + + Oldest Quarterback to win an AFC title game: 41 years, 5 months, 17 days + + Most career 300+ passing yard games: 16[430] + + Most game-winning drives: 13[100] + + Most multi-TD passes: 23[433] + + Super Bowl (career) + + Most passing yards: 2,838[18] + + Most passes completed: 256[18] + + Most passes attempted: 392[18] + + Most wins as starting QB: 6[100] + + Most passes completed in first half of a single Super Bowl: 20 (XLIX)[435] + + Most passes completed in a single Super Bowl: 43 (LI)[100] + + Most passes attempted in a single Super Bowl: 62 (LI)[100] + + Most passing yards in a single Super Bowl: 505 (LII)[18] + + Most Super Bowl appearances: 9[436] + + Most passing attempts without an interception in a single Super Bowl: 48 (XLII + & LII)[437] + + Oldest QB to start a Super Bowl: 41 yrs 6 months 0 days + + Oldest QB to win a Super Bowl: 41 yrs 6 months 0 days + + Oldest player to win Super Bowl MVP: 39 yrs 6 months 2 days + + Most consecutive completions in a single Super Bowl: 16 (XLVI)[437] + + Most game-winning drives: 6[438] + + Most wins as a player: 6. + + Brady has been featured as a guest star on some popular television programs, + hosting Saturday Night Live in 2005[439] and voicing himself in the 2005 The + Simpsons episode Homer and Ned s Hail Mary Pass and the 2006 Family Guy episode + ( Patriot Games ; both football-themed episodes were broadcast within a week + of that year s Super Bowl.[440][441] In 2009, he appeared as himself in a sixth + season episode of Entourage.[442] In 2015, he had cameo appearances as fictionalized + versions of himself in the Entourage movie[443] and Ted 2.[444] + + In 2007, Brady was a model for the Stetson cologne.[445] Brady has endorsed + brands including Uggs, Under Armour, Movado, Aston Martin and Glaceau Smartwater. + According to Forbes, he earned about $7 million from endorsements alone in 2014.[446][447][448] + In 2016, he began appearing in a Beautyrest Black commercial campaign for Simmons + Bedding Company.[449] In 2016, he launched his own line of vegan snacks.[450] + + On January 20, 2016, Brady announced the launch of his peak performance website + TB12Sports.com. The site features information on Brady s training regimen and + includes a store to purchase TB12 equipment and merchandise.[451] Later in the + year, on August 23, 2016, the TB12 brand then expanded to offer a snack line. + The snacks contain raw, vegan, and organic ingredients that are also free of + gluten and dairy.[452] The following month, Brady, alongside Boston Private + and Robert Paul Properties, announced the formation of the TB12 Foundation. + The purpose of the nonprofit foundation is to provide free post-injury rehabilitation + care and training to underprivileged, young athletes.[453] In March 2017, Brady + moved beyond his snack line and partnered with meal-kit startup Purple Carrot + to offer his own line of TB12 Performance Meals. The meals utilize whole foods + and focus on providing nutrients for workout recovery.[454][455] On September + 19, 2017, Simon & Schuster published Brady s first book, The TB12 Method: How + to Achieve a Lifetime of Sustained Peak Performance. Within 48 hours, it had + become a number one best-seller on Amazon.com.[456] The book also reached #1 + on the The New York Times weekly Best Sellers list, to be featured in the edition + of October 8, 2017.[457] + + Filmmaker Gotham Chopra filmed Brady during the 2017 offseason and regular season + for a Facebook Watch documentary series entitled Tom vs Time. According to The + New York Times, the documentary follows Brady as he conducts his ongoing subversion + campaign against the actuarial tables of quarterback longevity. [458] + + Brady riding a bicycle for charity at the Best Buddies Ride in Hyannis, Massachusetts, + in May 2009 + + Brady dated actress Bridget Moynahan from 2004 until late 2006.[459] On February + 18, 2007, Moynahan confirmed to People magazine that she was more than three + months pregnant with Brady s child.[459][460] Brady and Moynahan ended their + relationship sometime in early December 2006, around the time Moynahan became + pregnant.[461] John Edward Thomas Moynahan[462] was born in August 2007, at + Saint John s Health Center in Santa Monica, California.[463] + + Brady began dating Brazilian supermodel Gisele Bündchen in December 2006.[464] + In 2009, Brady said they had been set up on a blind date by a mutual friend.[465] + Brady and Bündchen married on February 26, 2009, in an intimate Catholic ceremony + in Santa Monica, California.[466] Together, they have two children: a son named + Benjamin Rein born in December 2009,[467] and a daughter named Vivian Lake born + in December 2012.[468] + + Brady and baseball player Kevin Youkilis became brothers-in-law in 2012, when + Youkilis married Brady s sister Julie.[469] + + Brady and his family live in Brookline, Massachusetts, and New York City.[470] + Brady s health regimen includes Transcendental Meditation, yoga, an 80/20 diet + (meaning 80% alkaline and 20% acidic), early bed time, resistance training and + neuroplasticity training.[471] + + Brady attended the 2004 State of the Union Address as a special guest of then-President + George W. Bush.[472] In 2004, he told ESPN The Magazine that being a U.S. Senator + would be his craziest ambition .[473][474] + + Brady is a friend of President Donald Trump;[475][476] in 2017, Brady indicated + he had known Trump for 16 years .[477] At a political event in New Hampshire + on the day before the 2016 presidential election, Trump said he had received + a call from Brady, and that Brady told him Donald, I support you, you re my + friend, and I voted for you. However, after Gisele Bündchen was asked directly + on Instagram whether she and Brady backed Trump, Bündchen answered NO! .[478] + After a Trump campaign Make America Great Again cap was photographed in Brady + s locker, Brady said that Bündchen told him not to discuss politics anymore, + which he thought was a good decision .[479] Brady did not join most of his + teammates from the New England Patriots in visiting Trump and the White House + in April 2017, citing personal family matters .[480] + + While there has been speculation that Brady would run for political office,[481] + in a 2015 interview he stated he had no interest in doing so.[482][483][484] + + In 2018, he endorsed Republican Helen Brady (no relation), who was running for + State Auditor of Massachusetts. Brady lost the election to Democrat Suzanne + Bump.[485][486][487] + + Brady and his family adhere to a controversial, strict diet, the TB12 Method + , that has attracted much media attention.[488][489] He advocates drinking 1/32 + of one s body weight in water daily.[490] He avoids consumption of most fruits, + mushrooms, tomatoes, peppers, eggplants, coffee, Gatorade, white sugar or flour, + gluten, dairy, soda, cereal, white rice, potatoes, and bread.[491][492] + + Other professional athletes including Kirk Cousins[493] and Mark Scheifele have + started to adopt his regimen.[494][495] + + Lists of Michigan Wolverines football passing leaders + + List of most wins by a National Football League starting quarterback + + List of Saturday Night Live guests + + ^ He did not start as a rookie, and missed nearly all of 2008 with a torn ACL.[14][15] + + ^ Reiss, Mike (January 1, 2017). Tom Brady sets NFL record for best TD to INT + ratio in a season . ESPN.com. Archived from the original on December 11, 2018. + Retrieved January 6, 2019. + + ^ In multiple seasons, from 1950 to 2018, requiring Pass Completion % >= 1, + sorted by most games matching criteria. (Note: Click on Games Won column to + sort.) . www.pro-football-reference.com. Pro Football Reference. Retrieved December + 3, 2018. + + ^ Brady, Welker get kick out of 99-yard touchdown . USATODAY.COM. Retrieved + 2019-02-12. + + ^ NFL (2017-08-03), Tom Brady s 40 Longest Touchdown Passes | NFL Highlights, + retrieved 2019-02-12 + + ^ Van Valkenburg, Kevin. Let all debate end: Tom Brady is the GOAT . ESPN.com. + Retrieved January 29, 2019. + + ^ Tom Brady greatest QB of all time? It s now safe to make that argument – + The Denver Post . Archived from the original on August 8, 2016. Retrieved June + 20, 2016. + + ^ Freeman, Mike. Brady Takes Throne as QB GOAT . Bleacher Report. Archived + from the original on July 7, 2016. Retrieved June 20, 2016. + + ^ Paine, Neil (February 6, 2015). Tom Brady s (Statistical) Place In The Pantheon + Of NFL QBs . FiveThirtyEight. Archived from the original on June 8, 2016. Retrieved + June 20, 2016. + + ^ Tom Brady, Joe Montana head top 10 quarterbacks in NFL history – National + Football League . Archived from the original on October 21, 2016. Retrieved + October 20, 2016. + + ^ Plaschke, Bill. Super Bowl 2019: Dazed and confused, Goff shows his age in + Atlanta . Los Angeles Times. Los Angeles Times. Retrieved February 4, 2019. + + ^ 25 of the greatest NFL Draft picks ever . CBS. CBS Interactive. Archived + from the original on February 22, 2017. Retrieved February 21, 2017. + + ^ Gaines, Cork. How the Patriots pulled off the biggest steal in NFL history + . Business Insider. Business Insider. Archived from the original on February + 22, 2017. Retrieved February 21, 2017. + + ^ Reineking, Jim. Top all-time NFL draft steals . NFL. NFL Enterprise LLC. + Archived from the original on February 22, 2017. Retrieved February 21, 2017. + + ^ Sources: Brady out with ACL tear . Yahoo Sports. Archived from the original + on October 15, 2015. Retrieved July 29, 2015. + + ^ Tom Brady . Pro-Football-Reference.com. Archived from the original on February + 6, 2018. Retrieved July 29, 2015. + + ^ Tom Brady named NFL s MVP for third time of career . NFL.com. Archived from + the original on July 26, 2018. Retrieved July 26, 2018. + + ^ Brady becomes first QB to 200 regular-season wins in NFL . Retrieved October + 15, 2018. + + ^ a b c d e f g 99-yard TDs . Pro Football Hall of Fame. Archived from the + original on March 28, 2018. Retrieved March 28, 2018. Cite error: Invalid + tag; name :1 defined multiple times with different content (see the help page). + + ^ Reiss, Mike (July 28, 2015). NFL s statement on upholding Tom Brady s suspension + at four games . ESPN.com. Archived from the original on December 27, 2016. Retrieved + December 26, 2016. + + ^ https://www.upi.com/amp/Super-Bowl-LIII-Patriots-beat-Rams-Brady-wins-record-6th-Lombardi-Trophy/5201549235499/ + + ^ Tom Brady bio at . TV Guide. Archived from the original on May 16, 2009. + Retrieved August 4, 2012. + + ^ Little brother big shot-thepostgame . Archived from the original on March + 2, 2010. Retrieved February 2, 2010. + + ^ a b Tom Brady s roots run deep into 19th-century Boston . The Boston Globe. + March 4, 2017. Archived from the original on March 6, 2017. Retrieved March + 6, 2017. + + ^ Gisele, Tom Brady Christen Baby Benjamin . Us Weekly. June 23, 2010. Archived + from the original on September 26, 2012. Retrieved September 12, 2010. + + ^ Collie, Ashley Jude (July 1, 2004). The Brady Brunch . American Way. Archived + from the original on January 20, 2010. Retrieved September 27, 2010. + + ^ Schorn, Daniel (December 23, 2007). Tom Brady: The Winner . CBS News. Archived + from the original on January 2, 2011. Retrieved January 11, 2011. + + ^ Tom Brady Family Tree . Makemyfamilytree.com. Archived from the original + on July 21, 2012. Retrieved August 4, 2012. + + ^ Tom Brady connection to Irish Famine ancestors from Boston discovered . IrishCentral. + March 6, 2017. Archived from the original on March 6, 2017. Retrieved March + 6, 2017. + + ^ Judge, Clark (February 7, 2005). Only 27, Brady seals his Hall of Fame credentials + . CBSSports.com. Archived from the original on February 10, 2005. Retrieved + December 26, 2007. + + ^ New England Patriots vs. Oakland Raiders – Recap – October 2, 2011 . ESPN. + October 2, 2011. Retrieved October 29, 2011. + + ^ Jim Ducibella (June 28, 2005), W&M s football facilities growing , Virginia + Pilot and Ledger-Star, p. 3, archived from the original on June 10, 2014, retrieved + January 12, 2014 + + ^ Profile Archived March 5, 2016, at the Wayback Machine, boston.com; accessed + November 12, 2014. + + ^ 2004 Athletic Hall of Fame Inductees . Junípero Serra High School. Archived + from the original on September 27, 2007. Retrieved December 26, 2007. + + ^ a b Story of boy named Tom Brady . NY Daily News. Archived from the original + on December 8, 2015. Retrieved December 8, 2015. + + ^ JockBio: Tom Brady Biography . www.jockbio.com. Archived from the original + on December 11, 2015. Retrieved December 4, 2015. + + ^ Lessons from Tom Brady s Recruiting in College . NCSA Athletic Recruiting + Blog. Archived from the original on December 8, 2015. Retrieved December 8, + 2015. + + ^ 1995 tops 1998 as Michigan s best recruiting class . www.maizeandbluenews.com. + Archived from the original on December 8, 2015. Retrieved December 4, 2015. + + ^ a b c d Tom Brady . New England Patriots. Archived from the original on March + 14, 2015. Retrieved December 8, 2015. + + ^ a b c The College Recruitment of Tom Brady . Bleacher Report. Archived from + the original on November 14, 2015. Retrieved December 4, 2015. + + ^ Things fell apart when Cal lost Brady . East Bay Times. February 2, 2008. + Archived from the original on October 25, 2017. Retrieved October 24, 2017. + + ^ Tom Brady apparently silently committed to Cal before he visited Michigan + . USA Today High School Sports. March 1, 2017. Archived from the original on + October 25, 2017. Retrieved October 24, 2017. + + ^ Tom Brady: The Story of a Baseball Failure . Major League Baseball. Archived + from the original on December 8, 2015. Retrieved December 4, 2015. + + ^ Tom Brady – Official New England Patriots biography . New England Patriots. + Archived from the original on March 5, 2005. Retrieved January 11, 2010. + + ^ Montreal Expos tried desperately to get Tom Brady to pick baseball over football + . Patriots Wire. July 11, 2017. Archived from the original on July 15, 2017. + Retrieved July 11, 2017. + + ^ The College Recruitment of Tom Brady . Bleacher Report. Archived from the + original on November 14, 2015. Retrieved December 8, 2015. + + ^ Tom Brady Biography . Biography. Bio. Archived from the original on December + 8, 2015. Retrieved December 7, 2015. + + ^ Knoblauch, Max (September 18, 2014). Tom Brady s Old Internships Look Really + Cute on His Résumé . Mashable. Archived from the original on September 22, 2014. + Retrieved September 25, 2014. + + ^ Kinney, Aaron (February 24, 2012). Serra to name football stadium after Brady + . San Jose Mercury News. Archived from the original on February 3, 2015. Retrieved + February 3, 2015. + + ^ Bradford, Rob (January 19, 2009). The Tom Brady Interview (in Toronto) . + WEEI Sportsradio Network. Archived from the original on March 1, 2009. Retrieved + May 18, 2010. + + ^ a b Rosenberg, Michael (January 9, 2012). Tom Brady As You Forgot Him . Sports + Illustrated. Archived from the original on February 23, 2016. Retrieved August + 22, 2015. + + ^ 1997 Michigan Wolverines Schedule and Results . College Football at Sports-Reference.com. + Archived from the original on February 24, 2018. Retrieved March 17, 2018. + + ^ Jenkins, Lee (January 31, 2008). Self-made man . Sports Illustrated. Archived + from the original on January 11, 2010. Retrieved January 11, 2010. + + ^ Pedulla, Tom (October 31, 2006). Decorated Patriots QB feels he still has + something to prove . USA Today. Archived from the original on January 26, 2008. + Retrieved December 27, 2007. + + ^ Tom Brady s Guru Archived September 9, 2018, at the Wayback Machine, by + Eric Adelson, January 11, 2011. + + ^ 60 Minutes Sports (Interview). YouTube. Archived from the original on January + 16, 2016. Retrieved January 6, 2019. + + ^ MGoBlue Statistics Archive . University of Michigan. Archived from the original + on September 7, 2004. Retrieved December 27, 2007. + + ^ Notes and Quotes from The Game . Ohio State Buckeyes Athletics. Archived + from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Capital One Bowl: Capital One Bowl football game resource for college football + fans . September 5, 2008. Archived from the original on February 8, 2007. Retrieved + September 5, 2008. + + ^ U-M Win Streak Comes to End at Michigan State, 34–31 – University of Michigan + . University of Michigan Athletics. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Schutte, Dustin. Throwback Thursday: Tom Brady s NFL Success Began at Michigan + . Usports. Archived from the original on September 10, 2018. Retrieved January + 6, 2019. + + ^ OSU-Michigan 1999: Buckeyes left out of bowl season after 24–17 loss to Wolverines + . Cleveland.com. Archived from the original on December 28, 2017. Retrieved + December 28, 2017. + + ^ Michigan Claims 35–34 Overtime Victory over Alabama – University of Michigan + . University of Michigan Athletics. Archived from the original on December 26, + 2017. Retrieved December 25, 2017. + + ^ 1999 Michigan Wolverines Schedule and Results . College Football at Sports-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ Tom Brady College & Pro Football Statistics - Totalfootballstats.com . www.totalfootballstats.com. + Archived from the original on November 6, 2015. Retrieved December 8, 2015. + + ^ Tom Brady . sports-reference.com. Sports Reference LLC. Archived from the + original on September 11, 2016. Retrieved September 2, 2016. + + ^ Historical NFL Wonderlic Scores . wonderlictestsample.com. Archived from + the original on September 2, 2016. Retrieved September 2, 2016. + + ^ Tom Brady . nfldraftscout.com. Archived from the original on August 29, 2016. + Retrieved August 29, 2016. + + ^ Yang, Nicole (March 3, 2017). Tom Brady digs up old T-shirt and harsh scouting + reports from NFL combine . Boston Globe. Archived from the original on September + 2, 2018. Retrieved January 6, 2019. + + ^ Iyer, Vinnie (March 19, 2015). Draft throwback: Read how Tom Brady nailed + his own scouting report . Sporting News. Archived from the original on April + 21, 2018. Retrieved January 6, 2019. + + ^ Tom Brady vs. the Browns: A contrast in winning ways . Archived from the + original on November 16, 2018. Retrieved January 6, 2019. + + ^ Wilner, Barry (January 13, 2013). Patriots beat Texans 41–28, Ravens up next + . Yahoo! Sports. Archived from the original on January 16, 2013. Retrieved January + 13, 2013. + + ^ Greenberg, Alan (September 27, 2001). In Brady They Trust: Belichick Has + Faith In Backup-turned-starter . Hartford Courant. Archived from the original + on December 1, 2017. Retrieved January 6, 2019. + + ^ Cafardo, Nick (January 7, 2002). Patriots clinch AFC East with blowout in + Carolina . Boston Globe. Archived from the original on December 1, 2017. Retrieved + January 6, 2019. + + ^ Lynch, Andrew (January 26, 2017). The 10 biggest gambling upsets in Super + Bowl history, ranked . Fox Sports. Archived from the original on December 1, + 2017. Retrieved January 6, 2019. + + ^ Cimini, Rich. Super Bowl XXXVI: Vinatieri and Pats beat Rams in Star-Spangled + Stunner . New York Daily News. Archived from the original on December 1, 2017. + Retrieved January 6, 2019. + + ^ Longest winning streaks in sports . USA Today. Archived from the original + on December 1, 2017. Retrieved January 6, 2019. + + ^ NFL: Brady and Patriots stride past outmatched Jets . The New York Times. + December 27, 2005. Archived from the original on December 1, 2017. Retrieved + January 6, 2019. + + ^ Associated Press (January 7, 2006). McGinest, Patriots sack Jaguars 28–3 + . NFL.com. Archived from the original on December 1, 2017. Retrieved January + 6, 2019. + + ^ Associated Press (December 29, 2007). Patriots break scoring record, Brady + and Moss set season marks . NFL. Archived from the original on December 9, 2017. + Retrieved November 27, 2017. + + ^ Shaughnessy, Dan (December 30, 2007). Just perfect: Patriots make history, + beat Giants for 16–0 season . Boston Globe. Archived from the original on December + 1, 2017. Retrieved January 6, 2019. + + ^ Bayne, Bijan (December 24, 2007). 2007 Patriots vs. 1972 Dolphins: Who Would + Win Batttle of the Undefeateds? . Bleacher Report. Archived from the original + on September 9, 2018. Retrieved January 6, 2019. + + ^ Statistics Bowl – How The 2007 Patriots And The 1972 Dolphins Compare Scientifically + . Science 2.0. December 30, 2008. Archived from the original on September 9, + 2018. Retrieved January 6, 2019. + + ^ Associated Press (January 5, 2008). Brady takes 49 of 50 votes in MVP voting + . ESPN. Archived from the original on September 9, 2018. Retrieved January 6, + 2019. + + ^ AP athletes of the year: Brady makes being a superstar look almost routine + . Deseret News. December 22, 2007. Archived from the original on September 9, + 2018. Retrieved January 6, 2019. + + ^ Battista, Judy (February 4, 2008). Giants Stun Patriots in Super Bowl XLII + . The New York Times. + + ^ Springer, Shira (September 11, 2008). Brady has both ACL and MCL tears . + Boston Globe. Archived from the original on December 19, 2017. Retrieved January + 6, 2019. + + ^ Associated Press. Tom Brady Wins AP Comeback Player Award . CBS News. Archived + from the original on September 25, 2018. Retrieved January 6, 2019. + + ^ Forsberg, Chris (September 12, 2011). Brady s INT streak ends at 358 attempts + . ESPN. Archived from the original on December 1, 2017. Retrieved January 6, + 2019. + + ^ Zimmer, John; Marini, Matt, eds. (2013). Official 2013 National Football League + Record & Fact Book (PDF). New York: National Football League. ISBN 978-1-603-20980-9. + Retrieved February 3, 2015. + + ^ NFL.com Wire Reports (February 6, 2011). Patriots Brady wins second MVP + award by unanimous decision . Archived from the original on December 1, 2017. + Retrieved January 6, 2019. + + ^ FanSided Staff (November 24, 2015). Best moments in NFL history: Lawrence + Taylor wins 1986 NFL MVP . FanSided. Archived from the original on December + 1, 2017. Retrieved January 6, 2019. + + ^ AP NFL Most Valuable Player Winners . Pro Football Reference. Archived from + the original on June 10, 2016. Retrieved January 6, 2019. + + ^ Super Bowl Most Valuable Player Winners . Pro Football Reference. Archived + from the original on August 3, 2017. Retrieved January 6, 2019. + + ^ 2011 NFL Top 100 . Pro Football Reference. Archived from the original on + January 2, 2019. Retrieved January 6, 2019. + + ^ Hutchins, Andy (February 6, 2012). Super Bowl 46: Bill Belichick s Coaching + Errors Leave Patriots On Losing End . SB Nation. Archived from the original + on September 9, 2018. Retrieved January 6, 2019. + + ^ Brady s big night ends with plenty of new entries in SB record book . Fox + Sports. February 2, 2015. Archived from the original on September 9, 2018. Retrieved + January 6, 2019. + + ^ SI Wire (February 1, 2015). Patriots QB Tom Brady named Super Bowl XLIX MVP + . Sports Illustrated. Archived from the original on September 9, 2018. Retrieved + January 6, 2019. + + ^ 2016-Reg-Week-4 . Patriots.com. October 2, 2016. Archived from the original + on May 4, 2017. Retrieved January 6, 2019. + + ^ King, Peter (February 6, 2017). Super Bowl 51: Patriots Take the Fifth in + Epic Comeback . Sports Illustrated. Archived from the original on December 30, + 2018. Retrieved January 6, 2019. + + ^ a b c d e DaSilva, Cameron (February 5, 2017). Every record Tom Brady broke + in his fifth Super Bowl win . Fox Sports. Archived from the original on October + 5, 2018. Retrieved January 6, 2019. + + ^ Martin, Jill. New England Patriots win Super Bowl LIII for 6th title . CNN. + + ^ 2005 NFL Leaders and Leaderboards . Pro Football Reference. Archived from + the original on August 14, 2018. Retrieved January 6, 2019. + + ^ NFL Career Passing Rating Leaders Archived November 18, 2018, at the Wayback + Machine Pro-Football-Reference.com + + ^ Hochman, Benjamin (February 2, 2015). Tom Brady greatest QB of all time? + It s now safe to make that argument . Denver Post. Archived from the original + on March 4, 2016. Retrieved January 6, 2019. Tom Brady Cements His Legacy as + Greatest Quarterback of All Time . Bleacher Report. February 2, 2015. Archived + from the original on August 4, 2018. Retrieved January 6, 2019. + + ^ NFL Rules Named After Players Archived October 28, 2018, at the Wayback Machine + . Sports Illustrated, August 19, 2014. Accessed September 13, 2018. + + ^ Sean Cunningham. How NFL Rules Changes Created a Golden Era of Quarterback + Stats Archived December 21, 2018, at the Wayback Machine . RealClearLife, November + 30, 2017. Accessed September 13, 2018. + + ^ Full 2000 NFL Draft . National Football League. Archived from the original + on September 6, 2011. Retrieved August 14, 2012. + + ^ Graham, Tim (April 10, 2011). Tom Brady cries when recalling 2000 draft . + ESPN. Archived from the original on January 1, 2019. Retrieved January 6, 2019. + + ^ Holley, Michael (2004). Patriots Reign. HarperCollins. ISBN 0-06-075794-9. + + ^ Top 10 NFL draft steals . Msn.foxsports.com. Archived from the original on + August 7, 2011. Retrieved October 29, 2011. + + ^ NFL s top 10 draft steals in league history . National Football League. April + 18, 2010. Archived from the original on April 19, 2008. Retrieved October 29, + 2011. + + ^ Football, National. news: Brady, Favre, Manning voted to list of top 10 draft + picks of all time . National Football League. Archived from the original on + September 13, 2011. Retrieved October 29, 2011. + + ^ Best NFL Draft Picks . Mynfldraft.com. Archived from the original on October + 28, 2011. Retrieved October 29, 2011. + + ^ https://boston.cbslocal.com/2012/01/20/brady-told-patriots-kraft-im-best-decision-this-organization-has-ever-made/ + + ^ Coach Hears Venom\Belichick Part of Problem? . Worcester Telegram and Gazette. + November 14, 2000. Retrieved August 15, 2012. + + ^ a b c d e f g h i j Tom Brady – #12 QB . National Football League. Archived + from the original on November 22, 2018. Retrieved January 6, 2019. + + ^ New England Patriots at Detroit Lions – November 23rd, 2000 . Pro Football + Reference. Retrieved July 2, 2017. + + ^ #TBT: When Tom Brady Made His Debut and No One Really Gave it Much Thought + . Archived from the original on August 16, 2017. Retrieved January 6, 2019. + + ^ Lowe, Mike (September 24, 2012). Pats fizzle when it counts . Portland Press + Herald. Retrieved August 14, 2012. + + ^ a b c d e f Tom Brady . National Football League. Archived from the original + on December 26, 2007. Retrieved December 26, 2007. + + ^ Indianapolis Colts at New England Patriots – September 30th, 2001 . Pro-Football-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ New England Patriots at Miami Dolphins – October 7th, 2001 . Pro-Football-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ 2001 NFL Week 5 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on August 1, 2017. Retrieved March 18, 2018. + + ^ Cafardo, Nick (October 15, 2001). Something special: Brady-led rally erases + mates earlier errors . The Boston Globe. Archived from the original on November + 5, 2012. Retrieved August 14, 2012. + + ^ Cafardo, Nick (October 1, 2012). Hold your horses: Patriots rout Colts as + defense shows season is not lost . Boston Globe. Archived from the original + on November 5, 2012. Retrieved August 14, 2012. + + ^ 2001 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on February 12, 2018. Retrieved March 17, 2018. + + ^ 2001 NFL Week 11 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on July 30, 2017. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots - December 22nd, 2001 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ NFL Pro Bowl 2002 – National Football League game summary (PDF). National + Football League. Archived (PDF) from the original on October 26, 2012. Retrieved + August 14, 2012. + + ^ Howe, Jeff. Patriots reflect on Snow Bowl during 10-year anniversary of + tuck rule game . NESN. Archived from the original on January 20, 2012. Retrieved + August 15, 2012. + + ^ Divisional Round - Oakland Raiders at New England Patriots - January 19th, + 2002 . Pro-Football-Reference.com. Retrieved 2019-02-17. + + ^ Bledsoe s return sparks Patriots past Steelers 24–17 . CNN. Associated Press. + Archived from the original on December 25, 2005. + + ^ AFC Championship – New England Patriots at Pittsburgh Steelers – January + 27th, 2002 . Pro-Football-Reference.com. Archived from the original on December + 28, 2017. Retrieved March 17, 2018. + + ^ Caesar, Dan (January 30, 2002). 14-Point spread isn t about respect . St. + Louis Post-Dispatch. Retrieved August 15, 2012. + + ^ Cotey, John (January 26, 2003). Madden sticks by his wrong call last year + . St. Petersburg Times. Archived from the original on November 6, 2012. Retrieved + August 15, 2012. + + ^ Camps, Mark (February 5, 2002). Brady beats two Joes as youngest Super QB + . San Francisco Chronicle. Archived from the original on August 12, 2017. Retrieved + August 11, 2017. + + ^ Silverstein, Tom; Christl, Cliff (February 4, 2002). Brady coolly fits the + bill . Milwaukee Journal Sentinel. Archived from the original on January 24, + 2013. + + ^ PRO FOOTBALL; Bledsoe Is Traded To the Bills . The New York Times. April + 22, 2002. ISSN 0362-4331. Archived from the original on December 26, 2017. Retrieved + December 25, 2017. + + ^ Pittsburgh Steelers at New England Patriots – September 9th, 2002 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ 2002 NFL Week 1 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on July 30, 2017. Retrieved March 18, 2018. + + ^ New England Patriots at Buffalo Bills – November 3rd, 2002 . Pro-Football-Reference.com. + Archived from the original on December 4, 2017. Retrieved March 18, 2018. + + ^ 2002 NFL Week 9 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on March 19, 2018. Retrieved March 18, 2018. + + ^ 2002 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on March 28, 2009. Retrieved August 14, 2012. + + ^ 2003 New England Patriots . Pro Football Reference. Archived from the original + on August 2, 2012. Retrieved August 14, 2012. + + ^ New England Patriots at Denver Broncos – November 3rd, 2003 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots - December 7th, 2003 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ 2003 NFL Week 17 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Wilner, Barry (January 2, 2004). Manning. McNair split MVP honors . USA Today. + Archived from the original on April 26, 2010. Retrieved August 14, 2012. + + ^ Divisional Round – Tennessee Titans at New England Patriots – January 10th, + 2004 . Pro-Football-Reference.com. Archived from the original on March 16, 2018. + Retrieved March 17, 2018. + + ^ AFC Championship – Indianapolis Colts at New England Patriots – January 18th, + 2004 . Pro-Football-Reference.com. Archived from the original on March 17, 2018. + Retrieved March 17, 2018. + + ^ Super Bowl XXXVIII – New England Patriots vs. Carolina Panthers – February + 1st, 2004 . Pro-Football-Reference.com. Archived from the original on December + 28, 2017. Retrieved March 17, 2018. + + ^ Super Bowl XXXVIII MVP: Tom Brady . National Football League. Archived from + the original on November 7, 2012. Retrieved August 14, 2012. + + ^ Longest Winning Streaks . Pro Football Hall of Fame. Archived from the original + on January 16, 2010. Retrieved January 3, 2010. + + ^ Bill Belichick – Head Coach . New England Patriots. Archived from the original + on September 25, 2011. Retrieved August 14, 2012. + + ^ 2004 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on March 30, 2018. Retrieved March 17, 2018. + + ^ a b 2004 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on August 5, 2012. Retrieved August 14, 2012. + + ^ Quarterback fought 103-degree fever, chills . Associated Press. Archived + from the original on October 4, 2015. Retrieved January 6, 2019. + + ^ Super Bowl XXXIX . National Football League. Archived from the original on + June 21, 2018. Retrieved August 14, 2012. + + ^ Davis, Scott. 12 teams have won multiple Super Bowls and the Rams are trying + to join the group . Business Insider. Retrieved February 4, 2019. + + ^ Dillon Returns From Injury To Push Patriots Past Jets . Lakeland Ledger. + December 5, 2005. Retrieved August 15, 2012. + + ^ Cafardo, Nick (November 2, 2005). Dillon s resolve solved a few offensive + problems . The Boston Globe. Archived from the original on December 3, 2013. + Retrieved August 15, 2012. + + ^ New England Patriots at Atlanta Falcons – October 9th, 2005 . Pro-Football-Reference.com. + Archived from the original on March 14, 2018. Retrieved March 18, 2018. + + ^ 2005 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Associated Press. Archived from the original on August 4, 2012. Retrieved August + 14, 2012. + + ^ 2005 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on September 25, 2018. Retrieved March 18, 2018. + + ^ Wild Card – Jacksonville Jaguars at New England Patriots – January 7th, 2006 + . Pro-Football-Reference.com. Archived from the original on December 28, 2017. + Retrieved December 28, 2017. + + ^ Divisional Round – New England Patriots at Denver Broncos – January 14th, + 2006 . Pro-Football-Reference.com. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Drehs, Wayne. Brady, Patriots finally feel playoff defeat . ESPN. Archived + from the original on November 10, 2012. Retrieved August 14, 2012. + + ^ Reiss, Mike (January 31, 2006). Brady s groin may be hurt . The Boston Globe. + Archived from the original on January 5, 2009. Retrieved December 26, 2007. + + ^ Buffalo Bills at New England Patriots - September 10th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ New England Patriots at Minnesota Vikings - October 30th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ New England Patriots at Green Bay Packers - November 19th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ 2006 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on February 8, 2010. Retrieved August 14, 2012. + + ^ Maske, Mark (December 19, 2006). Romo Gets Pro Bowl Nod in NFC, Brady Doesn + t in AFC . The Washington Post. Archived from the original on October 6, 2008. + Retrieved December 26, 2007. + + ^ McClain, John (July 2, 2007). Young to replace Rivers at Pro Bowl . Houston + Chronicle. Archived from the original on January 5, 2008. Retrieved December + 26, 2007. + + ^ Brady, Patriots shake feisty Jets, roll on to San Diego . ESPN. Archived + from the original on November 13, 2014. Retrieved August 14, 2012. + + ^ Hayes, Neil. Super Chargers top Super Bowl list . NBC Sports. Archived from + the original on November 2, 2012. Retrieved August 14, 2012. + + ^ Clayton, John. Patriots teach Chargers a lesson in playoff football . ESPN. + Archived from the original on August 9, 2012. Retrieved August 14, 2012. + + ^ Pasquarelli, Len. .Manning shakes label of not being able to win big one + . ESPN. Archived from the original on November 13, 2012. Retrieved August 14, + 2012. + + ^ Byrne, Kerry J. (June 3, 2009). Best individual seasons of 2000s . Sports + Illustrated. Archived from the original on November 3, 2012. Retrieved January + 11, 2010. + + ^ Top 10 greatest quarterback seasons Archived November 17, 2015, at the Wayback + Machine, NFL Nation Blog, espn.go.com; accessed November 12, 2014. + + ^ 2007 New England Patriots . Pro Football Reference. Archived from the original + on February 9, 2010. Retrieved January 11, 2010. + + ^ 2007 NFL Week 17 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on August 2, 2017. Retrieved March 18, 2018. + + ^ Banks, Don (October 12, 2007). Litmus test . Sports Illustrated. Archived + from the original on November 30, 2007. Retrieved December 8, 2007. + + ^ Brady s six TDs give him 27 TDs after seven games . ESPN. Archived from the + original on November 22, 2015. Retrieved January 6, 2019. + + ^ Young, Shalise Manza (November 4, 2007). Patriots 24, Colts 20: Tom s got + you, Babe . The Providence Journal. Archived from the original on November 7, + 2007. Retrieved December 26, 2007. + + ^ Patriots break scoring record, Brady and Moss set season marks . NFL.com. + Associated Press. December 29, 2007. Archived from the original on December + 9, 2017. Retrieved August 11, 2017. + + ^ Brady an easy winner in AP Male Athlete of Year balloting . USA Today. Associated + Press. December 21, 2007. Archived from the original on January 23, 2011. Retrieved + January 28, 2012. + + ^ 2007 NFL All-Pros . Pro-Football-Reference.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ 2007 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on March 16, 2018. Retrieved March 18, 2018. + + ^ Mihoces, Gary (January 13, 2008). Perfect Pats, Brady make short work of + Jaguars . USA Today. Archived from the original on November 14, 2010. Retrieved + November 30, 2008. + + ^ Pats put away Chargers for fourth Super Bowl berth in seven years . ESPN. + Associated Press. January 20, 2008. Archived from the original on September + 24, 2008. Retrieved November 30, 2008. + + ^ Super Bowl XLII – New York Giants vs. New England Patriots – February 3rd, + 2008 . Pro-Football-Reference.com. Archived from the original on February 2, + 2011. Retrieved January 24, 2018. + + ^ Foot injury may sideline Tom Brady for another game . USA Today. Associated + Press. August 2008. Retrieved September 28, 2015. + + ^ Brady to have season-ending knee surgery, will be placed on IR . NFL.com. + Archived from the original on December 17, 2018. Retrieved January 6, 2019. + + ^ Reiss, Mike (September 8, 2008). Pats confirm Brady out for the year . The + Boston Globe. Archived from the original on July 25, 2012. Retrieved September + 8, 2008. + + ^ Springer, Shira (September 10, 2008). Sources: Brady tore ACL and MCL . The + Boston Globe. Archived from the original on January 5, 2009. Retrieved September + 10, 2008. + + ^ Chronic right shoulder injury slows Brady . NBC Sports. Associated Press. + September 6, 2007. Archived from the original on September 9, 2007. Retrieved + December 27, 2007. + + ^ Farmer, Sam (June 2, 2009). Tom Brady s doctor says knee recovery exceeds + expectations . Los Angeles Times. Archived from the original on January 12, + 2012. Retrieved November 7, 2011. + + ^ Brady Has More Procedures Done on Knee, Report Says . The New York Times. + Associated Press. October 23, 2008. Archived from the original on January 19, + 2015. Retrieved November 30, 2008. + + ^ Springer, Shira (October 24, 2008). Brady s recovery hits snag . The Boston + Globe. Archived from the original on October 27, 2008. Retrieved November 30, + 2008. + + ^ 2008 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on January 27, 2018. Retrieved January 24, 2018. + + ^ Buffalo Bills at New England Patriots – September 14th, 2009 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Keefe, Neil. Brady Named AFC Offensive Player of the Week . NESN. Retrieved + August 14, 2012. + + ^ Brady throws six TD passes as Patriots ice winless Titans . Associated Press. + Archived from the original on November 14, 2012. Retrieved August 14, 2012. + + ^ Tennessee Titans at New England Patriots – October 18th, 2009 . Pro-Football-Reference.com. + Archived from the original on December 30, 2017. Retrieved March 18, 2018. + + ^ Brady sets a record for TDs in a quarter . The Washington Times. October + 19, 2009. Archived from the original on January 12, 2014. Retrieved January + 11, 2010. + + ^ Brady, Patriots get historic win thanks to rout of visiting Titans . NFL.com. + Retrieved 2019-02-11. + + ^ Breer, Albert R. (January 4, 2010). Brady dealing with broken finger on throwing + hand . The Boston Globe. Archived from the original on October 29, 2010. Retrieved + January 4, 2010. + + ^ 2009 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on August 21, 2018. Retrieved March 17, 2018. + + ^ Brady named Comeback Player of the Year . NBC Sports. Associated Press. January + 6, 2010. Archived from the original on August 18, 2012. Retrieved January 6, + 2010. + + ^ Ravens fast start puts Pats on heels, out of playoffs . ESPN. Associated + Press. January 10, 2010. Archived from the original on January 13, 2010. Retrieved + January 20, 2010. + + ^ Battista, Judy (September 10, 2010). Patriots Brady Signs League s Richest + Deal, at the Moment . The New York Times. Archived from the original on January + 19, 2012. Retrieved September 11, 2010. + + ^ Matuszewski, Erik (October 4, 2010). Tom Brady Gets 100th Career Win in NFL + as Patriots Rout Dolphins 41–14 . Bloomberg. Archived from the original on October + 8, 2010. Retrieved October 11, 2010. + + ^ Woodhead keeps contributing as Pats withstand Colts comeback attempt . National + Football League. Associated Press. November 21, 2010. Archived from the original + on November 23, 2010. Retrieved November 22, 2010. + + ^ Krasner, Steven (November 21, 2010). Brady ties mark with 25th straight home + W . ESPNBoston.com. Archived from the original on November 23, 2010. Retrieved + November 22, 2010. + + ^ New England Patriots at Detroit Lions – November 25th, 2010 . Pro-Football-Reference.com. + Archived from the original on January 1, 2018. Retrieved March 18, 2018. + + ^ 2010 NFL Week 12 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on September 9, 2018. Retrieved March 18, 2018. + + ^ Frenz, Erik. Patriots Vs. Lions: Tom Brady Enjoys Perfect Passer Rating on + Thanksgiving . Bleacher Report. Retrieved 2019-02-06. + + ^ Brady s Perfect Game Leads Patriots Over Lions . The New York Times. 2010-11-25. + Retrieved 2019-02-06. + + ^ Patriots destroy Jets . London Free Press. Archived from the original on + December 1, 2012. Retrieved August 14, 2012. + + ^ New York Jets at New England Patriots – December 6th, 2010 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ NFL Single-Season Passer Rating Leaders . Archived from the original on December + 25, 2018. Retrieved January 6, 2019. + + ^ Springer, Shira & Walker, Monique (January 20, 2011). Brady to have foot + surgery today . The Boston Globe. Archived from the original on November 2, + 2012. Retrieved January 20, 2011. + + ^ Tom Brady unanimous as NFL MVP . Associated Press. Archived from the original + on August 3, 2012. Retrieved August 14, 2012. + + ^ Top 100: Tom Brady . New England Patriots. Archived from the original on + March 19, 2018. Retrieved March 18, 2018. + + ^ Divisional Round – New York Jets at New England Patriots – January 16th, + 2011 . Pro-Football-Reference.com. Archived from the original on December 17, + 2017. Retrieved March 17, 2018. + + ^ Jets back up talk as Sanchez throws three TDs, defense knocks down Brady + . Archived from the original on December 28, 2014. Retrieved December 29, 2014. + + ^ 2011 NFL Week 1 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on August 30, 2018. Retrieved March 18, 2018. + + ^ Tom Brady picks apart Dolphins as 517-yard, 4-TD opener fuels Pats . ESPN. + September 12, 2011. Archived from the original on September 28, 2011. Retrieved + September 13, 2011. + + ^ Tom Brady, Chad Henne Combine For Slew of NFL Records On Monday Night Football + . September 13, 2011. Archived from the original on November 7, 2012. Retrieved + September 17, 2011. + + ^ San Diego Chargers at New England Patriots – September 18th, 2011 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots – December 24th, 2011 . Pro-Football-Reference.com. + Archived from the original on January 4, 2018. Retrieved March 18, 2018. + + ^ 2011 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved January 24, 2018. + + ^ The Top 100: Players of 2012 : Tom Brady . NFL.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ Belichick: No quarterback I d rather have . weei.com. Archived from the + original on 2017-01-29. Retrieved 2019-01-06. + + ^ Quinton Carter, David Bruton exit hurt . ESPN. Archived from the original + on January 16, 2012. Retrieved August 14, 2012. + + ^ Cannizzaro, Mark. Patriots redefine postseason success for coach-quarterback + duo . New York Post. Retrieved August 16, 2012. + + ^ Patriots Beat Ravens 23–20 in AFC Championship Game . Fox News. Associated + Press. January 22, 2012. Archived from the original on July 17, 2012. Retrieved + August 14, 2012. + + ^ For second time in five seasons, Giants top Brady, Patriots in Super Bowl + . Associated Press. Archived from the original on August 17, 2012. Retrieved + August 14, 2012. + + ^ Houston Texans at New England Patriots – December 10th, 2012 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved March 18, 2018. + + ^ Tom Brady. Tom Brady, QB for the New England Patriots at . Nfl.com. Archived + from the original on November 22, 2018. Retrieved July 6, 2013. + + ^ Top 100 Players of 2013 : Tom Brady . NFL.com. Retrieved 2019-02-11. + + ^ Divisional Round – Houston Texans at New England Patriots – January 13th, + 2013 . Pro-Football-Reference.com. Archived from the original on February 1, + 2018. Retrieved March 17, 2018. + + ^ Wilner, Barry. NFL Playoffs: Patriots 41, Texans 28: Brady passes idol as + Pats pound Texans . Arizona Daily Star. Retrieved 2019-02-11. + + ^ AFC Championship – Baltimore Ravens at New England Patriots – January 20th, + 2013 . Pro-Football-Reference.com. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Timeline: Patriots-Ravens rivalry through the years - The Boston Globe . + BostonGlobe.com. Retrieved 2019-02-17. + + ^ Wesseling, Chris (February 25, 2013). Tom Brady, New England Patriots agree + to extension . National Football League. Archived from the original on February + 27, 2013. Retrieved February 25, 2013. + + ^ King, Peter (February 26, 2013). More on Tom Brady s amazing deal; mail – + NFL – Peter King – SI.com . Sportsillustrated.cnn.com. Archived from the original + on May 20, 2013. Retrieved July 6, 2013. + + ^ New England Patriots at Buffalo Bills – September 8th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved January 24, 2018. + + ^ New York Jets at New England Patriots – September 12th, 2013 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved January 24, 2018. + + ^ New England Patriots at Cincinnati Bengals – October 6th, 2013 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved January 24, 2018. + + ^ New Orleans Saints at New England Patriots – October 13th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Denver Broncos at New England Patriots – November 24th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 22, 2017. Retrieved December 16, 2017. + + ^ Buffalo Bills at New England Patriots - December 29th, 2013 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ 2013 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on March 7, 2018. Retrieved March 18, 2018. + + ^ Top 100 Players of 2014 : Tom Brady . New England Patriots. Archived from + the original on September 11, 2016. Retrieved March 18, 2018. + + ^ 2013 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on January 23, 2018. Retrieved January 24, 2018. + + ^ Divisional Round – Indianapolis Colts at New England Patriots – January 11th, + 2014 . Pro-Football-Reference.com. Archived from the original on November 14, + 2017. Retrieved March 17, 2018. + + ^ AFC Championship – New England Patriots at Denver Broncos – January 19th, + 2014 . Pro-Football-Reference.com. Archived from the original on November 15, + 2017. Retrieved November 14, 2017. + + ^ New England Patriots at Miami Dolphins – September 7th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Minnesota Vikings – September 14th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Oakland Raiders at New England Patriots – September 21st, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Kansas City Chiefs – September 29th, 2014 . Pro-Football-Reference.com. + Archived from the original on November 9, 2017. Retrieved March 17, 2018. + + ^ New England Patriots at Buffalo Bills – October 12th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved March 17, 2018. + + ^ New York Jets at New England Patriots – October 16th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Chicago Bears at New England Patriots – October 26th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Detroit Lions at New England Patriots – November 23rd, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Green Bay Packers – November 30th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at San Diego Chargers – December 7th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Orton, Bills beat Patriots 17–9 . New England Patriots. Archived from the + original on February 5, 2017. Retrieved January 6, 2019. + + ^ Top 100 Players of 2015 : No. 3 Tom Brady . NFL.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ Divisional Round – Baltimore Ravens at New England Patriots – January 10th, + 2015 . Pro-Football-Reference.com. Archived from the original on December 26, + 2017. Retrieved December 28, 2017. + + ^ AFC Championship – Indianapolis Colts at New England Patriots – January 18th, + 2015 . Pro-Football-Reference.com. Archived from the original on December 1, + 2017. Retrieved December 28, 2017. + + ^ Super Bowl XLIX – Seattle Seahawks vs. New England Patriots – February 1st, + 2015 . Pro-Football-Reference.com. Archived from the original on January 30, + 2018. Retrieved March 17, 2018. + + ^ Patriots beat the Seahawks in dramatic finale . BBC Sport. February 1, 2015. + Archived from the original on February 4, 2015. Retrieved February 2, 2015. + + ^ INVESTIGATIVE REPORT CONCERNING FOOTBALLS USED DURING THE AFC CHAMPIONSHIP + GAME ON JANUARY 18, 2015 (PDF). nfl.com. National Football League. Retrieved + May 6, 2015. + + ^ Rosenthal, Gregg (May 11, 2015). Patriots Tom Brady suspended 4 games . + National Football League. Archived from the original on May 13, 2015. Retrieved + May 11, 2015. + + ^ a b NFL releases statement on Patriots violations . National Football League. + May 11, 2015. Archived from the original on May 13, 2015. Retrieved May 12, + 2015. + + ^ Patra, Kevin (May 14, 2015). Tom Brady NFLPA appeal four game suspension + . National Football League. Archived from the original on May 18, 2015. Retrieved + May 14, 2015. + + ^ NFL upholds four-game suspension of Tom Brady . cbsnews.com. July 28, 2015. + Archived from the original on July 29, 2015. Retrieved July 29, 2015. + + ^ Report: Tom Brady Authorizes NFLPA To Appeal His Case In Federal Court . + NESN.com. Archived from the original on July 29, 2015. Retrieved July 29, 2015. + + ^ Rosenthal, Gregg (July 28, 2015). Roger Goodell upholds Tom Brady suspension + . National Football League. Archived from the original on July 29, 2015. Retrieved + July 28, 2015. + + ^ Gantt, Darin (July 28, 2015). Goodell cites destroying phone in upholding + Tom Brady s suspension . NBC Sports. Archived from the original on July 29, + 2015. Retrieved July 28, 2015. + + ^ Armstrong, Kevin; et al. (July 28, 2015). NFL hopes to have expected Tom + Brady lawsuit in New York and not Minnesota . New York Daily News. Archived + from the original on July 31, 2015. Retrieved July 28, 2015. + + ^ Tom Brady rips the NFL s Deflategate decision on his Facebook page . USA + Today. Archived from the original on September 9, 2018. Retrieved January 6, + 2019. + + ^ Robert Kraft attacks the NFL, apologizes to Patriots fans . Yahoo Sports. + July 29, 2015. Archived from the original on August 12, 2017. Retrieved January + 6, 2019. + + ^ a b Freeman, Mike (May 11, 2015). NFL Deflategate Message: No Player Is Above + the Rules, Not Even Tom Brady . Bleacher Report. Archived from the original + on May 15, 2015. Retrieved January 6, 2019. + + ^ Adelson, Eric (May 11, 2015). Tom Brady allowed the new NFL Way to smack + Patriot Way in stunning fashion . Yahoo! Sports. Archived from the original + on September 29, 2018. Retrieved January 6, 2019. Somewhere along the line, + the debate over what happened in the hours and minutes leading up to the AFC + championship game in January went beyond air pressure and weather conditions, + and became a referendum on the character of Tom Brady and his franchise. + + ^ O Connor, Ian. Tom Brady should skip appeal, tell truth now . ESPN.com. Archived + from the original on May 15, 2015. Retrieved May 12, 2015. + + ^ NYSD Decision and Order . + + ^ Roger Goodell Made Tom Brady Seem Dishonest In Deflategate Appeal Ruling + . NESN.com. Archived from the original on February 7, 2016. Retrieved February + 7, 2016. + + ^ Pittsburgh Steelers at New England Patriots – September 10th, 2015 . Pro-Football-Reference.com. + Archived from the original on November 10, 2017. Retrieved December 28, 2017. + + ^ Very rare performance by Tom Brady reflects his greatness . ESPN.com. Archived + from the original on October 27, 2015. Retrieved October 28, 2015. + + ^ Miami Dolphins at New England Patriots – October 29th, 2015 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ New England Patriots at Denver Broncos – November 29th, 2015 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ 2015 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved March 17, 2018. + + ^ 2015 NFL Passing . Pro-Football-Reference.com. Archived from the original + on February 12, 2018. Retrieved March 17, 2018. + + ^ Top 100 Players of 2016 : No. 2 Tom Brady . NFL.com. Archived from the original + on August 31, 2018. Retrieved January 6, 2019. + + ^ Divisional Round – Kansas City Chiefs at New England Patriots – January 16th, + 2016 . Pro-Football-Reference.com. Archived from the original on December 26, + 2017. Retrieved March 17, 2018. + + ^ Golen, Jimmy (January 16, 2016). Patriots to 5th straight AFC title game, + beat Chiefs 27–20 . Associated Press. Foxborough, Massachusetts: AP Sports. + Associated Press. Retrieved February 17, 2019. + + ^ New England at Denver – 2016-01-24 – National Football League – Yahoo! Sports + . Yahoo Sports. Archived from the original on November 19, 2018. Retrieved January + 6, 2019. + + ^ Reiss, Mike. New deal links Tom Brady to Patriots through 2019 . ESPN.com. + Archived from the original on March 1, 2016. Retrieved February 29, 2016. + + ^ Volin, Ben (March 3, 2016). Brady s lawyer feels pressure from judges . The + Boston Globe. Archived from the original on April 16, 2016. Retrieved April + 26, 2016. + + ^ Orr, Connor (April 25, 2016). Tom Brady s four-game suspension reinstated + . NFL.com. Archived from the original on April 26, 2016. Retrieved April 25, + 2016. + + ^ Tom Brady s four-game suspension upheld . ESPN. April 25, 2016. Archived + from the original on April 26, 2016. Retrieved April 25, 2016. + + ^ Volin, Ben (April 25, 2016). Brady must serve Deflategate suspension, appeals + court rules . The Boston Globe. Archived from the original on April 27, 2016. + Retrieved April 26, 2016. + + ^ Gershman, Jacob (April 25, 2016). Why the NFL Won its Deflategate Appeal + . The Wall Street Journal. Archived from the original on April 28, 2016. Retrieved + April 26, 2016. + + ^ Tom Brady keeps Deflategate battle going with another appeal of suspension + Archived October 5, 2018, at the Wayback Machine May 23, 2015. + + ^ Brady s Deflategate appeal denied by court . Archived from the original on + July 16, 2016. Retrieved January 6, 2019. + + ^ New England Patriots at Cleveland Browns – October 9th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ Cincinnati Bengals at New England Patriots – October 16th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Pittsburgh Steelers – October 23rd, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Buffalo Bills – October 30th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Ortega, Mark E. (November 3, 2016). Tom Brady, David Johnson are Players + of the Month . NFL.com. Archived from the original on September 25, 2018. Retrieved + January 6, 2019. + + ^ Seattle Seahawks at New England Patriots – November 13th, 2016 . Pro-Football-Reference.com. + Archived from the original on August 4, 2017. Retrieved December 28, 2017. + + ^ Lam, Quang M. (November 23, 2016). Tom Brady, Kirk Cousins among Players + of Week . NFL.com. Archived from the original on November 24, 2016. Retrieved + January 6, 2019. + + ^ New England Patriots at New York Jets – November 27th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Los Angeles Rams at New England Patriots – December 4th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Reiss, Mike. Tom Brady wins NFL-record 201st game . ESPN.com. Archived from + the original on December 6, 2016. Retrieved December 13, 2016. + + ^ Howe, Jeff. Patriots, despite miscues, outlast Ravens to move to 11–2 . The + Boston Herald. Archived from the original on December 20, 2016. Retrieved December + 13, 2016. + + ^ New England Patriots at Denver Broncos – December 18th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Patriots top Broncos, clinch AFC East, first-round bye . Archived from the + original on December 19, 2016. Retrieved January 6, 2019. + + ^ NFL announces 2017 Pro Bowl rosters . NFL.com. December 20, 2016. Archived + from the original on November 17, 2018. Retrieved January 6, 2019. + + ^ Archived copy . Archived from the original on January 2, 2017. Retrieved + January 1, 2017. CS1 maint: Archived copy as title (link) + + ^ Patriots clinch home-field advantage in AFC playoffs . Archived from the + original on December 20, 2018. Retrieved January 6, 2019. + + ^ Hurley, Michael (January 1, 2017). Tom Brady Sets NFL Record For Best TD-To-INT + Ratio Of All Time . CBS Boston. Archived from the original on January 4, 2017. + Retrieved January 2, 2017. + + ^ Three rookies, Matt Ryan among players named to All-Pro team . NFL.com. January + 6, 2017. Archived from the original on June 17, 2018. Retrieved January 6, 2019. + + ^ Top 100 Players of 2017 : No. 1 New England Patriots quarterback Tom Brady + . NFL.com. Archived from the original on June 17, 2018. Retrieved January 6, + 2019. + + ^ Patra, Kevin (January 15, 2017). Patriots Top Texans, Move on to AFC Championship + . Around the NFL. National Football League. Archived from the original on January + 29, 2017. Retrieved February 6, 2017. + + ^ Wesseling, Chris (January 23, 2017). Patriots Shred Steelers, Advance to + Ninth Super Bowl . Around the NFL. National Football League. Archived from the + original on February 2, 2017. Retrieved February 6, 2017. + + ^ Super Bowl LI – New England Patriots vs. Atlanta Falcons – February 5th, + 2017 . Pro-Football-Reference.com. Archived from the original on August 7, 2017. + Retrieved August 6, 2017. + + ^ Super Bowl Most Valuable Player Winners . Pro-Football-Reference.com. Archived + from the original on August 3, 2017. Retrieved January 24, 2018. + + ^ Tom Brady s stolen Super Bowl jerseys returned to Patriots . Fox News. March + 23, 2017. Archived from the original on April 11, 2017. Retrieved April 10, + 2017. + + ^ Tom Brady Super Bowl jersey thief investigation . Sports Illustrated. Archived + from the original on April 24, 2017. Retrieved August 11, 2017. + + ^ GOAT edition: Brady on Madden NFL 18 cover . ESPN.com. Archived from the + original on May 13, 2017. Retrieved May 13, 2017. + + ^ Press, Associated. Gisele Bundchen: Tom Brady had a concussion last year + . Archived from the original on September 22, 2017. Retrieved January 6, 2019. + + ^ Igel, Lee. Gisele Bündchen Casts Doubt On Adequacy Of NFL Concussion Protocol + . Archived from the original on September 15, 2017. Retrieved January 6, 2019. + + ^ NFL Investigating After Gisele Claims Tom Brady Suffered a Concussion . Archived + from the original on September 11, 2017. Retrieved January 6, 2019. + + ^ NFL looking into Tom Brady concussion claim by Gisele Bundchen . Archived + from the original on December 8, 2018. Retrieved January 6, 2019. + + ^ Agent: Tom Brady not diagnosed with concussion in 16 . Archived from the + original on October 19, 2018. Retrieved January 6, 2019. + + ^ Tom Brady: We didn t dig very deep on Thursday night . Pro Football Talk. + Archived from the original on September 8, 2017. Retrieved September 8, 2017. + + ^ WATCH: In Year 18, Tom Brady finally does something he s never done before + . CBSSports.com. September 17, 2017. Archived from the original on January 1, + 2019. Retrieved January 6, 2019. + + ^ Maya, Adam (September 20, 2017). Tom Brady, J.J. Nelson among Players of + the Week . NFL.com. Archived from the original on December 22, 2018. Retrieved + January 6, 2019. + + ^ Tom Brady takes another title away from his nemesis Peyton Manning . Archived + from the original on January 1, 2019. Retrieved January 6, 2019. + + ^ Lam, Quang M. (September 27, 2017). Tom Brady, Kirk Cousins among Players + of the Week . NFL.com. Archived from the original on September 27, 2017. Retrieved + January 6, 2019. + + ^ Tom Brady Ties Brett Favre, Peyton Manning for Most Regular-Season Wins by + QB . Bleacher Report. Archived from the original on January 1, 2019. Retrieved + January 6, 2019. + + ^ Orr, Conor. Tom Brady has sprain to non-throwing shoulder . NFL. Archived + from the original on October 11, 2017. Retrieved October 10, 2017. + + ^ Patra, Kevin. Brady isn t worried about his shoulder: I m good . NFL. Archived + from the original on October 12, 2017. Retrieved October 11, 2017. + + ^ Tom Brady becomes NFL s career QB wins leader . Archived from the original + on November 25, 2018. Retrieved January 6, 2019. + + ^ Tom Brady, Patriots roll through fog past Falcons . Archived from the original + on January 1, 2019. Retrieved January 6, 2019. + + ^ Los Angeles Chargers at New England Patriots – October 29th, 2017 . Pro-Football-Reference.com. + Archived from the original on November 7, 2017. Retrieved December 7, 2017. + + ^ Maya, Adam (November 15, 2017). Tom Brady, Cam Newton among Players of the + Week . NFL.com. Archived from the original on July 1, 2018. Retrieved January + 6, 2019. + + ^ Case Keenum wins NFC player of month honors . Archived from the original + on January 27, 2018. Retrieved January 6, 2019. + + ^ Hanzus, Dan. Tom Brady, Josh McDaniels have sideline disagreement . NFL. + Archived from the original on December 3, 2017. Retrieved December 3, 2017. + + ^ Sessler, Marc. Patriots overcome ugly start to scatter Bills in Buffalo . + NFL. Archived from the original on December 3, 2017. Retrieved December 3, 2017. + + ^ New England Patriots at Miami Dolphins – December 11th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved January 24, 2018. + + ^ New England Patriots at Pittsburgh Steelers – December 17th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 29, 2017. Retrieved December 28, 2017. + + ^ NFL announces 2018 Pro Bowl rosters . NFL. Archived from the original on + December 20, 2017. Retrieved December 19, 2017. + + ^ Buffalo Bills at New England Patriots – December 24th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ Patriots secure first-round bye for eighth straight year . Archived from + the original on November 10, 2018. Retrieved January 6, 2019. + + ^ Patriots clinch home-field advantage through playoffs . + + ^ NFL offensive production falls despite record for Brady . www.boston.com. + Archived from the original on November 10, 2018. Retrieved January 6, 2019. + + ^ Wilner, Barry. Steelers Antonio Brown, unanimous choice on AP All-Pro Team + . AP News. AP. + + ^ Wesseling, Chris (February 3, 2018). Tom Brady named NFL s MVP for third + time of career . NFL.com. Archived from the original on July 26, 2018. Retrieved + January 6, 2019. + + ^ Divisional Round – Tennessee Titans at New England Patriots – January 13th, + 2018 . Pro-Football-Reference.com. Archived from the original on January 18, + 2018. Retrieved January 18, 2018. + + ^ Patra, Kevin (January 19, 2018). Tom Brady (thumb) questionable for Patriots + vs. Jags . NFL.com. Archived from the original on January 20, 2018. Retrieved + January 20, 2018. + + ^ AFC Championship – Jacksonville Jaguars at New England Patriots – January + 21st, 2018 . Pro-Football-Reference.com. Archived from the original on January + 24, 2018. Retrieved January 24, 2018. + + ^ Super Bowl LII – Philadelphia Eagles vs. New England Patriots – February + 4th, 2018 . Pro-Football-Reference.com. Archived from the original on March + 1, 2018. Retrieved March 17, 2018. + + ^ Super Bowl 50: How many quarterbacks have lost multiple Super Bowls? . syracuse.com. + Retrieved 2019-02-12. + + ^ Is Super Bowl LII Loss the End of Patriots and Tom Brady s Dynasty? . Bleacher + Report. Archived from the original on February 5, 2018. Retrieved February 5, + 2018. + + ^ At 41 and going strong, Tom Brady awaits a 19th season . USA TODAY. Archived + from the original on October 30, 2018. Retrieved October 29, 2018. + + ^ Despite changes, Patriots offense still rolling behind Tom Brady in win over + Texans . USA TODAY. Archived from the original on October 29, 2018. Retrieved + October 29, 2018. + + ^ Brady Throws 3 TDs As Patriots Blow Out Dolphins To Improve To 2–2 . CBS + Boston. September 30, 2018. Archived from the original on October 29, 2018. + Retrieved October 29, 2018. + + ^ Brady, Patriots roll past banged-up Colts . Duluth News Tribune. Archived + from the original on October 30, 2018. Retrieved October 29, 2018. + + ^ Tom Brady sets another NFL record with TD pass to Josh Gordon . USA Today. + October 5, 2018. Archived from the original on October 31, 2018. Retrieved October + 30, 2018. + + ^ Brady, Patriots top Chiefs for wild 43–40 win . USA TODAY. Archived from + the original on October 29, 2018. Retrieved October 29, 2018. + + ^ Brady throws 3 TDs, Patriots hang on to beat Bears 38–31 . AP NEWS. October + 21, 2018. Archived from the original on October 30, 2018. Retrieved October + 29, 2018. + + ^ Tom Brady: Game Logs at NFL.com . National Football League. Archived from + the original on November 22, 2018. Retrieved November 26, 2018. + + ^ Colin J. Liotta, Tom Brady (finally) reaches 1,000 career rushing yards USA + Today. From the original on December 3, 2018. Retrieved January 9, 2019 + + ^ Tom Brady reaches 70,000 passing yards . NFL. Archived from the original + on December 18, 2018. Retrieved December 16, 2018. + + ^ Pats win AFC East again, take back No. 2 seed . ESPN.com. December 23, 2018. + Retrieved January 22, 2019. + + ^ Sullivan, Tara. Tara Sullivan: Vintage Tom Brady returns, just in time for + the playoffs – The Boston Globe . BostonGlobe.com. Retrieved January 22, 2019. + + ^ Tom Brady tunes up and Patriots clinch first-round bye after routing Jets + . ESPN.com. December 30, 2018. Retrieved January 22, 2019. + + ^ Schrock, Joshua (December 30, 2018). Tom Brady s New Year s Resolution Will + Make Bill Belichick, Patriots Fans Happy . NESN.com. Retrieved January 22, 2019. + + ^ Hightower, Kyle (January 13, 2019). Michel scores 3 TDs, Patriots roll past + Chargers . KOIN. Retrieved February 6, 2019. + + ^ Chargers vs. Patriots – Game Recap – January 13, 2019 – ESPN . ESPN.com. + Retrieved January 22, 2019. + + ^ Patriots make 3rd straight Super Bowl, beat Chiefs 37–31 OT . Associated + Press. January 20, 2019. Retrieved January 21, 2019. + + ^ New England Patriots win Super Bowl LIII . NFL. Retrieved February 3, 2019. + + ^ Tom Brady sets record for most Super Bowl wins by NFL player with six . USA + TODAY. Retrieved February 6, 2019. + + ^ Tom Brady . NFL.com. Archived from the original on December 7, 2015. Retrieved + December 7, 2015. + + ^ Tom Brady s Career Touchdown Plays . Pro-Football-Reference.com. Archived + from the original on July 11, 2015. Retrieved July 29, 2015. + + ^ In multiple seasons, from 1950 to 2018, requiring Pass Completion % >= 1, + sorted by most games matching criteria. (Note: Click on Games Won column to + sort) . www.pro-football-reference.com. Pro Football Reference, LLC. Retrieved + January 1, 2019. + + ^ Reiss, Mike (November 14, 2017). Tom Brady relishes chance to silence fans + while playing on road . ESPN.com. Archived from the original on February 9, + 2018. Retrieved February 8, 2018. + + ^ https://www.footballdb.com/stats/qb-records.html?alltime=1&type=reg&letter=&sort=w + + ^ WHAT TO LOOK FOR – WEEK 11 . nflcommunications.com. November 15, 2017. Archived + from the original on February 9, 2018. Retrieved February 8, 2018. + + ^ a b Porter, Conor (January 1, 2018). Tom Brady achieved another amazing NFL + record in 2017 . GiveMeSport. Archived from the original on February 9, 2018. + Retrieved February 8, 2018. + + ^ Tom Brady joins select club with 500th career touchdown pass . MLive.com. + Archived from the original on October 6, 2018. Retrieved October 5, 2018. + + ^ a b Archived copy . Archived from the original on November 6, 2018. Retrieved + November 6, 2018. CS1 maint: Archived copy as title (link) + + ^ NFL Playoff Records: Individual – Passing . nfl.com. Archived from the original + on July 22, 2015. Retrieved July 30, 2015. + + ^ Adamski, Chris. Brady, Big Ben meet again in AFC title game . TribLIVE.com. + Archived from the original on January 27, 2017. Retrieved January 24, 2017. + + ^ a b c Stites, Adam (February 4, 2018). What NFL records does Tom Brady already + own? . SBNation.com. Archived from the original on February 10, 2018. Retrieved + February 9, 2018. + + ^ Schechter, Lee (January 11, 2015). Brady s 46th TD breaks Montana s playoff + mark . ESPN.com. Archived from the original on February 9, 2018. Retrieved February + 8, 2018. + + ^ Reiss, Mike (January 19, 2015). Brady sets NFL s postseason passing record + . ESPN.com. Archived from the original on February 9, 2018. Retrieved February + 8, 2018. + + ^ a b c David Smith, Michael (January 8, 2018). In his 35th postseason game, + Tom Brady will add to his many records . Yahoo Sports. Archived from the original + on February 9, 2018. Retrieved February 9, 2018. + + ^ Tom Brady passes Brett Favre for most career interceptions in the postseason + . SB Nation. Archived from the original on May 15, 2018. Retrieved May 15, 2018. + + ^ The QB With the Most Conference Championship Appearance? . NFL RUSH. January + 19, 2017. Archived from the original on January 25, 2018. Retrieved February + 9, 2018. + + ^ a b Game Notes: Patriots extend NFL-record to 10th Super Bowl overall . New + England Patriots. January 21, 2018. Archived from the original on February 9, + 2018. Retrieved February 9, 2018. + + ^ Super Bowl Records: Individual – Passing . nfl.com. Archived from the original + on August 10, 2015. Retrieved July 29, 2015. + + ^ Breech, John (February 2, 2015). Tom Brady broke, tied or extended 9 Super + Bowl records . CBSSports.com. Archived from the original on January 23, 2018. + Retrieved February 9, 2018. + + ^ Tom Brady, Bill Belichick make NFL history with record 7th Super Bowl appearance + . abcnews.com. Archived from the original on January 29, 2017. Retrieved January + 23, 2017. + + ^ a b Kirk, Jason (February 5, 2018). Pats now own 75 Super Bowl records, including + most losses . SBNation.com. Archived from the original on April 4, 2018. Retrieved + April 4, 2018. + + ^ Patriots, Tom Brady keep rewriting Super Bowl record book . + + ^ Hanzus, Dan. Tom Brady is game for another SNL hosting gig . National Football + League. Archived from the original on August 17, 2012. Retrieved August 17, + 2012. + + ^ Bark, Ed (February 6, 2005). Fox gets animated after the Super Bowl . Dallas + Morning News. Retrieved August 17, 2012. + + ^ Patriots News and Notes . Patriots Insider. Fox Sports. Archived from the + original on January 27, 2013. Retrieved August 17, 2012. + + ^ Entourage Fore (TV Episode 2009) – IMDb . IMDb. Archived from the original + on March 26, 2017. Retrieved August 11, 2017. + + ^ Entourage: Tom Brady replaced Manning brothers in Season 6 cameo . Sports + Illustrated. May 28, 2015. Archived from the original on August 11, 2017. Retrieved + August 11, 2017. + + ^ Tom Brady s Ted 2 Cameo Features Deflategate Line From Mark Wahlberg . + NESN. June 24, 2015. Archived from the original on August 11, 2017. Retrieved + August 11, 2017. + + ^ Buttons NY – Sound + Picture » Vote for your favorite Stetson Cologne man, + win a $10 gift card, and Listen to the latest Stetson Radio ad, with the original + Stetson Jingle! . Archived from the original on January 1, 2019. Retrieved January + 6, 2019. + + ^ Tom Brady . Forbes. Archived from the original on March 19, 2015. Retrieved + April 1, 2015. + + ^ Peyton Manning vs. Tom Brady Endorsements: Who s No. 1 In Commercial Appeal? + . Archived from the original on April 2, 2015. Retrieved April 1, 2015. + + ^ Ember, Sydney Tom Brady Still a Key Part of Under Armour s Broader Ad Push + Archived January 1, 2019, at the Wayback Machine New York Times. August 25, + 2015 + + ^ Beautyrest Black and Tom Brady Score for Sleep – BedTimes . Archived from + the original on January 2, 2019. Retrieved January 6, 2019. + + ^ Reimer, Alex (August 23, 2016). Tom Brady s Vegan Snacks Only Add to His + Bourgeois Profile . Forbes. Archived from the original on January 1, 2019. Retrieved + January 6, 2019. + + ^ Tom Brady Announces Launch Of TB12 Website, Online Store (Photo) . NESN.com. + January 21, 2016. Archived from the original on September 28, 2017. Retrieved + September 27, 2017. + + ^ Tom Brady Launches Raw Snack Line Under His TB12 Brand . NCA. Retrieved September + 27, 2017. + + ^ Tom Brady and TB12 Launch TB12 Foundation for Young Athletes – Physical Therapy + Products . Physical Therapy Products. Archived from the original on September + 28, 2017. Retrieved September 27, 2017. + + ^ This New Meal Delivery Plan Will Help You Eat Like Tom Brady . Archived from + the original on September 28, 2017. Retrieved September 27, 2017. + + ^ Garcia, Ahiza. Tom Brady launches meal kit service . CNNMoney. Archived from + the original on September 28, 2017. Retrieved September 27, 2017. + + ^ O Connor, Ian (September 20, 2017). Tom Brady has No. 1 book on Amazon, Hillary + at No. 2. As they said at Michigan, all he does is winpic.twitter.com/glGlzkGGRd + . @Ian_OConnor. Retrieved September 21, 2017. + + ^ Tom Brady s TB12 Method Is a Best Seller . Boston Magazine. Archived from + the original on September 28, 2017. Retrieved September 29, 2017. + + ^ Leibovich, Mark (2018). Tom Brady Gave a Filmmaker Unusual Access to His + Private Life . The New York Times. ISSN 0362-4331. Archived from the original + on January 10, 2018. Retrieved January 10, 2018. + + ^ a b Dagostino, Mark (December 14, 2006). Tom Brady, Bridget Moynahan Split + Up . People. Archived from the original on October 12, 2007. Retrieved December + 27, 2007. + + ^ Smith, Liz (February 18, 2007). It s Brady Baby For Sixy Star . New York + Post. Archived from the original on February 20, 2007. Retrieved December 27, + 2007. + + ^ Shanahan, Mark (February 18, 2007). Ex-Brady Girlfriend Says She s Pregnant + With His Child . The Boston Globe. Archived from the original on March 11, 2007. + Retrieved November 30, 2008. + + ^ Boehm, Kristin (August 28, 2007). Bridget Moynahan Thankful for Healthy + Baby . People. Archived from the original on November 13, 2008. Retrieved November + 30, 2008. + + ^ Bridget Moynahan Welcomes a Baby Boy . People. August 23, 2007. Archived + from the original on June 28, 2008. Retrieved November 30, 2008. + + ^ Tom Brady & Gisele Bundchen: New Couple? . People. Archived from the original + on September 6, 2015. Retrieved December 7, 2012. + + ^ Patriots Quarterback Tom Brady on Football, Fatherhood, and Gisele Bündchen + . Archived from the original on October 2, 2013. Retrieved April 27, 2013. + + ^ Cedenheim, Pernilla (February 27, 2009). Model Tom Brady & Gisele Bündchen: + Married! . People. Archived from the original on May 20, 2016. Retrieved April + 27, 2018. + + ^ Gisele Bündchen & Tom Brady Have a Boy . People. December 9, 2009. Archived + from the original on July 2, 2017. Retrieved August 11, 2017. + + ^ Gisele Bündchen and Tom Brady Welcome Daughter Vivian Lake . People. December + 7, 2015. Archived from the original on September 5, 2015. Retrieved August 11, + 2017. + + ^ Farrar, Doug. Boston (in) Common: Kevin Youkilis set to marry Tom Brady s + sister . Archived from the original on February 10, 2012. Retrieved February + 10, 2012. + + ^ Hua, Karen (February 2, 2017). Inside The Multimillion-Dollar Homes Of Tom + Brady . Forbes. Archived from the original on August 11, 2017. Retrieved August + 11, 2017. + + ^ The Tao Of Tom: How Tom Brady Uses An 80–20 Diet, Meditation, Yoga & One + Book To Age Backwards . Retrieved January 24, 2018. + + ^ The Best There Ever Was? . GQ. August 5, 2005. Archived from the original + on July 30, 2017. Retrieved July 30, 2017. + + ^ Tom Brady vs. Peyton Manning For Republican Presidential Nomination? Some + Believe It s Possible . WBZ-TV (CBS Boston). June 7, 2017. Archived from the + original on July 13, 2017. Retrieved July 30, 2017. + + ^ Super Bowl QB Tom Brady s No Patriot . The Smoking Gun. January 26, 2004. + Archived from the original on July 29, 2017. Retrieved July 30, 2017. + + ^ Leibovich, Mark (February 1, 2017). The Uncomfortable Love Affair Between + Donald Trump and the New England Patriots . The New York Times. Archived from + the original on February 6, 2017. Retrieved February 2, 2017. + + ^ Sports figures who support Donald Trump . Archived from the original on August + 28, 2018. Retrieved January 6, 2019. + + ^ Boren, Cindy. It s just a friendship : Tom Brady opens up a little about + President Trump . The Washington Post. Archived from the original on January + 24, 2017. Retrieved January 24, 2017. + + ^ Rappeport, Alan. Did Tom Brady and Gisele Bündchen Back Donald Trump? She + Says No, and He s Not Saying . The New York Times. Archived from the original + on February 16, 2017. Retrieved January 24, 2017. + + ^ Chestang, Raphael. Tom Brady Says Wife Gisele Bundchen Doesn t Want Him Talking + Politics . ET Online. Archived from the original on January 30, 2017. Retrieved + January 24, 2017. + + ^ Tom Brady will not attend Patriots visit to White House due to personal + family matters . Sports Illustrated. Sports Illustrated. Archived from the + original on April 9, 2018. Retrieved April 9, 2018. + + ^ Kamisar, Ben (February 1, 2015). 5 NFL stars who could run for office . The + Hill. Archived from the original on March 12, 2016. Retrieved February 5, 2017. + + ^ Klosterman, Chuck (November 18, 2015). Tom Brady Talks to Chuck Klosterman + About Deflategate (Sort Of . . .) . GQ. Archived from the original on February + 1, 2016. Retrieved February 5, 2017. + + ^ Durkee, Travis (November 18, 2015). Sorry, America, Tom Brady will never + run for president . Sporting News. Archived from the original on February 7, + 2017. Retrieved February 5, 2017. + + ^ Tack, Travis (November 14, 2016). Tom Brady Won t Talk Politics, Doesn t + Want To Run For Office . Politicus Sports. Archived from the original on February + 7, 2017. Retrieved February 5, 2017. + + ^ https://www.bostonherald.com/2018/10/12/helen-brady-hopes-tom-brady-photo-gives-campaign-a-boost/ + + ^ http://blog.masslive.com/patriots/2016/11/tom_brady_give_em_helen_ad.html + + ^ LaFratta, Kristin (November 6, 2018). 2018 Massachusetts Election: State + Auditor live results (Suzanne M. Bump, Helen Brady, Daniel Fisherman, Edward + J. Stamas) . Mass Live. Retrieved January 21, 2019. + + ^ Archived copy . Archived from the original on November 25, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on December 6, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on November 5, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on October 9, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + Pierce, Charles (2006), Moving the Chains: Tom Brady and the Pursuit of Everything, + Farrar, Straus and Giroux, ISBN 0-374-21444-1 + + Wikiquote has quotations related to: Tom Brady + + Wikimedia Commons has media related to Tom Brady. + + Michigan Wolverines bio + + Career statistics and player information from NFL.com · ESPN · Yahoo! Sports + · SI.com · Pro-Football-Reference · Rotoworld + + Tom Brady on IMDb + + New England Patriots current roster + + 2 Brian Hoyer + + 14 Braxton Berrios + + 16 Darren Andrews + + 21 Duron Harmon + + 22 Obi Melifonwu + + 23 Patrick Chung + + 24 Stephon Gilmore + + 26 Sony Michel + + 27 J. C. Jackson + + 29 Duke Dawson + + 35 Keion Crossen + + 36 Brandon King + + 43 Nate Ebner + + 44 Christian Sam + + 46 James Develin + + 49 Joe Cardona + + 51 Ja Whaun Bentley + + 52 Elandon Roberts + + 53 Kyle Van Noy + + 54 Dont a Hightower + + 58 Keionta Davis + + 60 David Andrews + + 61 Marcus Cannon + + 62 Joe Thuney + + 63 Brian Schwenke + + 66 James Ferentz + + 69 Shaq Mason + + 70 Adam Butler + + 75 Ted Karras + + 76 Isaiah Wynn + + 80 Stephen Anderson + + 85 Ryan Izzo + + 91 Deatrich Wise Jr. + + 93 Lawrence Guy + + 95 Derek Rivers + + 97 Ufomba Kamalu + + 5 Danny Etling (Future) + + 17 Damoun Patterson (Future) + + 39 A. J. Howard (Future) + + 45 Trent Harris (Future) + + 48 Calvin Munson (Future) + + 72 Dan Skipper (Future) + + 74 Cole Croston (Future) + + 92 Frank Herron (Future) + + -- Jake Eldrenkamp (Future) + + -- Ryker Mathews (Future) + + -- David Parry (Future) + + 3 Stephen Gostkowski (UFA) + + 6 Ryan Allen (UFA) + + 10 Josh Gordon (RFA) + + 13 Phillip Dorsett (UFA) + + 15 Chris Hogan (UFA) + + 25 Eric Rowe (UFA) + + 30 Jason McCourty (UFA) + + 31 Jonathan Jones (RFA) + + 33 Jeremy Hill (UFA) + + 50 Ramon Humber (UFA) + + 55 John Simon (UFA) + + 59 Albert McClellan (UFA) + + 67 Ulrick John (UFA) + + 68 LaAdrian Waddle (UFA) + + 71 Danny Shelton (UFA) + + 77 Trent Brown (UFA) + + 81 Cody Hollister (ERFA) + + 84 Cordarrelle Patterson (UFA) + + 90 Malcom Brown (UFA) + + 98 Trey Flowers (UFA) + + List of starting quarterbacks in the National Football League (as of Week 17 + of the 2018 NFL season) + + Josh Allen (Buffalo Bills) + + Tom Brady (New England Patriots) + + Sam Darnold (New York Jets) + + Lamar Jackson (Baltimore Ravens) + + Jeff Driskel (Cincinnati Bengals) + + Baker Mayfield (Cleveland Browns) + + Deshaun Watson (Houston Texans) + + Andrew Luck (Indianapolis Colts) + + Blake Bortles (Jacksonville Jaguars) + + Blaine Gabbert (Tennessee Titans) + + Case Keenum (Denver Broncos) + + Patrick Mahomes (Kansas City Chiefs) + + Derek Carr (Oakland Raiders) + + Eli Manning (New York Giants) + + Nick Foles (Philadelphia Eagles) + + Josh Johnson (Washington Redskins) + + Mitchell Trubisky (Chicago Bears) + + Matthew Stafford (Detroit Lions) + + Kirk Cousins (Minnesota Vikings) + + Matt Ryan (Atlanta Falcons) + + Kyle Allen (Carolina Panthers) + + Teddy Bridgewater (New Orleans Saints) + + Jameis Winston (Tampa Bay Buccaneers) + + Josh Rosen (Arizona Cardinals) + + Jared Goff (Los Angeles Rams) + + Nick Mullens (San Francisco 49ers) + + Russell Wilson (Seattle Seahawks) + + Tom Brady—awards, championships, and honors + + Peyton Manning Record for NFL passing touchdowns in a single season + + Michigan Wolverines starting quarterbacks + + Barmore (1880) + + Horton (1881) + + McNeil (1883–1885) + + Farrand (1887) + + F. Smith (1888) + + Sherman (1891) + + Sanderson (1892) + + Baird (1893–1895) + + Richards (1895–1897) + + Drumheller (1896) + + Felver (1896–1897) + + Talcott (1898) + + McGinnis (1900) + + Weeks (1901–1902) + + Norcross (1904–1905) + + Barlow (1905) + + Wasmund (1907–1909) + + McMillan (1910–1911) + + Huebel (1912) + + Hughitt (1913–1914) + + Roehm (1915) + + Sparks (1916, 1919) + + Knode (1918) + + Bank (1920–1921) + + Uteritz (1921–1923) + + Rockwell (1924) + + Friedman (1925–1926) + + Simrall (1929) + + Tessmer (1930–1931) + + Newman (1930–1932) + + Fay (1933) + + Jennings (1934) + + Renner (1935) + + Evashevski (1938–1940) + + Ceithaml (1941–1942) + + Wiese (1943) + + Ponsetto (1944–1945) + + Yerges (1945–1947) + + Elliott (1948) + + Ghindia (1949) + + Putich (1950) + + Topor (1951–1952) + + Baldacci (1953–1954) + + Maddock (1955) + + Van Pelt (1956–1957) + + Ptacek (1958) + + Noskin (1959) + + Stamos (1960–1961) + + Glinka (1960–1961) + + Timberlake (1962–1964) + + Gabler (1965) + + Vidmer (1965–1967) + + Den. Brown (1967–1968) + + Moorhead (1969–1970) + + Slade (1971) + + Franklin (1972–1974) + + Leach (1975–1978) + + Dickey (1979) + + Wangler (1979–1980) + + S. Smith (1981–1983) + + Zurbrugg (1984) + + Harbaugh (1984–1986) + + Dem. Brown (1987–1988) + + Taylor (1987–1989) + + Grbac (1989–1992) + + Collins (1993–1994) + + Dreisbach (1995–1996) + + Griese (1995–1997) + + Brady (1998–1999) + + Henson (2000) + + Navarre (2000–2003) + + Henne (2004–2007) + + Mallett (2007) + + Threet (2008) + + Forcier (2009) + + Robinson (2010–2012) + + Gardner (2012–2014) + + Morris (2013–2014) + + Rudock (2015) + + Speight (2016–2017) + + O Korn (2016–2017) + + Peters (2017) + + Patterson (2018– ) + + 1997 Michigan Wolverines football—AP national champions + + Jeff Backus + + Scott Dreisbach + + Tommy Hendricks + + Marcus Knight + + DeWayne Patmon + + Rob Renes + + Aaron Shea + + Glen Steele + + Tai Streets + + Sam Sword + + Jerame Tuman + + Andre Weathers + + Head coach: Lloyd Carr + + Assistant coaches: Vance Bedford + + Mike DeBord + + Jim Herrmann + + Stan Parrish + + New England Patriots 2000 NFL draft selections + + Adrian Klemm + + J. R. Redmond + + Greg Randall + + Dave Stachelski + + Jeff Marriott + + Casey Tisdale + + Boston / New England Patriots starting quarterbacks + + Butch Songin (1960–1961) + + Tom Greene (1960) + + Babe Parilli (1961–1967) + + Tom Yewcic (1962) + + Eddie Wilson (1965) + + Don Trull (1967) + + Mike Taliaferro (1968–1970) + + Tom Sherman (1968) + + Joe Kapp (1970) + + Jim Plunkett (1971–1975) + + Steve Grogan (1975–1990) + + Neil Graff (1975) + + Matt Cavanaugh (1980–1982) + + Tom Owen (1981) + + Tony Eason (1983–1989) + + Tom Ramsey (1987–1988) + + Bob Bleier (1987) + + Doug Flutie (1987–1989) + + Marc Wilson (1989–1990) + + Tommy Hodson (1990–1992) + + Hugh Millen (1991–1992) + + Scott Zolak (1992, 1995, 1998) + + Drew Bledsoe (1993–2001) + + Scott Secules (1993) + + Tom Brady (2001–present) + + Matt Cassel (2008) + + Jacoby Brissett (2016) + + Associated Press NFL Offensive Player of the Year Award winners + + 1974: Stabler + + 1975: Tarkenton + + 1982: Fouts + + 1983: Theismann + + 1984: Marino + + 1986: Dickerson + + 1988: Craig + + 1989: Montana + + 1995: Favre + + 2006: Tomlinson + + 2008: Brees + + 2017: Gurley + + 2018: Mahomes + + Associated Press NFL Most Valuable Player Award winners + + 1957: J. Brown + + 1960: Van Brocklin + + 1962: J. Taylor + + 1963: Tittle + + 1966: Starr + + 1969: Gabriel + + 1970: Brodie + + 1972: L. Brown + + 1975: Tarkenton 1976: Jones + + 1980: Sipe + + 1982: Moseley + + 1987: Elway + + 1988: Esiason + + 1997: Favre & Sanders + + 2002: Gannon + + 2003: Manning & McNair + + 1962: Robustelli + + 1970: Blanda + + 1974: Olsen + + 1977: Griese + + 1983: Riggins + + 1988: Cunningham + + 2010: Vick + + 2017: Wentz + + 1975: Hampton + + 1995: Harbaugh & Hearst + + 1996: Bettis + + 2000: J. Johnson + + 2002: Maddox + + 2011: Stafford + + 2014: Gronkowski + + 2018: Luck + + New England Patriots Super Bowl XXXVI champions + + 4 Adam Vinatieri + + 11 Drew Bledsoe + + 12 Tom Brady (MVP) + + 13 Ken Walter + + 14 Walter Williams + + 15 Jimmy Farris + + 16 Scott McCready + + 19 Damon Huard + + 21 J. R. Redmond + + 22 Terrance Shaw + + 23 Antwan Harris + + 24 Ty Law + + 25 Leonard Myers + + 26 Matt Stevens + + 27 Terrell Buckley + + 28 Brock Williams + + 29 Hakim Akbar + + 30 Je Rod Cherry + + 31 Ben Kelly + + 32 Antowain Smith + + 33 Kevin Faulk + + 34 Tebucky Jones + + 35 Patrick Pass + + 36 Lawyer Milloy + + 38 Ray Hill + + 44 Marc Edwards + + 45 Otis Smith + + 48 Arther Love + + 49 Jabari Holloway + + 50 Mike Vrabel + + 51 Bryan Cox + + 52 Ted Johnson + + 53 Larry Izzo + + 54 Tedy Bruschi + + 55 Willie McGinest + + 58 Matt Chatham + + 59 Andy Katzenmoyer + + 60 Drew Inzer + + 61 Stephen Neal + + 62 Setema Gali + + 63 Joe Andruzzi + + 64 Greg Randall + + 65 Damien Woody + + 66 Lonie Paxton + + 67 Grey Ruegamer + + 68 Tom Ashworth + + 70 Adrian Klemm + + 71 Chris Sullivan + + 72 Matt Light + + 74 Kenyatta Jones + + 75 Maurice Anderson + + 76 Grant Williams + + 77 Mike Compton + + 80 Troy Brown + + 82 Curtis Jackson + + 83 Rod Rutledge + + 84 Fred Coleman + + 85 Jermaine Wiggins + + 86 David Patten + + 88 Terry Glenn + + 90 Marty Moore + + 91 Bobby Hamilton + + 92 David Nugent + + 93 Richard Seymour + + 94 Jace Sayler + + 95 Roman Phifer + + 96 Brandon Mitchell + + 97 Riddick Parker + + 98 Anthony Pleasant + + 99 Kole Ayi + + Coaches: Ned Burke + + Ivan Fears + + Randy Melvin + + Dante Scarnecchia + + New England Patriots Super Bowl XXXVIII champions + + 6 Rohan Davey + + 10 Jamin Elliott + + 16 Kliff Kingsbury + + 17 Dedric Ward + + 18 Chas Gessner + + 21 Mike Cloud + + 22 Asante Samuel + + 26 Eugene Wilson + + 31 Larry Centers + + 34 Chris Akins + + 38 Tyrone Poole + + 39 Shawn Mayer + + 44 Fred McCrary + + 46 Brian Kinchen + + 48 Tully Banta-Cain + + 49 Sean McDermott + + 51 Don Davis + + 59 Rosevelt Colvin + + 60 Wilbert Brown + + 62 Tim Provost + + 64 Gene Mruczkowski + + 67 Dan Koppen + + 71 Russ Hochstein + + 75 Jamil Soriano + + 76 Brandon Gorin + + 81 Bethel Johnson + + 82 Daniel Graham + + 83 Deion Branch + + 84 Fred Baxter + + 85 J. J. Stokes + + 87 David Givens + + 88 Christian Fauria + + 90 Dan Klecko + + 92 Ted Washington + + 94 Ty Warren + + 96 Rick Lyle + + 97 Jarvis Green + + 99 Ethan Kelley + + Coaches: Romeo Crennel + + Sean Gustus + + New England Patriots Super Bowl XXXIX champions + + 8 Josh Miller + + 10 Kevin Kasper + + 13 Jim Miller + + 14 P. K. Sam + + 18 Cedric James + + 19 Ricky Bryant + + 21 Randall Gay + + 23 Omare Lowe + + 27 Rabih Abdullah + + 28 Corey Dillon + + 29 Earthwind Moreland + + 31 Hank Poteat + + 32 Kory Chapman + + 34 Cedric Cobbs + + 39 Guss Scott + + 42 Dexter Reid + + 46 Zeron Flemister + + 47 Justin Kurpeikis + + 49 Eric Alexander + + 65 Lance Nimmo + + 69 Buck Rasmussen + + 74 Billy Yates + + 75 Vince Wilfork + + 83 Deion Branch (MVP) + + 84 Benjamin Watson + + 85 Jed Weaver + + 91 Marquise Hill + + 96 Rodney Bailey + + 98 Keith Traylor + + New England Patriots Super Bowl XLIX champions + + 3 Stephen Gostkowski + + 6 Ryan Allen + + 8 Garrett Gilbert + + 10 Jimmy Garoppolo + + 16 Jonathan Krause + + 17 Aaron Dobson + + 21 Malcolm Butler + + 22 Stevan Ridley + + 24 Darrelle Revis + + 25 Kyle Arrington + + 26 Logan Ryan + + 27 Tavon Wilson + + 29 LeGarrette Blount + + 31 Justin Green + + 34 Shane Vereen + + 35 Jonas Gray + + 36 Tyler Gaffney + + 37 Alfonzo Dennard + + 39 Brandon Browner + + 41 Daxton Swanson + + 45 Cameron Gordon + + 47 Michael Hoomanawanui + + 48 Danny Aiken + + 50 Rob Ninkovich + + 51 Jerod Mayo + + 53 Eric Martin + + 58 Darius Fleming + + 59 Chris White + + 62 Ryan Wendell + + 63 Dan Connolly + + 64 Chris Barker + + 65 Jordan Devey + + 66 Bryan Stork + + 67 Josh Kline + + 68 Caylin Hauptmann + + 71 Cameron Fleming + + 72 Joe Vellano + + 74 Dominique Easley + + 76 Sebastian Vollmer + + 80 Danny Amendola + + 81 Tim Wright + + 82 Josh Boyce + + 84 Brian Tyms + + 90 Zach Moore + + 91 Jamie Collins + + 92 Jake Bequette + + 94 Chris Jones + + 95 Chandler Jones + + 96 Sealver Siliga + + 97 Alan Branch + + 99 Michael Buchanan + + – James Morris + + – Greg Orton + + Coaches: Stephen Belichick + + Josh Boyer + + Joe Judge + + Harold Nash + + Chad O Shea + + New England Patriots Super Bowl LI champions + + 14 Michael Floyd + + 16 Devin Lucien + + 17 DeAndrew White + + 19 Malcolm Mitchell + + 22 Justin Coleman + + 24 Cyrus Jones + + 25 Eric Rowe + + 27 D. J. Foster + + 31 Jonathan Jones + + 44 Trevor Bates + + 47 Glenn Gronkowski + + 51 Barkevious Mingo + + 55 Jonathan Freeny + + 63 Tre Jackson + + 65 Jamil Douglas + + 66 Chase Farris + + 68 LaAdrian Waddle + + 74 Woodrow Hamilton + + 82 Matt Lengel + + 83 Greg Scruggs + + 88 Martellus Bennett + + 90 Malcom Brown + + 92 Geneo Grissom + + 95 Chris Long + + 96 Darius Kilgo + + 98 Trey Flowers + + 99 Vincent Valentine + + Raymond Ventrone + + 5 Danny Etling + + 11 Julian Edelman (MVP) + + 17 Riley McCarron + + 17 Damoun Patterson + + 39 A. J. Howard + + 42 Jomal Wiltz + + 45 Trent Harris + + 48 Calvin Munson + + 50 Ramon Humber + + 55 John Simon' + - 'PFR Home Page > Leaders > NFL Passing Yards Career Playoffs Leaders + + 2018 NFL Leaders + + Other Passing Yds Leaders + + NFL Passing Yards Career Playoffs Leaders + + View Current Leaderboard + + See leaders through past seasons + + Passes Completed Pass Attempts Passing Yards Passing Touchdowns Passer Rating + Longest Pass Passes Intercepted Passing Yards per Game Yards per Pass Attempt + Yards per Pass Completion Pass Attempts per Game Adjusted Yards per Pass Attempt + Net Yards per Pass Attempt Adjusted Net Yards per Pass Attempt Passes Completed + per Game Pass Completion % Pass Interception % Passing Touchdown % Fourth Quarter + Comebacks Rushing Attempts Rushing Yards Rushing Touchdowns Longest Rush Yards + per Rushing Attempt Rushing Yards per Game Receptions Receiving Yards Receiving + Touchdowns Long Reception Yards per Reception Receiving Yards per Game Touchdowns + Points Scored Rushing & Receiving Touchdowns Non-Offensive Touchdowns Yards + From Scrimmage All-Purpose Yards Total Offense Touches Yards per Touch Kick + Returns Kick Return Yards Kick Returns for Touchdown Longest Kick Returns Yards + per Kick Return Punt Returns Punt Return Yards Punt Returns for Touchdown Longest + Punt Return Yards per Punt Return Kick & Punt Returns Kick & Punt Return Yards + Extra Points Made Extra Point Attempts Total Field Goals Made Field Goal Attempts + Field Goal % Punts Punting Yards Longest Punt Punts Blocked Yards per Punt Fumbles + Fumbles Recovered Fumble Return Yards Fumble Return TD Interceptions Interception + Return Yards Interception Returns for Touchdown Longest interception return + Tackles Tackles Combined Tackles For Loss Fumbles Forced Passes Defended Safeties + + Single Season Career + + + indicates Hall of Famer + + Tom Brady 11,179 2000-2018 nwe + + Peyton Manning 7,339 1998-2015 2TM + + Brett Favre+ 5,855 1991-2010 2TM + + Joe Montana+ 5,772 1979-1994 2TM + + Ben Roethlisberger 5,256 2004-2018 pit + + John Elway+ 4,964 1983-1998 den + + Drew Brees 4,759 2001-2018 2TM + + Dan Marino+ 4,510 1983-1999 mia + + Aaron Rodgers 4,458 2005-2018 gnb + + Kurt Warner+ 3,952 1998-2009 2TM + + Jim Kelly+ 3,863 1986-1996 buf + + Troy Aikman+ 3,849 1989-2000 dal + + Terry Bradshaw+ 3,833 1970-1983 pit + + Donovan McNabb 3,752 1999-2011 phi + + Steve Young+ 3,326 1985-1999 sfo + + Joe Flacco 3,223 2008-2018 rav + + Russell Wilson 3,010 2012-2018 sea + + Warren Moon+ 2,870 1984-2000 2TM + + Roger Staubach+ 2,817 1969-1979 dal + + Eli Manning 2,815 2004-2018 nyg + + Matt Hasselbeck 2,741 1999-2015 sea + + Matt Ryan 2,672 2008-2018 atl + + Philip Rivers 2,656 2004-2018 sdg + + Ken Stabler+ 2,641 1970-1984 2TM + + Randall Cunningham 2,426 1985-2001 2TM + + Jim Plunkett 2,293 1971-1986 rai + + Danny White 2,284 1976-1988 dal + + Andrew Luck 2,254 2012-2018 clt + + Dan Fouts+ 2,125 1973-1987 sdg + + Otto Graham+ 2,101 1946-1955 cle + + Bernie Kosar 1,953 1985-1996 3TM + + Daryle Lamonica 1,928 1963-1974 2TM + + Dave Krieg 1,895 1980-1998 3TM + + Jake Delhomme 1,847 1999-2011 car + + Mark Brunell 1,833 1994-2011 4TM + + Cam Newton 1,821 2011-2018 car + + Fran Tarkenton+ 1,803 1961-1978 min + + Joe Theismann 1,782 1974-1985 was + + Mark Rypien 1,776 1988-2001 2TM + + Steve McNair 1,764 1995-2007 2TM + + Bart Starr+ 1,753 1956-1971 gnb + + Alex Smith 1,745 2005-2018 2TM + + Neil O Donnell 1,709 1991-2003 2TM + + Rich Gannon 1,691 1987-2004 3TM + + Phil Simms 1,679 1979-1993 nyg + + Ron Jaworski 1,669 1974-1989 2TM + + Johnny Unitas+ 1,663 1956-1973 clt + + Nick Foles 1,633 2012-2018 phi + + Kerry Collins 1,556 1995-2011 3TM + + Len Dawson+ 1,497 1957-1975 kan + + You are here: PFR Home Page > Leaders > NFL Passing Yards Career Playoffs Leaders + + In the News: Antonio Brown, Joe Flacco, Le Veon Bell, Case Keenum, Tom Brady, + Nick Foles ...' + - 'Alternative Titles: Thomas Edward Patrick Brady, Jr. + + Tom Brady, in full Thomas Edward Patrick Brady, Jr., (born August 3, 1977, San + Mateo, California, U.S.), American gridiron football quarterback, who led the + New England Patriots of the National Football League (NFL) to six Super Bowl + victories (2002, 2004, 2005, 2015, 2017, and 2019) and was named the game’s + Most Valuable Player (MVP) four times (2002, 2004, 2015, and 2017). + + While growing up, Brady often attended San Francisco 49ers games to watch the + legendary quarterback Joe Montana—Brady’s idol and the man to whom he would + eventually be compared—play during the 1980s. In high school Brady excelled + in both football and baseball. He entered the Major League Baseball draft in + 1995 and was picked by the Montreal Expos, but he decided instead to attend + the University of Michigan and play football. Brady, who did not start until + his junior year, led Michigan to victory in the 1999 Orange Bowl and gained + a reputation as a determined and intelligent player but one who lacked any exceptional + physical skills. In 2000 he was chosen in the sixth round of the NFL draft by + New England, and he worked diligently during his first season to bulk up physically + and improve his strength and technique. + + In the second game of the 2001 season, the Patriots’ starting quarterback, Drew + Bledsoe, was injured, and Brady was chosen to fill the position. His play was + not spectacular, but he was consistent, making simple plays and minimizing mistakes. + With Brady as their starting quarterback, the Patriots went on to post an 11–3 + record in the regular season and to upset the St. Louis Rams in Super Bowl XXXVI; + Brady was named the Super Bowl MVP. The Patriots became one of the NFL’s elite + teams, posting an incredible 40–12 record during Brady’s first three seasons. + In 2004 the team returned to the Super Bowl, defeating the Carolina Panthers + and earning Brady another Super Bowl MVP award. The momentum carried through + to the next season, as the Patriots extended their consecutive win streak to + 21, breaking the record of 18 set by the Miami Dolphins in 1972–73. Brady and + the Patriots capped off the season with their third Super Bowl in four years, + this time against the Philadelphia Eagles. + + In the 2007 season Brady threw an unprecedented 50 touchdown passes (the record + was broken by Brady’s longtime rival Peyton Manning in 2013), and he led New + England to the first 16–0 regular season in NFL history, earning NFL MVP honours + in the process. However, the Patriots lost to the underdog New York Giants in + Super Bowl XLII. In the first game of the 2008 NFL schedule, Brady suffered + a severe knee injury that required season-ending surgery. He returned to form + the next season, earning a Pro Bowl selection after guiding the Patriots to + another playoff berth. Brady led the NFL with 36 touchdown passes in 2010 and + helped the Patriots to a league-best 14–2 record. Despite the Patriots getting + upset in their first playoff game the following postseason, he was named league + MVP a second time, becoming the first player to capture the award unanimously. + + During the 2011 season Brady passed for 5,235 yards to become—along with new + record holder Drew Brees—one of two quarterbacks to surpass Dan Marino’s single-season + passing yardage record (which was also broken by Manning in 2013), and he led + the Patriots to another Super Bowl loss to the Giants in February 2012. Brady + continued playing at a Pro-Bowl level in 2012 and 2013, guiding the Patriots + to losses in the AFC championship game in each season. Following the 2014 regular + season, he helped the team get over its recent hump as New England routed the + Indianapolis Colts in the AFC championship game to earn Brady his record sixth + Super Bowl start. However, that victory was soon awash in controversy, as it + was found that 11 of the 12 footballs that the Patriots had used in the game + were markedly underinflated, which can make them easier to grip and travel farther + when thrown. The NFL looked into the incident, but no action was taken before + the Super Bowl, where Brady led a fourth-quarter rally in a 28–24 win over the + Seattle Seahawks. Brady passed for 328 yards and four touchdowns in the contest + to earn his third Super Bowl MVP trophy. + + In May 2015 Brady was suspended for four games of the upcoming season for his + role in the ball deflations during the AFC championship game and for not fully + cooperating with the NFL’s investigation into the matter. Brady and his lawyers + appealed the suspension, arguing that NFL commissioner Roger Goodell had overstepped + the bounds of the collective-bargaining agreement between the league and the + players’ union in handing down the punishment, and the suspension was overturned + by a U.S. federal judge shortly before the start of the 2015 NFL season. The + affair seemed to motivate Brady, as he led the Patriots to a blistering 10–0 + start to the 2015 season that ultimately ended with yet another division title + for New England. He passed for 4,770 yards and an NFL-high 36 touchdowns that + year, but his team’s season ended in the AFC championship game with a loss to + Manning and the Denver Broncos. During the off-season, however, his suspension + from the previous year was reinstated by the U.S. Court of Appeals and applied + to the first four games of the 2016 season. On December 4 of that year, Brady + set a new NFL record for wins as a starting quarterback when he led the Patriots + to the 201st win of his tenure. His strong postsuspension play (including a + career-low two interceptions over the season) helped the Patriots win a league-best + 14 games and capture another AFC title. In the following Super Bowl, Brady tallied + a then-record 466 passing yards as well as two touchdowns as he led the Patriots + to the largest comeback ever in that game (overcoming a 25-point third-quarter + deficit in overtime) to win an unprecedented fifth title as an NFL starting + quarterback. + + In 2017 Brady led the NFL with 4,577 passing yards and also threw 32 touchdown + passes and just eight interceptions, earning him a third league MVP award. The + Patriots again had the best record in the AFC that season and advanced to the + Super Bowl for the eighth time in Brady’s career. There, despite Brady breaking + his own Super Bowl record with 505 passing yards, the Patriots were upset by + the Eagles. In 2018 Brady passed for 4,355 yards and 29 touchdowns while leading + the Patriots to a 10th consecutive division title and a third straight Super + Bowl appearance. In the championship game, the lowest-scoring in NFL history, + Brady helped the Patriots defeat the Los Angeles Rams, 13–3. It was his sixth + title, and he became, at age 41, the oldest quarterback to win the Super Bowl. + He had one of his worst seasons in 2019, throwing just 24 touchdown passes, + his lowest full-season total since 2006. The Patriots still won an 11th straight + division championship that year, but the team lost its opening postseason game. + + While not the strongest or quickest quarterback in the NFL, Brady established + himself among the game’s greats for his tenacity, his intelligent playmaking + abilities, and the remarkable leadership he provided under pressure. He was + also known for his approach to fitness, which he wrote about in The TB12 Method: + How to Achieve a Lifetime of Sustained Peak Performance (2017). In 2009 he married + fashion model Gisele Bündchen. + + …turned to little-used second-year quarterback Tom Brady, who proceeded to lead + the Patriots to a 11–3 finish and an improbable postseason run that resulted + in the team’s first Super Bowl title. That championship marked the beginning + of a New England dynasty, in which the Patriots compiled consecutive 14–2 records + in… + + …Bledsoe paved the way for Tom Brady, a relatively unknown sixth-round draft + choice, to take over the Patriots’ offense and lead the team to a surprising + Super Bowl win the following February. Brady would become an elite passer and + guide the Patriots to four more Super Bowl victories—in 2004, 2005,… + + …Patriots, led by star quarterback Tom Brady, were accused of having tampered + with the balls (by partially deflating them) during the AFC Championship game + on January 18; the Patriots went on to win the Super Bowl on February 1. Three + months later Goodell suspended Brady for not fully cooperating in… + + Super Bowl (2019) + + spouse Gisele Bündchen + + Larry Csonka - Facts + + Antonio Brown - Facts + + Red Grange - Facts + + Tom Brady - Student Encyclopedia (Ages 11 and up)' + - 'Tom Brady Reveals Which NFL Record Means The Most To Him + + Filed Under:Brett Favre, Jim Gray, Michael Hurley, NFL History, Peyton Manning, + Sports News, Tom Brady + + BOSTON (CBS) — Tom Brady continues to rewrite the history books on a near-weekly + basis. Most recently, Brady climbed past Brett Favre on the all-time passing + yards list. + + Now in the No. 3 overall spot, Brady sits just 17 yards under Peyton Manning + for the second spot. Brady’s also now trailing Manning by just 12 for most career + touchdown passes of all time. (Brady already owns the record for most passing + yards and touchdowns in the regular season and playoffs combined.) While it’s + certainly a weighty accomplishment for a quarterback to achieve, Brady predictably + wanted to share that glory when asked about it on Monday night. + + “I think having a lot of perspective on things like this is where I like to + come from. I don’t believe that football is an individual sport, so any individual + accomplishment to me is always a team accomplishment,” Brady told Jim Gray on + Westwood One. “There’s nothing you can accomplish in football without everybody + else doing their job. And I think I’ve always taken the football because of + that. I’m not a golfer, I don’t play tennis. You look at some of these individual + sports, and yeah it’s amazing, and there’s great accomplishment, but I think + the joy in sports for me is the relationships that I’ve built with my teammates, + with my coaches and with the organization I’ve represented. + + “So because I’ve been fortunate to play in the same place for 20 years with + great teammates, I’ve been able to pile up a lot of individual statistics, but + the reality for me is all those, I share with all the guys that I’ve played + with.” + + Brady went so far in offering that praise that he recalled his wife’s famous + quote from the immediate aftermath of the Patriots losing Super Bowl XLVI. + + “So, you know how my wife said, ‘He cannot throw the ball and catch it’? That’s + the truth,” Brady said. “There’s a lot of guys who have been on the other end + of catching all of those passes.” + + Gray then asked Brady how Wes Welker — the Patriots’ all-time leader in receptions + who also dropped a key pass in that Super Bowl loss — would feel about that + comment. Brady’s response turned into a love letter to all of his best receivers. + + “You know Wes is one of my best friends. He always will be. Wes knows how I + feel about him. What an amazing player he was,” Brady answered. “So I look at + Wes, I look at Troy Brown, I look at Julian Edelman, and Deion Branch, Randy + Moss, Rob Gronkowski, so many guys over the years. All the backs that I’ve played + with. It’s pretty amazing. I think I’ve gained a lot of perspective over the + years, as I said, and I’m very, very blessed. I love to play this sport, I love + to work at it and I love to compete every weekend. And hopefully the fans still + enjoy seeing me out there, too.” + + Patriots fans surely enjoy seeing the victories continue to pile up, and so + does Brady. Now the owner of innumerable NFL records, Brady was asked which + record he holds in the highest regard. Once again, the answer was not surprising. + + “Well I think the name of the game for me has always been winning, and I think + that that’s the one that has and always will mean the most,” Brady said. “The + goal every week is to go out there and win, and I know some weeks it doesn’t + always look as good as others. But the goal of the game is to win, and I’m just + proud of our team and all of the accomplishments we’ve had. Winning as often + as we have has made my life on Mondays a hell of a lot better. I can hardly + deal with the losses, and we haven’t had nearly as many losses as we’ve had + wins. So I deal with the wins a lot better.” + + Brady talked about some records that may never be broken, like Jerry Rice’s + receiving record. And though Brady didn’t say it himself, it’s unlikely that + anybody ever catches his record for most wins by a starting quarterback. Brady + owns 212 regular-season wins (and counting), with Peyton Manning ranking second + at 186. The highest active player on the wins list is Drew Brees, who with 156 + wins would have to go undefeated in his next 56 regular-season starts just to + catch up to where Brady is now. Likewise, the 37-year-old injured Ben Roethlisberger + is at 144 career wins, meaning he has no chance to catch Brady. Soon-to-be-36-year-old + Aaron Rodgers is at 101 wins, meaning he’d have to more than double his career + wins total just to get close to Brady’s current level. + + And in terms of postseason victories, nobody’s in Brady’s stratosphere. Brady + has won 30 games as a starting quarterback in the playoffs, almost twice as + many as Joe Montana, who ranks second with 16. Three players — Peyton Manning, + Terry Bradshaw, and John Elway — have 14 career playoff wins, with Ben Roethlisberger’s + 13 sitting as the second-highest number among active QBs. + + The unprecedented level of winning Brady has engineered in New England for two + decades likely means that Brady’s spot atop those all-time lists won’t soon + be challenged — if ever. + + Brady also touched on a number of other topics with Gray. + + ON SOME OF THE RECORDS HE’S ENJOYED WATCHING AS THEY’RE MADE … + + “Peyton Manning’s 55 touchdowns in one year, I mean that was incredible. I remember + watching that, and I had held the record at that point at 50. And he started + the year against Baltimore and I think he had six that night, or seven that + night. And they just had a prolific offense, to throw 55 in one year. And then + what [Patrick] Mahomes did last year, it’s pretty amazing when you have seasons + like that [with 50 touchdown passes]. It’s pretty unique and very difficult + to do.” + + ON THE DEFENSE … + + “The one great thing about what’s happening with our team is our defense is + playing incredible. We’re not giving up many yards. We’re not giving up hardly + any points. It’s just been incredible to watch those guys go out and perform, + and get turnovers like they have, give us short fields like they have, give + us a lot of opportunities to get on track.” + + ON OVERALL FEELINGS ON THE 5-0 PATRIOTS IN 2019 … + + “We’re going to be tested here over the next 11 games. … We’re going to need + to continue to improve, and we need to be a better team in October than we were + in September.” + + ON THROWING A RED-ZONE INTERCEPTION IN CONSECUTIVE WEEKS … + + “The name of the game is points. That’s what you’re trying to get. Even the + last two weeks now, I’ve had two interceptions in the low red area on third + down, which are really inexcusable. I mean, I always think of my mistakes, because + I think I should complete every pass. But the ones that I don’t complete and + the ones that I complete to the other team — meaning interceptions — are the + ones that I really lose sleep over. I’ve had two bad decisions and when you + do that, you’re keeping points off the board. And because I realize how hard + it is for those other teams to score, those are just really inexcusable mistakes. + So I have to do a better job taking care of the ball, and sometimes kicking + a field goal is good. If we don’t have a great chance to score throwing the + ball into the end zone and completing it, then sometimes throwing it away or + taking a sack is the best thing to do.” + + ON WHICH OF HIS MANY BACKUP QUARTERBACKS WAS THE BEST … + + “Aw man, that’s a tough question. You know when Jimmy was with me, he was very + young. It was his rookie year. He got a great opportunity with the Niners. He’s + still really trying to establish himself and his career, but everything that + he has done has been very exceptional. Jacoby Brissett, look what he’s done. + Goes to the Chiefs [Sunday night] and wins a game. Matt Cassel had an incredible + career. Brian Hoyer’s backing up Jacoby Brissett. There’s just been a lot of + great guys that I’ve played with that are still all my great friends, and I + watch them and I cheer for them every week. We exchange texts and emails. And + again, I think what’s mattered most to me is relationships, the brotherhood + that I have with all these guys. So you share this room, it’s a very intimate + room, and we’re all competitors and we all want to play, but the guys that move + on to other teams, I can see things that we’ve talked about that carry over + to other teams. It’s just a great feeling. And I’ll be buddies with these guys + for the rest of my life.”' + - 'New England Patriots quarterback Tom Brady has stockpiled a treasure-trove + of NFL records during his legendary 19-year career, and he added another line + to his future Hall-of-Fame plaque in last night’s 35-14 smackdown of the injury-riddled + New York Giants. No, I’m not referring to Brady… + + Believe it or not, New England Patriots quarterback Tom Brady set an NFL rushing + record in last night s game against the New York Giants. | Source: Adam Glanzman + / Getty Images / AFP + + New England Patriots quarterback Tom Brady has stockpiled a treasure-trove of + NFL records during his legendary 19-year career, and he added another line to + his future Hall-of-Fame plaque in last night’s 35-14 smackdown of the injury-riddled + New York Giants. + + No, I’m not referring to Brady racing past longtime arch-nemesis Peyton Manning + for second on the all-time passing yards list, which he accomplished on the + second play of the game with a 19-yard-pass to Sony Michel. + + Brady, who ran an elephantine 5.28 second 40-yard dash at the 2000 NFL Scouting + Combine, also set an NFL rushing record. + + Tom Brady Now Holds an NFL Rushing Record + + Tom Brady’s fourth-quarter rushing touchdown launched him into the NFL record + books (again). | Source: Maddie Meyer / Getty Images / AFP + + In addition to passing for 334 yards while completing 31-of-41 attempts, Brady + attempted a season-high seven rushes. Despite gaining just 6 yards, two of those + rushes ended in touchdowns, making him the oldest player in NFL history to record + multiple rushing touchdowns in a game. + + Brady completed the feat at 42 years, 68 days old, placing him far ahead of + the previous record-holder, fellow quarterback Doug Flutie, who was 41 years, + 17 days old when he set that mark in 2003. + + It goes without saying that Tom Brady has never been known for his rushing prowess. + Buffalo Bills quarterback Josh Allen recorded more than half as many rushing + yards (631) in 2018 as Brady has in his entire career (1,006), despite being + drafted when Allen was just three years old. + + Ironically, that aversion to putting the ball on the ground is precisely why + he was able to set an NFL rushing record, which is really more about longevity + than anything else. + + No Running Back Will Ever Reclaim This Record + + And that’s why it’s the rare NFL rushing record that doesn’t favor running backs. + That’s unlikely to change anytime soon, or more likely, ever. + + NFL rule changes provide quarterbacks with more injury protection than ever, + and the average QB career lasts nearly twice as long (4.44 years) as the average + running back career (2.57 years), according to data from Statista. + + Yes, there are occasional outliers. A 36-year-old Frank Gore continues to defy + Father Time and rush his way into the NFL record books. Earlier this year, Gore + – now of the Buffalo Bills – became just the fourth NFL player to cross 15,000 + career rushing yards. He enters Week 6 with 15,081 yards, needing less than + 200 more to surpass Barry Sanders (15,269 yards) and move into third all-time. + + As astonishing as Frank Gore’s age-defying career has been, he’s still six years + younger than Tom Brady, who plays a much less physically-demanding position. + | Source: Brett Carlsen/Getty Images/AFP + + But as astonishing as Gore’s career has been, he is still six years younger + than Tom Brady, who is now older than any running back in NFL history. + + According to the Pro Football Hall of Fame’s “40 And Over Club,” only two running + backs have ever played a down over age 40. + + A 40-year-old Jim Thorpe played appeared in one game for the 1928 Chicago Cardinals, + and no other running back has accomplished the feat since a 41-year old Ken + Strong appeared on the 1947 New York Giants. However, Strong, a jack-of-all-trades + who also recorded 6 passing touchdowns and kicked 38 field goals during his + career, last made a rushing attempt during his age-38 season. + + And considering that Tom Brady is on record saying he hopes to play until he’s + 45, he could QB sneak his way to at least one more multi-rushing TD game – not + to mention dozens of more rushing yards – over the next three seasons. + + More of: New England PatriotsNFLtom brady' + __selected-docs__: + - 'For other people named Tom Brady, see Tom Brady (disambiguation). + + Brady in 2017 + + New England Patriots (2000–present) + + 6× Super Bowl champion (XXXVI, XXXVIII, XXXIX, XLIX, LI, LIII) + + 4× Super Bowl MVP (XXXVI, XXXVIII, XLIX, LI) + + 3× NFL Most Valuable Player (2007, 2010, 2017) + + 14× Pro Bowl (2001, 2004, 2005, 2007, 2009–2018) + + 3× First-team All-Pro (2007, 2010, 2017) + + 2× Second-team All-Pro (2005, 2016) + + 3× NFL passing yards leader (2005, 2007, 2017) + + 2× NFL passer rating leader (2007, 2010) + + Bert Bell Award (2007) + + Associated Press Male Athlete of the Year (2007) + + Sports Illustrated Sportsman of the Year (2005) + + NFL 2000s All-Decade Team + + National champion (1997) + + Best touchdown to interception ratio in a single season: 28:2[1] + + Most games won by a quarterback: 237[2] + + Most Super Bowl appearances: 9 + + Most Super Bowl wins: 6 + + Most Super Bowl MVP awards: 4 + + Most passing yards in a Super Bowl: 505 + + Longest touchdown pass (tied)[3][4] + + Completion percentage: + + Thomas Edward Patrick Brady Jr. (born August 3, 1977) is an American football + quarterback for the New England Patriots of the National Football League (NFL). + He has won six Super Bowls, the most of any football player ever, and due to + his numerous accomplishments, records, and accolades, many analysts and sportswriters + consider Brady to be the greatest quarterback in NFL history.[5][6][7][8][9][10] + + After playing college football for the University of Michigan, Brady was drafted + by the Patriots in the sixth round of the 2000 NFL Draft. Due to his late selection, + Brady is considered the biggest steal in the history of the NFL Draft.[11][12][13] + In Brady s seventeen seasons as a starter,[a] he has played in nine Super Bowls + with the Patriots, and is one of only two quarterbacks to win the Super Bowl + in their first season as a starter (the other being Kurt Warner). Brady holds + most of the postseason quarterback records, leading all players in postseason + touchdowns, passing yards, and completions, while owning the corresponding Super + Bowl records as well. + + Brady has won four Super Bowl MVP awards (Super Bowl XXXVI, XXXVIII, XLIX, and + LI), the most ever by a player, as well as three league MVP awards (2007, 2010, + 2017); he is the oldest to have received either award.[16] Brady has also been + selected to 14 Pro Bowls, and has led his team to more division titles (16) + than any other quarterback in NFL history. He is fourth all-time in career passing + yards for regular season play, third in career touchdown passes, and fourth + in career passer rating. For regular season and postseason combined, Brady is + first all-time in career passing yards and touchdown passes. + + The only quarterback to reach 200 regular-season wins,[17] Brady is the winningest + quarterback in NFL history. With a postseason record of 30–10, he is first all-time + in playoff wins and appearances for an NFL player. Brady has led the Patriots + to an NFL-record eight consecutive AFC championship games since 2011 (thirteen + overall), and has never had a losing season as a starting quarterback. He is + tied for the record for the longest touchdown pass at 99 yards to Wes Welker.[18] + + For his alleged involvement in the highly publicized Deflategate football-tampering + scandal, Brady was suspended for the first four games of the 2016 season.[19] + Brady and the Patriots won two of the next three Super Bowls, making him the + record holder for most Super Bowl wins by a player, and the oldest quarterback + to win a Super Bowl, at 41.[20] + + 3.2.2.1 2001 postseason + + 3.2.10 2009 season + + 3.2.10.1 2009 postseason + + 3.3.6.1 2015 offseason + + 3.3.6.2 2015 regular season + + 4 NFL career statistics + + 4.3 Super Bowl + + 5.1 Regular season (career) + + 5.2 Postseason (career) + + 5.3 Super Bowl (career) + + 6 Other endeavors + + Brady was born in San Mateo, California, on August 3, 1977, the only son and + fourth child of Galynn Patricia (née Johnson) and Thomas Brady, Sr.[21] He has + three older sisters, Nancy, Julie, and Maureen,[22] and was raised as a Catholic. + His father is of Irish descent, while his mother has German, Norwegian, Polish, + and Swedish ancestry.[23] Two of Brady s great-great-grandparents on his father + s side, John and Bridget Brady, were Irish refugees from the Great Famine who + moved to San Francisco from Boston before the American Civil War. They were + accompanied by Bridget s sister Ann and her husband Lawrence Meegan, the parents + of the 19th-century American Major League Baseball player Steady Pete Meegan. + Brady s great-uncle Michael Buckley Jr. was the first American prisoner of war + in World War II.[23][24][25][26][27][28] + + In the 1980s, Brady regularly attended San Francisco 49ers games at Candlestick + Park, where he was a fan of quarterback Joe Montana; Brady has called Montana + his idol and one of his inspirations.[29] At age four, Brady attended the 1981 + NFC Championship, against the Dallas Cowboys, in which Montana threw The Catch + to Dwight Clark.[30] As a child, Brady attended football camp at the College + of San Mateo, where he was taught to throw the football by camp counselor and + future NFL/AFL quarterback Tony Graziani.[31] Brady grew up as a Los Angeles + Lakers and Boston Celtics fan.[32] + + He attended Junípero Serra High School in San Mateo, where he graduated in 1995; + the ceremony was held at St. Mary s Cathedral.[33] He played football, basketball, + and baseball in high school. He played against Bellarmine College Preparatory + rival Pat Burrell in both football and baseball. Brady began his football career + as the backup quarterback on the Padres junior varsity team. At first, Brady + was not good enough to start on the 0–8 JV team, which had not scored a touchdown + all year.[34] Brady ascended to the starting position when the starting quarterback + was injured. He became the varsity starter in his junior year and held the position + until he graduated.[35] By Brady s senior year, he was striving to be noticed + by college coaches. He created highlight tapes and sent them to schools he considered + attending.[36] This led to strong interest from many football programs around + the nation. + + The process of recruiting was much different during Brady s time, and athletes rankings + were not as prominent. In terms of recruiting in the 2000s, Brady would have + been considered a four-star recruit. In essence, he was a highly rated prospect.[37] + Brady was also on Blue Chip Illustrated as well as a Prep Football Report All-American + selection.[38] After his recruiting process, he narrowed down his list to five + schools.[39] Probably the ones that we did hear from and ultimately pared the + list to were Cal–Berkeley, UCLA, USC, Michigan, and Illinois”, his father said.[39] + As a Cal fan, his father hoped that Brady would attend the nearby Cal, where + Brady was a silent commit, and that he would be able to watch his son play.[40][41] + + Brady was also known as a great baseball player in high school.[42] He was a + left-handed-batting catcher with power. His skills impressed MLB scouts, and + he was drafted in the 18th round of the 1995 MLB Draft by the Montreal Expos.[34][43] + The Expos projected Brady as a potential All-Star, and offered him money typical + of that offered to a late second-round or early third-round pick.[44] Nevertheless, + Brady was determined to play football at the next level. He was always more + passionate about football; when he found that there was significant interest + in him, he decided to take the road of football.[39] Brady was recruited by + Michigan assistant Bill Harris, and he signed to play for the University of + Michigan in 1995.[45][46] He finished his high-school football career by completing + 236 of 447 passes for 3,702 yards and 31 touchdowns. He also won All-State and + All-Far West honors and the team s Most Valuable Player Award.[38] + + During the summers of 1998 and 1999, Brady was an intern at Merrill Lynch.[47] + He was inducted into the Junípero Serra High School Hall of Fame in 2003, joining + fellow Serra High graduates Barry Bonds, Lynn Swann, Gregg Jefferies, Jim Fregosi, + and his older sister Maureen, among many others.[38] When Brady revisited two + weeks after Super Bowl XLVI, in 2012, school administrators announced that they + had named the football stadium Brady Family Stadium.[48] + + Brady at Michigan Stadium in 2016 + + Brady played college football at the University of Michigan from 1995 to 1999.[49][50] + He was a backup quarterback for his first two years, while teammate and future + NFL quarterback Brian Griese led the 1997 Wolverines to an undefeated season, + which was capped by a victory in the Rose Bowl and a share of the national championship.[51] + When he enrolled at Michigan, Brady was seventh on the depth chart, and he had + an intense struggle to get some playing time. At one point, Brady hired a sports + psychologist to help him cope with frustration and anxiety, and even considered + transferring to California.[52][53] He worked closely with assistant athletic + director Greg Harden, who met with Brady every week to build his confidence + and to maximize his performance on the field.[54] Brady told 60 Minutes in 2014: He + will always be somebody I rely on for sound advice and mentorship. He has helped + me with my own personal struggles in both athletics and in life. Greg really + pushed me in a direction that I wasn t sure I could go. [55] + + Under Michigan head coach Lloyd Carr, Brady battled for the starting job with + Drew Henson[50] and ultimately started every game in the 1998 and 1999 seasons. + During his first full year as starter, he set new Michigan records for most + pass attempts and completions in a season, for a total of 214.[56] Brady was + All-Big Ten honorable mention both seasons, and was the team captain in his + senior year. The Wolverines won 20 of 25 games when he started, and he set a + school record for completions in a 31–16 loss against Ohio State in 1998, a + season in which Michigan shared the Big Ten Conference title.[57] Brady capped + that season with a 45–31 win over Arkansas in the Citrus Bowl.[58] + + In the 1999 season, Brady had to once again hold off Henson for the starting + job. The two players platooned during the season s first seven games, with Brady + playing the first quarter, Henson the second and Carr then deciding upon a quarterback + for the second half. The 1999 Michigan Wolverines started with a 5–0 record, + including a 26–22 win over Notre Dame, and a road win against eventual powerhouse + Wisconsin. Against Michigan State, Brady was not chosen to play the second half; + however, he was reinserted into the game with Michigan down by 17 points, and + he nearly led Michigan all the way back before losing 34–31.[59] After a 300-yard + passing game the following week, Carr went exclusively with Brady for the remainder + of the season. Brady went on to lead Michigan to multiple 4th-quarter comebacks, + including a remarkable 31–27 win against Penn State, and leading them out of + a close game against Indiana, 34–31, heading into the regular season s final + game, winners of three straight, earning him the moniker of Comeback Kid .[60] + + Michigan concluded the regular season against Ohio State; this was a dramatic + game with a trip to the Orange Bowl on the line. With five minutes left, tied + 17–17, Brady led Michigan to the winning score.[61] He led Michigan to an overtime + win in the Orange Bowl over Alabama, throwing for 369 yards, four touchdowns, + leading the team back from a pair of 14-point deficits in regulation (14–0 in + the first half, and 28–14 in the second). He threw the game-winning score on + a bootleg to tight end Shawn Thompson. Michigan won the game when Alabama missed + an extra point following its own touchdown.[62][63] + + In the two seasons that Brady started at Michigan, he posted a 20–5 record, + including wins at the Citrus Bowl (1999) and the Orange Bowl (2000). Brady finished + his career ranking third in Michigan history with 710 attempts and 442 completions, + fourth with 5,351 yards and 62.3 completion percentage, and fifth with 35 touchdown + passes.[38][64] + + 1996 Michigan 3 5 60.0% 26 5.2 0 1 63.7 – – – – + + 1997 Michigan 12 15 80.0% 103 6.9 0 0 137.7 2 −14 −7.0 0 + + 1998 Michigan 200 323 61.9% 2,427 7.5 14 10 133.1 54 −105 −1.9 2 + + 1999 Michigan 180 295 61.0% 2,217 7.5 16 6 138.0 34 −31 −0.9 1 + + Career 395 638 61.9% 4,773 7.5 30 17 134.9 90 −150 −1.7 3 + + (2.51 m) 33[66] + + All values from NFL Combine[67] + + A lightly regarded prospect coming out of college,[68][69] Brady was selected + by the New England Patriots with the 199th overall pick in the sixth round of + 2000 NFL Draft and has since spent his entire 19-season career with the Patriots. + Brady s tenure with the Patriots is an NFL record for the longest time playing + quarterback for one franchise. Since Brady became their starting quarterback + in 2001, the Patriots have never had a losing season and have won 16 division + titles. The Patriots played in thirteen AFC Championship Games from 2001 to + 2018—including eight in a row from 2011 to 2018—and won nine of them. Brady + and Patriots head coach Bill Belichick have combined to form the most successful + quarterback-head coach tandem in NFL history, winning more regular season games + and postseason games than any other such duo[70] as well as appearing in nine + Super Bowls. All of these events set new NFL records.[71] + + In his second season, Brady took over as the starting quarterback after Drew + Bledsoe was injured.[72] He led the Patriots to first place in the AFC East[73] + and a victory over the favored St. Louis Rams[74][75] in Super Bowl XXXVI, winning + his first Super Bowl MVP award. Despite the Patriots missing the playoffs the + following season, Brady would then lead them to back-to-back World Championships + in 2003 and 2004, winning Super Bowl MVP honors again in 2003. Along the way, + the Patriots won an NFL-record 21 consecutive games (including the playoffs) + between the 2003 and 2004 seasons.[76] The 2005 season was Brady s first to + throw for 4,000 yards and lead the NFL in passing.[77] That postseason, Brady + would win his 10th consecutive playoff game, another NFL postseason record.[78] + + Although Brady and the Patriots continued to win often, they did not return + to the Super Bowl until the 2007 season. That year, Brady not only set an NFL + record with 50 touchdown passes[79] but he would also lead the Patriots to a + 16–0 finish,[80] the first perfect regular-season record since the Miami Dolphins + finished 14–0 in 1972.[81][82] Brady would win his first career NFL MVP Award, + winning 49 out of 50 votes.[83] The Associated Press also named him Male Athlete + of the Year, the first such award given to an NFL player since Joe Montana won + it in 1989 and 1990.[84] However, the Patriots suffered their first Super Bowl + loss with Brady as quarterback, dropping a 17–14 decision to the New York Giants + in Super Bowl XLII.[85] + + Brady missed virtually the entire following season due to a knee injury in the + season opener.[86] But he would come back strong in the 2009 season to be named + the league s Comeback Player of the Year.[87] In 2010, Brady set the NFL record + for consecutive passes without an interception (358)[88] and broke his own record + for the highest season touchdown-to-interception ratio (among players who have + started a full season) at 9:1, currently the third best TD:INT ratio for a single + season by a quarterback.[89] Brady would win his second league MVP award with + all 50 votes in his favor.[90] He was the first unanimous NFL MVP since Giants + linebacker Lawrence Taylor won the award in 1986.[91] He and Joe Montana are + the only players in NFL history to win multiple NFL MVP and Super Bowl MVP awards.[92][93] + Brady was also named the top player by his peers in the first NFL Top 100 list, + released in 2011.[94] + + In the 2011 season, Brady led the Patriots to their first AFC Championship since + 2007 and appeared in the Super Bowl for a fifth time; but the Patriots would + lose again to the Giants.[95] Following AFC Championship Game losses in the + following seasons (2012 and 2013), Brady and the Patriots made their sixth trip + to the Super Bowl after the 2014 season (Brady s 15th as a professional). There, + he led the Patriots to a fourth-quarter comeback[96] over the defending champion + Seattle Seahawks. He would lift his fourth Super Bowl trophy (the Patriots first + in ten seasons) and was named Super Bowl MVP for the third time.[97] + + Despite missing the first four games of the 2016 season, Brady would lead the + Patriots (3–1 before he rejoined them)[98] to win 11 out of the 12 remaining + regular season games and two postseason games to make his seventh Super Bowl + appearance. Brady and the Patriots would overcome a 25-point deficit against + the Atlanta Falcons (down 28–3 in the third quarter) to force the first overtime + in Super Bowl history, winning 34–28 to give Brady his fifth Super Bowl title.[99] + He earned his fourth Super Bowl MVP award after setting title-game records for + appearances, pass attempts, completions, passing yards and fourth-quarter comebacks.[100] + In his eighth appearance, capping the 2017 season, Brady threw for 505 yards + at 40 years old, setting a record for most passing yards in a Super Bowl, but + the Patriots lost to the Philadelphia Eagles. In 2019, the Patriots won Super + Bowl LIII, earning Brady his sixth super bowl title, becoming the first player + in history to have won six Super Bowls.[101] + + Over his career, Brady has won three league MVP awards, six Super Bowls, and + four Super Bowl MVP Awards. A 14-time Pro Bowler, Brady has also twice led the + NFL in passing yardage.[102][103] As of November 2017, he owns the third-highest + career passer rating (97.9) among quarterbacks with at least 1,500 career passing + attempts.[104] He has thrown for more passing yards and touchdowns than any + other quarterback in NFL postseason history; he also has won more playoff games + than any other quarterback. As a result of his highly successful career, Brady + is rated among the greatest quarterbacks of all time.[105] + + Brady s name has become associated with two NFL rules, which sports reporters + have called the Brady rules . One is the tuck rule that was in effect from + 1999 through 2013.[106] The other is a rule about low hits enacted in 2009: A + defender cannot initiate a roll or lunge and forcibly hit the passer in the + knee area or below, even if he is being contacted by another player. [107] + + Brady was selected with pick number 199, a compensatory pick, in the sixth round + of the 2000 NFL Draft.[108] He and his family had believed that Brady would + be drafted in the second or third round; they watched the draft on television, + stunned as six other quarterbacks were drafted before he was. Brady was so embarrassed + that he briefly left the family home during the sixth round, and cried when + recalling the experience for an interview 11 years later. When the Patriots + notified him that he would be drafted, Brady was grateful that, he later said, + he would not have to be an insurance salesman .[109] According to Michael Holley + s book Patriot Reign, the Patriots were considering Brady and Tim Rattay, both + of whom had received positive reviews from then-quarterbacks coach Dick Rehbein.[110] + Ultimately, the Patriots front office chose Brady. Considering his subsequent + success, many analysts have called Brady the best NFL draft pick of all time.[111][112][113][114] + Patriots owner Robert Kraft recalled: “I still have the image of Tom Brady coming + down the old Foxboro stadium steps with that pizza box under his arm, a skinny + beanpole, and when he introduced himself to me and said ‘Hi Mr. Kraft,’ he was + about to say who he was, but I said ‘I know who you are, you’re Tom Brady. You’re + our sixth round draft choice,’” recalled Kraft. “And he looked me in the eye + and said ‘I’m the best decision this organization has ever made.’ It looks like + he could be right.”[115] + + Brady started the season as the fourth-string quarterback, behind starter Drew + Bledsoe and backups John Friesz and Michael Bishop; by season s end, he was + number two on the depth chart behind Bledsoe.[116] During his rookie season, + he was 1-for-3 passing, for six yards.[117] Tight end Rod Rutledge caught Brady + s first and only completed pass of the season in a 34–9 loss to the Detroit + Lions on November 23.[118][119] + + With Bledsoe as the starting quarterback, the Patriots opened the season with + a 23–17 loss at Cincinnati.[117] In their second game and home opener on September + 23, the Patriots squared off against their AFC East rivals, the New York Jets. + Bledsoe was again the starter; in the fourth quarter, he suffered internal bleeding + after a hit from Jets linebacker Mo Lewis. Bledsoe returned for the next series, + but was replaced with Brady for the Patriots final series of the game. New + York would hold on to win, 10–3, and the Patriots fell to 0–2 on the season.[120] + Brady was named the starter for the season s third game, against the Indianapolis + Colts. In his first two games as starter, Brady posted unspectacular passer + ratings of 79.6 and 58.7, respectively, in a 44–13 victory over the Colts (in + their last season in the AFC East) and a 30–10 loss to the Miami Dolphins.[121][122][123] + + In the Patriots fifth game, Brady began to find his stride. Trailing the visiting + San Diego Chargers 26–16 in the fourth quarter, he led the Patriots on two scoring + drives to force overtime, and another in overtime to set up a winning field + goal. Brady finished the game with 33 pass completions on 54 attempts, for 364 + yards, and two touchdowns, and was named AFC Offensive Player of the Week for + the first time in his career.[124][125] The following week, Brady again played + well during the rematch at Indianapolis, with a passer rating of 148.3 in a + 38–17 win.[126] The Patriots went on to win eleven of the fourteen games Brady + started, and six straight to finish the regular season, winning the AFC East + and entering the 2001–02 NFL playoffs with a first-round bye.[127] In that stretch + was a Week 11 34–17 victory over the New Orleans Saints where he was 19 of 26 + for 258 passing yards and four touchdowns to earn his second AFC Offensive Player + of the Week nod in 2001.[128] In Week 15, against the Miami Dolphins, he recorded + a 23-yard reception from Kevin Faulk on a trick play.[129] Brady finished the + 2001 season with 2,843 passing yards and 18 touchdowns and earned an invitation + to the 2002 Pro Bowl.[117][130] + + In Brady s first playoff game, he threw for 312 yards against the Oakland Raiders + and led the Patriots back from a ten-point fourth-quarter deficit to send the + game to overtime, where they won on an Adam Vinatieri field goal. A controversial + play occurred in that game. Trailing by three points in the fourth quarter, + Brady lost control of the ball after being hit by Raiders cornerback Charles + Woodson. Oakland initially recovered the ball, but, citing the tuck rule, which + states that any forward throwing motion by a quarterback begins a pass even + if the quarterback loses possession of the ball as he is attempting to tuck + it back toward his body, referee Walt Coleman overturned the call on instant + replay, ruling it an incomplete pass rather than a fumble.[131] Brady finished + the game 32-of-52 for 312 passing yards and one interception.[132] + + In the AFC Championship Game against the Pittsburgh Steelers, Brady injured + his knee, and was relieved by Bledsoe.[133] The Patriots won the game by a score + of 24–17 and were immediately installed by Las Vegas oddsmakers as 14-point + underdogs against the NFC champion St. Louis Rams in Super Bowl XXXVI.[134][135] + + Brady returned from his knee injury in the AFC Championship Game to start in + the Super Bowl a week later at the Louisiana Superdome in New Orleans. Despite + being heavy underdogs, the Patriots played well, holding the Rams high powered + offense in check through the first three quarters. The Rams rallied from a 17–3 + deficit to tie the game with 1:30 left in regulation. The Patriots then got + the ball back at their own 17-yard line with no timeouts remaining. Sportscaster + and former Super Bowl-winning coach John Madden said he thought the Patriots + should run out the clock and try to win the game in overtime.[136] Instead, + Brady drove the Patriots offense down the field to the Rams 31-yard line before + spiking the ball with seven seconds left. Then kicker Adam Vinatieri converted + a 48-yard field goal as time expired to give the Patriots a 20–17 win and their + first ever league championship. Brady was named MVP of Super Bowl XXXVI while + throwing for 145 yards, one touchdown, and no interceptions. At the age of 24 + years and six months, Brady surpassed Joe Namath in Super Bowl III and Joe Montana + in Super Bowl XVI, who were both 25 years, seven months, and 13 days old at + the time of their victories, to earn the title of youngest quarterback to win + a Super Bowl.[137][138] A possible quarterback controversy was averted when + Bledsoe was traded to the Buffalo Bills during the offseason; this event cemented + Brady s status as the starting quarterback.[139] + + In the 2002 season opener, Brady had 294 passing yards and three touchdowns + in the 30–14 victory over the Pittsburgh Steelers to earn his third AFC Offensive + of the Week title.[140][141] In Week 9, in a 38–7 victory over the Buffalo Bills, + he had 265 passing yards and three touchdowns to earn another AFC Offensive + Player of the Week nod.[142][143] Brady and the Patriots finished the year at + 9–7, tied with the New York Jets and Miami Dolphins for the best record in the + division; however, the Jets won the division on the third tiebreaker, and the + Patriots missed the playoffs.[144] + + Though Brady posted a career-low single-season passer rating of 85.7 and a career-high + of 14 interceptions, he threw for a league-leading 28 touchdown passes and 921 + more yards than in the 2001 season.[121] However, Brady played much of the second + half of the season with a shoulder injury, and New England head coach Bill Belichick + later indicated that Brady would not have been able to play in their first playoff + game if the Patriots had made the playoffs. + + After opening the 2003 NFL season with a 2–2 start, Brady led the Patriots to + twelve consecutive victories to finish the regular season in winning the AFC + East.[145] In Week 9, against the Denver Broncos, he had 350 passing yards, + three touchdowns, and one interception in the 30–26 victory to earn his fifth + AFC Offensive Player of the Week honor.[146][147] In Week 14, a 12–0 victory + against the Miami Dolphins, he recorded a 36-yard punt in the game.[148] Statistically, + Brady s strongest game of the season was in Week 17 against the division rival + Buffalo Bills, when he achieved a season-high quarterback rating of 122.9, and + was named AFC Offensive Player of the Week.[121][149] Brady finished with 3,620 + passing yards and 23 touchdowns,[117] and was third in NFL MVP voting to co-winners + Peyton Manning and Steve McNair.[150] + + In the first two rounds of the playoffs, the Patriots defeated the Tennessee + Titans in the Divisional Round by a score of 17–14. In the win, Brady was 21 + of 41 for 201 passing yards and one passing touchdown.[151] In the following + round, they defeated Indianapolis Colts in the AFC Championship by a score of + 24–14. Brady completed 22 of 37 passes for 237 yards, one passing touchdown, + and an interception.[152] On February 1, 2004, Brady led the Patriots to a 32–29 + victory over the NFC champion Carolina Panthers in Super Bowl XXXVIII and was + named Super Bowl MVP for the second time. During the game, Brady threw for 354 + yards with three touchdowns and set the record for most completions by a quarterback + in a Super Bowl with 32. With 1:08 left in the fourth quarter and the score + tied 29–29, Brady engineered a drive with five pass completions to put the Patriots + in position for the game-winning 41-yard field goal by Vinatieri.[153][154] + + Brady during Super Bowl XXXIX + + During the 2004 season, Brady helped the Patriots set an NFL record with 21 + straight wins dating from the previous year, an accomplishment honored in the + Pro Football Hall of Fame (though for official records, the NFL considers it + an 18-game regular season winning streak; it does not count playoff games).[155] + New England finished with a 14–2 record, equaling their 2003 record and the + best regular-season record ever for a defending champion.[156] The Patriots + also won the AFC East divisional title for the third time in four years.[157] + Brady threw for 3,692 yards and 28 touchdowns, with a 92.6 passer rating, and + was voted to his second Pro Bowl.[117] + + In the playoffs, Brady led the Patriots to victories over the Indianapolis Colts + in the Divisional Round by a score of 20–3 and the Pittsburgh Steelers in the + AFC Championship by a score of 41–27.[158] Brady played his best game of the + year in Pittsburgh despite requiring intravenous treatment the previous night + when he ran a temperature of 103°.[159] Against the NFL s best defense,[158] + he recorded a quarterback passer rating of 130.5, his highest of the season.[121] + On February 6, 2005, the Patriots narrowly defeated the Philadelphia Eagles, + 24–21, to win Super Bowl XXXIX at Alltel Stadium in Jacksonville, Florida. Brady + threw for 236 yards and two touchdowns[160] while capturing the Patriots third + championship in four years. They became the first franchise since the Dallas + Cowboys in 1992–1995 to win three Super Bowls in four years.[161] + + During the 2005 season, injuries suffered by running backs Corey Dillon, Patrick + Pass, and Kevin Faulk forced the Patriots to rely more on Brady s passing.[162][163] + Brady also had to adjust to new center Russ Hochstein and running back Heath + Evans. On October 9, in a 31–28 victory over the Atlanta Falcons, he had 350 + passing yards, three touchdowns, and one interception to earn AFC Offensive + Player of the Week honors.[164][165] Brady finished first in the league with + 4,110 passing yards and third in the league with 26 touchdowns.[117] At 92.3, + his 2005 passer rating was the second-highest of his career at the time, although + he equaled his career high for interceptions with 14.[121] He rushed for 89 + yards and fumbled a career-low four times.[121] He and the Patriots finished + with a 10–6 record, winning their third straight AFC East title.[166] He was + named to his third Pro Bowl at the end of the season.[167] + + In the playoffs, Brady recorded 201 passing yards and three passing touchdowns + to help lead the Patriots to a 28–3 victory over the Jacksonville Jaguars in + the Wild Card Round. On January 14, 2006, the Patriots lost 27–13 to the Denver + Broncos at INVESCO Field in the Divisional Round.[168][169] Brady threw for + 341 yards in the game with one touchdown and two interceptions, in the first + playoff loss of his career after ten playoff victories.[170] After the season + s end, it was revealed that Brady had been playing with a sports hernia since + December. Linebacker Willie McGinest commented on it and said he knew, but Brady + continued playing.[171] + + Brady on the sideline at Giants Stadium with teammates Randy Moss and Jabar + Gaffney, after throwing for his record-breaking 50th passing touchdown of the + 2007 season + + Brady started the 2006 season with 163 passing yards, two passing touchdowns, + and an interception against the Buffalo Bills in a 19–17 victory.[172] In Week + 8, against the Minnesota Vikings, he had one of his stronger performances of + the season with 372 passing yards, four passing yards, and one interception + in the 31–7 victory.[173] He posted another game with four passing touchdowns + in the Week 11 35–0 victory over the Green Bay Packers.[174] Brady led the Patriots + to a 12–4 record and the fourth seed in the AFC playoffs.[175] In the regular + season, Brady threw for 3,529 yards and 24 touchdowns.[117] He was not among + the players initially selected to the Pro Bowl,[176] although he was offered + an injury-replacement selection when San Diego Chargers quarterback Philip Rivers + was forced to withdraw. Brady ended up declining the invitation.[177] + + In the postseason, the Patriots first hosted their division rivals, the New + York Jets, in the Wild Card Round. The Patriots defeated the Jets 37–16, as + Brady went 22–34 for 212 yards and two touchdowns.[178] The Patriots traveled + to San Diego to take on the Chargers in the Divisional Round. This was Brady + s first playoff game in his home state of California. Brady and the Patriots + struggled against the Chargers, whom many had picked as favorites to win Super + Bowl XLI.[179] With eight minutes left in the fourth quarter and the Patriots + down by eight points, Brady and the Patriots started a key drive that would + ultimately decide the game. After a 49-yard pass play to wide receiver Reche + Caldwell, a Stephen Gostkowski field goal gave the Patriots a 24–21 win.[180] + + In the AFC Championship, the Patriots faced the Indianapolis Colts. The Patriots + and Colts had faced each other twice in the previous three postseasons at Foxborough; + this game, however, was played at Indianapolis. The Patriots led at halftime, + 21–6; however, the Colts and Peyton Manning staged a comeback, culminating in + a last minute interception thrown by Brady, and the Patriots lost the game to + the Colts, 34–38.[181] + + Playing with a dramatically overhauled receiver corps—in the 2007 offseason, + the Patriots acquired wide receivers Donté Stallworth, Wes Welker, Kelley Washington, + and Randy Moss; tight end Kyle Brady; and running back Sammy Morris—Brady enjoyed + what some sportswriters described as one of the best seasons by a quarterback.[182][183] + The average score of a 2007 Patriots regular-season game would be 37–17 by the + end of the year.[184] Brady led the Patriots to the first 16–0 regular-season + record in league history, outscoring opponents by more than a 2-to-1 margin, + but also attained numerous career, franchise, and NFL records and milestones + in the process. He was named as the AFC Offensive Player of the Week five separate + times that year.[185][186][187][188][189] While away at Dallas, he had a career-high + five passing touchdowns in a 48–27 win. The win tied him with Cowboys Hall of + Fame quarterback Roger Staubach for the most wins ever by a starting quarterback + in his first 100 regular-season games, with 76.[190] The next week, in part + of a 49–28 win at Miami, he had yet another record day, with a career-high six + passing touchdowns, setting a franchise record. He also had the first game with + a perfect passer rating of his career.[191] Two weeks later, as part of a come-from-behind + 24–20 victory at Indianapolis, he threw for another three touchdowns, the ninth + consecutive game in which he had done so, breaking Peyton Manning s NFL record + of eight.[192] During the last game of the year, Brady threw two touchdown passes; + his second touchdown was his 50th, breaking Peyton Manning s record of 49 in + the 2004 season.[193] + + Brady in December 2007 + + Brady finished the season with 4,806 passing yards, 50 touchdown passes, and + only eight interceptions. It was unanimously voted the greatest passing season + of all time by ESPN in 2013. His 50:8 touchdown to interception ratio was, at + the time, an NFL record. He became the first quarterback to pass for 50 touchdowns + in a season and his 117.2 passer rating is[when?] the fourth highest in a single + season. His 8.7% touchdown passing percentage is[when?] the third highest ever + in a season. He led the Patriots to becoming the first team to ever go undefeated + in the regular season since the 16 game schedule was enforced and directed an + offense that scored a then NFL record 589 points and 75 total touchdowns. Those + records stood until they were eclipsed by the 2013 Denver Broncos. The team + s 50 total touchdown passes is the fourth most ever in a season. For his efforts, + Brady was named the Most Valuable Player of this season, as well as Offensive + Player of the Year. He was also honored by the Associated Press as their Male + Athlete of the Year, the first time an NFL player has been so honored since + Joe Montana won the award in 1990.[194] He was named as a First Team All-Pro + and to his fourth career Pro Bowl as a result of his historic season.[195][196] + + In the Patriots first playoff game, a Divisional Round game against Jacksonville, + Brady began the game with an NFL postseason record 16 consecutive completed + passes, and finished the game with 26 completions in 28 attempts, a completion + rate of 92.9%. That mark is the highest single-game completion percentage (for + passers with at least 20 attempts) in NFL history, regular season or postseason.[197] + With the win, the Patriots matched the undefeated 1972 Miami Dolphins as the + only team to win 17 consecutive games in one season. + + Statistically, Brady did not fare as well in the AFC Championship Game against + the San Diego Chargers, throwing three interceptions (including his first interception + in the red zone since the playoff loss to Denver in the 2005 postseason). Nevertheless, + the Patriots won their 18th game of the season, 21–12, to advance to the Super + Bowl for the fourth time in seven seasons. Brady, with the 100th win of his + career, also set an NFL record for the fewest games needed by a starting quarterback + to do so: his 100–26 record is sixteen games better than Joe Montana s.[198] + In Super Bowl XLII at the University of Phoenix Stadium in Glendale, Arizona., + Brady was pressured heavily and sacked five times. The Patriots did manage to + take the lead with a Brady touchdown to Moss with less than three minutes remaining + in the fourth quarter, but the Giants were able to score a last-minute touchdown + to upset the Patriots 17–14, taking away what would have been the first perfect + season since the NFL expanded its regular season to 16 games.[199] + + Brady in action against the Washington Redskins on August 28, 2009. + + Brady did not play in any games during the 2008 preseason or in the 2008 Pro + Bowl due to two different foot injuries.[200][201] In the Patriots 2008 season + opener against the Kansas City Chiefs at Gillette Stadium, Brady s left knee + was seriously injured midway through the first quarter on a hit by Chiefs safety + Bernard Pollard; he left the game and did not return. The team later confirmed + that Brady would require surgery, and it would prematurely end his 2008 season.[202] + Brady tore both his anterior cruciate ligament and medial collateral ligament.[203] + The injury ended Brady s streak of 111 consecutive starts (ninth in the list + of most consecutive starts by an NFL quarterback, behind Brett Favre, Peyton + Manning, Eli Manning, Philip Rivers, Matt Ryan, Matthew Stafford, Ron Jaworski, + and Joe Flacco).[204] Dr. Neal ElAttrache performed the anterior cruciate ligament + reconstruction at the Los Angeles Kerlan-Jobe Orthopaedic Clinic October 6, + using Brady s patellar tendon graft to replace the torn ligament, and also repaired + his medial collateral ligament, through a separate incision in his left knee.[205] + An infection in the wound resulted in further debridement surgery several times + since the original procedure. Brady received IV antibiotics for this infection + which, at the time, threatened to delay his rehab.[206][207] Despite Brady s + absence, the Patriots managed to finish the 2008 season with an 11–5 record; + however, due to tiebreakers, the Patriots not only failed to win the AFC East + division title, but missed the playoffs altogether for the first time since + the 2002 season.[208] + + Brady in Landover, Maryland, on August 28, 2009, during warmups in a preseason + game against the Washington Redskins. + + In his first game in nearly a year, Brady threw for 378 yards and two touchdowns + in the 2009 season opener against the Buffalo Bills. In the final three minutes + of the game, the Patriots were down 24–13 before Brady and tight end Benjamin + Watson connected on two straight touchdowns to lead the Patriots to a 25–24 + win.[209] Brady was named the AFC Offensive Player of the Week for the 13th + time in his career for his performance.[210] + + On October 18, 2009, in an early season snowstorm, Brady set an NFL record against + the Tennessee Titans for most touchdowns in a single quarter, throwing five + in the second quarter. Brady finished the game with six touchdowns, tying his + career-high from the 2007 season, and 380 yards, completing 29-of-34 attempts, + finishing with a nearly perfect passer rating of 152.8.[211][212] He earned + his second AFC Offensive Player of the Week nod for his efforts against the + Titans.[213] The Patriots 59–0 victory over the Titans tied the record for + the largest margin of victory since the 1970 AFL-NFL merger,[214] and set a + record for largest halftime lead in NFL history, which was 45–0.[215] + + Brady finished the 2009 regular season with 4,398 yards passing and 28 touchdowns + for a 96.2 rating,[117] despite a broken right ring finger and three fractured + ribs, all which were suffered over the course of the season.[216] He was selected + as a reserve to the 2010 Pro Bowl and named the 2009 NFL Comeback Player of + the Year.[217][218] + + Brady ended the 2009 season throwing for 154 passing yards, two touchdowns, + and three interceptions in a Wild Card Round loss to the Baltimore Ravens, 33–14, + his first career home playoff loss, and the first playoff loss at home by a + Patriots quarterback since 1978 (Steve Grogan).[219] + + On September 10, 2010, Brady signed a four-year, $72 million contract extension, + making him the highest-paid player in the NFL. The extension included $48.5 + million in guaranteed money.[220] + + Brady became the quickest quarterback to achieve 100 regular season wins by + helping his team defeat the Miami Dolphins 41–14 on October 4, 2010.[221] + + In a 31–28 win over the Indianapolis Colts on November 21, 2010, Brady tied + Brett Favre s record of winning 25 consecutive regular-season home starts.[222] + Brady s last regular-season defeat at home was a 17–14 loss to the New York + Jets on November 12, 2006.[223] On November 25, in a 45–24 victory over the + Detroit Lions, he had 341 passing yards and four touchdowns to earn AFC Offensive + Player of the Week.[224][225] In the game, he earned a perfect passer rating + for the second time in his career.[226][227] The next week, in a 45–3 victory + over the New York Jets, he had 326 passing yards and four touchdowns to earn + AFC Offensive Player of the Week honors for the second consecutive week. The + victory over the Jets set an NFL record by winning 26 consecutive regular-season + home starts.[228][229][230] + + Brady threw for 3,900 yards with 36 touchdowns and only four interceptions on + the season.[117] He had a 111.0 passer rating; this gave him—at the time—two + of the top five season ratings in NFL history and made him the first player + to finish with a rating above 110 in two different seasons.[231] + + Brady was selected as a starter to the 2011 Pro Bowl.[232] However, he pulled + out of the game (and was replaced by former backup Matt Cassel of the Kansas + City Chiefs) after undergoing surgery for a stress fracture in his right foot + dating back to 2008.[233] Brady was also the only unanimous selection for the + AP All-Pro Team and was named the 2010 Associated Press NFL Offensive Player + of the Year. By unanimous decision, he won the MVP award for the second time + in his career.[234] On the NFL Top 100 Players of 2011 players list, Brady + was ranked as the best player in the NFL by his fellow players.[235] + + After earning the #1 seed and a bye week, the Patriots lost to the New York + Jets in the Divisional Round by a score of 28–21. Brady finished the game 29-of-45 + for 299 yards and two touchdowns, with one interception. His one interception + ended his NFL record of consecutive passes without an interception at 340.[236][237] + + In Week 1 of the 2011 NFL season, Brady threw for a career-high 517 yards, four + touchdowns, and one interception in a 38–24 victory over the Miami Dolphins + and earned AFC Offensive Player of the Week honors.[238] This was the second + time that he had thrown for 400 or more yards in a single game. In the game, + he threw a record-tying 99-yard touchdown pass to Wes Welker in the second quarter.[239][240][18] + In the next game, a 35–21 victory over the San Diego Chargers, he had 423 passing + yards and three touchdowns to earn another AFC Offensive Player of the Week + nod.[241][242] + + In Week 16, in the second divisional game against the Miami Dolphins, Brady + had 304 passing yards and one passing touchdown to go along with nine rushes + for 17 yards and two rushing touchdowns in the 27–24 victory to earn AFC Offensive + Player of the Week for the third time in 2011.[243][244] In the regular season + finale against the Buffalo Bills, Brady became the fourth quarterback to throw + for 5,000 yards in a single season, finishing with 5,235; although Brady surpassed + Dan Marino s longstanding record of 5,084 passing yards, he finished the season + second in passing yards behind Drew Brees s 5,476.[117] In the end, the Patriots + finished the season 13–3 and clinched the AFC s #1 seed.[245] For his efforts + in the 2011 season, Brady was named to the Pro Bowl and was named as the fourth + best player in the NFL on the NFL Top 100 Players of 2012 by his peers.[246][247] + + There s no quarterback I d rather have than Tom Brady. He s the best. He does + so much for us in so many ways on so many different levels. I m very fortunate + that he s our quarterback and what he s able to do for this team. It s good + to win with him and all the rest of our players. If that s more than somebody + else did, I don t really care about that.[248] + + –Bill Belichick + + In the Patriots 45–10 rout of the Denver Broncos in the Divisional Round, Brady + set a personal postseason best with 363 passing yards, and tied an NFL playoff + record shared by Daryle Lamonica and Steve Young, throwing for six touchdown + passes.[249] The win, his first postseason win since January 2008, gave Brady + and Patriots head coach Bill Belichick sole possession of the NFL record for + postseason wins by a quarterback-head coach combo with 15.[250] In the AFC Championship + game against the Baltimore Ravens, Brady failed to throw a touchdown pass for + the first time in 36 games, though he did pass for 239 yards and scored a one-yard + rushing touchdown late in the game. A missed field goal from Ravens kicker Billy + Cundiff gave Brady and the Patriots a 23–20 victory, sending Brady to his fifth + Super Bowl as a member of the Patriots.[251] In Super Bowl XLVI at Lucas Oil + Stadium in Indianapolis, Brady and the Patriots met the New York Giants in a + rematch of their Super Bowl XLII meeting four years earlier. Brady played well, + leading a Super Bowl record-tying 96-yard touchdown drive to close the first + half and at one point completing 16 passes in a row to give him a 20-of-23 mark + partway into the third quarter, another Super Bowl record. Brady threw two touchdowns + against one interception on the Patriots first offensive series, and was penalized + for intentional grounding in the end zone, giving up a crucial safety to the + Giants. A final score of 21–17 for the Giants prevented Brady from winning his + fourth Super Bowl.[252] + + Brady started all 16 regular season games of the 2012 NFL season and led the + Patriots to a 12–4 record. Among the many highlights of the team was a 42–14 + win over the Houston Texans in Week 14. Brady had 296 passing yards and four + touchdowns to earn AFC Offensive Player of the Week.[253][254] The Patriots + scored 557 total points, the third highest in league history and Brady became + the first quarterback to lead his team to ten division titles.[255] With that + point total, the Patriots became the first team to score at least 500 points + in a season four different times, with Brady leading all four squads, which + was a record as well. He finished the season with 4,827 passing yards, 34 touchdowns, + only eight interceptions, and a passer rating of 98.7. It was Brady s third + straight season throwing for over 30 touchdowns.[256] He was named to the Pro + Bowl for the eighth time in his career.[257] On the NFL Top 100 Players of 2013, + Brady was ranked fourth by his fellow players for the second consecutive year.[258] + + Brady started both Patriots playoff games, winning 41–28 against the Houston + Texans in the Divisional Round.[259] Brady passed for 344 yards and three touchdowns + as he led the team to their seventh AFC Championship Game in his 12 years as + a starter. With the victory, Brady surpassed Joe Montana for most career playoff + wins, with 17.[260] The Patriots were then upset by the eventual Super Bowl + XLVII champion Baltimore Ravens, 28–13 in the AFC Championship. He threw for + 320 yards and one touchdown with two interceptions.[261] He suffered his first + career loss at home when leading by halftime, in which during that span he was + 67–0.[262] + + On February 25, 2013, Brady and the Patriots agreed on a three-year contract + extension, which kept him with the team through 2017.[263] Peter King called + it an amazing deal, as Brady took just $27 million in new money over the 2015, + 2016, and 2017 seasons, and also noted that it reflected Patriots owner Robert + Kraft s desire to make sure that Brady retired as a Patriot.[264] + + Brady and the Patriots began the season with much upheaval on the offensive + side of the ball. Tight end Rob Gronkowski was injured and Aaron Hernandez was + arrested. Wes Welker departed to the Denver Broncos, Danny Woodhead left in + free agency for the San Diego Chargers, and Brandon Lloyd was released from + the team. In order to replace the five players, the Patriots signed Danny Amendola + in free agency from the Rams, drafted rookie wide receivers Aaron Dobson and + Josh Boyce, and signed undrafted rookie free agent wide receiver Kenbrell Thompkins. + In the first two games of the season, Brady completed 52% of his passes and + had three touchdowns and one interception.[265][266] + + Brady during the 2013 season + + Brady was in pursuit of Drew Brees s record of at least one touchdown in 54 + consecutive regular season games and saw the streak end at 52 games in a Week + 5 loss against the Cincinnati Bengals.[267] In a Week 6 game against the Saints, + the Patriots struggled in the first half and bounced back in the second with + Brady passing for 269 yards with a touchdown to Kenbrell Thompkins as time expired + to pull out the win over the Saints.[268] + + In Week 12, Brady faced-off against Peyton Manning for the fourteenth time in + his career. After going to the half trailing by 24 points, Brady and the Patriots + scored 31 unanswered points. The Patriots won after a muffed punt in overtime + when Stephen Gostkowski scored a field goal.[269] With the win, Brady earned + AFC Offensive Player of the Week honors.[270] With a Week 16 win over the Baltimore + Ravens, Brady collected his 147th win as a starting quarterback to tie Dan Marino + for fourth place all time, and the following week he defeated the Buffalo Bills + to tie John Elway for third place. In the victory over the Bills, Brady recorded + a 32-yard punt.[271] Brady was named to the Pro Bowl for the ninth time in career + and was ranked third on the NFL Top 100 Players of 2014 players list in the + offseason.[272][273] + + Brady s Patriots finished the season 12–4, to earn the second seed in the AFC + and a first-round bye.[274] In the Divisional Round matchup against the Indianapolis + Colts, Brady made his 25th playoff appearance, breaking Brett Favre s career + record for playoff appearances by a quarterback (Jerry Rice appeared in 29 playoff + games). He passed for 198 yards as the Patriots won 43–22 behind a four-touchdown + performance from LeGarrette Blount.[275] The following week, the Patriots lost + 26–16 to the Denver Broncos in the AFC Championship, eliminating Brady and the + Patriots from the playoffs. In the loss, Brady was 24-for-38 for 277 yards and + touchdown, along with two carries for seven yards and a rushing touchdown.[276] + + Brady in September 2014 against the Minnesota Vikings + + Brady started the 2014 season with a 33–20 loss to the Miami Dolphins.[277] + It was Brady s first opening day loss since the 2003 season. Brady recorded + 241 yards and a touchdown in the loss. New England rebounded against the Minnesota + Vikings, but Brady struggled, throwing for 149 yards and a touchdown in a 30–7 + win.[278] Against the Oakland Raiders, Brady was pressured all day, but threw + for 234 yards and a touchdown in 16–9 win.[279] After a humiliating 41–14 loss + to the Kansas City Chiefs, Brady led New England to back-to-back wins against + the Cincinnati Bengals and the Buffalo Bills.[280][281] Brady then defeated + the New York Jets with a 261-yard performance that included three touchdowns.[282] + The following week, a 51–23 embarrassment of the Chicago Bears saw Brady throw + for 354 yards and a season-high five touchdowns.[283] After passing for 333 + yards, and 257 yards in his next two games against the Denver Broncos and Indianapolis + Colts respectively, Brady defeated the Detroit Lions 34–9 with 349 passing yards + and two touchdowns against only one interception.[284] The Patriots winning + streak was put to the test against the Green Bay Packers in Week 13. Down 13–0 + early, Brady threw for 245 yards and two touchdowns. Still down 26–21, Brady + was unable to give the Patriots their eighth consecutive victory.[285] After + trailing 14–3 at the San Diego Chargers, Brady rallied his team with 317 passing + yards, two touchdowns, and one interception, to a 23–14 comeback win.[286] Brady + clinched his NFL record 12th AFC East division title with 287 passing yards, + two touchdowns, and an interception. Brady struggled in his final two games, + throwing for only 182 yards, a touchdown, and an interception in 17–16 victory + against the Jets, and 80 yards in one half of the final regular season game + against the Buffalo Bills, a 17–9 loss, though Julian Edelman, Rob Gronkowski, + and three starting offensive linemen did not play either the entirety or the + majority of the final game, and Brady only played in the first half.[287] Brady + was named to his tenth career Pro Bowl and was ranked third by his fellow players + on the NFL Top 100 Players of 2015.[288][289] + + In a 35–31 Divisional Round win over the Ravens, Brady threw for three touchdowns + and ran in a fourth, breaking Curtis Martin s club record for rushing touchdowns + in the playoffs; Brady also broke Joe Montana s record for playoff touchdowns + with 46. After the Ravens scored on their first two possessions, the Patriots + were quickly down 14–0. Brady led New England on an eight-play, 78-yard drive, + and ran for a score to cut the Ravens lead to 14–7. In the second quarter, Brady + s 15 yard touchdown pass to Danny Amendola tied the score at 14–14. After getting + the ball back, Brady threw an interception at the end of the first half. Joe + Flacco capitalized on it by throwing an 11-yard touchdown strike to tight end + Owen Daniels to give Baltimore a 21–14 halftime lead. Down 28–14, Brady engineered + an 80-yard drive, culminating in a touchdown to Rob Gronkowski to cut the lead + to 28–21. The Patriots tied the game once again at 28 off of a trick play where + Brady passed laterally to Julian Edelman who then threw a 51-yard touchdown + to Danny Amendola. Ravens kicker Justin Tucker drilled a 25-yard field goal + to give Baltimore a 31–28 4th quarter lead. Brady got the ball back, and threw + a 23-yard touchdown to wide receiver Brandon LaFell to give the Patriots their + first lead, up 35–31. After a Duron Harmon interception and a Joe Flacco Hail + Mary attempt failed, Brady clinched his record ninth AFC Championship Game, + fourth straight, and the third championship game against the Indianapolis Colts.[290] + After a 45–7 blowout, Brady advanced to play in his sixth Super Bowl, breaking + a tie with John Elway for most career Super Bowl appearances by a quarterback. + Against the Colts, Brady threw for 226 yards and three passing touchdowns with + one interception[291] + + In Super Bowl XLIX at University of Phoenix Stadium in Glendale, Arizona, Brady + completed 37-of-50 passes for 328 yards, four touchdowns, and two interceptions. + He guided a then-record ten-point fourth quarter comeback as the Patriots defeated + the Seattle Seahawks 28–24 to give Brady his fourth Super Bowl ring, tying him + with Joe Montana and Terry Bradshaw for most Super Bowl victories by a starting + quarterback.[292] He was named Super Bowl MVP for the third time, tying Montana + s record. Brady s 37 completed passes in the game set a Super Bowl record at + the time, which Brady himself would break in Super Bowl LI two years later.[293] + + Further information: Deflategate + + On May 6, 2015, the NFL published a 243-page report regarding the deflation + of footballs used in the previous season s AFC Championship Game.[294] The report + concluded that, more likely than not, Brady was at least generally aware of + the intentional deflation. On May 11, Brady was suspended for four games by + the NFL for his involvement based on substantial and credible evidence that + Brady knew Patriots employees were deflating footballs and that he failed to + cooperate with the investigators.[295] On May 11, Troy Vincent—NFL Executive + Vice President of Football Operations—penned a letter to Brady that stated in + part: Your actions as set forth in the report clearly constitute conduct detrimental + to the integrity of and public confidence in the game of professional football. + [296] Vincent s letter further stated: With respect to your particular involvement, + the report established that there is substantial and credible evidence to conclude + you were at least generally aware of the actions of the Patriots employees + involved in the deflation of the footballs and that it was unlikely that their + actions were done without your knowledge. Moreover, the report documents your + failure to cooperate fully and candidly with the investigation, including by + refusing to produce any relevant electronic evidence (emails, texts, etc.), + despite being offered extraordinary safeguards by the investigators to protect + unrelated personal information, and by providing testimony that the report concludes + was not plausible and contradicted by other evidence. [296] Brady, through the + NFL Players Association, officially appealed the suspension on May 14.[297] + + On July 28, NFL Commissioner Roger Goodell announced the upholding of Brady + s four-game suspension.[298] Brady gave permission to the NFLPA to appeal the + suspension in federal court.[299] Goodell cited Brady s destruction of his cell + phone as a critical factor in his decision to uphold Brady s suspension.[300][301] + The NFL also filed papers in federal court seeking to confirm Roger Goodell + s decision.[302] On July 29 Brady released a statement on his Facebook page + that criticized Goodell s decision to uphold the suspension, saying in part I + am very disappointed by the NFL s decision to uphold the 4 game suspension against + me. I did nothing wrong, and no one in the Patriots organization did either... + I will not allow my unfair discipline to become a precedent for other NFL players + without a fight. [303][304] + + Commentary on the initial punishment was mixed. Bleacher Report writer Mike + Freeman made a statement agreeing with Goodell s decision, saying the penalties + were brutal, but it deserved to be. [305] Various commentators also implied + that the prior reputation of the Patriots organization as a team that bends + rules appeared to factor into the harshness of the punishment.[305][306] Others + described the punishment as firm but fair .[307] + + On September 3, 2015, Judge Richard M. Berman of the United States District + Court for the Southern District of New York vacated Brady s suspension; this + ruling allowed Brady to play in the first four games of the 2015 NFL season. + In his decision, Judge Berman cited the NFL s failure to provide proper notice + to Brady of the charges against him and the potential for a suspension.[308] + Post-appeal commentary also criticized Goodell for manipulating Brady s testimony at + the appeal hearing in his decision.[309] + + In the NFL Kickoff Game, Brady led the Patriots to a 28–21 win over the Pittsburgh + Steelers. He threw for 288 yards and four touchdowns, three of them to Rob Gronkowski.[310] + The Patriots victory was the 161st victory of Brady s career, all with the + Patriots, which surpassed the record held by former Green Bay Packers quarterback + Brett Favre for most regular season wins by a starting quarterback with a single + team. In Week 2, Brady threw for 466 yards and three touchdowns against the + Buffalo Bills. Through the first five games of the season, Brady threw a total + of 14 touchdowns with one interception and had a quarterback rating of 118.4.[311] + In Week 8, a 36–7 victory over the Miami Dolphins, he had 356 passing yards + and four touchdowns to earn his 25th AFC Offensive Player of the Week title.[312][313] + + Despite Brady s success, the Patriots were hit by many injuries to key players + on offense, including wide receiver Julian Edelman, and the Patriots eventually + lost their first game against the Denver Broncos, who were without Peyton Manning, + in Denver on the Sunday after Thanksgiving following a 10–0 start.[314] The + Patriots then lost three of their remaining five games to finish 12–4 for a + fourth straight season, tied with the Cincinnati Bengals and Denver Broncos + for the AFC s best record. The Denver Broncos clinched the No. 1 seed due to + their victories over both the Patriots and the Bengals, while the Patriots finished + with the AFC s No. 2 seed due to having a better record against common opponents + than the Cincinnati Bengals.[315][316] Brady finished the regular season with + a league-leading 36 touchdown passes and seven interceptions.[317] He was named + to his 11th Pro Bowl (seventh straight), and was ranked as the second best player + on the NFL Top 100 Players of 2016 behind only league MVP Cam Newton.[318][319] + + With the return of Julian Edelman from a foot injury, the Patriots defeated + the Kansas City Chiefs in the Divisional Round by a score of 27–20 after advancing + with a first round bye.[320] Brady completed 28 of 42 passes for 302 yards and + two passing touchdowns and one rushing touchdown as he led the team to their + fifth consecutive AFC championship game.[321] The Patriots advanced to the AFC + Championship to face Peyton Manning and the Denver Broncos at Sports Authority + Field at Mile High. It would turn out to be the 17th and final meeting between + the two storied quarterbacks, as Manning would announce his retirement after + the season ended. The Broncos top-ranked defense harassed Brady, who completed + 27-of-56 passes with two interceptions and a touchdown, all day, and the Patriots + eventually lost the game 20–18 after a potential game-tying two-point conversion + attempt failed with 17 seconds left in regulation.[322] + + On February 29, 2016, Brady signed a two-year contract extension covering the + 2018 and 2019 seasons.[323] + + Three days later, the NFL appealed Judge Richard M. Berman s 2015 decision to + vacate Brady s four-game suspension as punishment for his alleged role in the + Deflategate scandal. At the March 3, 2016, hearing in New York City, the three-judge + panel of the United States Court of Appeals for the Second Circuit questioned + Players Association lawyer Jeffrey L. Kessler more intensely than NFL lawyer + Paul Clement, with Circuit Judge Denny Chin even stating that the evidence + of ball tampering is compelling, if not overwhelming. [324] + + On April 25, 2016, Judge Richard M. Berman s decision to block Brady s four-game + suspension was overturned by the U.S. Appeals Court.[325][326] Circuit Judge + Barrington Daniels Parker Jr., joined by Circuit Judge Chin, wrote that they + could not second-guess the arbitration but were merely determining it met + the minimum legal standards established by the Labor Management Relations Act + of 1947 .[327] Circuit Chief Judge Robert Katzmann dissented, writing that the + NFL s fines for using stickum was highly analogous and that here the Commissioner + was doling out his own brand of industrial justice. [328] + + On May 23, 2016, Brady appealed for his case to be reheard by the full U.S. + 2nd Circuit Court.[329] The 2nd Circuit Court denied Brady s request for an + en banc hearing on July 13.[330] Two days later, on Friday, July 15, 2016, Brady + announced on his Facebook page that he would give up his Deflategate fight and + accept his suspension for the first four regular season games of the 2016 season. + Prior to Brady s suspension, he had not missed a single regular season or postseason + game since the start of the 2009 season. + + After serving his four-game suspension, Brady made his 2016 season debut on + October 9 on the road against the Cleveland Browns; he completed 28-of-40 passes + for 406 yards and three touchdowns in a 33–13 victory to earn AFC Offensive + Player of the Week.[331][332] In his home debut the following week, Brady completed + 29-of-35 passes for 376 yards and three touchdowns in a 35–17 victory over the + Cincinnati Bengals.[333] In Week 7, Brady completed 19 of 26 passes for 222 + yards and two touchdowns as New England defeated the Pittsburgh Steelers 27–16.[334] + The next week, the Patriots defeated the Buffalo Bills 41–25, with Brady completing + 22-of-33 passes for 315 yards and four touchdowns.[335] Brady s outstanding + numbers during his first four games following the suspension earned him the + AFC Offensive Player of the Month award for October.[336] + + Following a bye week, Brady and the Patriots faced the Seattle Seahawks in a + Week 10 rematch of Super Bowl XLIX. Brady completed 23-of-32 passes for 316 + yards, one interception, and no touchdowns in a 31–24 loss that saw the two + teams trade leads seven times.[337] In Week 11, Brady completed 24-of-40 passes + for 280 yards, four touchdowns, and no interceptions in a 30–17 road win against + his childhood team, the San Francisco 49ers. Brady s performance against San + Francisco earned him AFC Offensive Player of the Week honors for Week 11.[338] + Those four touchdown passes also gave him 444 career regular season touchdown + passes with one team, breaking Brett Favre s record. The following week, Brady + completed 30-of-50 passes for 286 yards and two touchdowns in a 22–17 road victory + against the New York Jets.[339] The win was also the Patriots 500th victory + (including playoffs) in franchise history. During this victory, Brady also became + the fifth quarterback to record 60,000 career regular season passing yards, + joining Peyton Manning, Brett Favre, Drew Brees, and Dan Marino. The following + week, Brady completed 33-of-46 passes for 269 yards and one touchdown as the + Patriots defeated the Los Angeles Rams by a score of 26–10.[340] The Patriots win + against the Rams gave Brady his 201st career victory, including playoff games, + breaking Peyton Manning s record of 200.[341] In Week 14, Brady completed 25 + of 38 passes for 406 yards, three touchdowns, and one interception during a + 30–23 victory against the Baltimore Ravens on Monday Night Football.[342] + + The next week, Brady completed 16-of-32 passes for 188 yards in a 16–3 victory + in Denver.[343] With this victory, the Patriots clinched an eighth consecutive + AFC East title and a seventh consecutive first-round bye in the playoffs, both + NFL records.[344] On December 20, 2016, Brady was named to the Pro Bowl for + the eighth straight season and 12th time overall.[345][346] In Week 16, Brady + threw for 17 of 27 passes for 214 yards, three touchdowns, and no interceptions + as he led the Patriots to a 41–3 win over the Jets.[347] In Week 17, Brady completed + 25-of-33 passes for 276 yards, three touchdowns, and no interceptions in a 35–14 + victory over the Miami Dolphins in the regular season finale that gave the Patriots + home field advantage throughout the AFC playoffs.[348] Brady s 276 yards against + Miami moved him ahead of former Miami quarterback Dan Marino into fourth place + on the NFL s all-time passing yards list. Brady s three touchdowns against Miami + also gave him 28 passing touchdowns against two interceptions for the regular + season. This broke the previous record of Nick Foles s 27:2 TD:INT ratio which + was set in 2013 with the Philadelphia Eagles.[349] Brady was named to the AP + All-Pro Second Team, behind Matt Ryan of the Atlanta Falcons, who was named + to the AP All-Pro First Team.[350] Brady was also ranked first on the NFL Top + 100 Players of 2017 as the best player in the league, becoming the first player + to be named as #1 twice since the listing started.[351] + + Brady hoisting the Vince Lombardi Trophy for the fifth time in his career after + winning Super Bowl LI + + Brady and the Patriots began their postseason run in the Divisional Round, hosting + the Houston Texans, who had the league s No. 1 total defense. Brady completed + 18-of-38 passes for 287 yards, two touchdowns, and two interceptions as the + Patriots won 34–16, clinching a record sixth consecutive trip to the AFC Championship + Game.[352] The Patriots then defeated the Pittsburgh Steelers, 36–17. Against + the Steelers, Brady completed 32 of 42 passes for 384 yards, three touchdowns, + and no interceptions. The win gave Brady and Patriots head coach Bill Belichick + their record seventh conference title as a quarterback–head coach tandem, and + the Patriots an NFL record ninth Super Bowl appearance.[353] + + Brady and the Patriots faced the NFC champion Atlanta Falcons—who boasted the + league s highest scoring offense—in Super Bowl LI at NRG Stadium in Houston, + Texas on Sunday, February 5, 2017. Brady threw for 43 completions on 62 attempts + for 466 passing yards—all Super Bowl records at the time. Brady also threw for + two touchdowns and an interception. After trailing 28–3 midway through the third + quarter, Brady and the Patriots scored 25 unanswered points to tie the game + at the end of regulation. This resulted in the first overtime in Super Bowl + history. After winning the overtime coin toss, Brady led the Patriots down the + field to score a touchdown and win the game by a score of 34–28,[354] completing + the largest comeback win in both team history and Super Bowl history. With the + victory, Brady won his fifth Super Bowl, which set a record for most Super Bowl + victories of any quarterback in history and tied defensive player Charles Haley + for the most Super Bowl victories for any player. In addition, Brady set another + record by winning his fourth Super Bowl MVP award for his clutch performance.[355] + + After the game, it was discovered that Brady s jersey had gone missing from + the Patriots locker room at NRG Stadium.[356] The FBI, in collaboration with + Mexican authorities, recovered the jersey from the home of Martin Mauricio Ortega, + a Mexican tabloid writer, along with Brady s jersey from Super Bowl XLIX.[357] + + On May 12, 2017, Brady was announced as the cover athlete for Madden NFL 18.[358] + + In a CBS interview on May 17, 2017, Charlie Rose asked Brady s wife, Gisele + Bündchen, if she wanted Brady to retire, despite the fact that he was playing + at a high level. Bündchen mentioned that Brady suffered from a concussion in + the 2016 season, saying, I mean he has concussions pretty much every—I mean + we don t talk about—but he does have concussions. I don t really think it s + a healthy thing for anybody to go through.”[359][360] + + Following the Bündchen interview, the NFL released a statement: We have reviewed + all reports relating to Tom Brady from the unaffiliated neurotrauma consultants + and certified athletic trainer spotters who worked at Patriots’ home and away + 2016 season games as well as club injury reports that were sent to the league + office. There are no records that indicate that Mr. Brady suffered a head injury + or concussion, or exhibited or complained of concussion symptoms. Today we have + been in contact with the NFLPA and will work together to gather more information + from the club s medical staff and Mr. Brady .[361][362] Brady s agent, Don Yee, + said that Brady was not diagnosed with a concussion during the 2016 season.[363] + + The Patriots opened up their 2017 season in the NFL Kickoff Game on September + 7 at home against the Kansas City Chiefs. Brady had 267 passing yards in the + game, which the Patriots lost 42–27.[364] In Week 2, Brady threw three touchdown + passes in the first quarter of a game for the first time in his career in a + 36–20 win over the New Orleans Saints.[365] He finished the game with 447 passing + yards and three touchdowns, earning him his 28th AFC Offensive Player of the + Week award.[366] This broke the record previously held by Peyton Manning for + the most AFC Offensive Player of the Week awards in a career.[367] In Week 3, + Brady threw for 378 passing yards and five touchdowns as he led the Patriots + to a 36–33 comeback win against the Houston Texans, a performance that earned + him AFC Offensive Player of the Week honors for the second straight week, and + the 29th for his career.[368] In Week 4, Brady played well again, throwing for + 307 yards, two touchdowns, and no interceptions, but the Carolina Panthers upset + the Patriots 33–30 on a last second field goal from Graham Gano as time expired. + In the Patriots next game, a narrow 19–14 win against the Tampa Bay Buccaneers + on Thursday Night Football, Brady completed 30 out of 40 passes for 303 yards, + one touchdown, and one interception. With this victory, Brady became the third + quarterback in NFL history to record 186 career regular season victories, tying + Peyton Manning and Brett Favre for the most such wins of any quarterback in + NFL history.[369] On October 10, it was unveiled that Brady was diagnosed with + an AC joint sprain in his left (non-throwing) shoulder.[370][371] During Week + 6 against the New York Jets, Brady threw for 257 passing yards, two touchdowns, + and an interception as the Patriots won 24–17. Brady obtained his 187th career + win, setting the record for most regular season wins in NFL history.[372] The + next week, the Patriots hosted the Atlanta Falcons in a rematch of Super Bowl + LI on Sunday Night Football. Brady was efficient, completing 21 of 29 passes + for 249 yards and two touchdowns as the Patriots defeated the Falcons, 23–7.[373] + The following week, Brady completed 32-of-47 passes for 333 yards and one touchdown + in a 21–13 win against the Los Angeles Chargers. With the win against the Chargers, + the Patriots headed into their bye week with an AFC best 6–2 record.[374] + + Coming off their bye week, Brady and the Patriots traveled to Denver for a Sunday + Night Football match against the Denver Broncos. The Patriots dominated the + game, winning 41–16, with Brady completing 25 of 34 passes for 266 yards and + three touchdowns. For his performance against Denver, Brady was named the AFC + Offensive Player of the Week for the third time in the season.[375] After spending + the next week training at the United States Air Force Academy in Colorado Springs, + Colorado, Brady and the Patriots traveled to Mexico City for a special regular + season match with the Oakland Raiders. Like the previous week, the Patriots + won big, this time by a final score of 33–8. Brady completed 30 of 37 passes + for 339 yards and three touchdowns in the win. During Week 12 against the Miami + Dolphins, Brady finished with 227 passing yards, 4 touchdowns, and an interception + as the Patriots won 35–17. Brady became the first quarterback at age 40 to throw + for 4 touchdowns in a game. Brady was named AFC Offensive Player of the Month + for November.[376] During Week 13 against the Buffalo Bills, Brady finished + with 258 passing yards and an interception as the Patriots won 23–3. During + the game, Brady yelled at offensive coordinator Josh McDaniels after failing + to execute a play properly in the first quarter. Brady claimed that this wasn + t his first incident with McDaniels, with whom he had worked together for 13 + years, with a fruitful relationship.[377][378] The following week, the Patriots + traveled to Miami to face the Dolphins on Monday Night Football. The Dolphins + held off a late comeback attempt to defeat the Patriots 27–20, with Brady completing + 24 of 43 passes for 233 yards, a touchdown, and two interceptions.[379] In Week + 15, Brady completed 22 of 35 passes for 298 yards, a touchdown, and an interception + as he led the Patriots to a 27–24 comeback victory against the Pittsburgh Steelers.[380] + With this victory, the Patriots secured their ninth straight AFC East division + title. On December 19, Brady was selected to the Pro Bowl for the 13th time + in his career.[381][382] On Christmas Eve against the Buffalo Bills, Brady completed + 21 of 28 passes for 224 yards, two touchdowns, and an interception as the Patriots + won their twelfth game of the season, 37–16.[383] With this win, combined with + a loss by the Jacksonville Jaguars later in the day, the Patriots clinched a + first-round bye for the eighth straight year.[384] In the regular season finale + against the New York Jets on New Year s Eve, Brady completed 18 of 37 passes + for 190 yards, two touchdowns, and no interceptions in a 26–6 victory. With + the win, the Patriots clinched home-field advantage throughout the AFC playoffs.[385] + Brady finished the 2017 regular season as the NFL s passing yards leader with + 4,577 passing yards, making him the oldest player ever to lead the league in + passing yards.[386] He was named a first-team All-Pro by the Associated Press + for the third time in his career.[387] Earning 40 of 50 votes, Brady was named + the NFL Most Valuable Player for the third time in his career.[388] + + Brady playing in Super Bowl LII + + Brady and the Patriots began their postseason run by hosting the Tennessee Titans + in the Divisional Round of the playoffs. Brady completed 35 passes out of 53 + attempts for 337 yards, 3 touchdowns, and no interceptions in a 35–14 Patriots + victory.[389] With the win, the Patriots advanced to the AFC Championship Game + for the seventh straight year. Days after the divisional round, it was revealed + that Brady had a minor cut on his right hand, which required stitches.[390] + Despite this injury, Brady managed to start the AFC Championship Game, where + the Patriots faced off against the Jacksonville Jaguars. Brady led a fourth + quarter comeback to lead the Patriots to a 24–20 victory. He finished the game + with 26 completions out of 38 attempts for 290 passing yards, two passing touchdowns, + and no interceptions.[391] The win gave Brady and Patriots head coach Bill Belichick + their eighth conference title as a quarterback–head coach tandem, and the Patriots + a berth in Super Bowl LII, their tenth Super Bowl appearance as a team, both + of which extended NFL records. In Super Bowl LII at U.S. Bank Stadium in Minneapolis, + Minnesota, the Patriots faced off against the Philadelphia Eagles and their + second-string quarterback Nick Foles. Brady completed 28 passes on 48 attempts + for 3 touchdowns, no interceptions, and a Super Bowl record 505 yards – which + also set a new record for the most passing yards by a quarterback in any postseason + game in NFL history. With roughly two minutes remaining in the game and the + Eagles leading 38–33, Brady was strip-sacked by Brandon Graham. The Eagles recovered + the fumble and cemented their 41–33 win with a field goal, securing their first + franchise Super Bowl victory.[392] This was the third time overall that Brady + had lost in a Super Bowl, becoming the fourth starting quarterback in Super + Bowl history to lose at least three Super Bowls (Jim Kelly, Fran Tarkenton, + and John Elway).[393] In addition, this was the first time he had lost a Super + Bowl to a team and a quarterback other than the New York Giants and Eli Manning, + respectively.[394] + + Brady started his 19th professional season with 277 passing yards, three touchdowns, + and one interception in a 27–20 victory over the Houston Texans in the season + opener.[395][396] After losses to the Jacksonville Jaguars and Detroit Lions + over the next two games, Brady had 274 passing yards, three touchdowns, and + two interceptions in a 38–7 victory over the Miami Dolphins in Week 4.[397] + In the following game, a 38–24 victory over the Indianapolis Colts, he had 341 + passing yards, three touchdowns, and two interceptions to go with a rushing + touchdown. One of his touchdown passes went to Josh Gordon, who became the NFL-record + 71st different player to catch a touchdown from Brady.[398][399] In Week 6, + a 43–40 victory over the Kansas City Chiefs on Sunday Night Football, Brady + had 340 passing yards and a passing touchdown to go with a four-yard rushing + touchdown.[400] In Week 7, a 38–31 victory over the Chicago Bears, he had 277 + passing yards, three passing touchdowns, and one interception.[401] In Week + 12, against the New York Jets, Brady passed for 283 yards, with two touchdowns + and no interceptions and a 115.4 passer rating in a 27–13 victory.[402] In Week + 13, Brady reached 1,000 career rushing yards in a 24–10 victory over the Minnesota + Vikings, becoming the oldest player to reach that mark since 1970.[403] In Week + 15, Brady reached 70,000 passing yards, becoming only the fourth quarterback + in NFL history to accomplish the feat. He finished with 279 passing yards as + the Patriots lost 10–17 to the Pittsburgh Steelers.[404] During Week 16 against + the Buffalo Bills, Brady was limited to 126 passing yards, but the Patriots + combined for 273 rushing yards and won 24–12, clinching the AFC East pennant + for the 10th consecutive season and 16th time in 18 years.[405] In Week 17, + Brady completed 24 of 33 passes for 250 yards, and 4 touchdowns in a 38–3 win + against the Jets that allowed the Patriots to clinch the AFC s #2 seed and a + first-round bye in the AFC playoffs.[406][407] Brady finished the season completing + 375 of 570 passes (a 65.8% completion rate), 4,355 yards, 29 touchdowns and + 11 interceptions.[408] + + Following their first-round bye, the Patriots started their playoff run against + the Los Angeles Chargers in the Divisional Round. The Patriots jumped out to + a 35–7 halftime lead en route to a 41–28 win that saw Brady complete 34 of 44 + passes for 343 yards, a touchdown, and no interceptions.[409] With the win, + the Patriots advanced to the AFC Championship Game for the eighth consecutive + year, this time to face the Chiefs at Arrowhead Stadium.[410] + + In the AFC Championship Game, the Patriots opened the game with a 80-yard, 15-play + opening drive capped with a 1-yard Sony Michel rushing touchdown. The Patriots + went into halftime with a 14–0 lead. However, the Chiefs battled back in the + second half and Harrison Butker hit a 39-yard field goal for the Chiefs with + just 8 seconds remaining in regulation to send the game into overtime with a + score of 31–31. The Patriots won the coin toss to start overtime and elected + to receive the ball. Brady led the Patriots on a 75-yard drive that resulted + in a game-winning 2-yard rushing touchdown by Rex Burkhead. With the victory, + Brady earned a Super Bowl appearance for the third straight season and the ninth + time overall in his career. Brady finished the game completing 30 of 46 attempts, + with 348 yards passing, one passing touchdown, and two interceptions.[411] In + Super Bowl LIII at Mercedes-Benz Stadium in Atlanta, Georgia, Brady completed + 21 of 35 passes for 262 passing yards and an interception as the Patriots won + 13–3 over the Los Angeles Rams in the lowest-scoring Super Bowl in history. + With the victory, the Patriots became the second NFL team to win six Super Bowls, + tying the Pittsburgh Steelers for the most in NFL history. In addition, Brady + became the first player ever to win six Super Bowls as well as the oldest quarterback + at 41 years of age to win a Super Bowl.[412][413] + + Won the Super Bowl + + AP NFL MVP + + 1 0 1 3 33.3 6 2.0 6 0 0 42.4 0 0 0 0 0 0 0 0 0–0 + + 15 14 264 413 63.9 2,843 6.9 91 18 12 86.5 36 43 1.2 0 41 216 12 3 11–3 + + 16 16 373 601 62.1 3,764 6.3 49 28 14 85.7 42 110 2.6 1 31 190 11 5 9–7 + + 16 16 288 474 60.8 3,692 7.8 50 28 14 92.6 43 28 0.7 0 26 162 7 5 14–2 + + 16 16 319 516 61.8 3,529 6.8 62 24 12 87.9 49 102 2.1 0 26 175 12 4 12–4 + + 16 16 398 578 68.9 4,806 8.3 69 50 8 117.2 37 98 2.6 2 21 128 6 4 16–0 + + 1 1 7 11 63.6 76 6.9 26 0 0 83.9 0 0 0 0 0 0 0 0 1–0 + + 16 16 371 565 65.7 4,398 7.8 81 28 13 96.2 29 44 1.5 1 16 86 4 2 10–6 + + 16 16 401 611 65.6 5,235 8.6 99 39 12 105.6 43 109 2.5 3 32 173 6 2 13–3 + + 16 16 401 637 63.0 4,827 7.6 83 34 8 98.7 23 32 1.4 4 27 182 2 0 12–4 + + 12 12 291 432 67.4 3,554 8.2 79 28 2 112.2 28 64 2.3 0 15 87 5 0 11–1 + + Total‡ + + ‡ Career totals accurate as of the end of the 2018 regular season.[414] + + Passing[415] + + 3 3 60 97 61.9 572 5.9 29 1 1 77.3 8 22 2.8 1 5 36 1 0 3–0 + + 3 3 75 126 59.5 792 6.3 52 5 2 84.5 12 18 1.5 0 0 0 0 0 3–0 + + 3 3 55 81 67.9 587 7.2 60 5 0 109.4 7 3 0.4 1 0 0 1 1 3–0 + + 2 2 35 63 55.6 542 8.6 73 4 2 92.2 3 8 2.7 0 4 12 2 0 1–1 + + 3 3 70 119 58.8 724 6.1 49 5 4 76.5 8 18 2.2 0 4 22 2 0 2–1 + + 3 3 77 109 70.6 737 6.8 53 6 3 96.0 4 −1 −0.2 0 8 52 1 1 2–1 + + 1 1 23 42 54.8 154 3.7 24 2 3 49.1 0 0 0 0 3 22 1 1 0–1 + + 3 3 75 111 67.6 878 7.9 61 8 4 100.4 9 10 1.1 1 3 15 0 0 2–1 + + 2 2 54 94 57.4 664 7.1 49 4 2 84.7 3 4 1.3 0 1 9 0 0 1–1 + + 3 3 93 135 68.9 921 6.8 46 10 4 100.3 9 13 1.4 1 3 16 0 0 3–0 + + 3 3 93 142 65.5 1,137 8.0 48 7 3 97.7 9 13 1.4 0 9 42 0 0 3–0 + + 3 3 89 139 64.0 1,132 8.1 50 8 0 108.6 7 8 1.1 0 4 19 1 1 2–1 + + 3 3 85 125 68.0 953 7.6 35 2 3 85.8 5 −4 −0.8 0 1 9 1 0 3–0 + + 16 27 59.3 145 5.4 1 0 86.2 1 3 3.0 0 W 20–17 1–0 + + 32 48 66.7 354 7.4 3 1 100.5 2 12 6.0 0 W 32–29 1–0 + + 23 33 69.7 236 7.2 2 0 110.2 1 −1 −1.0 0 W 24–21 1–0 + + 29 48 60.4 266 5.5 1 0 82.5 0 0 0 0 L 17–14 0–1 + + 43 62 69.4 466 7.5 2 1 95.2 1 15 15.0 0 W 34–28 (OT) 1–0 + + 28 48 58.3 505 10.5 3 0 115.4 1 6 6.0 0 L 41–33 0–1 + + 21 35 60.0 262 7.5 0 1 71.3 2 −2 −1.0 0 W 13–3 1–0 + + Regular season (career) + + Most games won by a quarterback: 207[417] + + Best touchdown to interception ratio in a season: 28:2[418] + + Most wins on the road by a quarterback: 92[419] + + Most wins at home by a quarterback: 115 [420] + + Only quarterback to have three consecutive games with 300+ passing yards, 3+ + Touchdown-passes and 0 interceptions[421] + + Oldest QB to lead the league in passing yards: 40 [422] + + Most yards in a single season for a quarterback aged 40 and older (age 40): + 4,577[422] + + Most touchdown passes with one team: 517[423] + + Oldest player to win NFL MVP: 40 [424] + + Most career passing yards with one team: 70,514[424] + + Most games played: 40[425][426] + + Most games started: 40[427] + + Most games won by a starting quarterback: 30[427] + + Most consecutive wins by a starting quarterback: 10 (2001, 2003–2005) + + Most consecutive wins to start a career by a starting quarterback: 10 (2001, + 2003–2005) + + Most career home wins by a starting quarterback: 20 (2001–2019) + + Most consecutive home wins by a starting quarterback: 9 (2013–2019) + + Most touchdown passes: 73[428] + + Most passing yards: 11,179[429] + + Most passing yards in a single playoff game: 505 (Super Bowl LII)[18] + + Most passes completed: 1,005[430] + + Most passes attempted: 1,589[430] + + Most passes intercepted: 34[431] + + Most division titles won by a starting quarterback: 16[427] + + Most NFL conference championship appearances by a starting quarterback: 13[432] + + Most NFL conference championship wins by a starting quarterback: 9[433] + + Oldest Quarterback to win an AFC title game: 41 years, 5 months, 17 days + + Most career 300+ passing yard games: 16[430] + + Most game-winning drives: 13[100] + + Most multi-TD passes: 23[433] + + Super Bowl (career) + + Most passing yards: 2,838[18] + + Most passes completed: 256[18] + + Most passes attempted: 392[18] + + Most wins as starting QB: 6[100] + + Most passes completed in first half of a single Super Bowl: 20 (XLIX)[435] + + Most passes completed in a single Super Bowl: 43 (LI)[100] + + Most passes attempted in a single Super Bowl: 62 (LI)[100] + + Most passing yards in a single Super Bowl: 505 (LII)[18] + + Most Super Bowl appearances: 9[436] + + Most passing attempts without an interception in a single Super Bowl: 48 (XLII + & LII)[437] + + Oldest QB to start a Super Bowl: 41 yrs 6 months 0 days + + Oldest QB to win a Super Bowl: 41 yrs 6 months 0 days + + Oldest player to win Super Bowl MVP: 39 yrs 6 months 2 days + + Most consecutive completions in a single Super Bowl: 16 (XLVI)[437] + + Most game-winning drives: 6[438] + + Most wins as a player: 6. + + Brady has been featured as a guest star on some popular television programs, + hosting Saturday Night Live in 2005[439] and voicing himself in the 2005 The + Simpsons episode Homer and Ned s Hail Mary Pass and the 2006 Family Guy episode + ( Patriot Games ; both football-themed episodes were broadcast within a week + of that year s Super Bowl.[440][441] In 2009, he appeared as himself in a sixth + season episode of Entourage.[442] In 2015, he had cameo appearances as fictionalized + versions of himself in the Entourage movie[443] and Ted 2.[444] + + In 2007, Brady was a model for the Stetson cologne.[445] Brady has endorsed + brands including Uggs, Under Armour, Movado, Aston Martin and Glaceau Smartwater. + According to Forbes, he earned about $7 million from endorsements alone in 2014.[446][447][448] + In 2016, he began appearing in a Beautyrest Black commercial campaign for Simmons + Bedding Company.[449] In 2016, he launched his own line of vegan snacks.[450] + + On January 20, 2016, Brady announced the launch of his peak performance website + TB12Sports.com. The site features information on Brady s training regimen and + includes a store to purchase TB12 equipment and merchandise.[451] Later in the + year, on August 23, 2016, the TB12 brand then expanded to offer a snack line. + The snacks contain raw, vegan, and organic ingredients that are also free of + gluten and dairy.[452] The following month, Brady, alongside Boston Private + and Robert Paul Properties, announced the formation of the TB12 Foundation. + The purpose of the nonprofit foundation is to provide free post-injury rehabilitation + care and training to underprivileged, young athletes.[453] In March 2017, Brady + moved beyond his snack line and partnered with meal-kit startup Purple Carrot + to offer his own line of TB12 Performance Meals. The meals utilize whole foods + and focus on providing nutrients for workout recovery.[454][455] On September + 19, 2017, Simon & Schuster published Brady s first book, The TB12 Method: How + to Achieve a Lifetime of Sustained Peak Performance. Within 48 hours, it had + become a number one best-seller on Amazon.com.[456] The book also reached #1 + on the The New York Times weekly Best Sellers list, to be featured in the edition + of October 8, 2017.[457] + + Filmmaker Gotham Chopra filmed Brady during the 2017 offseason and regular season + for a Facebook Watch documentary series entitled Tom vs Time. According to The + New York Times, the documentary follows Brady as he conducts his ongoing subversion + campaign against the actuarial tables of quarterback longevity. [458] + + Brady riding a bicycle for charity at the Best Buddies Ride in Hyannis, Massachusetts, + in May 2009 + + Brady dated actress Bridget Moynahan from 2004 until late 2006.[459] On February + 18, 2007, Moynahan confirmed to People magazine that she was more than three + months pregnant with Brady s child.[459][460] Brady and Moynahan ended their + relationship sometime in early December 2006, around the time Moynahan became + pregnant.[461] John Edward Thomas Moynahan[462] was born in August 2007, at + Saint John s Health Center in Santa Monica, California.[463] + + Brady began dating Brazilian supermodel Gisele Bündchen in December 2006.[464] + In 2009, Brady said they had been set up on a blind date by a mutual friend.[465] + Brady and Bündchen married on February 26, 2009, in an intimate Catholic ceremony + in Santa Monica, California.[466] Together, they have two children: a son named + Benjamin Rein born in December 2009,[467] and a daughter named Vivian Lake born + in December 2012.[468] + + Brady and baseball player Kevin Youkilis became brothers-in-law in 2012, when + Youkilis married Brady s sister Julie.[469] + + Brady and his family live in Brookline, Massachusetts, and New York City.[470] + Brady s health regimen includes Transcendental Meditation, yoga, an 80/20 diet + (meaning 80% alkaline and 20% acidic), early bed time, resistance training and + neuroplasticity training.[471] + + Brady attended the 2004 State of the Union Address as a special guest of then-President + George W. Bush.[472] In 2004, he told ESPN The Magazine that being a U.S. Senator + would be his craziest ambition .[473][474] + + Brady is a friend of President Donald Trump;[475][476] in 2017, Brady indicated + he had known Trump for 16 years .[477] At a political event in New Hampshire + on the day before the 2016 presidential election, Trump said he had received + a call from Brady, and that Brady told him Donald, I support you, you re my + friend, and I voted for you. However, after Gisele Bündchen was asked directly + on Instagram whether she and Brady backed Trump, Bündchen answered NO! .[478] + After a Trump campaign Make America Great Again cap was photographed in Brady + s locker, Brady said that Bündchen told him not to discuss politics anymore, + which he thought was a good decision .[479] Brady did not join most of his + teammates from the New England Patriots in visiting Trump and the White House + in April 2017, citing personal family matters .[480] + + While there has been speculation that Brady would run for political office,[481] + in a 2015 interview he stated he had no interest in doing so.[482][483][484] + + In 2018, he endorsed Republican Helen Brady (no relation), who was running for + State Auditor of Massachusetts. Brady lost the election to Democrat Suzanne + Bump.[485][486][487] + + Brady and his family adhere to a controversial, strict diet, the TB12 Method + , that has attracted much media attention.[488][489] He advocates drinking 1/32 + of one s body weight in water daily.[490] He avoids consumption of most fruits, + mushrooms, tomatoes, peppers, eggplants, coffee, Gatorade, white sugar or flour, + gluten, dairy, soda, cereal, white rice, potatoes, and bread.[491][492] + + Other professional athletes including Kirk Cousins[493] and Mark Scheifele have + started to adopt his regimen.[494][495] + + Lists of Michigan Wolverines football passing leaders + + List of most wins by a National Football League starting quarterback + + List of Saturday Night Live guests + + ^ He did not start as a rookie, and missed nearly all of 2008 with a torn ACL.[14][15] + + ^ Reiss, Mike (January 1, 2017). Tom Brady sets NFL record for best TD to INT + ratio in a season . ESPN.com. Archived from the original on December 11, 2018. + Retrieved January 6, 2019. + + ^ In multiple seasons, from 1950 to 2018, requiring Pass Completion % >= 1, + sorted by most games matching criteria. (Note: Click on Games Won column to + sort.) . www.pro-football-reference.com. Pro Football Reference. Retrieved December + 3, 2018. + + ^ Brady, Welker get kick out of 99-yard touchdown . USATODAY.COM. Retrieved + 2019-02-12. + + ^ NFL (2017-08-03), Tom Brady s 40 Longest Touchdown Passes | NFL Highlights, + retrieved 2019-02-12 + + ^ Van Valkenburg, Kevin. Let all debate end: Tom Brady is the GOAT . ESPN.com. + Retrieved January 29, 2019. + + ^ Tom Brady greatest QB of all time? It s now safe to make that argument – + The Denver Post . Archived from the original on August 8, 2016. Retrieved June + 20, 2016. + + ^ Freeman, Mike. Brady Takes Throne as QB GOAT . Bleacher Report. Archived + from the original on July 7, 2016. Retrieved June 20, 2016. + + ^ Paine, Neil (February 6, 2015). Tom Brady s (Statistical) Place In The Pantheon + Of NFL QBs . FiveThirtyEight. Archived from the original on June 8, 2016. Retrieved + June 20, 2016. + + ^ Tom Brady, Joe Montana head top 10 quarterbacks in NFL history – National + Football League . Archived from the original on October 21, 2016. Retrieved + October 20, 2016. + + ^ Plaschke, Bill. Super Bowl 2019: Dazed and confused, Goff shows his age in + Atlanta . Los Angeles Times. Los Angeles Times. Retrieved February 4, 2019. + + ^ 25 of the greatest NFL Draft picks ever . CBS. CBS Interactive. Archived + from the original on February 22, 2017. Retrieved February 21, 2017. + + ^ Gaines, Cork. How the Patriots pulled off the biggest steal in NFL history + . Business Insider. Business Insider. Archived from the original on February + 22, 2017. Retrieved February 21, 2017. + + ^ Reineking, Jim. Top all-time NFL draft steals . NFL. NFL Enterprise LLC. + Archived from the original on February 22, 2017. Retrieved February 21, 2017. + + ^ Sources: Brady out with ACL tear . Yahoo Sports. Archived from the original + on October 15, 2015. Retrieved July 29, 2015. + + ^ Tom Brady . Pro-Football-Reference.com. Archived from the original on February + 6, 2018. Retrieved July 29, 2015. + + ^ Tom Brady named NFL s MVP for third time of career . NFL.com. Archived from + the original on July 26, 2018. Retrieved July 26, 2018. + + ^ Brady becomes first QB to 200 regular-season wins in NFL . Retrieved October + 15, 2018. + + ^ a b c d e f g 99-yard TDs . Pro Football Hall of Fame. Archived from the + original on March 28, 2018. Retrieved March 28, 2018. Cite error: Invalid + tag; name :1 defined multiple times with different content (see the help page). + + ^ Reiss, Mike (July 28, 2015). NFL s statement on upholding Tom Brady s suspension + at four games . ESPN.com. Archived from the original on December 27, 2016. Retrieved + December 26, 2016. + + ^ https://www.upi.com/amp/Super-Bowl-LIII-Patriots-beat-Rams-Brady-wins-record-6th-Lombardi-Trophy/5201549235499/ + + ^ Tom Brady bio at . TV Guide. Archived from the original on May 16, 2009. + Retrieved August 4, 2012. + + ^ Little brother big shot-thepostgame . Archived from the original on March + 2, 2010. Retrieved February 2, 2010. + + ^ a b Tom Brady s roots run deep into 19th-century Boston . The Boston Globe. + March 4, 2017. Archived from the original on March 6, 2017. Retrieved March + 6, 2017. + + ^ Gisele, Tom Brady Christen Baby Benjamin . Us Weekly. June 23, 2010. Archived + from the original on September 26, 2012. Retrieved September 12, 2010. + + ^ Collie, Ashley Jude (July 1, 2004). The Brady Brunch . American Way. Archived + from the original on January 20, 2010. Retrieved September 27, 2010. + + ^ Schorn, Daniel (December 23, 2007). Tom Brady: The Winner . CBS News. Archived + from the original on January 2, 2011. Retrieved January 11, 2011. + + ^ Tom Brady Family Tree . Makemyfamilytree.com. Archived from the original + on July 21, 2012. Retrieved August 4, 2012. + + ^ Tom Brady connection to Irish Famine ancestors from Boston discovered . IrishCentral. + March 6, 2017. Archived from the original on March 6, 2017. Retrieved March + 6, 2017. + + ^ Judge, Clark (February 7, 2005). Only 27, Brady seals his Hall of Fame credentials + . CBSSports.com. Archived from the original on February 10, 2005. Retrieved + December 26, 2007. + + ^ New England Patriots vs. Oakland Raiders – Recap – October 2, 2011 . ESPN. + October 2, 2011. Retrieved October 29, 2011. + + ^ Jim Ducibella (June 28, 2005), W&M s football facilities growing , Virginia + Pilot and Ledger-Star, p. 3, archived from the original on June 10, 2014, retrieved + January 12, 2014 + + ^ Profile Archived March 5, 2016, at the Wayback Machine, boston.com; accessed + November 12, 2014. + + ^ 2004 Athletic Hall of Fame Inductees . Junípero Serra High School. Archived + from the original on September 27, 2007. Retrieved December 26, 2007. + + ^ a b Story of boy named Tom Brady . NY Daily News. Archived from the original + on December 8, 2015. Retrieved December 8, 2015. + + ^ JockBio: Tom Brady Biography . www.jockbio.com. Archived from the original + on December 11, 2015. Retrieved December 4, 2015. + + ^ Lessons from Tom Brady s Recruiting in College . NCSA Athletic Recruiting + Blog. Archived from the original on December 8, 2015. Retrieved December 8, + 2015. + + ^ 1995 tops 1998 as Michigan s best recruiting class . www.maizeandbluenews.com. + Archived from the original on December 8, 2015. Retrieved December 4, 2015. + + ^ a b c d Tom Brady . New England Patriots. Archived from the original on March + 14, 2015. Retrieved December 8, 2015. + + ^ a b c The College Recruitment of Tom Brady . Bleacher Report. Archived from + the original on November 14, 2015. Retrieved December 4, 2015. + + ^ Things fell apart when Cal lost Brady . East Bay Times. February 2, 2008. + Archived from the original on October 25, 2017. Retrieved October 24, 2017. + + ^ Tom Brady apparently silently committed to Cal before he visited Michigan + . USA Today High School Sports. March 1, 2017. Archived from the original on + October 25, 2017. Retrieved October 24, 2017. + + ^ Tom Brady: The Story of a Baseball Failure . Major League Baseball. Archived + from the original on December 8, 2015. Retrieved December 4, 2015. + + ^ Tom Brady – Official New England Patriots biography . New England Patriots. + Archived from the original on March 5, 2005. Retrieved January 11, 2010. + + ^ Montreal Expos tried desperately to get Tom Brady to pick baseball over football + . Patriots Wire. July 11, 2017. Archived from the original on July 15, 2017. + Retrieved July 11, 2017. + + ^ The College Recruitment of Tom Brady . Bleacher Report. Archived from the + original on November 14, 2015. Retrieved December 8, 2015. + + ^ Tom Brady Biography . Biography. Bio. Archived from the original on December + 8, 2015. Retrieved December 7, 2015. + + ^ Knoblauch, Max (September 18, 2014). Tom Brady s Old Internships Look Really + Cute on His Résumé . Mashable. Archived from the original on September 22, 2014. + Retrieved September 25, 2014. + + ^ Kinney, Aaron (February 24, 2012). Serra to name football stadium after Brady + . San Jose Mercury News. Archived from the original on February 3, 2015. Retrieved + February 3, 2015. + + ^ Bradford, Rob (January 19, 2009). The Tom Brady Interview (in Toronto) . + WEEI Sportsradio Network. Archived from the original on March 1, 2009. Retrieved + May 18, 2010. + + ^ a b Rosenberg, Michael (January 9, 2012). Tom Brady As You Forgot Him . Sports + Illustrated. Archived from the original on February 23, 2016. Retrieved August + 22, 2015. + + ^ 1997 Michigan Wolverines Schedule and Results . College Football at Sports-Reference.com. + Archived from the original on February 24, 2018. Retrieved March 17, 2018. + + ^ Jenkins, Lee (January 31, 2008). Self-made man . Sports Illustrated. Archived + from the original on January 11, 2010. Retrieved January 11, 2010. + + ^ Pedulla, Tom (October 31, 2006). Decorated Patriots QB feels he still has + something to prove . USA Today. Archived from the original on January 26, 2008. + Retrieved December 27, 2007. + + ^ Tom Brady s Guru Archived September 9, 2018, at the Wayback Machine, by + Eric Adelson, January 11, 2011. + + ^ 60 Minutes Sports (Interview). YouTube. Archived from the original on January + 16, 2016. Retrieved January 6, 2019. + + ^ MGoBlue Statistics Archive . University of Michigan. Archived from the original + on September 7, 2004. Retrieved December 27, 2007. + + ^ Notes and Quotes from The Game . Ohio State Buckeyes Athletics. Archived + from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Capital One Bowl: Capital One Bowl football game resource for college football + fans . September 5, 2008. Archived from the original on February 8, 2007. Retrieved + September 5, 2008. + + ^ U-M Win Streak Comes to End at Michigan State, 34–31 – University of Michigan + . University of Michigan Athletics. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Schutte, Dustin. Throwback Thursday: Tom Brady s NFL Success Began at Michigan + . Usports. Archived from the original on September 10, 2018. Retrieved January + 6, 2019. + + ^ OSU-Michigan 1999: Buckeyes left out of bowl season after 24–17 loss to Wolverines + . Cleveland.com. Archived from the original on December 28, 2017. Retrieved + December 28, 2017. + + ^ Michigan Claims 35–34 Overtime Victory over Alabama – University of Michigan + . University of Michigan Athletics. Archived from the original on December 26, + 2017. Retrieved December 25, 2017. + + ^ 1999 Michigan Wolverines Schedule and Results . College Football at Sports-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ Tom Brady College & Pro Football Statistics - Totalfootballstats.com . www.totalfootballstats.com. + Archived from the original on November 6, 2015. Retrieved December 8, 2015. + + ^ Tom Brady . sports-reference.com. Sports Reference LLC. Archived from the + original on September 11, 2016. Retrieved September 2, 2016. + + ^ Historical NFL Wonderlic Scores . wonderlictestsample.com. Archived from + the original on September 2, 2016. Retrieved September 2, 2016. + + ^ Tom Brady . nfldraftscout.com. Archived from the original on August 29, 2016. + Retrieved August 29, 2016. + + ^ Yang, Nicole (March 3, 2017). Tom Brady digs up old T-shirt and harsh scouting + reports from NFL combine . Boston Globe. Archived from the original on September + 2, 2018. Retrieved January 6, 2019. + + ^ Iyer, Vinnie (March 19, 2015). Draft throwback: Read how Tom Brady nailed + his own scouting report . Sporting News. Archived from the original on April + 21, 2018. Retrieved January 6, 2019. + + ^ Tom Brady vs. the Browns: A contrast in winning ways . Archived from the + original on November 16, 2018. Retrieved January 6, 2019. + + ^ Wilner, Barry (January 13, 2013). Patriots beat Texans 41–28, Ravens up next + . Yahoo! Sports. Archived from the original on January 16, 2013. Retrieved January + 13, 2013. + + ^ Greenberg, Alan (September 27, 2001). In Brady They Trust: Belichick Has + Faith In Backup-turned-starter . Hartford Courant. Archived from the original + on December 1, 2017. Retrieved January 6, 2019. + + ^ Cafardo, Nick (January 7, 2002). Patriots clinch AFC East with blowout in + Carolina . Boston Globe. Archived from the original on December 1, 2017. Retrieved + January 6, 2019. + + ^ Lynch, Andrew (January 26, 2017). The 10 biggest gambling upsets in Super + Bowl history, ranked . Fox Sports. Archived from the original on December 1, + 2017. Retrieved January 6, 2019. + + ^ Cimini, Rich. Super Bowl XXXVI: Vinatieri and Pats beat Rams in Star-Spangled + Stunner . New York Daily News. Archived from the original on December 1, 2017. + Retrieved January 6, 2019. + + ^ Longest winning streaks in sports . USA Today. Archived from the original + on December 1, 2017. Retrieved January 6, 2019. + + ^ NFL: Brady and Patriots stride past outmatched Jets . The New York Times. + December 27, 2005. Archived from the original on December 1, 2017. Retrieved + January 6, 2019. + + ^ Associated Press (January 7, 2006). McGinest, Patriots sack Jaguars 28–3 + . NFL.com. Archived from the original on December 1, 2017. Retrieved January + 6, 2019. + + ^ Associated Press (December 29, 2007). Patriots break scoring record, Brady + and Moss set season marks . NFL. Archived from the original on December 9, 2017. + Retrieved November 27, 2017. + + ^ Shaughnessy, Dan (December 30, 2007). Just perfect: Patriots make history, + beat Giants for 16–0 season . Boston Globe. Archived from the original on December + 1, 2017. Retrieved January 6, 2019. + + ^ Bayne, Bijan (December 24, 2007). 2007 Patriots vs. 1972 Dolphins: Who Would + Win Batttle of the Undefeateds? . Bleacher Report. Archived from the original + on September 9, 2018. Retrieved January 6, 2019. + + ^ Statistics Bowl – How The 2007 Patriots And The 1972 Dolphins Compare Scientifically + . Science 2.0. December 30, 2008. Archived from the original on September 9, + 2018. Retrieved January 6, 2019. + + ^ Associated Press (January 5, 2008). Brady takes 49 of 50 votes in MVP voting + . ESPN. Archived from the original on September 9, 2018. Retrieved January 6, + 2019. + + ^ AP athletes of the year: Brady makes being a superstar look almost routine + . Deseret News. December 22, 2007. Archived from the original on September 9, + 2018. Retrieved January 6, 2019. + + ^ Battista, Judy (February 4, 2008). Giants Stun Patriots in Super Bowl XLII + . The New York Times. + + ^ Springer, Shira (September 11, 2008). Brady has both ACL and MCL tears . + Boston Globe. Archived from the original on December 19, 2017. Retrieved January + 6, 2019. + + ^ Associated Press. Tom Brady Wins AP Comeback Player Award . CBS News. Archived + from the original on September 25, 2018. Retrieved January 6, 2019. + + ^ Forsberg, Chris (September 12, 2011). Brady s INT streak ends at 358 attempts + . ESPN. Archived from the original on December 1, 2017. Retrieved January 6, + 2019. + + ^ Zimmer, John; Marini, Matt, eds. (2013). Official 2013 National Football League + Record & Fact Book (PDF). New York: National Football League. ISBN 978-1-603-20980-9. + Retrieved February 3, 2015. + + ^ NFL.com Wire Reports (February 6, 2011). Patriots Brady wins second MVP + award by unanimous decision . Archived from the original on December 1, 2017. + Retrieved January 6, 2019. + + ^ FanSided Staff (November 24, 2015). Best moments in NFL history: Lawrence + Taylor wins 1986 NFL MVP . FanSided. Archived from the original on December + 1, 2017. Retrieved January 6, 2019. + + ^ AP NFL Most Valuable Player Winners . Pro Football Reference. Archived from + the original on June 10, 2016. Retrieved January 6, 2019. + + ^ Super Bowl Most Valuable Player Winners . Pro Football Reference. Archived + from the original on August 3, 2017. Retrieved January 6, 2019. + + ^ 2011 NFL Top 100 . Pro Football Reference. Archived from the original on + January 2, 2019. Retrieved January 6, 2019. + + ^ Hutchins, Andy (February 6, 2012). Super Bowl 46: Bill Belichick s Coaching + Errors Leave Patriots On Losing End . SB Nation. Archived from the original + on September 9, 2018. Retrieved January 6, 2019. + + ^ Brady s big night ends with plenty of new entries in SB record book . Fox + Sports. February 2, 2015. Archived from the original on September 9, 2018. Retrieved + January 6, 2019. + + ^ SI Wire (February 1, 2015). Patriots QB Tom Brady named Super Bowl XLIX MVP + . Sports Illustrated. Archived from the original on September 9, 2018. Retrieved + January 6, 2019. + + ^ 2016-Reg-Week-4 . Patriots.com. October 2, 2016. Archived from the original + on May 4, 2017. Retrieved January 6, 2019. + + ^ King, Peter (February 6, 2017). Super Bowl 51: Patriots Take the Fifth in + Epic Comeback . Sports Illustrated. Archived from the original on December 30, + 2018. Retrieved January 6, 2019. + + ^ a b c d e DaSilva, Cameron (February 5, 2017). Every record Tom Brady broke + in his fifth Super Bowl win . Fox Sports. Archived from the original on October + 5, 2018. Retrieved January 6, 2019. + + ^ Martin, Jill. New England Patriots win Super Bowl LIII for 6th title . CNN. + + ^ 2005 NFL Leaders and Leaderboards . Pro Football Reference. Archived from + the original on August 14, 2018. Retrieved January 6, 2019. + + ^ NFL Career Passing Rating Leaders Archived November 18, 2018, at the Wayback + Machine Pro-Football-Reference.com + + ^ Hochman, Benjamin (February 2, 2015). Tom Brady greatest QB of all time? + It s now safe to make that argument . Denver Post. Archived from the original + on March 4, 2016. Retrieved January 6, 2019. Tom Brady Cements His Legacy as + Greatest Quarterback of All Time . Bleacher Report. February 2, 2015. Archived + from the original on August 4, 2018. Retrieved January 6, 2019. + + ^ NFL Rules Named After Players Archived October 28, 2018, at the Wayback Machine + . Sports Illustrated, August 19, 2014. Accessed September 13, 2018. + + ^ Sean Cunningham. How NFL Rules Changes Created a Golden Era of Quarterback + Stats Archived December 21, 2018, at the Wayback Machine . RealClearLife, November + 30, 2017. Accessed September 13, 2018. + + ^ Full 2000 NFL Draft . National Football League. Archived from the original + on September 6, 2011. Retrieved August 14, 2012. + + ^ Graham, Tim (April 10, 2011). Tom Brady cries when recalling 2000 draft . + ESPN. Archived from the original on January 1, 2019. Retrieved January 6, 2019. + + ^ Holley, Michael (2004). Patriots Reign. HarperCollins. ISBN 0-06-075794-9. + + ^ Top 10 NFL draft steals . Msn.foxsports.com. Archived from the original on + August 7, 2011. Retrieved October 29, 2011. + + ^ NFL s top 10 draft steals in league history . National Football League. April + 18, 2010. Archived from the original on April 19, 2008. Retrieved October 29, + 2011. + + ^ Football, National. news: Brady, Favre, Manning voted to list of top 10 draft + picks of all time . National Football League. Archived from the original on + September 13, 2011. Retrieved October 29, 2011. + + ^ Best NFL Draft Picks . Mynfldraft.com. Archived from the original on October + 28, 2011. Retrieved October 29, 2011. + + ^ https://boston.cbslocal.com/2012/01/20/brady-told-patriots-kraft-im-best-decision-this-organization-has-ever-made/ + + ^ Coach Hears Venom\Belichick Part of Problem? . Worcester Telegram and Gazette. + November 14, 2000. Retrieved August 15, 2012. + + ^ a b c d e f g h i j Tom Brady – #12 QB . National Football League. Archived + from the original on November 22, 2018. Retrieved January 6, 2019. + + ^ New England Patriots at Detroit Lions – November 23rd, 2000 . Pro Football + Reference. Retrieved July 2, 2017. + + ^ #TBT: When Tom Brady Made His Debut and No One Really Gave it Much Thought + . Archived from the original on August 16, 2017. Retrieved January 6, 2019. + + ^ Lowe, Mike (September 24, 2012). Pats fizzle when it counts . Portland Press + Herald. Retrieved August 14, 2012. + + ^ a b c d e f Tom Brady . National Football League. Archived from the original + on December 26, 2007. Retrieved December 26, 2007. + + ^ Indianapolis Colts at New England Patriots – September 30th, 2001 . Pro-Football-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ New England Patriots at Miami Dolphins – October 7th, 2001 . Pro-Football-Reference.com. + Archived from the original on March 17, 2018. Retrieved March 17, 2018. + + ^ 2001 NFL Week 5 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on August 1, 2017. Retrieved March 18, 2018. + + ^ Cafardo, Nick (October 15, 2001). Something special: Brady-led rally erases + mates earlier errors . The Boston Globe. Archived from the original on November + 5, 2012. Retrieved August 14, 2012. + + ^ Cafardo, Nick (October 1, 2012). Hold your horses: Patriots rout Colts as + defense shows season is not lost . Boston Globe. Archived from the original + on November 5, 2012. Retrieved August 14, 2012. + + ^ 2001 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on February 12, 2018. Retrieved March 17, 2018. + + ^ 2001 NFL Week 11 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on July 30, 2017. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots - December 22nd, 2001 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ NFL Pro Bowl 2002 – National Football League game summary (PDF). National + Football League. Archived (PDF) from the original on October 26, 2012. Retrieved + August 14, 2012. + + ^ Howe, Jeff. Patriots reflect on Snow Bowl during 10-year anniversary of + tuck rule game . NESN. Archived from the original on January 20, 2012. Retrieved + August 15, 2012. + + ^ Divisional Round - Oakland Raiders at New England Patriots - January 19th, + 2002 . Pro-Football-Reference.com. Retrieved 2019-02-17. + + ^ Bledsoe s return sparks Patriots past Steelers 24–17 . CNN. Associated Press. + Archived from the original on December 25, 2005. + + ^ AFC Championship – New England Patriots at Pittsburgh Steelers – January + 27th, 2002 . Pro-Football-Reference.com. Archived from the original on December + 28, 2017. Retrieved March 17, 2018. + + ^ Caesar, Dan (January 30, 2002). 14-Point spread isn t about respect . St. + Louis Post-Dispatch. Retrieved August 15, 2012. + + ^ Cotey, John (January 26, 2003). Madden sticks by his wrong call last year + . St. Petersburg Times. Archived from the original on November 6, 2012. Retrieved + August 15, 2012. + + ^ Camps, Mark (February 5, 2002). Brady beats two Joes as youngest Super QB + . San Francisco Chronicle. Archived from the original on August 12, 2017. Retrieved + August 11, 2017. + + ^ Silverstein, Tom; Christl, Cliff (February 4, 2002). Brady coolly fits the + bill . Milwaukee Journal Sentinel. Archived from the original on January 24, + 2013. + + ^ PRO FOOTBALL; Bledsoe Is Traded To the Bills . The New York Times. April + 22, 2002. ISSN 0362-4331. Archived from the original on December 26, 2017. Retrieved + December 25, 2017. + + ^ Pittsburgh Steelers at New England Patriots – September 9th, 2002 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ 2002 NFL Week 1 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on July 30, 2017. Retrieved March 18, 2018. + + ^ New England Patriots at Buffalo Bills – November 3rd, 2002 . Pro-Football-Reference.com. + Archived from the original on December 4, 2017. Retrieved March 18, 2018. + + ^ 2002 NFL Week 9 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on March 19, 2018. Retrieved March 18, 2018. + + ^ 2002 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on March 28, 2009. Retrieved August 14, 2012. + + ^ 2003 New England Patriots . Pro Football Reference. Archived from the original + on August 2, 2012. Retrieved August 14, 2012. + + ^ New England Patriots at Denver Broncos – November 3rd, 2003 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots - December 7th, 2003 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ 2003 NFL Week 17 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Wilner, Barry (January 2, 2004). Manning. McNair split MVP honors . USA Today. + Archived from the original on April 26, 2010. Retrieved August 14, 2012. + + ^ Divisional Round – Tennessee Titans at New England Patriots – January 10th, + 2004 . Pro-Football-Reference.com. Archived from the original on March 16, 2018. + Retrieved March 17, 2018. + + ^ AFC Championship – Indianapolis Colts at New England Patriots – January 18th, + 2004 . Pro-Football-Reference.com. Archived from the original on March 17, 2018. + Retrieved March 17, 2018. + + ^ Super Bowl XXXVIII – New England Patriots vs. Carolina Panthers – February + 1st, 2004 . Pro-Football-Reference.com. Archived from the original on December + 28, 2017. Retrieved March 17, 2018. + + ^ Super Bowl XXXVIII MVP: Tom Brady . National Football League. Archived from + the original on November 7, 2012. Retrieved August 14, 2012. + + ^ Longest Winning Streaks . Pro Football Hall of Fame. Archived from the original + on January 16, 2010. Retrieved January 3, 2010. + + ^ Bill Belichick – Head Coach . New England Patriots. Archived from the original + on September 25, 2011. Retrieved August 14, 2012. + + ^ 2004 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on March 30, 2018. Retrieved March 17, 2018. + + ^ a b 2004 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on August 5, 2012. Retrieved August 14, 2012. + + ^ Quarterback fought 103-degree fever, chills . Associated Press. Archived + from the original on October 4, 2015. Retrieved January 6, 2019. + + ^ Super Bowl XXXIX . National Football League. Archived from the original on + June 21, 2018. Retrieved August 14, 2012. + + ^ Davis, Scott. 12 teams have won multiple Super Bowls and the Rams are trying + to join the group . Business Insider. Retrieved February 4, 2019. + + ^ Dillon Returns From Injury To Push Patriots Past Jets . Lakeland Ledger. + December 5, 2005. Retrieved August 15, 2012. + + ^ Cafardo, Nick (November 2, 2005). Dillon s resolve solved a few offensive + problems . The Boston Globe. Archived from the original on December 3, 2013. + Retrieved August 15, 2012. + + ^ New England Patriots at Atlanta Falcons – October 9th, 2005 . Pro-Football-Reference.com. + Archived from the original on March 14, 2018. Retrieved March 18, 2018. + + ^ 2005 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Associated Press. Archived from the original on August 4, 2012. Retrieved August + 14, 2012. + + ^ 2005 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on September 25, 2018. Retrieved March 18, 2018. + + ^ Wild Card – Jacksonville Jaguars at New England Patriots – January 7th, 2006 + . Pro-Football-Reference.com. Archived from the original on December 28, 2017. + Retrieved December 28, 2017. + + ^ Divisional Round – New England Patriots at Denver Broncos – January 14th, + 2006 . Pro-Football-Reference.com. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Drehs, Wayne. Brady, Patriots finally feel playoff defeat . ESPN. Archived + from the original on November 10, 2012. Retrieved August 14, 2012. + + ^ Reiss, Mike (January 31, 2006). Brady s groin may be hurt . The Boston Globe. + Archived from the original on January 5, 2009. Retrieved December 26, 2007. + + ^ Buffalo Bills at New England Patriots - September 10th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ New England Patriots at Minnesota Vikings - October 30th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ New England Patriots at Green Bay Packers - November 19th, 2006 . Pro-Football-Reference.com. + Retrieved 2019-02-12. + + ^ 2006 NFL Standings, Team & Offensive Statistics . Pro Football Reference. + Archived from the original on February 8, 2010. Retrieved August 14, 2012. + + ^ Maske, Mark (December 19, 2006). Romo Gets Pro Bowl Nod in NFC, Brady Doesn + t in AFC . The Washington Post. Archived from the original on October 6, 2008. + Retrieved December 26, 2007. + + ^ McClain, John (July 2, 2007). Young to replace Rivers at Pro Bowl . Houston + Chronicle. Archived from the original on January 5, 2008. Retrieved December + 26, 2007. + + ^ Brady, Patriots shake feisty Jets, roll on to San Diego . ESPN. Archived + from the original on November 13, 2014. Retrieved August 14, 2012. + + ^ Hayes, Neil. Super Chargers top Super Bowl list . NBC Sports. Archived from + the original on November 2, 2012. Retrieved August 14, 2012. + + ^ Clayton, John. Patriots teach Chargers a lesson in playoff football . ESPN. + Archived from the original on August 9, 2012. Retrieved August 14, 2012. + + ^ Pasquarelli, Len. .Manning shakes label of not being able to win big one + . ESPN. Archived from the original on November 13, 2012. Retrieved August 14, + 2012. + + ^ Byrne, Kerry J. (June 3, 2009). Best individual seasons of 2000s . Sports + Illustrated. Archived from the original on November 3, 2012. Retrieved January + 11, 2010. + + ^ Top 10 greatest quarterback seasons Archived November 17, 2015, at the Wayback + Machine, NFL Nation Blog, espn.go.com; accessed November 12, 2014. + + ^ 2007 New England Patriots . Pro Football Reference. Archived from the original + on February 9, 2010. Retrieved January 11, 2010. + + ^ 2007 NFL Week 17 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on August 2, 2017. Retrieved March 18, 2018. + + ^ Banks, Don (October 12, 2007). Litmus test . Sports Illustrated. Archived + from the original on November 30, 2007. Retrieved December 8, 2007. + + ^ Brady s six TDs give him 27 TDs after seven games . ESPN. Archived from the + original on November 22, 2015. Retrieved January 6, 2019. + + ^ Young, Shalise Manza (November 4, 2007). Patriots 24, Colts 20: Tom s got + you, Babe . The Providence Journal. Archived from the original on November 7, + 2007. Retrieved December 26, 2007. + + ^ Patriots break scoring record, Brady and Moss set season marks . NFL.com. + Associated Press. December 29, 2007. Archived from the original on December + 9, 2017. Retrieved August 11, 2017. + + ^ Brady an easy winner in AP Male Athlete of Year balloting . USA Today. Associated + Press. December 21, 2007. Archived from the original on January 23, 2011. Retrieved + January 28, 2012. + + ^ 2007 NFL All-Pros . Pro-Football-Reference.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ 2007 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on March 16, 2018. Retrieved March 18, 2018. + + ^ Mihoces, Gary (January 13, 2008). Perfect Pats, Brady make short work of + Jaguars . USA Today. Archived from the original on November 14, 2010. Retrieved + November 30, 2008. + + ^ Pats put away Chargers for fourth Super Bowl berth in seven years . ESPN. + Associated Press. January 20, 2008. Archived from the original on September + 24, 2008. Retrieved November 30, 2008. + + ^ Super Bowl XLII – New York Giants vs. New England Patriots – February 3rd, + 2008 . Pro-Football-Reference.com. Archived from the original on February 2, + 2011. Retrieved January 24, 2018. + + ^ Foot injury may sideline Tom Brady for another game . USA Today. Associated + Press. August 2008. Retrieved September 28, 2015. + + ^ Brady to have season-ending knee surgery, will be placed on IR . NFL.com. + Archived from the original on December 17, 2018. Retrieved January 6, 2019. + + ^ Reiss, Mike (September 8, 2008). Pats confirm Brady out for the year . The + Boston Globe. Archived from the original on July 25, 2012. Retrieved September + 8, 2008. + + ^ Springer, Shira (September 10, 2008). Sources: Brady tore ACL and MCL . The + Boston Globe. Archived from the original on January 5, 2009. Retrieved September + 10, 2008. + + ^ Chronic right shoulder injury slows Brady . NBC Sports. Associated Press. + September 6, 2007. Archived from the original on September 9, 2007. Retrieved + December 27, 2007. + + ^ Farmer, Sam (June 2, 2009). Tom Brady s doctor says knee recovery exceeds + expectations . Los Angeles Times. Archived from the original on January 12, + 2012. Retrieved November 7, 2011. + + ^ Brady Has More Procedures Done on Knee, Report Says . The New York Times. + Associated Press. October 23, 2008. Archived from the original on January 19, + 2015. Retrieved November 30, 2008. + + ^ Springer, Shira (October 24, 2008). Brady s recovery hits snag . The Boston + Globe. Archived from the original on October 27, 2008. Retrieved November 30, + 2008. + + ^ 2008 NFL Standings & Team Stats . Pro-Football-Reference.com. Archived from + the original on January 27, 2018. Retrieved January 24, 2018. + + ^ Buffalo Bills at New England Patriots – September 14th, 2009 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Keefe, Neil. Brady Named AFC Offensive Player of the Week . NESN. Retrieved + August 14, 2012. + + ^ Brady throws six TD passes as Patriots ice winless Titans . Associated Press. + Archived from the original on November 14, 2012. Retrieved August 14, 2012. + + ^ Tennessee Titans at New England Patriots – October 18th, 2009 . Pro-Football-Reference.com. + Archived from the original on December 30, 2017. Retrieved March 18, 2018. + + ^ Brady sets a record for TDs in a quarter . The Washington Times. October + 19, 2009. Archived from the original on January 12, 2014. Retrieved January + 11, 2010. + + ^ Brady, Patriots get historic win thanks to rout of visiting Titans . NFL.com. + Retrieved 2019-02-11. + + ^ Breer, Albert R. (January 4, 2010). Brady dealing with broken finger on throwing + hand . The Boston Globe. Archived from the original on October 29, 2010. Retrieved + January 4, 2010. + + ^ 2009 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on August 21, 2018. Retrieved March 17, 2018. + + ^ Brady named Comeback Player of the Year . NBC Sports. Associated Press. January + 6, 2010. Archived from the original on August 18, 2012. Retrieved January 6, + 2010. + + ^ Ravens fast start puts Pats on heels, out of playoffs . ESPN. Associated + Press. January 10, 2010. Archived from the original on January 13, 2010. Retrieved + January 20, 2010. + + ^ Battista, Judy (September 10, 2010). Patriots Brady Signs League s Richest + Deal, at the Moment . The New York Times. Archived from the original on January + 19, 2012. Retrieved September 11, 2010. + + ^ Matuszewski, Erik (October 4, 2010). Tom Brady Gets 100th Career Win in NFL + as Patriots Rout Dolphins 41–14 . Bloomberg. Archived from the original on October + 8, 2010. Retrieved October 11, 2010. + + ^ Woodhead keeps contributing as Pats withstand Colts comeback attempt . National + Football League. Associated Press. November 21, 2010. Archived from the original + on November 23, 2010. Retrieved November 22, 2010. + + ^ Krasner, Steven (November 21, 2010). Brady ties mark with 25th straight home + W . ESPNBoston.com. Archived from the original on November 23, 2010. Retrieved + November 22, 2010. + + ^ New England Patriots at Detroit Lions – November 25th, 2010 . Pro-Football-Reference.com. + Archived from the original on January 1, 2018. Retrieved March 18, 2018. + + ^ 2010 NFL Week 12 Leaders & Scores . Pro-Football-Reference.com. Archived + from the original on September 9, 2018. Retrieved March 18, 2018. + + ^ Frenz, Erik. Patriots Vs. Lions: Tom Brady Enjoys Perfect Passer Rating on + Thanksgiving . Bleacher Report. Retrieved 2019-02-06. + + ^ Brady s Perfect Game Leads Patriots Over Lions . The New York Times. 2010-11-25. + Retrieved 2019-02-06. + + ^ Patriots destroy Jets . London Free Press. Archived from the original on + December 1, 2012. Retrieved August 14, 2012. + + ^ New York Jets at New England Patriots – December 6th, 2010 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ NFL Single-Season Passer Rating Leaders . Archived from the original on December + 25, 2018. Retrieved January 6, 2019. + + ^ Springer, Shira & Walker, Monique (January 20, 2011). Brady to have foot + surgery today . The Boston Globe. Archived from the original on November 2, + 2012. Retrieved January 20, 2011. + + ^ Tom Brady unanimous as NFL MVP . Associated Press. Archived from the original + on August 3, 2012. Retrieved August 14, 2012. + + ^ Top 100: Tom Brady . New England Patriots. Archived from the original on + March 19, 2018. Retrieved March 18, 2018. + + ^ Divisional Round – New York Jets at New England Patriots – January 16th, + 2011 . Pro-Football-Reference.com. Archived from the original on December 17, + 2017. Retrieved March 17, 2018. + + ^ Jets back up talk as Sanchez throws three TDs, defense knocks down Brady + . Archived from the original on December 28, 2014. Retrieved December 29, 2014. + + ^ 2011 NFL Week 1 Leaders & Scores . Pro-Football-Reference.com. Archived from + the original on August 30, 2018. Retrieved March 18, 2018. + + ^ Tom Brady picks apart Dolphins as 517-yard, 4-TD opener fuels Pats . ESPN. + September 12, 2011. Archived from the original on September 28, 2011. Retrieved + September 13, 2011. + + ^ Tom Brady, Chad Henne Combine For Slew of NFL Records On Monday Night Football + . September 13, 2011. Archived from the original on November 7, 2012. Retrieved + September 17, 2011. + + ^ San Diego Chargers at New England Patriots – September 18th, 2011 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ Miami Dolphins at New England Patriots – December 24th, 2011 . Pro-Football-Reference.com. + Archived from the original on January 4, 2018. Retrieved March 18, 2018. + + ^ 2011 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved January 24, 2018. + + ^ The Top 100: Players of 2012 : Tom Brady . NFL.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ Belichick: No quarterback I d rather have . weei.com. Archived from the + original on 2017-01-29. Retrieved 2019-01-06. + + ^ Quinton Carter, David Bruton exit hurt . ESPN. Archived from the original + on January 16, 2012. Retrieved August 14, 2012. + + ^ Cannizzaro, Mark. Patriots redefine postseason success for coach-quarterback + duo . New York Post. Retrieved August 16, 2012. + + ^ Patriots Beat Ravens 23–20 in AFC Championship Game . Fox News. Associated + Press. January 22, 2012. Archived from the original on July 17, 2012. Retrieved + August 14, 2012. + + ^ For second time in five seasons, Giants top Brady, Patriots in Super Bowl + . Associated Press. Archived from the original on August 17, 2012. Retrieved + August 14, 2012. + + ^ Houston Texans at New England Patriots – December 10th, 2012 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved March 18, 2018. + + ^ Tom Brady. Tom Brady, QB for the New England Patriots at . Nfl.com. Archived + from the original on November 22, 2018. Retrieved July 6, 2013. + + ^ Top 100 Players of 2013 : Tom Brady . NFL.com. Retrieved 2019-02-11. + + ^ Divisional Round – Houston Texans at New England Patriots – January 13th, + 2013 . Pro-Football-Reference.com. Archived from the original on February 1, + 2018. Retrieved March 17, 2018. + + ^ Wilner, Barry. NFL Playoffs: Patriots 41, Texans 28: Brady passes idol as + Pats pound Texans . Arizona Daily Star. Retrieved 2019-02-11. + + ^ AFC Championship – Baltimore Ravens at New England Patriots – January 20th, + 2013 . Pro-Football-Reference.com. Archived from the original on December 28, + 2017. Retrieved December 28, 2017. + + ^ Timeline: Patriots-Ravens rivalry through the years - The Boston Globe . + BostonGlobe.com. Retrieved 2019-02-17. + + ^ Wesseling, Chris (February 25, 2013). Tom Brady, New England Patriots agree + to extension . National Football League. Archived from the original on February + 27, 2013. Retrieved February 25, 2013. + + ^ King, Peter (February 26, 2013). More on Tom Brady s amazing deal; mail – + NFL – Peter King – SI.com . Sportsillustrated.cnn.com. Archived from the original + on May 20, 2013. Retrieved July 6, 2013. + + ^ New England Patriots at Buffalo Bills – September 8th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved January 24, 2018. + + ^ New York Jets at New England Patriots – September 12th, 2013 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved January 24, 2018. + + ^ New England Patriots at Cincinnati Bengals – October 6th, 2013 . Pro-Football-Reference.com. + Archived from the original on January 24, 2018. Retrieved January 24, 2018. + + ^ New Orleans Saints at New England Patriots – October 13th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Denver Broncos at New England Patriots – November 24th, 2013 . Pro-Football-Reference.com. + Archived from the original on December 22, 2017. Retrieved December 16, 2017. + + ^ Buffalo Bills at New England Patriots - December 29th, 2013 . Pro-Football-Reference.com. + Retrieved 2019-02-06. + + ^ 2013 NFL Pro Bowlers . Pro-Football-Reference.com. Archived from the original + on March 7, 2018. Retrieved March 18, 2018. + + ^ Top 100 Players of 2014 : Tom Brady . New England Patriots. Archived from + the original on September 11, 2016. Retrieved March 18, 2018. + + ^ 2013 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on January 23, 2018. Retrieved January 24, 2018. + + ^ Divisional Round – Indianapolis Colts at New England Patriots – January 11th, + 2014 . Pro-Football-Reference.com. Archived from the original on November 14, + 2017. Retrieved March 17, 2018. + + ^ AFC Championship – New England Patriots at Denver Broncos – January 19th, + 2014 . Pro-Football-Reference.com. Archived from the original on November 15, + 2017. Retrieved November 14, 2017. + + ^ New England Patriots at Miami Dolphins – September 7th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Minnesota Vikings – September 14th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Oakland Raiders at New England Patriots – September 21st, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Kansas City Chiefs – September 29th, 2014 . Pro-Football-Reference.com. + Archived from the original on November 9, 2017. Retrieved March 17, 2018. + + ^ New England Patriots at Buffalo Bills – October 12th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved March 17, 2018. + + ^ New York Jets at New England Patriots – October 16th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Chicago Bears at New England Patriots – October 26th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Detroit Lions at New England Patriots – November 23rd, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Green Bay Packers – November 30th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at San Diego Chargers – December 7th, 2014 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Orton, Bills beat Patriots 17–9 . New England Patriots. Archived from the + original on February 5, 2017. Retrieved January 6, 2019. + + ^ Top 100 Players of 2015 : No. 3 Tom Brady . NFL.com. Archived from the original + on March 19, 2018. Retrieved March 18, 2018. + + ^ Divisional Round – Baltimore Ravens at New England Patriots – January 10th, + 2015 . Pro-Football-Reference.com. Archived from the original on December 26, + 2017. Retrieved December 28, 2017. + + ^ AFC Championship – Indianapolis Colts at New England Patriots – January 18th, + 2015 . Pro-Football-Reference.com. Archived from the original on December 1, + 2017. Retrieved December 28, 2017. + + ^ Super Bowl XLIX – Seattle Seahawks vs. New England Patriots – February 1st, + 2015 . Pro-Football-Reference.com. Archived from the original on January 30, + 2018. Retrieved March 17, 2018. + + ^ Patriots beat the Seahawks in dramatic finale . BBC Sport. February 1, 2015. + Archived from the original on February 4, 2015. Retrieved February 2, 2015. + + ^ INVESTIGATIVE REPORT CONCERNING FOOTBALLS USED DURING THE AFC CHAMPIONSHIP + GAME ON JANUARY 18, 2015 (PDF). nfl.com. National Football League. Retrieved + May 6, 2015. + + ^ Rosenthal, Gregg (May 11, 2015). Patriots Tom Brady suspended 4 games . + National Football League. Archived from the original on May 13, 2015. Retrieved + May 11, 2015. + + ^ a b NFL releases statement on Patriots violations . National Football League. + May 11, 2015. Archived from the original on May 13, 2015. Retrieved May 12, + 2015. + + ^ Patra, Kevin (May 14, 2015). Tom Brady NFLPA appeal four game suspension + . National Football League. Archived from the original on May 18, 2015. Retrieved + May 14, 2015. + + ^ NFL upholds four-game suspension of Tom Brady . cbsnews.com. July 28, 2015. + Archived from the original on July 29, 2015. Retrieved July 29, 2015. + + ^ Report: Tom Brady Authorizes NFLPA To Appeal His Case In Federal Court . + NESN.com. Archived from the original on July 29, 2015. Retrieved July 29, 2015. + + ^ Rosenthal, Gregg (July 28, 2015). Roger Goodell upholds Tom Brady suspension + . National Football League. Archived from the original on July 29, 2015. Retrieved + July 28, 2015. + + ^ Gantt, Darin (July 28, 2015). Goodell cites destroying phone in upholding + Tom Brady s suspension . NBC Sports. Archived from the original on July 29, + 2015. Retrieved July 28, 2015. + + ^ Armstrong, Kevin; et al. (July 28, 2015). NFL hopes to have expected Tom + Brady lawsuit in New York and not Minnesota . New York Daily News. Archived + from the original on July 31, 2015. Retrieved July 28, 2015. + + ^ Tom Brady rips the NFL s Deflategate decision on his Facebook page . USA + Today. Archived from the original on September 9, 2018. Retrieved January 6, + 2019. + + ^ Robert Kraft attacks the NFL, apologizes to Patriots fans . Yahoo Sports. + July 29, 2015. Archived from the original on August 12, 2017. Retrieved January + 6, 2019. + + ^ a b Freeman, Mike (May 11, 2015). NFL Deflategate Message: No Player Is Above + the Rules, Not Even Tom Brady . Bleacher Report. Archived from the original + on May 15, 2015. Retrieved January 6, 2019. + + ^ Adelson, Eric (May 11, 2015). Tom Brady allowed the new NFL Way to smack + Patriot Way in stunning fashion . Yahoo! Sports. Archived from the original + on September 29, 2018. Retrieved January 6, 2019. Somewhere along the line, + the debate over what happened in the hours and minutes leading up to the AFC + championship game in January went beyond air pressure and weather conditions, + and became a referendum on the character of Tom Brady and his franchise. + + ^ O Connor, Ian. Tom Brady should skip appeal, tell truth now . ESPN.com. Archived + from the original on May 15, 2015. Retrieved May 12, 2015. + + ^ NYSD Decision and Order . + + ^ Roger Goodell Made Tom Brady Seem Dishonest In Deflategate Appeal Ruling + . NESN.com. Archived from the original on February 7, 2016. Retrieved February + 7, 2016. + + ^ Pittsburgh Steelers at New England Patriots – September 10th, 2015 . Pro-Football-Reference.com. + Archived from the original on November 10, 2017. Retrieved December 28, 2017. + + ^ Very rare performance by Tom Brady reflects his greatness . ESPN.com. Archived + from the original on October 27, 2015. Retrieved October 28, 2015. + + ^ Miami Dolphins at New England Patriots – October 29th, 2015 . Pro-Football-Reference.com. + Archived from the original on March 19, 2018. Retrieved March 18, 2018. + + ^ New England Patriots at Denver Broncos – November 29th, 2015 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ 2015 New England Patriots Statistics & Players . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved March 17, 2018. + + ^ 2015 NFL Passing . Pro-Football-Reference.com. Archived from the original + on February 12, 2018. Retrieved March 17, 2018. + + ^ Top 100 Players of 2016 : No. 2 Tom Brady . NFL.com. Archived from the original + on August 31, 2018. Retrieved January 6, 2019. + + ^ Divisional Round – Kansas City Chiefs at New England Patriots – January 16th, + 2016 . Pro-Football-Reference.com. Archived from the original on December 26, + 2017. Retrieved March 17, 2018. + + ^ Golen, Jimmy (January 16, 2016). Patriots to 5th straight AFC title game, + beat Chiefs 27–20 . Associated Press. Foxborough, Massachusetts: AP Sports. + Associated Press. Retrieved February 17, 2019. + + ^ New England at Denver – 2016-01-24 – National Football League – Yahoo! Sports + . Yahoo Sports. Archived from the original on November 19, 2018. Retrieved January + 6, 2019. + + ^ Reiss, Mike. New deal links Tom Brady to Patriots through 2019 . ESPN.com. + Archived from the original on March 1, 2016. Retrieved February 29, 2016. + + ^ Volin, Ben (March 3, 2016). Brady s lawyer feels pressure from judges . The + Boston Globe. Archived from the original on April 16, 2016. Retrieved April + 26, 2016. + + ^ Orr, Connor (April 25, 2016). Tom Brady s four-game suspension reinstated + . NFL.com. Archived from the original on April 26, 2016. Retrieved April 25, + 2016. + + ^ Tom Brady s four-game suspension upheld . ESPN. April 25, 2016. Archived + from the original on April 26, 2016. Retrieved April 25, 2016. + + ^ Volin, Ben (April 25, 2016). Brady must serve Deflategate suspension, appeals + court rules . The Boston Globe. Archived from the original on April 27, 2016. + Retrieved April 26, 2016. + + ^ Gershman, Jacob (April 25, 2016). Why the NFL Won its Deflategate Appeal + . The Wall Street Journal. Archived from the original on April 28, 2016. Retrieved + April 26, 2016. + + ^ Tom Brady keeps Deflategate battle going with another appeal of suspension + Archived October 5, 2018, at the Wayback Machine May 23, 2015. + + ^ Brady s Deflategate appeal denied by court . Archived from the original on + July 16, 2016. Retrieved January 6, 2019. + + ^ New England Patriots at Cleveland Browns – October 9th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ Cincinnati Bengals at New England Patriots – October 16th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Pittsburgh Steelers – October 23rd, 2016 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ New England Patriots at Buffalo Bills – October 30th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Ortega, Mark E. (November 3, 2016). Tom Brady, David Johnson are Players + of the Month . NFL.com. Archived from the original on September 25, 2018. Retrieved + January 6, 2019. + + ^ Seattle Seahawks at New England Patriots – November 13th, 2016 . Pro-Football-Reference.com. + Archived from the original on August 4, 2017. Retrieved December 28, 2017. + + ^ Lam, Quang M. (November 23, 2016). Tom Brady, Kirk Cousins among Players + of Week . NFL.com. Archived from the original on November 24, 2016. Retrieved + January 6, 2019. + + ^ New England Patriots at New York Jets – November 27th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Los Angeles Rams at New England Patriots – December 4th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Reiss, Mike. Tom Brady wins NFL-record 201st game . ESPN.com. Archived from + the original on December 6, 2016. Retrieved December 13, 2016. + + ^ Howe, Jeff. Patriots, despite miscues, outlast Ravens to move to 11–2 . The + Boston Herald. Archived from the original on December 20, 2016. Retrieved December + 13, 2016. + + ^ New England Patriots at Denver Broncos – December 18th, 2016 . Pro-Football-Reference.com. + Archived from the original on December 28, 2017. Retrieved December 28, 2017. + + ^ Patriots top Broncos, clinch AFC East, first-round bye . Archived from the + original on December 19, 2016. Retrieved January 6, 2019. + + ^ NFL announces 2017 Pro Bowl rosters . NFL.com. December 20, 2016. Archived + from the original on November 17, 2018. Retrieved January 6, 2019. + + ^ Archived copy . Archived from the original on January 2, 2017. Retrieved + January 1, 2017. CS1 maint: Archived copy as title (link) + + ^ Patriots clinch home-field advantage in AFC playoffs . Archived from the + original on December 20, 2018. Retrieved January 6, 2019. + + ^ Hurley, Michael (January 1, 2017). Tom Brady Sets NFL Record For Best TD-To-INT + Ratio Of All Time . CBS Boston. Archived from the original on January 4, 2017. + Retrieved January 2, 2017. + + ^ Three rookies, Matt Ryan among players named to All-Pro team . NFL.com. January + 6, 2017. Archived from the original on June 17, 2018. Retrieved January 6, 2019. + + ^ Top 100 Players of 2017 : No. 1 New England Patriots quarterback Tom Brady + . NFL.com. Archived from the original on June 17, 2018. Retrieved January 6, + 2019. + + ^ Patra, Kevin (January 15, 2017). Patriots Top Texans, Move on to AFC Championship + . Around the NFL. National Football League. Archived from the original on January + 29, 2017. Retrieved February 6, 2017. + + ^ Wesseling, Chris (January 23, 2017). Patriots Shred Steelers, Advance to + Ninth Super Bowl . Around the NFL. National Football League. Archived from the + original on February 2, 2017. Retrieved February 6, 2017. + + ^ Super Bowl LI – New England Patriots vs. Atlanta Falcons – February 5th, + 2017 . Pro-Football-Reference.com. Archived from the original on August 7, 2017. + Retrieved August 6, 2017. + + ^ Super Bowl Most Valuable Player Winners . Pro-Football-Reference.com. Archived + from the original on August 3, 2017. Retrieved January 24, 2018. + + ^ Tom Brady s stolen Super Bowl jerseys returned to Patriots . Fox News. March + 23, 2017. Archived from the original on April 11, 2017. Retrieved April 10, + 2017. + + ^ Tom Brady Super Bowl jersey thief investigation . Sports Illustrated. Archived + from the original on April 24, 2017. Retrieved August 11, 2017. + + ^ GOAT edition: Brady on Madden NFL 18 cover . ESPN.com. Archived from the + original on May 13, 2017. Retrieved May 13, 2017. + + ^ Press, Associated. Gisele Bundchen: Tom Brady had a concussion last year + . Archived from the original on September 22, 2017. Retrieved January 6, 2019. + + ^ Igel, Lee. Gisele Bündchen Casts Doubt On Adequacy Of NFL Concussion Protocol + . Archived from the original on September 15, 2017. Retrieved January 6, 2019. + + ^ NFL Investigating After Gisele Claims Tom Brady Suffered a Concussion . Archived + from the original on September 11, 2017. Retrieved January 6, 2019. + + ^ NFL looking into Tom Brady concussion claim by Gisele Bundchen . Archived + from the original on December 8, 2018. Retrieved January 6, 2019. + + ^ Agent: Tom Brady not diagnosed with concussion in 16 . Archived from the + original on October 19, 2018. Retrieved January 6, 2019. + + ^ Tom Brady: We didn t dig very deep on Thursday night . Pro Football Talk. + Archived from the original on September 8, 2017. Retrieved September 8, 2017. + + ^ WATCH: In Year 18, Tom Brady finally does something he s never done before + . CBSSports.com. September 17, 2017. Archived from the original on January 1, + 2019. Retrieved January 6, 2019. + + ^ Maya, Adam (September 20, 2017). Tom Brady, J.J. Nelson among Players of + the Week . NFL.com. Archived from the original on December 22, 2018. Retrieved + January 6, 2019. + + ^ Tom Brady takes another title away from his nemesis Peyton Manning . Archived + from the original on January 1, 2019. Retrieved January 6, 2019. + + ^ Lam, Quang M. (September 27, 2017). Tom Brady, Kirk Cousins among Players + of the Week . NFL.com. Archived from the original on September 27, 2017. Retrieved + January 6, 2019. + + ^ Tom Brady Ties Brett Favre, Peyton Manning for Most Regular-Season Wins by + QB . Bleacher Report. Archived from the original on January 1, 2019. Retrieved + January 6, 2019. + + ^ Orr, Conor. Tom Brady has sprain to non-throwing shoulder . NFL. Archived + from the original on October 11, 2017. Retrieved October 10, 2017. + + ^ Patra, Kevin. Brady isn t worried about his shoulder: I m good . NFL. Archived + from the original on October 12, 2017. Retrieved October 11, 2017. + + ^ Tom Brady becomes NFL s career QB wins leader . Archived from the original + on November 25, 2018. Retrieved January 6, 2019. + + ^ Tom Brady, Patriots roll through fog past Falcons . Archived from the original + on January 1, 2019. Retrieved January 6, 2019. + + ^ Los Angeles Chargers at New England Patriots – October 29th, 2017 . Pro-Football-Reference.com. + Archived from the original on November 7, 2017. Retrieved December 7, 2017. + + ^ Maya, Adam (November 15, 2017). Tom Brady, Cam Newton among Players of the + Week . NFL.com. Archived from the original on July 1, 2018. Retrieved January + 6, 2019. + + ^ Case Keenum wins NFC player of month honors . Archived from the original + on January 27, 2018. Retrieved January 6, 2019. + + ^ Hanzus, Dan. Tom Brady, Josh McDaniels have sideline disagreement . NFL. + Archived from the original on December 3, 2017. Retrieved December 3, 2017. + + ^ Sessler, Marc. Patriots overcome ugly start to scatter Bills in Buffalo . + NFL. Archived from the original on December 3, 2017. Retrieved December 3, 2017. + + ^ New England Patriots at Miami Dolphins – December 11th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved January 24, 2018. + + ^ New England Patriots at Pittsburgh Steelers – December 17th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 29, 2017. Retrieved December 28, 2017. + + ^ NFL announces 2018 Pro Bowl rosters . NFL. Archived from the original on + December 20, 2017. Retrieved December 19, 2017. + + ^ Buffalo Bills at New England Patriots – December 24th, 2017 . Pro-Football-Reference.com. + Archived from the original on December 26, 2017. Retrieved December 28, 2017. + + ^ Patriots secure first-round bye for eighth straight year . Archived from + the original on November 10, 2018. Retrieved January 6, 2019. + + ^ Patriots clinch home-field advantage through playoffs . + + ^ NFL offensive production falls despite record for Brady . www.boston.com. + Archived from the original on November 10, 2018. Retrieved January 6, 2019. + + ^ Wilner, Barry. Steelers Antonio Brown, unanimous choice on AP All-Pro Team + . AP News. AP. + + ^ Wesseling, Chris (February 3, 2018). Tom Brady named NFL s MVP for third + time of career . NFL.com. Archived from the original on July 26, 2018. Retrieved + January 6, 2019. + + ^ Divisional Round – Tennessee Titans at New England Patriots – January 13th, + 2018 . Pro-Football-Reference.com. Archived from the original on January 18, + 2018. Retrieved January 18, 2018. + + ^ Patra, Kevin (January 19, 2018). Tom Brady (thumb) questionable for Patriots + vs. Jags . NFL.com. Archived from the original on January 20, 2018. Retrieved + January 20, 2018. + + ^ AFC Championship – Jacksonville Jaguars at New England Patriots – January + 21st, 2018 . Pro-Football-Reference.com. Archived from the original on January + 24, 2018. Retrieved January 24, 2018. + + ^ Super Bowl LII – Philadelphia Eagles vs. New England Patriots – February + 4th, 2018 . Pro-Football-Reference.com. Archived from the original on March + 1, 2018. Retrieved March 17, 2018. + + ^ Super Bowl 50: How many quarterbacks have lost multiple Super Bowls? . syracuse.com. + Retrieved 2019-02-12. + + ^ Is Super Bowl LII Loss the End of Patriots and Tom Brady s Dynasty? . Bleacher + Report. Archived from the original on February 5, 2018. Retrieved February 5, + 2018. + + ^ At 41 and going strong, Tom Brady awaits a 19th season . USA TODAY. Archived + from the original on October 30, 2018. Retrieved October 29, 2018. + + ^ Despite changes, Patriots offense still rolling behind Tom Brady in win over + Texans . USA TODAY. Archived from the original on October 29, 2018. Retrieved + October 29, 2018. + + ^ Brady Throws 3 TDs As Patriots Blow Out Dolphins To Improve To 2–2 . CBS + Boston. September 30, 2018. Archived from the original on October 29, 2018. + Retrieved October 29, 2018. + + ^ Brady, Patriots roll past banged-up Colts . Duluth News Tribune. Archived + from the original on October 30, 2018. Retrieved October 29, 2018. + + ^ Tom Brady sets another NFL record with TD pass to Josh Gordon . USA Today. + October 5, 2018. Archived from the original on October 31, 2018. Retrieved October + 30, 2018. + + ^ Brady, Patriots top Chiefs for wild 43–40 win . USA TODAY. Archived from + the original on October 29, 2018. Retrieved October 29, 2018. + + ^ Brady throws 3 TDs, Patriots hang on to beat Bears 38–31 . AP NEWS. October + 21, 2018. Archived from the original on October 30, 2018. Retrieved October + 29, 2018. + + ^ Tom Brady: Game Logs at NFL.com . National Football League. Archived from + the original on November 22, 2018. Retrieved November 26, 2018. + + ^ Colin J. Liotta, Tom Brady (finally) reaches 1,000 career rushing yards USA + Today. From the original on December 3, 2018. Retrieved January 9, 2019 + + ^ Tom Brady reaches 70,000 passing yards . NFL. Archived from the original + on December 18, 2018. Retrieved December 16, 2018. + + ^ Pats win AFC East again, take back No. 2 seed . ESPN.com. December 23, 2018. + Retrieved January 22, 2019. + + ^ Sullivan, Tara. Tara Sullivan: Vintage Tom Brady returns, just in time for + the playoffs – The Boston Globe . BostonGlobe.com. Retrieved January 22, 2019. + + ^ Tom Brady tunes up and Patriots clinch first-round bye after routing Jets + . ESPN.com. December 30, 2018. Retrieved January 22, 2019. + + ^ Schrock, Joshua (December 30, 2018). Tom Brady s New Year s Resolution Will + Make Bill Belichick, Patriots Fans Happy . NESN.com. Retrieved January 22, 2019. + + ^ Hightower, Kyle (January 13, 2019). Michel scores 3 TDs, Patriots roll past + Chargers . KOIN. Retrieved February 6, 2019. + + ^ Chargers vs. Patriots – Game Recap – January 13, 2019 – ESPN . ESPN.com. + Retrieved January 22, 2019. + + ^ Patriots make 3rd straight Super Bowl, beat Chiefs 37–31 OT . Associated + Press. January 20, 2019. Retrieved January 21, 2019. + + ^ New England Patriots win Super Bowl LIII . NFL. Retrieved February 3, 2019. + + ^ Tom Brady sets record for most Super Bowl wins by NFL player with six . USA + TODAY. Retrieved February 6, 2019. + + ^ Tom Brady . NFL.com. Archived from the original on December 7, 2015. Retrieved + December 7, 2015. + + ^ Tom Brady s Career Touchdown Plays . Pro-Football-Reference.com. Archived + from the original on July 11, 2015. Retrieved July 29, 2015. + + ^ In multiple seasons, from 1950 to 2018, requiring Pass Completion % >= 1, + sorted by most games matching criteria. (Note: Click on Games Won column to + sort) . www.pro-football-reference.com. Pro Football Reference, LLC. Retrieved + January 1, 2019. + + ^ Reiss, Mike (November 14, 2017). Tom Brady relishes chance to silence fans + while playing on road . ESPN.com. Archived from the original on February 9, + 2018. Retrieved February 8, 2018. + + ^ https://www.footballdb.com/stats/qb-records.html?alltime=1&type=reg&letter=&sort=w + + ^ WHAT TO LOOK FOR – WEEK 11 . nflcommunications.com. November 15, 2017. Archived + from the original on February 9, 2018. Retrieved February 8, 2018. + + ^ a b Porter, Conor (January 1, 2018). Tom Brady achieved another amazing NFL + record in 2017 . GiveMeSport. Archived from the original on February 9, 2018. + Retrieved February 8, 2018. + + ^ Tom Brady joins select club with 500th career touchdown pass . MLive.com. + Archived from the original on October 6, 2018. Retrieved October 5, 2018. + + ^ a b Archived copy . Archived from the original on November 6, 2018. Retrieved + November 6, 2018. CS1 maint: Archived copy as title (link) + + ^ NFL Playoff Records: Individual – Passing . nfl.com. Archived from the original + on July 22, 2015. Retrieved July 30, 2015. + + ^ Adamski, Chris. Brady, Big Ben meet again in AFC title game . TribLIVE.com. + Archived from the original on January 27, 2017. Retrieved January 24, 2017. + + ^ a b c Stites, Adam (February 4, 2018). What NFL records does Tom Brady already + own? . SBNation.com. Archived from the original on February 10, 2018. Retrieved + February 9, 2018. + + ^ Schechter, Lee (January 11, 2015). Brady s 46th TD breaks Montana s playoff + mark . ESPN.com. Archived from the original on February 9, 2018. Retrieved February + 8, 2018. + + ^ Reiss, Mike (January 19, 2015). Brady sets NFL s postseason passing record + . ESPN.com. Archived from the original on February 9, 2018. Retrieved February + 8, 2018. + + ^ a b c David Smith, Michael (January 8, 2018). In his 35th postseason game, + Tom Brady will add to his many records . Yahoo Sports. Archived from the original + on February 9, 2018. Retrieved February 9, 2018. + + ^ Tom Brady passes Brett Favre for most career interceptions in the postseason + . SB Nation. Archived from the original on May 15, 2018. Retrieved May 15, 2018. + + ^ The QB With the Most Conference Championship Appearance? . NFL RUSH. January + 19, 2017. Archived from the original on January 25, 2018. Retrieved February + 9, 2018. + + ^ a b Game Notes: Patriots extend NFL-record to 10th Super Bowl overall . New + England Patriots. January 21, 2018. Archived from the original on February 9, + 2018. Retrieved February 9, 2018. + + ^ Super Bowl Records: Individual – Passing . nfl.com. Archived from the original + on August 10, 2015. Retrieved July 29, 2015. + + ^ Breech, John (February 2, 2015). Tom Brady broke, tied or extended 9 Super + Bowl records . CBSSports.com. Archived from the original on January 23, 2018. + Retrieved February 9, 2018. + + ^ Tom Brady, Bill Belichick make NFL history with record 7th Super Bowl appearance + . abcnews.com. Archived from the original on January 29, 2017. Retrieved January + 23, 2017. + + ^ a b Kirk, Jason (February 5, 2018). Pats now own 75 Super Bowl records, including + most losses . SBNation.com. Archived from the original on April 4, 2018. Retrieved + April 4, 2018. + + ^ Patriots, Tom Brady keep rewriting Super Bowl record book . + + ^ Hanzus, Dan. Tom Brady is game for another SNL hosting gig . National Football + League. Archived from the original on August 17, 2012. Retrieved August 17, + 2012. + + ^ Bark, Ed (February 6, 2005). Fox gets animated after the Super Bowl . Dallas + Morning News. Retrieved August 17, 2012. + + ^ Patriots News and Notes . Patriots Insider. Fox Sports. Archived from the + original on January 27, 2013. Retrieved August 17, 2012. + + ^ Entourage Fore (TV Episode 2009) – IMDb . IMDb. Archived from the original + on March 26, 2017. Retrieved August 11, 2017. + + ^ Entourage: Tom Brady replaced Manning brothers in Season 6 cameo . Sports + Illustrated. May 28, 2015. Archived from the original on August 11, 2017. Retrieved + August 11, 2017. + + ^ Tom Brady s Ted 2 Cameo Features Deflategate Line From Mark Wahlberg . + NESN. June 24, 2015. Archived from the original on August 11, 2017. Retrieved + August 11, 2017. + + ^ Buttons NY – Sound + Picture » Vote for your favorite Stetson Cologne man, + win a $10 gift card, and Listen to the latest Stetson Radio ad, with the original + Stetson Jingle! . Archived from the original on January 1, 2019. Retrieved January + 6, 2019. + + ^ Tom Brady . Forbes. Archived from the original on March 19, 2015. Retrieved + April 1, 2015. + + ^ Peyton Manning vs. Tom Brady Endorsements: Who s No. 1 In Commercial Appeal? + . Archived from the original on April 2, 2015. Retrieved April 1, 2015. + + ^ Ember, Sydney Tom Brady Still a Key Part of Under Armour s Broader Ad Push + Archived January 1, 2019, at the Wayback Machine New York Times. August 25, + 2015 + + ^ Beautyrest Black and Tom Brady Score for Sleep – BedTimes . Archived from + the original on January 2, 2019. Retrieved January 6, 2019. + + ^ Reimer, Alex (August 23, 2016). Tom Brady s Vegan Snacks Only Add to His + Bourgeois Profile . Forbes. Archived from the original on January 1, 2019. Retrieved + January 6, 2019. + + ^ Tom Brady Announces Launch Of TB12 Website, Online Store (Photo) . NESN.com. + January 21, 2016. Archived from the original on September 28, 2017. Retrieved + September 27, 2017. + + ^ Tom Brady Launches Raw Snack Line Under His TB12 Brand . NCA. Retrieved September + 27, 2017. + + ^ Tom Brady and TB12 Launch TB12 Foundation for Young Athletes – Physical Therapy + Products . Physical Therapy Products. Archived from the original on September + 28, 2017. Retrieved September 27, 2017. + + ^ This New Meal Delivery Plan Will Help You Eat Like Tom Brady . Archived from + the original on September 28, 2017. Retrieved September 27, 2017. + + ^ Garcia, Ahiza. Tom Brady launches meal kit service . CNNMoney. Archived from + the original on September 28, 2017. Retrieved September 27, 2017. + + ^ O Connor, Ian (September 20, 2017). Tom Brady has No. 1 book on Amazon, Hillary + at No. 2. As they said at Michigan, all he does is winpic.twitter.com/glGlzkGGRd + . @Ian_OConnor. Retrieved September 21, 2017. + + ^ Tom Brady s TB12 Method Is a Best Seller . Boston Magazine. Archived from + the original on September 28, 2017. Retrieved September 29, 2017. + + ^ Leibovich, Mark (2018). Tom Brady Gave a Filmmaker Unusual Access to His + Private Life . The New York Times. ISSN 0362-4331. Archived from the original + on January 10, 2018. Retrieved January 10, 2018. + + ^ a b Dagostino, Mark (December 14, 2006). Tom Brady, Bridget Moynahan Split + Up . People. Archived from the original on October 12, 2007. Retrieved December + 27, 2007. + + ^ Smith, Liz (February 18, 2007). It s Brady Baby For Sixy Star . New York + Post. Archived from the original on February 20, 2007. Retrieved December 27, + 2007. + + ^ Shanahan, Mark (February 18, 2007). Ex-Brady Girlfriend Says She s Pregnant + With His Child . The Boston Globe. Archived from the original on March 11, 2007. + Retrieved November 30, 2008. + + ^ Boehm, Kristin (August 28, 2007). Bridget Moynahan Thankful for Healthy + Baby . People. Archived from the original on November 13, 2008. Retrieved November + 30, 2008. + + ^ Bridget Moynahan Welcomes a Baby Boy . People. August 23, 2007. Archived + from the original on June 28, 2008. Retrieved November 30, 2008. + + ^ Tom Brady & Gisele Bundchen: New Couple? . People. Archived from the original + on September 6, 2015. Retrieved December 7, 2012. + + ^ Patriots Quarterback Tom Brady on Football, Fatherhood, and Gisele Bündchen + . Archived from the original on October 2, 2013. Retrieved April 27, 2013. + + ^ Cedenheim, Pernilla (February 27, 2009). Model Tom Brady & Gisele Bündchen: + Married! . People. Archived from the original on May 20, 2016. Retrieved April + 27, 2018. + + ^ Gisele Bündchen & Tom Brady Have a Boy . People. December 9, 2009. Archived + from the original on July 2, 2017. Retrieved August 11, 2017. + + ^ Gisele Bündchen and Tom Brady Welcome Daughter Vivian Lake . People. December + 7, 2015. Archived from the original on September 5, 2015. Retrieved August 11, + 2017. + + ^ Farrar, Doug. Boston (in) Common: Kevin Youkilis set to marry Tom Brady s + sister . Archived from the original on February 10, 2012. Retrieved February + 10, 2012. + + ^ Hua, Karen (February 2, 2017). Inside The Multimillion-Dollar Homes Of Tom + Brady . Forbes. Archived from the original on August 11, 2017. Retrieved August + 11, 2017. + + ^ The Tao Of Tom: How Tom Brady Uses An 80–20 Diet, Meditation, Yoga & One + Book To Age Backwards . Retrieved January 24, 2018. + + ^ The Best There Ever Was? . GQ. August 5, 2005. Archived from the original + on July 30, 2017. Retrieved July 30, 2017. + + ^ Tom Brady vs. Peyton Manning For Republican Presidential Nomination? Some + Believe It s Possible . WBZ-TV (CBS Boston). June 7, 2017. Archived from the + original on July 13, 2017. Retrieved July 30, 2017. + + ^ Super Bowl QB Tom Brady s No Patriot . The Smoking Gun. January 26, 2004. + Archived from the original on July 29, 2017. Retrieved July 30, 2017. + + ^ Leibovich, Mark (February 1, 2017). The Uncomfortable Love Affair Between + Donald Trump and the New England Patriots . The New York Times. Archived from + the original on February 6, 2017. Retrieved February 2, 2017. + + ^ Sports figures who support Donald Trump . Archived from the original on August + 28, 2018. Retrieved January 6, 2019. + + ^ Boren, Cindy. It s just a friendship : Tom Brady opens up a little about + President Trump . The Washington Post. Archived from the original on January + 24, 2017. Retrieved January 24, 2017. + + ^ Rappeport, Alan. Did Tom Brady and Gisele Bündchen Back Donald Trump? She + Says No, and He s Not Saying . The New York Times. Archived from the original + on February 16, 2017. Retrieved January 24, 2017. + + ^ Chestang, Raphael. Tom Brady Says Wife Gisele Bundchen Doesn t Want Him Talking + Politics . ET Online. Archived from the original on January 30, 2017. Retrieved + January 24, 2017. + + ^ Tom Brady will not attend Patriots visit to White House due to personal + family matters . Sports Illustrated. Sports Illustrated. Archived from the + original on April 9, 2018. Retrieved April 9, 2018. + + ^ Kamisar, Ben (February 1, 2015). 5 NFL stars who could run for office . The + Hill. Archived from the original on March 12, 2016. Retrieved February 5, 2017. + + ^ Klosterman, Chuck (November 18, 2015). Tom Brady Talks to Chuck Klosterman + About Deflategate (Sort Of . . .) . GQ. Archived from the original on February + 1, 2016. Retrieved February 5, 2017. + + ^ Durkee, Travis (November 18, 2015). Sorry, America, Tom Brady will never + run for president . Sporting News. Archived from the original on February 7, + 2017. Retrieved February 5, 2017. + + ^ Tack, Travis (November 14, 2016). Tom Brady Won t Talk Politics, Doesn t + Want To Run For Office . Politicus Sports. Archived from the original on February + 7, 2017. Retrieved February 5, 2017. + + ^ https://www.bostonherald.com/2018/10/12/helen-brady-hopes-tom-brady-photo-gives-campaign-a-boost/ + + ^ http://blog.masslive.com/patriots/2016/11/tom_brady_give_em_helen_ad.html + + ^ LaFratta, Kristin (November 6, 2018). 2018 Massachusetts Election: State + Auditor live results (Suzanne M. Bump, Helen Brady, Daniel Fisherman, Edward + J. Stamas) . Mass Live. Retrieved January 21, 2019. + + ^ Archived copy . Archived from the original on November 25, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on December 6, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on November 5, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + ^ Archived copy . Archived from the original on October 9, 2018. Retrieved + January 6, 2019. CS1 maint: Archived copy as title (link) + + Pierce, Charles (2006), Moving the Chains: Tom Brady and the Pursuit of Everything, + Farrar, Straus and Giroux, ISBN 0-374-21444-1 + + Wikiquote has quotations related to: Tom Brady + + Wikimedia Commons has media related to Tom Brady. + + Michigan Wolverines bio + + Career statistics and player information from NFL.com · ESPN · Yahoo! Sports + · SI.com · Pro-Football-Reference · Rotoworld + + Tom Brady on IMDb + + New England Patriots current roster + + 2 Brian Hoyer + + 14 Braxton Berrios + + 16 Darren Andrews + + 21 Duron Harmon + + 22 Obi Melifonwu + + 23 Patrick Chung + + 24 Stephon Gilmore + + 26 Sony Michel + + 27 J. C. Jackson + + 29 Duke Dawson + + 35 Keion Crossen + + 36 Brandon King + + 43 Nate Ebner + + 44 Christian Sam + + 46 James Develin + + 49 Joe Cardona + + 51 Ja Whaun Bentley + + 52 Elandon Roberts + + 53 Kyle Van Noy + + 54 Dont a Hightower + + 58 Keionta Davis + + 60 David Andrews + + 61 Marcus Cannon + + 62 Joe Thuney + + 63 Brian Schwenke + + 66 James Ferentz + + 69 Shaq Mason + + 70 Adam Butler + + 75 Ted Karras + + 76 Isaiah Wynn + + 80 Stephen Anderson + + 85 Ryan Izzo + + 91 Deatrich Wise Jr. + + 93 Lawrence Guy + + 95 Derek Rivers + + 97 Ufomba Kamalu + + 5 Danny Etling (Future) + + 17 Damoun Patterson (Future) + + 39 A. J. Howard (Future) + + 45 Trent Harris (Future) + + 48 Calvin Munson (Future) + + 72 Dan Skipper (Future) + + 74 Cole Croston (Future) + + 92 Frank Herron (Future) + + -- Jake Eldrenkamp (Future) + + -- Ryker Mathews (Future) + + -- David Parry (Future) + + 3 Stephen Gostkowski (UFA) + + 6 Ryan Allen (UFA) + + 10 Josh Gordon (RFA) + + 13 Phillip Dorsett (UFA) + + 15 Chris Hogan (UFA) + + 25 Eric Rowe (UFA) + + 30 Jason McCourty (UFA) + + 31 Jonathan Jones (RFA) + + 33 Jeremy Hill (UFA) + + 50 Ramon Humber (UFA) + + 55 John Simon (UFA) + + 59 Albert McClellan (UFA) + + 67 Ulrick John (UFA) + + 68 LaAdrian Waddle (UFA) + + 71 Danny Shelton (UFA) + + 77 Trent Brown (UFA) + + 81 Cody Hollister (ERFA) + + 84 Cordarrelle Patterson (UFA) + + 90 Malcom Brown (UFA) + + 98 Trey Flowers (UFA) + + List of starting quarterbacks in the National Football League (as of Week 17 + of the 2018 NFL season) + + Josh Allen (Buffalo Bills) + + Tom Brady (New England Patriots) + + Sam Darnold (New York Jets) + + Lamar Jackson (Baltimore Ravens) + + Jeff Driskel (Cincinnati Bengals) + + Baker Mayfield (Cleveland Browns) + + Deshaun Watson (Houston Texans) + + Andrew Luck (Indianapolis Colts) + + Blake Bortles (Jacksonville Jaguars) + + Blaine Gabbert (Tennessee Titans) + + Case Keenum (Denver Broncos) + + Patrick Mahomes (Kansas City Chiefs) + + Derek Carr (Oakland Raiders) + + Eli Manning (New York Giants) + + Nick Foles (Philadelphia Eagles) + + Josh Johnson (Washington Redskins) + + Mitchell Trubisky (Chicago Bears) + + Matthew Stafford (Detroit Lions) + + Kirk Cousins (Minnesota Vikings) + + Matt Ryan (Atlanta Falcons) + + Kyle Allen (Carolina Panthers) + + Teddy Bridgewater (New Orleans Saints) + + Jameis Winston (Tampa Bay Buccaneers) + + Josh Rosen (Arizona Cardinals) + + Jared Goff (Los Angeles Rams) + + Nick Mullens (San Francisco 49ers) + + Russell Wilson (Seattle Seahawks) + + Tom Brady—awards, championships, and honors + + Peyton Manning Record for NFL passing touchdowns in a single season + + Michigan Wolverines starting quarterbacks + + Barmore (1880) + + Horton (1881) + + McNeil (1883–1885) + + Farrand (1887) + + F. Smith (1888) + + Sherman (1891) + + Sanderson (1892) + + Baird (1893–1895) + + Richards (1895–1897) + + Drumheller (1896) + + Felver (1896–1897) + + Talcott (1898) + + McGinnis (1900) + + Weeks (1901–1902) + + Norcross (1904–1905) + + Barlow (1905) + + Wasmund (1907–1909) + + McMillan (1910–1911) + + Huebel (1912) + + Hughitt (1913–1914) + + Roehm (1915) + + Sparks (1916, 1919) + + Knode (1918) + + Bank (1920–1921) + + Uteritz (1921–1923) + + Rockwell (1924) + + Friedman (1925–1926) + + Simrall (1929) + + Tessmer (1930–1931) + + Newman (1930–1932) + + Fay (1933) + + Jennings (1934) + + Renner (1935) + + Evashevski (1938–1940) + + Ceithaml (1941–1942) + + Wiese (1943) + + Ponsetto (1944–1945) + + Yerges (1945–1947) + + Elliott (1948) + + Ghindia (1949) + + Putich (1950) + + Topor (1951–1952) + + Baldacci (1953–1954) + + Maddock (1955) + + Van Pelt (1956–1957) + + Ptacek (1958) + + Noskin (1959) + + Stamos (1960–1961) + + Glinka (1960–1961) + + Timberlake (1962–1964) + + Gabler (1965) + + Vidmer (1965–1967) + + Den. Brown (1967–1968) + + Moorhead (1969–1970) + + Slade (1971) + + Franklin (1972–1974) + + Leach (1975–1978) + + Dickey (1979) + + Wangler (1979–1980) + + S. Smith (1981–1983) + + Zurbrugg (1984) + + Harbaugh (1984–1986) + + Dem. Brown (1987–1988) + + Taylor (1987–1989) + + Grbac (1989–1992) + + Collins (1993–1994) + + Dreisbach (1995–1996) + + Griese (1995–1997) + + Brady (1998–1999) + + Henson (2000) + + Navarre (2000–2003) + + Henne (2004–2007) + + Mallett (2007) + + Threet (2008) + + Forcier (2009) + + Robinson (2010–2012) + + Gardner (2012–2014) + + Morris (2013–2014) + + Rudock (2015) + + Speight (2016–2017) + + O Korn (2016–2017) + + Peters (2017) + + Patterson (2018– ) + + 1997 Michigan Wolverines football—AP national champions + + Jeff Backus + + Scott Dreisbach + + Tommy Hendricks + + Marcus Knight + + DeWayne Patmon + + Rob Renes + + Aaron Shea + + Glen Steele + + Tai Streets + + Sam Sword + + Jerame Tuman + + Andre Weathers + + Head coach: Lloyd Carr + + Assistant coaches: Vance Bedford + + Mike DeBord + + Jim Herrmann + + Stan Parrish + + New England Patriots 2000 NFL draft selections + + Adrian Klemm + + J. R. Redmond + + Greg Randall + + Dave Stachelski + + Jeff Marriott + + Casey Tisdale + + Boston / New England Patriots starting quarterbacks + + Butch Songin (1960–1961) + + Tom Greene (1960) + + Babe Parilli (1961–1967) + + Tom Yewcic (1962) + + Eddie Wilson (1965) + + Don Trull (1967) + + Mike Taliaferro (1968–1970) + + Tom Sherman (1968) + + Joe Kapp (1970) + + Jim Plunkett (1971–1975) + + Steve Grogan (1975–1990) + + Neil Graff (1975) + + Matt Cavanaugh (1980–1982) + + Tom Owen (1981) + + Tony Eason (1983–1989) + + Tom Ramsey (1987–1988) + + Bob Bleier (1987) + + Doug Flutie (1987–1989) + + Marc Wilson (1989–1990) + + Tommy Hodson (1990–1992) + + Hugh Millen (1991–1992) + + Scott Zolak (1992, 1995, 1998) + + Drew Bledsoe (1993–2001) + + Scott Secules (1993) + + Tom Brady (2001–present) + + Matt Cassel (2008) + + Jacoby Brissett (2016) + + Associated Press NFL Offensive Player of the Year Award winners + + 1974: Stabler + + 1975: Tarkenton + + 1982: Fouts + + 1983: Theismann + + 1984: Marino + + 1986: Dickerson + + 1988: Craig + + 1989: Montana + + 1995: Favre + + 2006: Tomlinson + + 2008: Brees + + 2017: Gurley + + 2018: Mahomes + + Associated Press NFL Most Valuable Player Award winners + + 1957: J. Brown + + 1960: Van Brocklin + + 1962: J. Taylor + + 1963: Tittle + + 1966: Starr + + 1969: Gabriel + + 1970: Brodie + + 1972: L. Brown + + 1975: Tarkenton 1976: Jones + + 1980: Sipe + + 1982: Moseley + + 1987: Elway + + 1988: Esiason + + 1997: Favre & Sanders + + 2002: Gannon + + 2003: Manning & McNair + + 1962: Robustelli + + 1970: Blanda + + 1974: Olsen + + 1977: Griese + + 1983: Riggins + + 1988: Cunningham + + 2010: Vick + + 2017: Wentz + + 1975: Hampton + + 1995: Harbaugh & Hearst + + 1996: Bettis + + 2000: J. Johnson + + 2002: Maddox + + 2011: Stafford + + 2014: Gronkowski + + 2018: Luck + + New England Patriots Super Bowl XXXVI champions + + 4 Adam Vinatieri + + 11 Drew Bledsoe + + 12 Tom Brady (MVP) + + 13 Ken Walter + + 14 Walter Williams + + 15 Jimmy Farris + + 16 Scott McCready + + 19 Damon Huard + + 21 J. R. Redmond + + 22 Terrance Shaw + + 23 Antwan Harris + + 24 Ty Law + + 25 Leonard Myers + + 26 Matt Stevens + + 27 Terrell Buckley + + 28 Brock Williams + + 29 Hakim Akbar + + 30 Je Rod Cherry + + 31 Ben Kelly + + 32 Antowain Smith + + 33 Kevin Faulk + + 34 Tebucky Jones + + 35 Patrick Pass + + 36 Lawyer Milloy + + 38 Ray Hill + + 44 Marc Edwards + + 45 Otis Smith + + 48 Arther Love + + 49 Jabari Holloway + + 50 Mike Vrabel + + 51 Bryan Cox + + 52 Ted Johnson + + 53 Larry Izzo + + 54 Tedy Bruschi + + 55 Willie McGinest + + 58 Matt Chatham + + 59 Andy Katzenmoyer + + 60 Drew Inzer + + 61 Stephen Neal + + 62 Setema Gali + + 63 Joe Andruzzi + + 64 Greg Randall + + 65 Damien Woody + + 66 Lonie Paxton + + 67 Grey Ruegamer + + 68 Tom Ashworth + + 70 Adrian Klemm + + 71 Chris Sullivan + + 72 Matt Light + + 74 Kenyatta Jones + + 75 Maurice Anderson + + 76 Grant Williams + + 77 Mike Compton + + 80 Troy Brown + + 82 Curtis Jackson + + 83 Rod Rutledge + + 84 Fred Coleman + + 85 Jermaine Wiggins + + 86 David Patten + + 88 Terry Glenn + + 90 Marty Moore + + 91 Bobby Hamilton + + 92 David Nugent + + 93 Richard Seymour + + 94 Jace Sayler + + 95 Roman Phifer + + 96 Brandon Mitchell + + 97 Riddick Parker + + 98 Anthony Pleasant + + 99 Kole Ayi + + Coaches: Ned Burke + + Ivan Fears + + Randy Melvin + + Dante Scarnecchia + + New England Patriots Super Bowl XXXVIII champions + + 6 Rohan Davey + + 10 Jamin Elliott + + 16 Kliff Kingsbury + + 17 Dedric Ward + + 18 Chas Gessner + + 21 Mike Cloud + + 22 Asante Samuel + + 26 Eugene Wilson + + 31 Larry Centers + + 34 Chris Akins + + 38 Tyrone Poole + + 39 Shawn Mayer + + 44 Fred McCrary + + 46 Brian Kinchen + + 48 Tully Banta-Cain + + 49 Sean McDermott + + 51 Don Davis + + 59 Rosevelt Colvin + + 60 Wilbert Brown + + 62 Tim Provost + + 64 Gene Mruczkowski + + 67 Dan Koppen + + 71 Russ Hochstein + + 75 Jamil Soriano + + 76 Brandon Gorin + + 81 Bethel Johnson + + 82 Daniel Graham + + 83 Deion Branch + + 84 Fred Baxter + + 85 J. J. Stokes + + 87 David Givens + + 88 Christian Fauria + + 90 Dan Klecko + + 92 Ted Washington + + 94 Ty Warren + + 96 Rick Lyle + + 97 Jarvis Green + + 99 Ethan Kelley + + Coaches: Romeo Crennel + + Sean Gustus + + New England Patriots Super Bowl XXXIX champions + + 8 Josh Miller + + 10 Kevin Kasper + + 13 Jim Miller + + 14 P. K. Sam + + 18 Cedric James + + 19 Ricky Bryant + + 21 Randall Gay + + 23 Omare Lowe + + 27 Rabih Abdullah + + 28 Corey Dillon + + 29 Earthwind Moreland + + 31 Hank Poteat + + 32 Kory Chapman + + 34 Cedric Cobbs + + 39 Guss Scott + + 42 Dexter Reid + + 46 Zeron Flemister + + 47 Justin Kurpeikis + + 49 Eric Alexander + + 65 Lance Nimmo + + 69 Buck Rasmussen + + 74 Billy Yates + + 75 Vince Wilfork + + 83 Deion Branch (MVP) + + 84 Benjamin Watson + + 85 Jed Weaver + + 91 Marquise Hill + + 96 Rodney Bailey + + 98 Keith Traylor + + New England Patriots Super Bowl XLIX champions + + 3 Stephen Gostkowski + + 6 Ryan Allen + + 8 Garrett Gilbert + + 10 Jimmy Garoppolo + + 16 Jonathan Krause + + 17 Aaron Dobson + + 21 Malcolm Butler + + 22 Stevan Ridley + + 24 Darrelle Revis + + 25 Kyle Arrington + + 26 Logan Ryan + + 27 Tavon Wilson + + 29 LeGarrette Blount + + 31 Justin Green + + 34 Shane Vereen + + 35 Jonas Gray + + 36 Tyler Gaffney + + 37 Alfonzo Dennard + + 39 Brandon Browner + + 41 Daxton Swanson + + 45 Cameron Gordon + + 47 Michael Hoomanawanui + + 48 Danny Aiken + + 50 Rob Ninkovich + + 51 Jerod Mayo + + 53 Eric Martin + + 58 Darius Fleming + + 59 Chris White + + 62 Ryan Wendell + + 63 Dan Connolly + + 64 Chris Barker + + 65 Jordan Devey + + 66 Bryan Stork + + 67 Josh Kline + + 68 Caylin Hauptmann + + 71 Cameron Fleming + + 72 Joe Vellano + + 74 Dominique Easley + + 76 Sebastian Vollmer + + 80 Danny Amendola + + 81 Tim Wright + + 82 Josh Boyce + + 84 Brian Tyms + + 90 Zach Moore + + 91 Jamie Collins + + 92 Jake Bequette + + 94 Chris Jones + + 95 Chandler Jones + + 96 Sealver Siliga + + 97 Alan Branch + + 99 Michael Buchanan + + – James Morris + + – Greg Orton + + Coaches: Stephen Belichick + + Josh Boyer + + Joe Judge + + Harold Nash + + Chad O Shea + + New England Patriots Super Bowl LI champions + + 14 Michael Floyd + + 16 Devin Lucien + + 17 DeAndrew White + + 19 Malcolm Mitchell + + 22 Justin Coleman + + 24 Cyrus Jones + + 25 Eric Rowe + + 27 D. J. Foster + + 31 Jonathan Jones + + 44 Trevor Bates + + 47 Glenn Gronkowski + + 51 Barkevious Mingo + + 55 Jonathan Freeny + + 63 Tre Jackson + + 65 Jamil Douglas + + 66 Chase Farris + + 68 LaAdrian Waddle + + 74 Woodrow Hamilton + + 82 Matt Lengel + + 83 Greg Scruggs + + 88 Martellus Bennett + + 90 Malcom Brown + + 92 Geneo Grissom + + 95 Chris Long + + 96 Darius Kilgo + + 98 Trey Flowers + + 99 Vincent Valentine + + Raymond Ventrone + + 5 Danny Etling + + 11 Julian Edelman (MVP) + + 17 Riley McCarron + + 17 Damoun Patterson + + 39 A. J. Howard + + 42 Jomal Wiltz + + 45 Trent Harris + + 48 Calvin Munson + + 50 Ramon Humber + + 55 John Simon' + __selected-sentences__: + - 'Most games won by a quarterback: 237[2]' + episode_done: false + eval_labels: + - Some where in the middle. That guy is good, he has most games won by a quarterback/. + He seems huble + id: WizInternetWizardTeacher + search_query: Tom Brady records + text: It is. Are you a Brady fan or foe? +num_episodes: 516 +num_examples: 2881 diff --git a/parlai/utils/misc.py b/parlai/utils/misc.py index a38a7947e11..3a989a87f4d 100644 --- a/parlai/utils/misc.py +++ b/parlai/utils/misc.py @@ -411,12 +411,17 @@ def nice_report(report) -> str: df = pd.DataFrame([output]) df.columns = pd.MultiIndex.from_tuples(df.columns) df = df.stack().transpose().droplevel(0, axis=1) - result = " " + df.to_string( - na_rep="", - line_width=line_width - 3, # -3 for the extra spaces we add - float_format=float_formatter, - index=df.shape[0] > 1, - ).replace("\n\n", "\n").replace("\n", "\n ") + result = ( + " " + + df.to_string( + na_rep="", + line_width=line_width - 3, # -3 for the extra spaces we add + float_format=float_formatter, + index=df.shape[0] > 1, + ) + .replace("\n\n", "\n") + .replace("\n", "\n ") + ) result = re.sub(r"\s+$", "", result) return result else: diff --git a/parlai/zoo/blenderbot2/blenderbot2_3B.py b/parlai/zoo/blenderbot2/blenderbot2_3B.py new file mode 100644 index 00000000000..75086303a3d --- /dev/null +++ b/parlai/zoo/blenderbot2/blenderbot2_3B.py @@ -0,0 +1,23 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +""" +BB2, 3B. +""" +from parlai.core.build_data import built, download_models, get_model_dir +import os +import os.path + + +def download(datapath): + ddir = os.path.join(get_model_dir(datapath), 'blenderbot2') + model_type = 'blenderbot2_3B' + version = 'v1.0' + if not built(os.path.join(ddir, model_type), version): + opt = {'datapath': datapath, 'model_type': model_type} + fnames = ['model.tgz'] + download_models( + opt, fnames, 'blenderbot2', version=version, use_model_type=True + ) diff --git a/parlai/zoo/blenderbot2/blenderbot2_400M.py b/parlai/zoo/blenderbot2/blenderbot2_400M.py new file mode 100644 index 00000000000..9cdddff2c01 --- /dev/null +++ b/parlai/zoo/blenderbot2/blenderbot2_400M.py @@ -0,0 +1,23 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +""" +BB2, 400m. +""" +from parlai.core.build_data import built, download_models, get_model_dir +import os +import os.path + + +def download(datapath): + ddir = os.path.join(get_model_dir(datapath), 'blenderbot2') + model_type = 'blenderbot2_400M' + version = 'v1.0' + if not built(os.path.join(ddir, model_type), version): + opt = {'datapath': datapath, 'model_type': model_type} + fnames = ['model.tgz'] + download_models( + opt, fnames, 'blenderbot2', version=version, use_model_type=True + ) diff --git a/parlai/zoo/blenderbot2/memory_decoder.py b/parlai/zoo/blenderbot2/memory_decoder.py new file mode 100644 index 00000000000..8eb7e3e2d8f --- /dev/null +++ b/parlai/zoo/blenderbot2/memory_decoder.py @@ -0,0 +1,23 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +""" +Memory Decoder for BB2. +""" +from parlai.core.build_data import built, download_models, get_model_dir +import os +import os.path + + +def download(datapath): + ddir = os.path.join(get_model_dir(datapath), 'blenderbot2') + model_type = 'memory_decoder' + version = 'v1.0' + if not built(os.path.join(ddir, model_type), version): + opt = {'datapath': datapath, 'model_type': model_type} + fnames = ['model.tgz'] + download_models( + opt, fnames, 'blenderbot2', version=version, use_model_type=True + ) diff --git a/parlai/zoo/blenderbot2/query_generator.py b/parlai/zoo/blenderbot2/query_generator.py new file mode 100644 index 00000000000..fe65ba443b3 --- /dev/null +++ b/parlai/zoo/blenderbot2/query_generator.py @@ -0,0 +1,23 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +""" +Query Generator for BB2. +""" +from parlai.core.build_data import built, download_models, get_model_dir +import os +import os.path + + +def download(datapath): + ddir = os.path.join(get_model_dir(datapath), 'blenderbot2') + model_type = 'query_generator' + version = 'v1.0' + if not built(os.path.join(ddir, model_type), version): + opt = {'datapath': datapath, 'model_type': model_type} + fnames = ['model.tgz'] + download_models( + opt, fnames, 'blenderbot2', version=version, use_model_type=True + ) diff --git a/parlai/zoo/model_list.py b/parlai/zoo/model_list.py index f51f45e1e9a..55ac14972f6 100644 --- a/parlai/zoo/model_list.py +++ b/parlai/zoo/model_list.py @@ -1872,4 +1872,207 @@ ), "result": ("TODO"), }, + { + "title": "BlenderBot2 Query Generator", + "id": "blenderbot2", + "path": "zoo:blenderbot2/query_generator/model", + "agent": "bart", + "task": "wizard_of_internet:SearchQueryTeacher", + "project": "https://parl.ai/projects/blenderbot2/", + "description": ( + "The query generator for BlenderBot2. Either generates a search query " + "or a phrase indicating access to the long-term memory" + ), + "example": ("parlai interactive -mf zoo:blenderbot2/query_generator/model"), + "result": ( + "Enter Your Message: my favorite tv show is wandavision\n" + "[Bart]: wandavision" + ), + }, + { + "title": "BlenderBot2 Memory Decoder", + "id": "blenderbot2", + "path": "zoo:blenderbot2/memory_decoder/model", + "agent": "bart", + "task": "multi", + "project": "https://parl.ai/projects/blenderbot2/", + "description": ( + "The memory decoder for BlenderBot2. Either generates a memory " + "to write or a token indicating no memory can be written." + ), + "example": ("parlai interactive -mf zoo:blenderbot2/memory_decoder/model"), + "result": ( + "Enter Your Message: i love reading; harry potter was such a good series\n" + "[Bart]: I love reading. I like the Harry Potter series." + ), + }, + { + "title": "BlenderBot2 3B", + "id": "blenderbot2", + "path": "zoo:blenderbot2/blenderbot2_3B/model", + "agent": "projects.blenderbot2.agents.blenderbot2:BlenderBot2FidAgent", + "task": "wizard_of_internet", + "project": "https://parl.ai/projects/blenderbot2/", + "description": ("BlenderBot2 3B Model. See project for details."), + "example": ( + "parlai interactive -mf zoo:blenderbot2/blenderbot2_3B/model --search-server relevant_search_server" + ), + "result": ( + "Enter Your Message: my favorite tv show is wandavision\n" + "[BlenderBot2Fid]: Who is your favorite character in WandaVision? Mine is Elizabeth Olsen." + ), + }, + { + "title": "BlenderBot2 400M", + "id": "blenderbot2", + "path": "zoo:blenderbot2/blenderbot2_400M/model", + "agent": "projects.blenderbot2.agents.blenderbot2:BlenderBot2FidAgent", + "task": "wizard_of_internet", + "project": "https://parl.ai/projects/blenderbot2/", + "description": ("BlenderBot2 400M Model. See project for details."), + "example": ( + "parlai interactive -mf zoo:blenderbot2/blenderbot2_400M/model --search-server relevant_search_server" + ), + "result": ( + "Enter Your Message: my favorite food is chicken parmesan, do you have a good recipe?\n" + "[BlenderBot2Fid]: I don't have a recipe, but I do know how to make it at home. It's easy to make." + ), + }, + { + "title": "Bart Base Wizard of Internet", + "id": "sea", + "path": "zoo:sea/bart_base/model", + "agent": "bart", + "task": "wizard_of_internet", + "project": "https://parl.ai/projects/sea/", + "description": ("BART-Large 400m model trained on Wizard of Internet."), + "example": ("parlai interactive -mf zoo:sea/bart_base/model"), + "result": ( + "Enter Your Message: Do you know about the world cup 2022?\n" + "[Bart]: I heard that the fifa games are coming back." + ), + "example2": ( + "parlai eval_model -mf zoo:sea/bart_base/model -t wizard_of_internet --num-examples 100" + ), + "result2": ( + " clen ctpb ctps ctrunc ctrunclen exps exs gpu_mem llen loss lr ltpb ltps ltrunc ltrunclen ppl token_acc token_em tpb tps\n" + "96.48 98.48 2037 0 0 20.68 100 .1199 17.22 2.851 5e-10 17.22 356.2 0 0 17.31 .4187 0 115.7 2393" + ), + }, + { + "title": "Serarch Query Generator Wizard of Internet", + "id": "sea", + "path": "zoo:sea/bart_sq_gen/model", + "agent": "bart", + "task": "wizard_of_internet", + "project": "https://parl.ai/projects/sea/", + "description": ("BART-Large 400m model for generating search queries."), + "example": ("parlai interactive -mf zoo:sea/bart_sq_gen/model"), + "result": ( + "Enter Your Message: I am looking for a good vacation spot in NY.\n" + "[Bart]: vacation spots in ny." + ), + }, + { + "title": "WizInt FiD Search Query Search Engine", + "id": "sea", + "path": "zoo:sea/bart_fid_sqse/model", + "agent": "bart", + "task": "wizard_of_internet", + "project": "https://parl.ai/projects/sea/", + "description": ( + "FiD model with BART-Large 400m generation model. " + "The model first uses a search query generator model to create a search query. " + "It forwards that search query to a search engine API to retrive documents. " + "It uses FiD to generate a response, using the latter documents." + ), + "example": ( + "parlai interactive -mf zoo:sea/bart_fid_sqse/model \\ \n" + "--search-query-generator-model-file zoo:sea/bart_fid_sqse/model \\ \n" + "--search-server " + ), + "result": ( + "Enter Your Message: Have you seen the new James bond movie?\n" + "[SearchEngineFiD]: I have not seen the new James Bond movie." + ), + }, + { + "title": "MSC2.7B 1024", + "id": "msc", + "path": "zoo:msc/msc3B_1024/model", + "agent": "projects.msc.agents.long_tga:TransformerVariantAgent", + "task": "msc", + "project": "https://parl.ai/projects/msc/", + "description": ("MSC 2.7B Model with truncate 1024. See project for details."), + "example": ("parlai interactive -mf zoo:msc/msc3B_1024/model"), + "result": ( + "Enter Your Message: your persona:I have a job. I have 3 sisters. I am going to Hawaii next week.\npartner's persona: I can speak 3 languages.\nHave you made all the travel plans to Hawaii?" + "[TransformerVariant]: Yes, I have. I'm so excited. I can't wait to see my sisters and my mom." + ), + }, + { + "title": "BlenderBot2.7B 1024", + "id": "msc", + "path": "zoo:msc/blender3B_1024/model", + "agent": "projects.msc.agents.long_tga:TransformerVariantAgent", + "task": "msc", + "project": "https://parl.ai/projects/msc/", + "description": ( + "BlenderBot 2.7B Model with truncate 1024. See project for details." + ), + "example": ("parlai interactive -mf zoo:msc/blender3B_1024/model"), + "result": ( + "Enter Your Message: your persona:I have a job. I have 3 sisters. I am going to Hawaii next week.\npartner's persona: I can speak 3 languages.\nHave you made all the travel plans to Hawaii?" + "[MemoryLongRag]: Yes, I have been planning this trip for a long time. I can't wait to go." + ), + }, + { + "title": "SUMMSC-RAG 2.7B", + "id": "msc", + "path": "zoo:msc/summsc_rag3B/model", + "agent": "projects.msc.agents.memory_agent:MemoryLongRagAgent", + "task": "msc", + "project": "https://parl.ai/projects/msc/", + "description": ( + "SUMMSC 2.7B RAG Model with truncate 1024. See project for details." + ), + "example": ("parlai interactive -mf zoo:msc/summsc_rag3B/model"), + "result": ( + "Enter Your Message: your persona:I have a job. I have 3 sisters. I am going to Hawaii next week.\npartner's persona: I can speak 3 languages.\nHave you made all the travel plans to Hawaii?" + "[MemoryLongRag]: Yes, I have. I can't wait to go. Have you been to hawaii before?" + ), + }, + { + "title": "SUMMSC-FidRAG 2.7B", + "id": "msc", + "path": "zoo:msc/summsc_fidrag3B/model", + "agent": "projects.msc.agents.memory_agent:MemoryLongFidAgent", + "task": "msc", + "project": "https://parl.ai/projects/msc/", + "description": ( + "SUMMSC 2.7B FidRAG Model with truncate 1024. See project for details." + ), + "example": ("parlai interactive -mf zoo:msc/summsc_fidrag3B/model"), + "result": ( + "Enter Your Message: your persona:I have a job. I have 3 sisters. I am going to Hawaii next week.\npartner's persona: I can speak 3 languages.\nHave you made all the travel plans to Hawaii?" + "[MemoryLongFid]: Yes, I'm going with my three sisters to hawaii. Have you ever been?" + ), + }, + { + "title": "Dialogue Summarization Model", + "id": "msc", + "path": "zoo:msc/dialog_summarizer/model", + "agent": "transformer/generator", + "task": "msc", + "project": "https://parl.ai/projects/msc/", + "description": ( + "Dialogue Summarization Model tha summarize personal knowledge of the last speaker. " + "See project for details." + ), + "example": ("parlai interactive -mf zoo:msc/dialog_summarizer/model"), + "result": ( + "Enter Your Message: Do you know which puppy you want to adopt?\nMaybe a corgi." + "[TransformerGenerator]: I want to adopt a corgi puppy." + ), + }, ] diff --git a/parlai/zoo/msc/blender3B_1024.py b/parlai/zoo/msc/blender3B_1024.py new file mode 100644 index 00000000000..aa784c05c03 --- /dev/null +++ b/parlai/zoo/msc/blender3B_1024.py @@ -0,0 +1,21 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +""" +Blender3B truncate 1024. +""" +from parlai.core.build_data import built, download_models, get_model_dir +import os +import os.path + + +def download(datapath): + ddir = os.path.join(get_model_dir(datapath), 'msc') + model_type = 'blender3B_1024' + version = 'v0.1' + if not built(os.path.join(ddir, model_type), version): + opt = {'datapath': datapath, 'model_type': model_type} + fnames = [f'model_{version}.tar.gz'] + download_models(opt, fnames, 'msc', version=version, use_model_type=True) diff --git a/parlai/zoo/msc/dialog_summarizer.py b/parlai/zoo/msc/dialog_summarizer.py new file mode 100644 index 00000000000..8063a68e0f2 --- /dev/null +++ b/parlai/zoo/msc/dialog_summarizer.py @@ -0,0 +1,21 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +""" +Dialogue Summarization Model 3B. +""" +from parlai.core.build_data import built, download_models, get_model_dir +import os +import os.path + + +def download(datapath): + ddir = os.path.join(get_model_dir(datapath), 'msc') + model_type = 'dialog_summarizer' + version = 'v0.1' + if not built(os.path.join(ddir, model_type), version): + opt = {'datapath': datapath, 'model_type': model_type} + fnames = [f'model_{version}.tar.gz'] + download_models(opt, fnames, 'msc', version=version, use_model_type=True) diff --git a/parlai/zoo/msc/msc3B_1024.py b/parlai/zoo/msc/msc3B_1024.py new file mode 100644 index 00000000000..914925a83b8 --- /dev/null +++ b/parlai/zoo/msc/msc3B_1024.py @@ -0,0 +1,21 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +""" +MSC 3B truncate 1024. +""" +from parlai.core.build_data import built, download_models, get_model_dir +import os +import os.path + + +def download(datapath): + ddir = os.path.join(get_model_dir(datapath), 'msc') + model_type = 'msc3B_1024' + version = 'v0.1' + if not built(os.path.join(ddir, model_type), version): + opt = {'datapath': datapath, 'model_type': model_type} + fnames = [f'model_{version}.tar.gz'] + download_models(opt, fnames, 'msc', version=version, use_model_type=True) diff --git a/parlai/zoo/msc/summsc_fidrag3B.py b/parlai/zoo/msc/summsc_fidrag3B.py new file mode 100644 index 00000000000..51ba51b895a --- /dev/null +++ b/parlai/zoo/msc/summsc_fidrag3B.py @@ -0,0 +1,21 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +""" +SumMem-MSC 3B FiD-RAG. +""" +from parlai.core.build_data import built, download_models, get_model_dir +import os +import os.path + + +def download(datapath): + ddir = os.path.join(get_model_dir(datapath), 'msc') + model_type = 'summsc_fidrag3B' + version = 'v0.1' + if not built(os.path.join(ddir, model_type), version): + opt = {'datapath': datapath, 'model_type': model_type} + fnames = [f'model_{version}.tar.gz'] + download_models(opt, fnames, 'msc', version=version, use_model_type=True) diff --git a/parlai/zoo/msc/summsc_rag3B.py b/parlai/zoo/msc/summsc_rag3B.py new file mode 100644 index 00000000000..e65d046ae3b --- /dev/null +++ b/parlai/zoo/msc/summsc_rag3B.py @@ -0,0 +1,21 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +""" +SumMem-MSC 3B RAG. +""" +from parlai.core.build_data import built, download_models, get_model_dir +import os +import os.path + + +def download(datapath): + ddir = os.path.join(get_model_dir(datapath), 'msc') + model_type = 'summsc_rag3B' + version = 'v0.1' + if not built(os.path.join(ddir, model_type), version): + opt = {'datapath': datapath, 'model_type': model_type} + fnames = [f'model_{version}.tar.gz'] + download_models(opt, fnames, 'msc', version=version, use_model_type=True) diff --git a/parlai/zoo/sea/__init__.py b/parlai/zoo/sea/__init__.py new file mode 100644 index 00000000000..240697e3247 --- /dev/null +++ b/parlai/zoo/sea/__init__.py @@ -0,0 +1,5 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. diff --git a/parlai/zoo/sea/bart_base.py b/parlai/zoo/sea/bart_base.py new file mode 100644 index 00000000000..44e3581dd73 --- /dev/null +++ b/parlai/zoo/sea/bart_base.py @@ -0,0 +1,21 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +""" +Vanila BART-Large 400m parameter model with no retrieval. +""" +from parlai.core.build_data import built, download_models, get_model_dir +import os +import os.path + + +def download(datapath): + ddir = os.path.join(get_model_dir(datapath), 'sea') + model_type = 'bart_base' + version = 'v1.0' + if not built(os.path.join(ddir, model_type), version): + opt = {'datapath': datapath, 'model_type': model_type} + fnames = [f'model_{version}.tgz'] + download_models(opt, fnames, 'sea', version=version, use_model_type=True) diff --git a/parlai/zoo/sea/bart_fid_sqse.py b/parlai/zoo/sea/bart_fid_sqse.py new file mode 100644 index 00000000000..36ac6bc961d --- /dev/null +++ b/parlai/zoo/sea/bart_fid_sqse.py @@ -0,0 +1,23 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +""" +BART-Large 400m FiD model. + +It generates search queries and uses them to retrieve docs from a search engine API. +""" +from parlai.core.build_data import built, download_models, get_model_dir +import os +import os.path + + +def download(datapath): + ddir = os.path.join(get_model_dir(datapath), 'sea') + model_type = 'bart_fid_sqse' + version = 'v1.0' + if not built(os.path.join(ddir, model_type), version): + opt = {'datapath': datapath, 'model_type': model_type} + fnames = [f'model_{version}.tgz'] + download_models(opt, fnames, 'sea', version=version, use_model_type=True) diff --git a/parlai/zoo/sea/bart_sq_gen.py b/parlai/zoo/sea/bart_sq_gen.py new file mode 100644 index 00000000000..686fef0613c --- /dev/null +++ b/parlai/zoo/sea/bart_sq_gen.py @@ -0,0 +1,21 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +""" +BART-Large 400m parameter model for generating search queries in a conversation. +""" +from parlai.core.build_data import built, download_models, get_model_dir +import os +import os.path + + +def download(datapath): + ddir = os.path.join(get_model_dir(datapath), 'sea') + model_type = 'bart_sq_gen' + version = 'v1.0' + if not built(os.path.join(ddir, model_type), version): + opt = {'datapath': datapath, 'model_type': model_type} + fnames = [f'model_{version}.tgz'] + download_models(opt, fnames, 'sea', version=version, use_model_type=True) diff --git a/projects/blenderbot2/README.md b/projects/blenderbot2/README.md new file mode 100644 index 00000000000..e69de29bb2d diff --git a/projects/blenderbot2/agents/__init__.py b/projects/blenderbot2/agents/__init__.py new file mode 100644 index 00000000000..e69de29bb2d diff --git a/projects/blenderbot2/agents/blenderbot2.py b/projects/blenderbot2/agents/blenderbot2.py new file mode 100644 index 00000000000..74c28aa0af2 --- /dev/null +++ b/projects/blenderbot2/agents/blenderbot2.py @@ -0,0 +1,890 @@ +#!/usr/bin/env python3 +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +""" +BlenderBot2 Agent Code. + +BlenderBot 2 combines a long-term memory module with a retriever module. + +The Search Query Generator generates a query that tells BB2 to either access +its memory or access the internet. + +The Memory Decoder examines the context and generates memories to write to +the long-term memory module. +""" +import torch +import torch.nn +import torch.nn.functional as F +from typing import Union, Dict, List, Tuple, Optional, Any + +from parlai.agents.fid.fid import FidAgent +from parlai.agents.rag.args import DPR_ZOO_MODEL, QUERY_MODEL_TYPES +from parlai.agents.rag.rag import RagAgent +from parlai.agents.rag.model_types import ( + RagTurn, + RagSequence, + RagToken, + RagModelInterface, +) +from parlai.core.message import Message +from parlai.core.metrics import AverageMetric +from parlai.core.opt import Opt +from parlai.core.params import ParlaiParser +from parlai.core.torch_agent import Batch +from parlai.tasks.wizard_of_internet.constants import ( + SELECTED_DOCS, + SELECTED_DOCS_TITLES, + SELECTED_SENTENCES, +) +from parlai.utils.torch import padded_3d + +from .modules import ( + BlenderBot2RagModel, + T5BlenderBot2RagModel, + BlenderBot2FidModel, + T5BlenderBot2FidModel, +) +from .sub_modules import RetrievalType, KnowledgeAccessMethod +from parlai.agents.fid.fid import SearchQuerySearchEngineFiDAgent + + +ZOO_QUERY_GENERATOR = 'zoo:blenderbot2/query_generator/model' +ZOO_MEMORY_DECODER = 'zoo:blenderbot2/memory_decoder/model' + + +class BlenderBot2ModelTypeMixin(RagModelInterface): + """ + Override Normal RAG Model Types, in case we retrieve from both memory and search. + """ + + def __init__(self, opt: Opt, null_idx: int): + super().__init__(opt, null_idx) + if ( + KnowledgeAccessMethod(opt['knowledge_access_method']) + is KnowledgeAccessMethod.ALL + ): + self.n_docs *= 2 + + +class BlenderBot2RagSequence(BlenderBot2ModelTypeMixin, RagSequence): + def augment_batch_for_generation( + self, batch: Batch, model: BlenderBot2RagModel + ) -> Batch: + """ + Augment batch for generation. + + For RAG Sequence, we retrieve prior to generation, as we do not consider the + document probabilities until after generating all of the beams. + + :param batch: + batch to augment + :param model: + model to possibly help with augmenting + + :return batch: + return batch with text vec swapped out. + """ + (expanded_input, _, doc_scores) = model.retrieve_and_concat( + batch.text_vec, + batch.text_vec.ne(self.null_idx).sum(1), + batch.query_generator_vec, + batch.query_vec, + batch.input_turn_cnt_vec, + batch.memory_vec, + batch.num_memories, + batch.gold_doc_vec, + batch.gold_doc_title_vec, + batch.num_gold_docs, + batch.memory_decoder_vec, + batch.num_memory_decoder_vecs, + ) + doc_log_probs = F.log_softmax(doc_scores, dim=1) + batch.src_text_vec = batch.text_vec + batch.text_vec = expanded_input + batch.doc_log_probs = doc_log_probs + batch.batchsize = batch.text_vec.size(0) + + return batch + + def get_generation_input( + self, batch: Batch + ) -> Tuple[ + torch.LongTensor, + Optional[torch.LongTensor], + Optional[torch.Tensor], + Optional[torch.Tensor], + Optional[torch.Tensor], + Optional[torch.Tensor], + Optional[torch.Tensor], + Optional[torch.Tensor], + Optional[torch.Tensor], + Optional[torch.Tensor], + Optional[torch.Tensor], + Optional[torch.Tensor], + ]: + """ + For RAG Sequence, we retrieve prior to generation. + """ + assert batch.text_vec is not None + return ( + batch.text_vec, + None, + None, + None, + None, + None, + None, + None, + None, + None, + None, + None, + ) + + +class BlenderBot2RagToken(BlenderBot2ModelTypeMixin, RagToken): + pass + + +class BlenderBot2RagTurn(BlenderBot2ModelTypeMixin, RagTurn): + pass + + +RAG_MODELS = { + 'sequence': BlenderBot2RagSequence, + 'token': BlenderBot2RagToken, + 'turn': BlenderBot2RagTurn, +} + + +class BlenderBot2RagAgent(RagAgent): + """ + Subclass RagAgent to provide BlenderBot2Model with appropriate inputs (specifically, + memory vectors). + """ + + model: BlenderBot2RagModel + + ########################## + # Housekeeping functions # + ########################## + @classmethod + def add_cmdline_args( + cls, parser: ParlaiParser, partial_opt: Optional[Opt] = None + ) -> ParlaiParser: + """ + Add RAG Args. + """ + RagAgent.add_cmdline_args(parser, partial_opt) + SearchQuerySearchEngineFiDAgent.add_cmdline_args(parser, partial_opt) + bb2_group = parser.add_argument_group('BlenderBot2 Args') + bb2_group.add_argument( + '--knowledge-access-method', + type=str, + default=KnowledgeAccessMethod.CLASSIFY.value, + choices=[r.value for r in KnowledgeAccessMethod], + help='How to access knowledge for BlenderBot2 ' + 'classify => classify the input text, determine which knowledge to access\n' + 'memory_only => only access memories\n' + 'search_only => only access search\n' + 'all => for each input, access from memories and search\n' + 'none => do not access any knowledge.\n', + ) + bb2_group.add_argument( + '--memory-key', + type=str, + default='full_text', + help='Field in the observation from which to read memories.', + ) + bb2_group.add_argument( + '--query-generator-key', + type=str, + default='full_text', + help='Field for input to the knowledge access classifier.', + ) + bb2_group.add_argument( + '--gold-document-key', + type=str, + default=SELECTED_DOCS, + help='Field for selected docs.', + ) + bb2_group.add_argument( + '--gold-sentence-key', + type=str, + default=SELECTED_SENTENCES, + help='Field for selected sentences', + ) + bb2_group.add_argument( + '--gold-document-titles-key', + type=str, + default=SELECTED_DOCS_TITLES, + help='Field for selected docs titles.', + ) + bb2_group.add_argument( + '--insert-gold-docs', + type='bool', + default=False, + help='Set true to insert gold docs into retrieved docs.', + ) + bb2_group.add_argument( + '--memory-extractor-phrase', + type=str, + default='persona:', + help="phrase used to extract memories from `--memory-key` in the observation. " + "For example, set to 'your persona:' to limit memories to only lines that " + "contain 'your persona:'", + ) + bb2_group.add_argument( + '--retriever-ignore-phrase', + type=str, + default='persona:', + help='filter input to the global knowledge retriever such that any utterance containing ' + 'the phrase will not be given as input.', + ) + q_gen_group = parser.add_argument_group('BlenderBot2 Query Generator Args') + q_gen_group.add_argument( + '--query-generator-ignore-phrase', + type=str, + default='persona:', + help='filter input to the query generator such that any utterance containing ' + 'the phrase will not be given as input.', + ) + q_gen_group.add_argument( + '--query-generator-model-file', + type=str, + default=ZOO_QUERY_GENERATOR, + help='path to a query generator; specify if searching OR classifying inputs.', + ) + q_gen_group.add_argument( + '--query-generator-delimiter', + type=str, + default='\n', + help='delimiter for the query generator', + ) + q_gen_group.add_argument( + '--query-generator-inference', + type=str, + default='beam', + help='query generator inference type', + ) + q_gen_group.add_argument( + '--query-generator-beam-size', type=int, default=1, help='SQ Gen Beam Size' + ) + q_gen_group.add_argument( + '--query-generator-beam-min-length', + type=int, + default=2, + help='SQ Gen Beam Min Length', + ) + q_gen_group.add_argument( + '--query-generator-truncate', + type=int, + default=-1, + help='Specify >0 for truncation to SQ generator', + ) + bb2_group.add_argument( + '--memory-retriever-truncate', + type=int, + default=-1, + help='Specify >0 for truncation to the memory retriever.', + ) + bb2_group.add_argument( + '--retriever-delimiter', + type=str, + default='\n', + help='delimiter for the retriever', + ) + bb2_group.add_argument( + '--share-search-and-memory-query-encoder', + type='bool', + default=False, + help='if true, query encoder is shared between search and memory retrievers.', + ) + bb2_group.add_argument( + '--memory-reader-model', + type=str, + default=None, + choices=QUERY_MODEL_TYPES, + help='Model for accessing the memory', + ) + bb2_group.add_argument( + '--memory-doc-title-delimiter', + type=str, + default=' / ', + help='title delimiter for memory docs', + ) + bb2_group.add_argument( + '--memory-writer-model', + type=str, + default='bert', + hidden=True, + help='model for writing the memories', + ) + bb2_group.add_argument( + '--memory-writer-model-file', + type=str, + default=DPR_ZOO_MODEL, + hidden=True, + help='model file for memory writer', + ) + memory_decoder = parser.add_argument_group('BlenderBot2 Memory Decoder Args') + memory_decoder.add_argument( + '--memory-decoder-key', + type=str, + default='full_text', + help='key of the observation for the memory decoder', + ) + memory_decoder.add_argument( + '--memory-decoder-ignore-phrase', + type=str, + default='persona:', + help='filter input to the memory decoder such that any utterance containing ' + 'the phrase will not be given as input.', + ) + memory_decoder.add_argument( + '--memory-decoder-model-file', + type=str, + default=ZOO_MEMORY_DECODER, + help='path to a memory decoder.', + ) + memory_decoder.add_argument( + '--memory-decoder-delimiter', + type=str, + default='\n', + help='delimiter for the memory decoder', + ) + memory_decoder.add_argument( + '--memory-decoder-beam-size', + type=int, + default=3, + help='memory decoder Beam Size', + ) + memory_decoder.add_argument( + '--memory-decoder-beam-min-length', + type=int, + default=10, + help='memory decoder Beam Min Length', + ) + memory_decoder.add_argument( + '--memory-decoder-truncate', + type=int, + default=-1, + help='Specify >0 for truncation to memory decoder', + ) + memory_decoder.add_argument( + '--memory-decoder-one-line-memories', + type='bool', + default=False, + help='specify to combine memories on one line, rather than several.', + ) + return parser + + @property + def rag_model_type(self) -> str: + return self._rag_model_type + + @rag_model_type.setter + def rag_model_type(self, model: str): + self._rag_model_type = model + self._rag_model_interface = RAG_MODELS[model](self.opt, self.NULL_IDX) + + def build_model(self) -> BlenderBot2RagModel: + """ + Build and return BlenderBot2RagModel. + """ + if self.generation_model == 't5': + model = T5BlenderBot2RagModel(self.opt, self.dict) + else: + model = BlenderBot2RagModel(self.opt, self.dict) + if self.opt['embedding_type'] != 'random': + self._copy_embeddings( + model.encoder.embeddings.weight, self.opt['embedding_type'] + ) + return model + + @classmethod + def upgrade_opt(cls, opt_from_disk: Opt): + # call the parent upgrades + opt_from_disk = super().upgrade_opt(opt_from_disk) + + if 'memory_doc_delimiter' not in opt_from_disk: + # 2020-06-22 old delimiter was ':' + opt_from_disk['memory_doc_delimiter'] = ':' + + return opt_from_disk + + @staticmethod + def update_state_dict( + opt: Opt, state_dict: Dict[str, torch.Tensor], model: torch.nn.Module + ): + """ + Override RagAgent.update_state_dict to store long term memory state. + """ + state_dict = RagAgent.update_state_dict(opt, state_dict, model) + # 1. Retriever state + if not [k for k in state_dict if 'long_term_memory' in k]: + long_term_memory_state = { + f"long_term_memory.{k}": v + for k, v in model.long_term_memory.state_dict().items() # type: ignore + } + state_dict.update(long_term_memory_state) + return state_dict + + ############################### + # Text/Tokenization Overrides # + ############################### + def observe(self, observation: Union[Dict, Message]) -> Message: + """ + Overrides TA.observe to tokenize various additional vectors. + """ + observation = super().observe(observation) + if 'memory_vec' not in observation and self.opt['memory_key'] in observation: + self._set_memory_vec(observation) + if ( + 'query_generator_vec' not in observation + and self.opt['query_generator_key'] in observation + ): + self._set_query_generator_vec(observation) + if 'gold_doc_vec' not in observation and all( + k in observation + for k in [ + self.opt['gold_document_key'], + self.opt['gold_sentence_key'], + self.opt['gold_document_titles_key'], + ] + ): + self._set_gold_doc_vec(observation) + if ( + 'memory_decoder_vec' not in observation + and self.opt['memory_decoder_key'] in observation + ): + self._set_memory_decoder_vec(observation) + return observation + + def _filter_text(self, text: str, filter_phrase: str, delimiter: str = '\n') -> str: + """ + Filter text such that utterances containing a filter phrase are removed. + + :param text: + text to filter + :param filter_phrase: + phrase on which to filter + :param delimiter: + optional extra delimiter on which to split + + :return text: + return the text after filtering (including or excluding) turns with the filter phrase. + """ + split_text = [ + t + for tt in text.split(self.opt.get('delimiter', '\n')) + for t in tt.split('\n') + ] + turns = [t for t in split_text if filter_phrase not in t] + if not turns: + new_text = text + else: + new_text = delimiter.join(turns) + return new_text + + def _remove_person_tokens(self, text: str) -> str: + """ + Remove person tokens from a text input. + """ + return text.replace(f'{self.P1_TOKEN} ', '').replace(f'{self.P2_TOKEN} ', '') + + def _set_query_vec(self, observation: Message) -> Message: + """ + Override RAG.set_query_vec to optionally filter phrases. + """ + query_str = observation[self._query_key] + if self.opt['retriever_ignore_phrase']: + query_str = self._filter_text( + query_str, + self.opt['retriever_ignore_phrase'], + delimiter=self.opt['retriever_delimiter'], + ) + if self.add_person_tokens: + query_str = self._remove_person_tokens(query_str) + observation['query_vec'] = self.model.tokenize_query(query_str) + return observation + + def _set_memory_vec(self, observation: Message) -> Message: + """ + Tokenize the memories for use in long-term memory scoring. + + :param observation: + observation with input text. + + :return observation: + return observation with memory vec. + """ + mem_vecs = None + method = KnowledgeAccessMethod(self.opt['knowledge_access_method']) + if method in [ + KnowledgeAccessMethod.ALL, + KnowledgeAccessMethod.CLASSIFY, + KnowledgeAccessMethod.MEMORY_ONLY, + ]: + memories = observation[self.opt['memory_key']] + if isinstance(memories, str): + memories = [ + t + for tt in memories.split(self.opt.get('delimiter', '\n')) + for t in tt.split('\n') + ] + assert isinstance(memories, list) + if self.opt['memory_extractor_phrase']: + # extract text lines only containing the memory extractor phrase + memories = [ + m for m in memories if self.opt['memory_extractor_phrase'] in m + ] + if memories: + mem_vecs = [self.model.tokenize_memory(mem) for mem in memories] + + observation['memory_vec'] = mem_vecs + return observation + + def _set_query_generator_vec(self, observation: Message) -> Message: + """ + Tokenize text for use in the query generator. + + :param observation: + observation with input text. + + :return observation: + return observation with query generator vec. + """ + query_generator_vec = None + method = KnowledgeAccessMethod(self.opt['knowledge_access_method']) + if ( + method + in [ + KnowledgeAccessMethod.ALL, + KnowledgeAccessMethod.CLASSIFY, + KnowledgeAccessMethod.SEARCH_ONLY, + ] + and self.model.has_query_generator() + ): + query_generator_input = observation[self.opt['query_generator_key']] + if self.opt['query_generator_ignore_phrase']: + query_generator_input = self._filter_text( + query_generator_input, + self.opt['query_generator_ignore_phrase'], + self.opt['query_generator_delimiter'], + ) + if self.add_person_tokens: + query_generator_input = self._remove_person_tokens( + query_generator_input + ) + query_generator_vec = self.model.tokenize_query_generator_input( + query_generator_input + ) + + observation['query_generator_vec'] = query_generator_vec + return observation + + def _set_gold_doc_vec(self, observation: Message) -> Message: + """ + Tokenize the gold documents, in case we want to include in retrieved documents. + + We chunk up the docs and try to find the chunk that contains the selected sentence. + + If we can't find it, we just use the first chunk. + + :param observation: + observation with input text. + + :return observation: + return observation with gold doc vec. + """ + if not observation[self.opt['gold_document_key']]: + return observation + doc_vecs = None + doc_title_vecs = None + method = KnowledgeAccessMethod(self.opt['knowledge_access_method']) + chunk_len = self.opt.get("splitted_chunk_length", 256) + if method in [ + KnowledgeAccessMethod.ALL, + KnowledgeAccessMethod.CLASSIFY, + KnowledgeAccessMethod.SEARCH_ONLY, + ]: + selected_documents = observation[self.opt['gold_document_key']] + sentences = observation[self.opt['gold_sentence_key']] + document_titles = observation[self.opt['gold_document_titles_key']] + if isinstance(selected_documents, str): + documents = [selected_documents] + assert isinstance(selected_documents, list) + + documents = [] + for doc in selected_documents: + # Try to find the chunk with the selected sentence + used_chunk = None + words = doc.split(' ') + chunks = [ + ' '.join(words[i : i + chunk_len]) + for i in range(0, len(words), chunk_len) + ] + for chunk in chunks: + if any(s in chunk for s in sentences): + used_chunk = chunk + break + if not used_chunk: + used_chunk = chunks[0] + documents.append(used_chunk) + + if documents: + doc_vecs = [self.dict.txt2vec(doc) for doc in documents] + doc_title_vecs = [self.dict.txt2vec(title) for title in document_titles] + + observation['gold_doc_vec'] = doc_vecs + observation['gold_doc_title_vec'] = doc_title_vecs + return observation + + def _set_memory_decoder_vec(self, observation: Message) -> Message: + """ + Tokenize the input to the memory decoder. + + :param observation: + observation with input text. + + :return observation: + return observation with memory vec. + """ + memory_decoder_vec = None + method = KnowledgeAccessMethod(self.opt['knowledge_access_method']) + if ( + method + in [ + KnowledgeAccessMethod.ALL, + KnowledgeAccessMethod.CLASSIFY, + KnowledgeAccessMethod.MEMORY_ONLY, + ] + and self.model.has_memory_decoder() + ): + memory_decoder_input = observation[self.opt['memory_decoder_key']] + if self.opt['memory_decoder_ignore_phrase']: + memory_decoder_input = self._filter_text( + memory_decoder_input, + self.opt['memory_decoder_ignore_phrase'], + self.opt['memory_decoder_delimiter'], + ) + if self.add_person_tokens: + memory_decoder_input = self._remove_person_tokens(memory_decoder_input) + conv_lines = [ + t + for tt in memory_decoder_input.split(self.opt.get('delimiter', '\n')) + for t in tt.split('\n') + ] + memory_decoder_vec = [ + self.model.tokenize_memory_decoder_input(i) for i in conv_lines + ] + + observation['memory_decoder_vec'] = memory_decoder_vec + return observation + + def batchify(self, obs_batch: List[Message], sort: bool = False) -> Batch: + """ + Overrides RagAgent.batchify to add several input vectors. + """ + batch = super().batchify(obs_batch, sort) + valid_exs = [ex for ex in obs_batch if self.is_valid(ex)] + batch.memory_vec = None + batch.num_memories = None + batch.query_generator_vec = None + batch.gold_doc_vec = None + batch.gold_doc_title_vec = None + batch.num_gold_docs = None + batch.memory_decoder_vec = None + batch.num_memory_decoder_vecs = None + if any(ex.get('memory_vec') is not None for ex in valid_exs): + batch = self._set_batch_memory_vec(valid_exs, batch) + if any(ex.get('query_generator_vec') is not None for ex in valid_exs): + batch = self._set_batch_query_generator_vec(valid_exs, batch) + if any(ex.get('gold_doc_vec') is not None for ex in valid_exs): + batch = self._set_batch_gold_doc_vec(valid_exs, batch) + if any(ex.get('memory_decoder_vec') is not None for ex in valid_exs): + batch = self._set_batch_memory_decoder_vec(valid_exs, batch) + return batch + + def _set_batch_memory_vec(self, valid_exs: List[Message], batch: Batch) -> Batch: + """ + Set the memory vec for the batch. + """ + mems = [] + num_mems = [] + for ex in valid_exs: + if ex.get('memory_vec') is not None: + ms, _ = self._pad_tensor(ex['memory_vec']) + mems.append(ms) + num_mems.append(len(ex['memory_vec'])) + else: + num_mems.append(0) + batch.memory_vec = padded_3d(mems) + batch.num_memories = torch.LongTensor(num_mems) + return batch + + def _set_batch_query_generator_vec( + self, valid_exs: List[Message], batch: Batch + ) -> Batch: + """ + Set the query generator vec for the batch. + """ + _q_gens = [ex.get('query_generator_vec', self.EMPTY) for ex in valid_exs] + q_gen_vecs, _lens = self._pad_tensor(_q_gens) + batch.query_generator_vec = q_gen_vecs + return batch + + def _set_batch_gold_doc_vec(self, valid_exs: List[Message], batch: Batch) -> Batch: + """ + Set the gold docs vecs for the batch. + """ + docs = [] + titles = [] + num_docs = [] + for ex in valid_exs: + if ex.get('gold_doc_vec') is not None: + ds, _ = self._pad_tensor(ex['gold_doc_vec']) + ts, _ = self._pad_tensor(ex['gold_doc_title_vec']) + docs.append(ds) + titles.append(ts) + num_docs.append(len(ex['gold_doc_vec'])) + else: + docs.append(self.EMPTY.unsqueeze(0)) + titles.append(self.EMPTY.unsqueeze(0)) + num_docs.append(0) + batch.gold_doc_vec = padded_3d(docs) + batch.gold_doc_title_vec = padded_3d(titles) + batch.num_gold_docs = torch.LongTensor(num_docs) + return batch + + def _set_batch_memory_decoder_vec( + self, valid_exs: List[Message], batch: Batch + ) -> Batch: + """ + Set the memory decoder vec for the batch. + """ + memory_dec_toks = [] + num_memory_dec_toks = [] + for ex in valid_exs: + if ex.get('memory_decoder_vec') is not None: + p_sum_vecs, _lens = self._pad_tensor(ex['memory_decoder_vec']) + memory_dec_toks.append(p_sum_vecs) + num_memory_dec_toks.append(len(ex['memory_decoder_vec'])) + else: + num_memory_dec_toks.append(0) + batch.memory_decoder_vec = padded_3d(memory_dec_toks) + batch.num_memory_decoder_vecs = torch.LongTensor(num_memory_dec_toks) + return batch + + def eval_step(self, batch): + output = super().eval_step(batch) + if output is None or not hasattr(self.model, 'retriever'): + return output + if hasattr(self.model.retriever, 'top_docs'): + output.top_docs = self.model.retriever.top_docs + if hasattr(self.model.retriever, 'search_queries'): + output.search_queries = self.model.retriever.search_queries + return output + + def _model_input( + self, batch: Batch + ) -> Tuple[ + torch.LongTensor, + torch.LongTensor, + torch.LongTensor, + torch.LongTensor, + torch.LongTensor, + torch.LongTensor, + torch.LongTensor, + torch.LongTensor, + torch.LongTensor, + torch.LongTensor, + torch.LongTensor, + torch.LongTensor, + ]: + """ + Override RagAgent._model_input to include several more input vectors. + + See BlenderBot2RagModel.encoder for details. + """ + return ( + batch.text_vec, + batch.text_vec.ne(self.NULL_IDX).sum(1), + batch.query_vec, + batch.input_turn_cnt_vec, + batch.memory_vec, + batch.num_memories, + batch.query_generator_vec, + batch.gold_doc_vec, + batch.gold_doc_title_vec, + batch.num_gold_docs, + batch.memory_decoder_vec, + batch.num_memory_decoder_vecs, + ) + + def compute_loss( + self, batch: Batch, return_output: bool = False + ) -> Union[torch.Tensor, Tuple[torch.Tensor, Any]]: + """ + Override Rag.compute_loss to add some additional metrics. + """ + loss, output = super().compute_loss(batch, return_output=True) + assert isinstance(self.model, BlenderBot2RagModel) + if ( + KnowledgeAccessMethod(self.opt['knowledge_access_method']) + is KnowledgeAccessMethod.CLASSIFY + and self.model.has_query_generator() + ): + _scores, _preds, enc_state, *_ = output + _, _, input_turns_cnt, _, _ = enc_state + retrieval_type = self.model.get_retrieval_type() + assert isinstance(retrieval_type, torch.Tensor) + if input_turns_cnt is not None: + new_ret_type = torch.zeros(input_turns_cnt.size(0)) + offset = 0 + for i in range(input_turns_cnt.size(0)): + new_ret_type[i] = retrieval_type[offset] + offset += input_turns_cnt[i] + retrieval_type = new_ret_type + self.record_local_metric( + 'search_class', + AverageMetric.many( + retrieval_type.eq(RetrievalType.SEARCH.value).int().tolist(), + [1] * retrieval_type.size(0), + ), + ) + self.record_local_metric( + 'memory_class', + AverageMetric.many( + retrieval_type.eq(RetrievalType.MEMORY.value).int().tolist(), + [1] * retrieval_type.size(0), + ), + ) + self.record_local_metric( + 'none_class', + AverageMetric.many( + retrieval_type.eq(RetrievalType.NONE.value).int().tolist(), + [1] * retrieval_type.size(0), + ), + ) + if return_output: + return loss, output + else: + return loss + + +class BlenderBot2FidAgent(FidAgent, BlenderBot2RagAgent): + model: BlenderBot2FidModel + + def build_model(self) -> Union[BlenderBot2FidModel, T5BlenderBot2FidModel]: + if self.generation_model == 't5': + model = T5BlenderBot2FidModel(self.opt, self.dict) + else: + model = BlenderBot2FidModel(self.opt, self.dict) + if self.opt['embedding_type'] != 'random': + self._copy_embeddings( + model.encoder.embeddings.weight, self.opt['embedding_type'] + ) + return model diff --git a/projects/blenderbot2/agents/modules.py b/projects/blenderbot2/agents/modules.py new file mode 100644 index 00000000000..7b580d7139a --- /dev/null +++ b/projects/blenderbot2/agents/modules.py @@ -0,0 +1,868 @@ +#!/usr/bin/env python3 +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +""" +Module code for BlenderBot2. +""" +import random +import time +import torch +import torch.nn +from typing import List, Tuple, Dict, Optional + +from parlai.agents.fid.fid import FidModel, T5FidModel, concat_enc_outs +from parlai.agents.rag.args import RetrieverType +from parlai.agents.rag.rag import RagModel, T5RagModel +from parlai.agents.rag.dpr import DprQueryEncoder, DprDocumentEncoder +from parlai.agents.rag.retrievers import ( + RagRetriever, + Document, + BLANK_DOC, + argsort_scores_and_docs, + retriever_factory as rag_retriever_factory, + RagRetrieverTokenizer, + SearchQuerySearchEngineRetriever, + SearchQueryFAISSIndexRetriever, +) +from parlai.core.dict import DictionaryAgent +from parlai.core.opt import Opt +import parlai.utils.logging as logging +from parlai.utils.torch import padded_tensor + +from .sub_modules import ( + QueryGenerator, + MemoryDecoder, + clean_vec_with_dict, + RetrievalType, + KnowledgeAccessMethod, +) + + +def retriever_factory( + opt: Opt, dictionary: DictionaryAgent, shared=None +) -> Optional[RagRetriever]: + """ + Build retriever. + + Override to build special BB2 Search Retrievers, if necessary + + :param opt: + ParlAI Opt + :param dictionary: + dictionary agent + :param shared: + shared objects. + + :return retriever: + return a retriever for RAG. + """ + if opt.get('converting'): + return None + retriever = RetrieverType(opt['rag_retriever_type']) + if retriever is RetrieverType.SEARCH_ENGINE: + return BB2SearchQuerySearchEngineRetriever(opt, dictionary, shared=shared) + elif retriever is RetrieverType.SEARCH_TERM_FAISS: + return BB2SearchQueryFaissIndexRetriever(opt, dictionary, shared=shared) + else: + return rag_retriever_factory(opt, dictionary, shared=shared) + + +class BlenderBot2RagModel(RagModel): + """ + BlenderBot 2 RAG Model. + + Employs both a regular retriever and a long-term memory. + """ + + def __init__(self, opt: Opt, dictionary: DictionaryAgent, retriever_shared=None): + # TODO: Get rid of this hack + opt['converting'] = True + super().__init__(opt, dictionary, retriever_shared) + opt['converting'] = False + self.opt = opt + self.dummy_retriever = DummyRetriever(opt, dictionary) + self.retriever = retriever_factory(opt, dictionary, shared=retriever_shared) + assert self.retriever is not None + query_encoder = ( + self.retriever.query_encoder + if hasattr(self.retriever, 'query_encoder') + and opt['share_search_and_memory_query_encoder'] + else None + ) + self.long_term_memory = LongTermMemory( + opt, dictionary, query_encoder + ) # type: ignore + self.query_generator = QueryGenerator(opt) + self.memory_decoder = MemoryDecoder(opt) + + # attrs + self.knowledge_access_method = KnowledgeAccessMethod( + opt['knowledge_access_method'] + ) + self.search = RetrieverType(opt['rag_retriever_type']) in [ + RetrieverType.SEARCH_ENGINE, + RetrieverType.SEARCH_TERM_FAISS, + ] + self.should_generate_query = ( + self.knowledge_access_method is KnowledgeAccessMethod.CLASSIFY + or self.search + ) + + def has_query_generator(self) -> bool: + """ + Return whether there's a query generator. + + Directly access the query generator's agents. + """ + return bool(self.query_generator.agents) + + def has_memory_decoder(self) -> bool: + """ + Return whether there is a memory decoder. + + Directly access the memory decoder's agents. + """ + return bool(self.memory_decoder.agents) + + def tokenize_query_generator_input(self, input: str) -> List[int]: + """ + Tokenize the input for the query generator. + """ + assert self.has_query_generator() + return self.query_generator.tokenize_input(input) + + def tokenize_memory_decoder_input(self, input: str) -> List[int]: + """ + Tokenize input for memory decoder. + """ + assert self.has_memory_decoder() + return self.memory_decoder.tokenize_input(input) + + def tokenize_memory(self, input: str) -> List[int]: + """ + Tokenize input for Memory Retriever. + """ + return self.long_term_memory.tokenize_query(input) + + def get_retrieval_type(self) -> torch.LongTensor: + """ + Return retrieval type for current batch. + + Accesses the query generator directly. + """ + assert self.has_query_generator() + return self.query_generator.retrieval_type + + def encoder( + self, + input: torch.LongTensor, + input_lengths: torch.LongTensor, + query_vec: torch.LongTensor, + input_turns_cnt: torch.LongTensor, + memory_vec: torch.LongTensor, + num_memories: torch.LongTensor, + query_generator_vec: torch.LongTensor, + gold_doc_vec: torch.LongTensor, + gold_doc_title_vec: torch.LongTensor, + num_gold_docs: torch.LongTensor, + memory_decoder_vec: torch.LongTensor, + num_memory_decoder_vecs: torch.LongTensor, + positions: Optional[torch.LongTensor] = None, + segments: Optional[torch.LongTensor] = None, + ) -> Tuple[ + torch.Tensor, + torch.BoolTensor, + Optional[torch.LongTensor], + Optional[List[List[Document]]], + Optional[torch.Tensor], + ]: + """ + Override RagModel.encoder to pass along several other input vecs. + + :param input: + 2D [bsz, seqlen] input to the encoder + :param input_lengths: + 1D [bsz] lengths of each input item + :param query_vec: + 2D [bsz*n_turns, seqlen] input for the retriever + :param input_turns_cnt: + 1D [bsz] number of dialogue turns for each input example + # Begin New Params + :param memory_vec: + 3D [bsz, num_mems, seqlen] set of memories to write for each batch item + :param num_memories: + 1D [bsz] # of memories per batch item + :param query_generator_vec: + 2D [bsz, seqlen] input to the query generator + :param gold_doc_vec: + 3D [bsz, num_docs, seqlen] gold documents per batch item + :param gold_doc_title_vec: + 3D [bsz, num_docs, seqlen] gold document titles per batch item + :param num_gold_docs: + 1D [bsz] # of gold documents per batch item + :param memory_decoder_vec: + 3D [bsz, num_lines, seqlen] text to convert to memories with memory decoder + :param num_memory_decoder_vecs: + 1D [bsz] # of memory decoder vectors for each batch item + """ + # Retrieve, get expanded input + if all([tensor is not None for tensor in [input_lengths, query_vec]]): + expanded_input, top_docs, top_doc_scores = self.retrieve_and_concat( + input, + input_lengths, + query_generator_vec, + query_vec, + input_turns_cnt, + memory_vec, + num_memories, + gold_doc_vec, + gold_doc_title_vec, + num_gold_docs, + memory_decoder_vec, + num_memory_decoder_vecs, + ) + else: + expanded_input = input + top_docs = top_doc_scores = None + + # Run through seq2seq encoder + tensor, mask = self.seq2seq_encoder( + expanded_input, positions, segments + ) # type: ignore + + return tensor, mask, input_turns_cnt, top_docs, top_doc_scores + + def get_retrieval_indices( + self, ret_vec: torch.LongTensor, ret_type: RetrievalType + ) -> torch.LongTensor: + """ + Return the batch indices for the given retrieval type. + + This function is extremely overloaded to handle all `KnowledgeAccessMethod`s and + all `RetrievalType`s. + + Basically, if BB2's Access Method is not CLASSIFY, we return all indices + if the specified retrieval type matches the access method. Otherwise, we look + at the retrieval_type vector to find the corresponding indices. + + :param ret_vec: + the retrieval_type vector indicating the "classified" retrieval type + for each batch item + :param ret_type: + the retrieval type being considered here. + + :return indices: + return which batch indices will utilize the given RetrievalType + """ + no_indices = torch.zeros(0).long() + all_indices = torch.arange(ret_vec.size(0)).long() + type_indices = ret_vec.eq(ret_type.value).nonzero().squeeze(1).long() + assert isinstance(all_indices, torch.LongTensor) + assert isinstance(no_indices, torch.LongTensor) + assert isinstance(type_indices, torch.LongTensor) + + if self.knowledge_access_method is KnowledgeAccessMethod.NONE: + if ret_type is RetrievalType.NONE: + return all_indices + else: + return no_indices + elif self.knowledge_access_method is KnowledgeAccessMethod.ALL: + if ret_type is RetrievalType.NONE: + return no_indices + else: + return all_indices + elif self.knowledge_access_method is KnowledgeAccessMethod.SEARCH_ONLY: + if ret_type is RetrievalType.SEARCH: + return all_indices + else: + return no_indices + elif self.knowledge_access_method is KnowledgeAccessMethod.MEMORY_ONLY: + if ret_type is RetrievalType.MEMORY: + return all_indices + else: + return no_indices + else: + assert self.knowledge_access_method is KnowledgeAccessMethod.CLASSIFY + return type_indices + + def retrieve_and_concat( + self, + input: torch.LongTensor, + input_lengths: torch.LongTensor, + query_generator_vec: torch.LongTensor, + query_vec: torch.LongTensor, + input_turns_cnt: torch.LongTensor, + memory_vec: torch.LongTensor, + num_memories: torch.LongTensor, + gold_doc_vec: torch.LongTensor, + gold_doc_title_vec: torch.LongTensor, + num_gold_docs: torch.LongTensor, + memory_decoder_vec: torch.LongTensor, + num_memory_decoder_vecs: torch.LongTensor, + ) -> Tuple[torch.LongTensor, List[List[Document]], torch.Tensor]: + """ + Override RagModel.retrieve_and_concat to perform different retrieval, depending + on the. + """ + start = time.time() + logging.debug(f'Begin encoder: {time.time() - start:.2f}') + if input_turns_cnt is not None: + if query_generator_vec is not None: + query_generator_vec = query_generator_vec.repeat_interleave( + input_turns_cnt, dim=0 + ) # type: ignore + if memory_vec is not None: + memory_vec = memory_vec.repeat_interleave( + input_turns_cnt, dim=0 + ) # type: ignore + if num_memories is not None: + num_memories = num_memories.repeat_interleave( + input_turns_cnt, dim=0 + ) # type: ignore + n_input = ( + input_turns_cnt.sum().item() + if input_turns_cnt is not None + else input.size(0) + ) + # 0a. Classify retrieval type, if necessary + generated_memories = [[] for _ in range(int(n_input))] + if memory_decoder_vec is not None: + generated_memories = self.memory_decoder.generate_memories( + memory_decoder_vec, num_memory_decoder_vecs + ) + if self.should_generate_query: + assert self.has_query_generator() + retrieval_type, search_queries = self.query_generator.classify_retrieval( + query_generator_vec, num_memories, generated_memories + ) + logging.debug(f'Classify Retrieval: {time.time() - start:.2f}') + else: + retrieval_type = torch.LongTensor(input.size(0)) + search_queries = None + + # 1. Retrieve + top_docs: List[List[Document]] = [[] for _ in range(int(n_input))] + doc_scores: List[List[torch.Tensor]] = [[] for _ in range(int(n_input))] + + # 1a. retrieve from faiss or search + search_indices = self.get_retrieval_indices( + retrieval_type, RetrievalType.SEARCH + ) + if search_indices.numel() > 0: + search_docs, search_doc_scores = self.perform_search( + search_queries, query_vec, search_indices + ) + logging.debug(f'Search Complete: {time.time() - start:.2f}') + logging.debug(f'search: {search_docs}') + if gold_doc_vec is not None: + logging.debug(f'num gold docs: {num_gold_docs}') + self._fill_docs_and_scores( + top_docs, + doc_scores, + search_indices, + search_docs, + search_doc_scores, + gold_doc_vec, + gold_doc_title_vec, + num_gold_docs, + ) + + # 1b. memory search + memory_indices = self.get_retrieval_indices( + retrieval_type, RetrievalType.MEMORY + ) + if memory_indices.numel() > 0: + memories, memory_scores = self.access_long_term_memory( + query_vec, + memory_indices, + memory_vec, + num_memories, + memory_decoder_vec, + generated_memories, + ) + if memories is not None and memory_scores is not None: + self._fill_docs_and_scores( + top_docs, doc_scores, memory_indices, memories, memory_scores + ) + + # 1c. no search + no_search_indices = self.get_retrieval_indices( + retrieval_type, RetrievalType.NONE + ) + if no_search_indices.numel() > 0: + dummy_docs, dummy_scores = self.dummy_retriever.retrieve( + query_vec[no_search_indices] # type: ignore + ) + logging.debug('no search') + self._fill_docs_and_scores( + top_docs, doc_scores, no_search_indices, dummy_docs, dummy_scores + ) + + # 2. Expand the input + if input_turns_cnt is not None: + input = input.repeat_interleave(input_turns_cnt, dim=0) # type: ignore + input_lengths = input_lengths.repeat_interleave( + input_turns_cnt, dim=0 + ) # type: ignore + top_doc_scores = torch.stack( + [torch.cat([s_i for s_i in scores_i]) for scores_i in doc_scores] + ) + expanded_input = self.concat_docs_and_input( + input, input_lengths, top_docs, top_doc_scores.size(1) + ) + return expanded_input, top_docs, top_doc_scores + + def _fill_docs_and_scores( + self, + top_docs: List[List[Document]], + doc_scores: List[List[torch.Tensor]], + indices: torch.LongTensor, + docs: List[List[Document]], + scores: torch.Tensor, + gold_docs: Optional[torch.LongTensor] = None, + gold_doc_titles: Optional[torch.LongTensor] = None, + num_gold: Optional[torch.LongTensor] = None, + ) -> Tuple[List[List[Document]], List[List[torch.Tensor]]]: + """ + Fill top docs and doc scores with retrieved documents for L batch indices. + + Documents either come from a retriever or a long-term memory. + + :param top_docs: + bsz-length list of document sets + :param doc_scores: + bsz x n_docs tensor of doc scores + :param indices: + batch indices (of length L) to consider + :param docs: + L-size list of document sets + :param scores: + L-size list of document scores + :param gold_docs: + optional list of gold documents to insert into the document set + :param gold_doc_titles: + corresponding optional list of doc titles + :param num_gold: + how many gold documents are provided per batch item. + + :return top_docs, doc_scores: + return top_docs and doc_scores with documents and scores filled in + """ + device = scores.device + for idx, i in enumerate(indices): + if num_gold is not None and num_gold[i] > 0: + assert gold_doc_titles is not None + assert gold_docs is not None + replace_inds = random.sample(range(len(docs[idx])), int(num_gold[i])) + for g_idx, replace in enumerate(replace_inds): + # the gold docs are tokenized with the retriever tokenizer. + # give the docs the max score, for rag models. + docs[idx][replace] = Document( + title=self.dict.vec2txt( + clean_vec_with_dict(self.dict, gold_doc_titles[i][g_idx]) + ), + text=self.dict.vec2txt( + clean_vec_with_dict(self.dict, gold_docs[i][g_idx]) + ), + docid='', + ) + scores[idx][replace] = scores[idx][0].detach() + try: + top_docs[i] += docs[idx] + if self.fp16: + scores = scores.half() + doc_scores[i].append(scores[idx]) + except IndexError: + # Docs are not provided for this example for this retrieval type. + # Therefore, we assert that we are in the 'all' mode. + top_docs[i] += [BLANK_DOC] * self.opt['n_docs'] + doc_scores[i].append(torch.ones(self.opt['n_docs']).to(device)) + + return top_docs, doc_scores + + ################################# + # Retrieve/Concat Sub Functions # + ################################# + + def perform_search( + self, + search_queries: Optional[List[str]], + query_vec: torch.LongTensor, + search_indices: torch.LongTensor, + ) -> Tuple[List[List[Document]], torch.Tensor]: + """ + Retrieve via retriever from global knowledge. + + :param search_queries: + if searching, a list of search queries + :param query_vec: + query encoder input if retrieving from FAISS + :param search_indices: + batch indices to search + + :return docs, scores: + return the documents and corresponding retrieval scores. + """ + assert self.retriever is not None + if self.search: + assert search_queries + assert isinstance( + self.retriever, SearchQuerySearchEngineRetriever + ) or isinstance(self.retriever, SearchQueryFAISSIndexRetriever) + self.retriever.set_search_queries(search_queries) + search_docs, search_doc_scores = self.retriever.retrieve( + query_vec[search_indices] # type: ignore + ) + return search_docs, search_doc_scores + + def access_long_term_memory( + self, + query_vec: torch.LongTensor, + memory_indices: torch.LongTensor, + memory_vec: Optional[torch.LongTensor], + num_memories: torch.LongTensor, + memory_decoder_vec: Optional[torch.LongTensor], + generated_memories: List[List[str]], + ) -> Tuple[Optional[List[List[Document]]], Optional[torch.Tensor]]: + """ + Access long term memory. + + :param query_vec: + retrieval vector for the long-term memory + :param memory_indices: + indices to access memory slots + :param memory_vec: + extracted memories from the observation + :param num_memories: + bsz-length tensor corresponding to number of memories per batch item + :param memory_decoder_vec: + input to the memory decoder + :param generated_memories: + memories generated by the memory decoder + + :return memories, memory_scores: + return memories and memory scores, if there are memories retrieved + """ + start = time.time() + memories = None + memory_scores = None + memory_dict = {} + indices = memory_indices.tolist() + + if memory_vec is not None: + memory_dict = { + batch_id: memory_vec[batch_id, : num_memories[mem_id]] + for batch_id, mem_id in enumerate(indices) + } + if memory_decoder_vec is not None: + for batch_id in indices: + new_mems_i = generated_memories[batch_id] + if not new_mems_i: + continue + tokenized = [ + self.long_term_memory.tokenize_query(m) + for m in generated_memories[batch_id] + ] + if batch_id in memory_dict: + tokenized += memory_dict[batch_id].tolist() + new_mems_i, _ = padded_tensor( + tokenized, pad_idx=self.dict[self.dict.null_token] # type: ignore + ) + memory_dict[batch_id] = new_mems_i.to(query_vec) + if self.knowledge_access_method in [ + KnowledgeAccessMethod.ALL, + KnowledgeAccessMethod.MEMORY_ONLY, + ]: + # Add dummy memories just in case we are retrieving from memories + if memory_vec is not None: + seqlen = memory_vec.size(-1) + elif memory_decoder_vec is not None: + seqlen = memory_decoder_vec.size(-1) + else: + seqlen = query_vec.size(-1) + for batch_id in indices: + if batch_id not in memory_dict: + memory_dict[batch_id] = torch.zeros(1, seqlen).to(query_vec) + if memory_dict: + # first make sure all memories are padded to the same length. + max_length = max([m.size(-1) for m in memory_dict.values()]) + for batch_id in memory_dict: + vec = memory_dict[batch_id] + if vec.size(-1) < max_length: + memory_dict[batch_id] = torch.cat( + [ + vec, + torch.zeros((*vec.shape[:-1], max_length - vec.size(-1))) + .fill_(self.dict[self.dict.null_token]) + .to(vec), + ], + dim=1, + ) + self.long_term_memory.write_memory(memory_dict) # type: ignore + logging.debug(f'Write Memory Complete: {time.time() - start:.2f}') + if self.long_term_memory.has_memory(): + memories, memory_scores = self.long_term_memory.retrieve( + query_vec[memory_indices] # type: ignore + ) + logging.debug(f'Memory Retrieval Complete: {time.time() - start:.2f}') + logging.debug(f'memories: {memories}') + logging.verbose('Reading from Memory') + + return memories, memory_scores + + +class T5BlenderBot2RagModel(T5RagModel, BlenderBot2RagModel): + pass + + +class DummyRetriever(RagRetriever): + """ + Dummy Retriever returns blank documents, and equal scores. + + It is utilized to pad the document numbers for mis-matched batch inputs. + """ + + def retrieve_and_score( + self, query: torch.LongTensor + ) -> Tuple[List[List[Document]], torch.Tensor]: + """ + Simply construct a list of blank documents for each query. + """ + + documents = [[BLANK_DOC] * self.opt['n_docs']] * query.size(0) + scores = torch.ones(query.size(0), self.opt['n_docs']).to(query.device) + return documents, scores + + +class LongTermMemory(RagRetriever): + """ + The LongTermMEmory writes document embeddings to a memory. + + Retrieval then scores all documents in the memory and returns the final results. + """ + + def __init__( + self, + opt: Opt, + dictionary: DictionaryAgent, + query_encoder: Optional[torch.nn.Module] = None, + shared=None, + ): + super().__init__(opt, dictionary, shared) + self.n_docs = opt['n_docs'] + if query_encoder is None: + self.query_encoder = DprQueryEncoder( + opt, + dpr_model=opt['memory_reader_model'], + pretrained_path=opt['dpr_model_file'], + ) + else: + self.query_encoder = query_encoder + self.memory_encoder = DprDocumentEncoder( + opt, + dpr_model=opt['memory_writer_model'], + pretrained_path=opt['memory_writer_model_file'], + ).eval() + self._tokenizer = RagRetrieverTokenizer( + query_model=opt['query_model'], + dictionary=dictionary, + delimiter='\n', + max_length=opt['memory_retriever_truncate'] + if opt['memory_retriever_truncate'] > 0 + else opt['rag_query_truncate'], + ) + self.max_memories = opt.get('max_memories', 100) + self.num_memory_slots = opt.get('batchsize', 1) * opt.get('rag_turn_n_turns', 1) + self.memory_vec_dict: Dict[int, torch.LongTensor] = { # type: ignore + k: torch.zeros(self.max_memories, opt['max_doc_token_length']).to( + torch.int64 + ) + for k in range(self.num_memory_slots) + } + self.memory_enc_dict: Dict[int, torch.Tensor] = { + k: torch.zeros(self.max_memories, opt['retriever_embedding_size']) + for k in range(self.num_memory_slots) + } + self.active_memory_slots: List[int] = [] + self.dict = dictionary + + def has_memory(self) -> bool: + """ + Return whether there is memory. + """ + return bool(self.active_memory_slots) + + def write_memory(self, mem_dict: Dict[int, torch.LongTensor]): + """ + Write vectors to memory. + + Assume that we clear the memory as well. + + :param mem_dict: + mapping from memory slot to 2D-tokenized memories + """ + self.active_memory_slots = list(mem_dict.keys()) + with torch.no_grad(): + slot_num_mems = [m.size(0) for m in mem_dict.values()] + logging.debug(f'Writing {slot_num_mems} memories') + mem_vecs = torch.cat(list(mem_dict.values()), dim=0) + mem_encs = self.memory_encoder(mem_vecs) + offset = 0 + for mem_slot, num_mems in zip(mem_dict.keys(), slot_num_mems): + self.memory_vec_dict[mem_slot] = mem_vecs[ # type: ignore + offset : offset + num_mems + ] + self.memory_enc_dict[mem_slot] = mem_encs[offset : offset + num_mems] + offset += num_mems + + def score_memories(self, query_enc: torch.Tensor) -> List[torch.Tensor]: + """ + Score memories. + """ + scores = [] + for i in range(query_enc.size(0)): + scores.append( + ( + query_enc[i : i + 1] + @ self.memory_enc_dict[self.active_memory_slots[i]].t() + ).squeeze(0) + ) + return scores + + def retrieve_and_score( + self, query: torch.LongTensor + ) -> Tuple[List[List[Document]], torch.Tensor]: + """ + Retrieve and score. + + Encode + + :param query: + query tokens + + :return (docs, scores): + docs: list of (text, title) tuples for each batch example + scores: doc scores + """ + query_enc = self.query_encoder(query) + scores = self.score_memories(query_enc) + + top_docs, top_doc_scores = [], [] + for i in range(query.size(0)): + scores_i = scores[i] + memories_i, scores_i = argsort_scores_and_docs( + scores_i, self.memory_vec_dict[i], self.n_docs # type: ignore + ) + mem_docs = [] + for mem in memories_i: + mem_doc = Document('', self._tokenizer.decode(mem), '') # type: ignore + mem_doc.TITLE_DELIM = self.opt['memory_doc_title_delimiter'] + mem_docs.append(mem_doc) + + if len(mem_docs) < self.n_docs: + # add dummy docs + num_blank = self.n_docs - len(mem_docs) + mem_docs += [BLANK_DOC] * num_blank + scores_i = torch.cat([scores_i, torch.zeros(num_blank).to(scores_i)]) + top_docs.append(mem_docs) + top_doc_scores.append(scores_i) + logging.debug(scores_i) + + return top_docs, torch.stack(top_doc_scores) + + +class BlenderBot2FidModelMixin: + embedding_size: int + pad_idx: int + + def encoder( + self, + input: torch.LongTensor, + input_lengths: torch.LongTensor, + query_vec: torch.LongTensor, + input_turns_cnt: torch.LongTensor, + memory_vec: torch.LongTensor, + num_memories: torch.LongTensor, + query_generator_vec: torch.LongTensor, + gold_doc_vec: torch.LongTensor, + gold_doc_title_vec: torch.LongTensor, + num_gold_docs: torch.LongTensor, + memory_decoder_vec: torch.LongTensor, + num_memory_decoder_vecs: torch.LongTensor, + positions: Optional[torch.LongTensor] = None, + segments: Optional[torch.LongTensor] = None, + ) -> Tuple[ + torch.Tensor, + torch.BoolTensor, + Optional[torch.LongTensor], + Optional[List[List[Document]]], + Optional[torch.Tensor], + ]: + enc_out, mask, input_turns_cnt, top_docs, top_doc_scores = super().encoder( # type: ignore + input, + input_lengths, + query_vec, + input_turns_cnt, + memory_vec, + num_memories, + query_generator_vec, + gold_doc_vec, + gold_doc_title_vec, + num_gold_docs, + memory_decoder_vec, + num_memory_decoder_vecs, + positions, + segments, + ) # type: ignore + + if input_turns_cnt is not None: + # Input Turns is a tensor of dim [bsz] + input = input.repeat_interleave(input_turns_cnt, dim=0) # type: ignore + + new_out, new_mask = concat_enc_outs( + input, enc_out, mask, self.embedding_size, self.pad_idx + ) + + return new_out, new_mask, input_turns_cnt, top_docs, top_doc_scores + + +class BlenderBot2FidModel(BlenderBot2FidModelMixin, BlenderBot2RagModel, FidModel): + pass + + +class T5BlenderBot2FidModel( + BlenderBot2FidModelMixin, T5FidModel, T5BlenderBot2RagModel +): + pass + + +class BB2SearchRetrieverMixin: + """ + Mixin for BB2 Search Modules. + """ + + def set_search_queries(self, queries: List[str]): + self.search_queries = queries + + def init_search_query_generator(self, opt): + pass + + def generate_search_query(self, query: torch.LongTensor) -> List[str]: + return self.search_queries + + +class BB2SearchQuerySearchEngineRetriever( + BB2SearchRetrieverMixin, SearchQuerySearchEngineRetriever +): + """ + Override Search Engine Retriever to accomodate SQ Generator from BB2 Setup. + """ + + +class BB2SearchQueryFaissIndexRetriever( + BB2SearchRetrieverMixin, SearchQueryFAISSIndexRetriever +): + """ + Override Search Engine Retriever to accomodate SQ Generator from BB2 Setup. + """ diff --git a/projects/blenderbot2/agents/sub_modules.py b/projects/blenderbot2/agents/sub_modules.py new file mode 100644 index 00000000000..9f214b4c214 --- /dev/null +++ b/projects/blenderbot2/agents/sub_modules.py @@ -0,0 +1,367 @@ +#!/usr/bin/env python3 +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +""" +SubModule code for BlenderBot2. + +Contains implementations of the Query Generator and Memory Decoder. +""" +from enum import Enum, auto +import os +import string +import time +import torch +import torch.nn +from typing import List, Tuple, Dict, Optional, Any + +from parlai.agents.rag.retrievers import clean_vec +from parlai.core.agents import create_agent_from_model_file, create_agent_from_shared +from parlai.core.build_data import modelzoo_path +from parlai.core.dict import DictionaryAgent +from parlai.core.message import Message +from parlai.core.opt import Opt +from parlai.core.torch_agent import TorchAgent +from parlai.tasks.msc.agents import NOPERSONA +import parlai.utils.logging as logging + + +# The below are the classification outputs mapping to either +# retrieving from memory, or not retrieving at all. +MEMORY_STRINGS = ['convai2', 'personal_knowledge'] +NONE_STRINGS = [ + 'blended_skill_talk', + 'empathetic_dialogues', + 'dummy', + 'no_passages_used', +] + + +def strip_punc(s): + return s.translate(str.maketrans('', '', string.punctuation.replace('_', ''))) + + +def clean_vec_with_dict(dict: DictionaryAgent, vec: torch.LongTensor) -> List[int]: + """ + Clean the specified vector with the specified dictionary. + + See `parlai.agents.rag.retrievers.clean_vec`for a description + """ + return clean_vec( + vec, + dict[dict.end_token], # type: ignore + special_toks=[ + dict[dict.null_token], # type: ignore + dict[dict.start_token], # type: ignore + dict[dict.end_token], # type: ignore + dict[dict.unk_token], # type: ignore + ], + ) + + +class RetrievalType(Enum): + """ + Retrieval Type indicates the "type" of retrieval. + + That is, we either don't retrieve; retrieve from memory; or retrieve via search. + """ + + NONE = auto() + SEARCH = auto() + MEMORY = auto() + + +class KnowledgeAccessMethod(Enum): + """ + How BlenderBot2 should retrieve for each input. + + classify => classify the input text, determine which retrieval to use + + memory_only => only retrieve via memories (i.e., from dialogue context) + search_only => only retrieve via internet/FAISS search + all => for each input, retrieve both from memories and internet/FAISS search + none => do not retrieve anything. + """ + + CLASSIFY = 'classify' + MEMORY_ONLY = 'memory_only' + SEARCH_ONLY = 'search_only' + ALL = 'all' + NONE = 'none' + + +class BB2SubmoduleMixin: + """ + Mixin for agents used within BB2. + + agents: list of agents + agent_dict: dictionary for the agent + input_type: for logging purposes. + """ + + agents: List[TorchAgent] + agent_dict: Optional[DictionaryAgent] + input_type: str + generations: List[str] + + def tokenize_input(self, input: str) -> List[int]: + """ + Tokenize input for the sub agent. + + Assumes that the sub agent has been instantiated. + + :param input: + input to the sub agent + + :return tokens: + return tokenized input + """ + assert self.agents and self.agent_dict is not None + return self.agent_dict.txt2vec(input) + + def clean_input(self, vec: torch.LongTensor) -> List[int]: + """ + Clean a tensor before converting to a string. + """ + assert self.agent_dict is not None + return clean_vec_with_dict(self.agent_dict, vec) + + def _batch_generate(self, texts: List[str]) -> List[str]: + """ + Batch generate items from an input list of texts. + + :param texts: + list of texts + + :return generations: + return agent generations for each input. + """ + start = time.time() + active_agents = self.agents[: len(texts)] + for agent_i, t_i in zip(active_agents, texts): + agent_i.observe(Message({'text': t_i, 'episode_done': True})) + agent_replies = self.agents[0].batch_act([a.observation for a in active_agents]) + logging.debug(f'Generated: {time.time() - start:.2f}') + for agent_i, reply_i in zip(active_agents, agent_replies): + agent_i.self_observe(reply_i) + self.generations = [r.get('text', 'dummy') for r in agent_replies] + return self.generations + + +class QueryGenerator(BB2SubmoduleMixin): + """ + The QueryGenerator is a wrapper around a generator model. + + This model can be trained for both dataset classification and search query + generation. + """ + + def __init__(self, opt: Opt): + self.opt = opt + self.agents = [] + self.agent_dict = None + self.generations = [] + self.input_type = 'Search' + self.knowledge_access_method = KnowledgeAccessMethod( + opt['knowledge_access_method'] + ) + model_file = modelzoo_path(opt['datapath'], opt['query_generator_model_file']) + if model_file and os.path.exists(model_file): + logging.info(f'Building Query Generator from file: {model_file}') + logging.disable() + overrides: Dict[str, Any] = {'skip_generation': False} + overrides['inference'] = opt['query_generator_inference'] + overrides['beam_size'] = opt.get('query_generator_beam_size', 3) + overrides['beam_min_length'] = opt.get('query_generator_beam_min_length', 2) + if self.opt['query_generator_truncate'] > 0: + overrides['text_truncate'] = self.opt['query_generator_truncate'] + overrides['truncate'] = self.opt['query_generator_truncate'] + base_agent = create_agent_from_model_file( + model_file, opt_overrides=overrides + ) + assert isinstance(base_agent, TorchAgent) + self.agents = [base_agent] + bsz = opt.get('batchsize', 1) + rag_turn_n_turns = opt.get('rag_turn_n_turns', 1) + if bsz > 1 or rag_turn_n_turns > 1: + self.agents += [ + create_agent_from_shared(self.agents[0].share()) + for _ in range((bsz * rag_turn_n_turns) - 1) + ] + self.agent_dict = self.agents[0].build_dictionary() + logging.enable() + + def classify_retrieval( + self, + input: torch.LongTensor, + num_memories: torch.LongTensor, + generated_memories: Optional[List[List[str]]], + ) -> Tuple[torch.LongTensor, List[str]]: + """ + Classify input and get retrieval type. + + Here, we classify which "type" of retrieval to do for each input batch item. + + In the case of "search", we additionally return search queries. + + :param input: + input to classify + :param num_memories: + how many memories each example has. + we override classification if there are no mems for the example. + :param generated_memories: + the generated memories from a memory decoder. + + :return (retrieval_type, searches): + retrieval_type: a bsz-length tensor indicating which "type" of retrieval + we're doing (see RetrievalType above) + searches: For batch items classified as search, we return the search queries + as well. + """ + self.retrieval_type = torch.LongTensor(input.size(0)) + self.retrieval_type.fill_(0) + assert self.agent_dict is not None + texts = [self.agent_dict.vec2txt(self.clean_input(i)) for i in input] + if self.knowledge_access_method is KnowledgeAccessMethod.MEMORY_ONLY: + search_queries = [MEMORY_STRINGS[-1]] * len(texts) + else: + search_queries = self._batch_generate(texts) + logging.debug(f'search queries: {search_queries}') + logging.verbose(f'Search: {search_queries[0]}') + searches = [] + if not generated_memories: + generated_memories = [[] for _ in range(input.size(0))] + for i, s in enumerate(search_queries): + if ( + (strip_punc(s) in MEMORY_STRINGS) + or any(ms in s for ms in MEMORY_STRINGS) + ) and ( + (num_memories is not None and num_memories[i] > 0) + or generated_memories[i] + ): + self.retrieval_type[i] = RetrievalType.MEMORY.value + elif strip_punc(s) in NONE_STRINGS + MEMORY_STRINGS: + self.retrieval_type[i] = RetrievalType.NONE.value + else: + self.retrieval_type[i] = RetrievalType.SEARCH.value + searches.append(s) + + return self.retrieval_type, searches + + +class MemoryDecoder(BB2SubmoduleMixin): + """ + Memory decoder. + + Given a line of context input, generate a memory to write. + """ + + def __init__(self, opt: Opt): + self.opt = opt + self.agents = [] + self.agent_dict = None + self.generations = [] + self.input_type = 'Memory' + self.delimiter = opt.get('memory_decoder_delimiter', '\n') + self.one_line_memories = opt.get('memory_decoder_one_line_memories', False) + model_file = modelzoo_path(opt['datapath'], opt['memory_decoder_model_file']) + if model_file and os.path.exists(model_file): + logging.info(f'Building Memory Decoder from file: {model_file}') + logging.disable() + overrides = { + 'skip_generation': False, + 'inference': 'beam', + 'beam_size': opt.get('memory_decoder_beam_size', 3), + 'beam_min_length': opt.get('memory_decoder_beam_min_length', 10), + 'beam_block_ngram': 3, + } + if self.opt.get('memory_decoder_truncate', -1) > 0: + overrides['text_truncate'] = self.opt['memory_decoder_truncate'] + overrides['truncate'] = self.opt['memory_decoder_truncate'] + base_agent = create_agent_from_model_file( + model_file, opt_overrides=overrides + ) + assert isinstance(base_agent, TorchAgent) + self.agents = [base_agent] + assert isinstance(self.agents[0], TorchAgent) + copies = max(100, (opt['batchsize'] * opt.get('rag_turn_n_turns', 1))) + self.agents += [ + create_agent_from_shared(self.agents[0].share()) for _ in range(copies) + ] + self.agent_dict = self.agents[0].build_dictionary() + logging.enable() + + def generate_memories( + self, input: torch.LongTensor, num_inputs: torch.LongTensor + ) -> List[List[str]]: + """ + Generate memories from input. + + Each input is split into the lines of conversational context. + These are considered independently. + + We then assign a prefix ("your/partner's persona:") dependent on + whether the bot or it's partner said the line. + + :param input: + input to the memory decoder + :param num_inputs: + number of lines per batch item + """ + assert self.agent_dict is not None + memories = [] + offset = 0 + for idx, i in enumerate(input): + if num_inputs[idx] == 0: + continue + context_lines_vec = i[offset : offset + num_inputs[idx]] + offset += num_inputs[idx] + context_lines = [ + self.agent_dict.vec2txt(self.clean_input(j)) for j in context_lines_vec + ] + raw_memories_i = list(reversed(self._batch_generate(context_lines))) + logging.debug(f'raw memories: {raw_memories_i}') + memories_i = self._extract_from_raw_memories(raw_memories_i) + logging.debug(f'memories to write: {memories_i}') + mem_string = '\n'.join(memories_i) + logging.verbose(f'Writing memories: {mem_string}') + memories.append(memories_i) + return memories + + def _extract_from_raw_memories(self, raw_memories: List[str]) -> List[str]: + """ + Extract memory lines from batch generated memories. + + Prefixes accordingly, and combines on one line if necessary. + + :param raw_memories: + raw memory generations. sometimes we need skip the memories because + nothing was generated + + :return memories: + return prefixed and filtered memories + """ + partner_prefix = 'partner\'s persona:' + self_prefix = 'your persona:' + num_ctxt = len(raw_memories) + memories = [] + partner_memories = [] + self_memories = [] + for idx in range(num_ctxt): + if raw_memories[idx] == NOPERSONA: + continue + if idx % 2 == 0: + partner_memories.append(raw_memories[idx]) + prefix = partner_prefix + else: + self_memories.append(raw_memories[idx]) + prefix = self_prefix + if not self.one_line_memories: + memories.append(f'{prefix} {raw_memories[idx]}') + if self.one_line_memories: + if partner_memories: + memories.append(f"{partner_prefix} {' '.join(partner_memories)}") + if self_memories: + memories.append(f"{self_prefix} {' '.join(self_memories)}") + + return memories diff --git a/projects/msc/agents/__init__.py b/projects/msc/agents/__init__.py new file mode 100644 index 00000000000..76e947123a1 --- /dev/null +++ b/projects/msc/agents/__init__.py @@ -0,0 +1,4 @@ +#!/usr/bin/env python3 +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. diff --git a/projects/msc/agents/long_rag.py b/projects/msc/agents/long_rag.py new file mode 100644 index 00000000000..674af96c54b --- /dev/null +++ b/projects/msc/agents/long_rag.py @@ -0,0 +1,199 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. + +""" +Retrieval-Augmented Generation for Knowledge-Intensive NLP Tasks. + +Original Paper: https://arxiv.org/abs/2005.11401 + +As used in ParlAI: https://arxiv.org/abs/2104.07567 +""" +import torch +import torch.nn +import torch.cuda +from typing import Optional, Union, Type +from parlai.core.dict import DictionaryAgent +from parlai.core.opt import Opt +from parlai.core.params import ParlaiParser +from parlai.agents.fid.fid import Fid, FidModel, T5FidModel + + +from parlai.agents.rag.rag import ( + RagAgent, + T5RagAgent, + BartRagAgent, + TransformerGeneratorRagAgent, + RagModelInterface, +) +from parlai.agents.rag.modules import RagModel, RagEncoder + +from .long_tga import TransformerVariantAgent, ShiftInvariantForwardEmbeddingMixin + + +class ShiftInvariantRagEncoder(ShiftInvariantForwardEmbeddingMixin, RagEncoder): + """ + ShiftInvariant Encoder for RAG. + """ + + def __init__( + self, + opt: Opt, + dictionary: DictionaryAgent, + embedding: Optional[torch.nn.Embedding] = None, + padding_idx: int = 0, + **kwargs, + ): + """ + RagEncoder initialization. + + The Rag Seq2seq encoder is just a regular encoder + """ + self.n_positions_init = opt.get("n_positions_init", None) + RagEncoder.__init__( + self, + opt=opt, + dictionary=dictionary, + embedding=embedding, + padding_idx=padding_idx, + ) + + +class LongRagModel(RagModel): + """ + LongRagAgent. + + The RAG Agent interacts with the RAG model mostly via it's RAG Model interface. + """ + + @classmethod + def build_encoder(cls, opt: Opt, *args, **kwargs): + return ShiftInvariantRagEncoder(opt, *args, **kwargs) + + +class LongFidModel(FidModel): + """ + LongFidModel. + + The RAG Agent interacts with the RAG model mostly via it's RAG Model interface. + """ + + @classmethod + def add_cmdline_args( + cls, parser: ParlaiParser, partial_opt: Optional[Opt] = None + ) -> ParlaiParser: + if hasattr(FidModel, 'add_cmdline_args'): + FidModel.add_cmdline_args(parser, partial_opt) + longfid_group = parser.add_argument_group('Long Fid Model Args') + longfid_group.set_defaults(memory_key='full_text') + longfid_group.add_argument( + '--fid-ddp-compatible', + type=bool, + default=False, + help=" whethether to set requires_grad = False for DDP compatibility", + ) + return parser + + @classmethod + def build_encoder(cls, opt: Opt, *args, **kwargs): + return ShiftInvariantRagEncoder(opt, *args, **kwargs) + + +class TransformerGeneratorVariantRagAgent( + TransformerVariantAgent, TransformerGeneratorRagAgent +): + @classmethod + def add_cmdline_args( + cls, parser: ParlaiParser, partial_opt: Optional[Opt] = None + ) -> ParlaiParser: + super().add_cmdline_args(parser, partial_opt) + TransformerVariantAgent.add_cmdline_args( + parser, partial_opt=partial_opt + ) # add transformer args + return parser + + @staticmethod + def build_rag_model(opt: Opt, dictionary: DictionaryAgent) -> LongRagModel: + return LongRagModel(opt, dictionary) + + +GENERATION_AGENTS = { + 'transformer_variant/generator': TransformerGeneratorVariantRagAgent, + 'transformer/generator': TransformerGeneratorRagAgent, + 'bart': BartRagAgent, + 't5': T5RagAgent, +} + + +class LongRagAgent(TransformerGeneratorVariantRagAgent, RagAgent): + """ + LongRagAgent. + + The RAG Agent interacts with the RAG model mostly via it's RAG Model interface. + """ + + _generation_agent: Union[Type[RagAgent], Type[TransformerGeneratorVariantRagAgent]] + _rag_model_interface: RagModelInterface + + @classmethod + def add_cmdline_args( + cls, parser: ParlaiParser, partial_opt: Optional[Opt] = None + ) -> ParlaiParser: + """ + Add RAG Args. + """ + RagAgent.add_cmdline_args(parser, partial_opt=None) + TransformerGeneratorVariantRagAgent.add_cmdline_args(parser, partial_opt) + parser.add_argument( + '--generation-model', + type=str, + default='transformer_variant/generator', + help='which generation model to use', + choices=[ + 'transformer_variant/generator', + 'transformer/generator', + 'bart', + 't5', + ], + ) + parser.add_argument( + '--max-memories', type=int, default=10, help='maximum amount of memories. ' + ) + return parser + + @property + def generation_model(self) -> str: + return self._generation_model + + @generation_model.setter + def generation_model(self, model: str): + self._generation_model = model + self._generation_agent = GENERATION_AGENTS[model] + + +class LongFidAgent(LongRagAgent): + """ + Fusion in Decoder Agent with Rag Encoder swapped with ShiftInvariantRagEncoder. + """ + + @property + def rag_model_type(self) -> str: + return self._rag_model_type + + @rag_model_type.setter + def rag_model_type(self, model: str): + self._rag_model_type = model + self._rag_model_interface = Fid(self.opt, self.NULL_IDX) + + def build_model(self) -> Union[T5FidModel, LongFidModel]: + if self.generation_model == 't5': + model = T5FidModel(self.opt, self.dict) + else: + model = LongFidModel(self.opt, self.dict) + if self.opt['embedding_type'] != 'random': + self._copy_embeddings( + model.encoder.embeddings.weight, self.opt['embedding_type'] + ) + return model diff --git a/projects/msc/agents/long_tga.py b/projects/msc/agents/long_tga.py new file mode 100644 index 00000000000..d1ea1453258 --- /dev/null +++ b/projects/msc/agents/long_tga.py @@ -0,0 +1,113 @@ +#!/usr/bin/env python3 +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. + +import torch +from typing import Optional, Tuple + +from parlai.agents.transformer.modules import ( + TransformerDecoder, + TransformerEncoder, + TransformerGeneratorModel, +) +from parlai.agents.transformer.transformer import TransformerGeneratorAgent +from parlai.core.opt import Opt +from parlai.core.params import ParlaiParser + + +########################################### +# Transformer With Encoder Swapped # +########################################### + + +class TransformerVariantAgent(TransformerGeneratorAgent): + """ + Swapping out Encoder: + """ + + @classmethod + def add_cmdline_args( + cls, parser: ParlaiParser, partial_opt: Optional[Opt] = None + ) -> ParlaiParser: + TransformerGeneratorAgent.add_cmdline_args( + parser, partial_opt=partial_opt + ) # add transformer args + parser.add_argument( + '--n-positions-init', + type=int, + default=None, + hidden=True, + help='Number of positional embeddings from the init model. Defaults ' + 'to truncate or 1024 if not provided.', + ) + return parser + + def build_model(self, states=None): + wrapped_class = TransformerGeneratorModel.with_components( + encoder=ShiftInvariantEncoder, decoder=TransformerDecoder + ) + return wrapped_class(self.opt, self.dict) + + +class ShiftInvariantForwardEmbeddingMixin: + """ + Custom Encoder with extended position embedding that is shift-invariant. + """ + + def __init__(self, opt, *args, **kwargs): + super().__init__(opt, *args, **kwargs) + self.n_positions_init = opt.get("n_positions_init", None) + + def forward_embedding( + self, + input: torch.LongTensor, + positions: Optional[torch.LongTensor] = None, + segments: Optional[torch.LongTensor] = None, + ) -> Tuple[torch.Tensor, torch.BoolTensor]: + """ + Embed tokens prior to feeding into transformer. + + :param LongTensor[batch,seqlen] input: + The input IDs + :param LongTensor[batch,seqlen] positions: + Positions for input IDs + :param LongTensor[batch,seqlen]: + If provided, additionally adds ``segments`` as extra embedding features. + + :return (tensor, mask): + return embedded input and mask + """ + if self.n_positions_init is not None: + mask = input != self.padding_idx + if positions is None: + positions = (mask.cumsum(dim=1, dtype=torch.int64) - 1).clamp_(min=0) + positions = self.rearrange_positions(positions) # type: ignore + return super().forward_embedding(input, positions, segments) + + def rearrange_positions(self, positions: torch.LongTensor) -> torch.LongTensor: + """ + Rearange positions prior to feeding into transformer so that the existing ones, + i.e. the first self.n_positions_init, do not change from before. + + :param LongTensor[batch,seqlen] positions: + Positions for input IDs + + :return LongTensor[batch,seqlen] new_positions + return positions that's shift-invariant + """ + # max positions per sample in each batch, return batch * 1 + if self.n_positions <= self.n_positions_init: + return positions + pos_offset = ( + (torch.max(positions, dim=1).values - self.n_positions_init + 1) + .unsqueeze(1) + .clamp(min=0) + ) + # shift the positions to the right by (max_position - self.original_n_positions).clamp_(min=0) + # notice that remainder always return non-negative values (unlike torch.fmod), e.g. torch.remainder([-1, -2], 10) = [9, 8] + return torch.remainder(positions - pos_offset, self.n_positions) # type: ignore + + +class ShiftInvariantEncoder(ShiftInvariantForwardEmbeddingMixin, TransformerEncoder): + pass diff --git a/projects/msc/agents/memory_agent.py b/projects/msc/agents/memory_agent.py new file mode 100644 index 00000000000..169e40287c6 --- /dev/null +++ b/projects/msc/agents/memory_agent.py @@ -0,0 +1,242 @@ +#!/usr/bin/env python3 +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +""" +Agent code for memory agent. + +memory agent allows for read/write memory access. + +We modify the model input to include "memories" to write to a memory store. +""" +from typing import Optional, Union +from parlai.core.message import Message +from parlai.core.opt import Opt +from parlai.core.params import ParlaiParser +from projects.blenderbot2.agents.sub_modules import KnowledgeAccessMethod +from projects.blenderbot2.agents.modules import ( + T5BlenderBot2RagModel, + BlenderBot2RagModel, + T5BlenderBot2FidModel, + BlenderBot2FidModel, + BlenderBot2FidModelMixin, +) + +import torch +from projects.blenderbot2.agents.blenderbot2 import BlenderBot2RagAgent +from .long_rag import LongRagAgent, LongRagModel, LongFidAgent, LongFidModel + + +class MemoryRagAgent(BlenderBot2RagAgent): + """ + Subclass BlenderBot2RagAgent to provide MemoryModel with appropriate inputs + (specifically, memory vectors). + """ + + ########################## + # Housekeeping functions # + ########################## + @classmethod + def add_cmdline_args( + cls, parser: ParlaiParser, partial_opt: Optional[Opt] = None + ) -> ParlaiParser: + """ + Add Memory Agent Args. + """ + BlenderBot2RagAgent.add_cmdline_args(parser, partial_opt) + mbot_group = parser.add_argument_group('Memory Agent Args') + mbot_group.set_defaults( + knowledge_access_method=KnowledgeAccessMethod.MEMORY_ONLY.value + ) + mbot_group.set_defaults(memory_key='full_text') + mbot_group.add_argument( + '--memory-extractor-phrases', + type=str, + default=None, + help="phrases (separated by ,) used to extract memories from dialogue context. " + "For example, set to 'your persona:' to limit memories to only lines that " + "contain 'your persona:'", + ) + mbot_group.add_argument( + '--retriever-ignore-phrases', + type=str, + default=None, + help='filter input to the retriever such that any utterance containing ' + 'the phrases (separated by ,) will not be given as input.', + ) + mbot_group.add_argument( + '--memory-delimiter', type=str, default=None, help='memory delimiter' + ) + return parser + + ######################### + # MBot-specific Changes # + ######################### + + def _set_query_vec(self, observation: Message) -> Message: + """ + Override RAG.set_query_vec to optionally filter keys. + """ + query_str = observation[self._query_key] + if self.opt['retriever_ignore_phrases']: + retriever_ignore_phrases = self.opt['retriever_ignore_phrases'].split(",") + for retriever_ignore_phrase in retriever_ignore_phrases: + query_str = self._filter_text( + query_str, + retriever_ignore_phrase, + delimiter=self.opt['retriever_delimiter'], + ) + model = self.model + if isinstance(model, torch.nn.parallel.DistributedDataParallel): + model = self.model.module + observation['query_vec'] = model.tokenize_query(query_str) # type: ignore + return observation + + def _set_memory_vec(self, observation: Message) -> Message: + """ + Tokenize the memories for use in read/write memory scoring. + + :param observation: + observation with input text. + + :return observation: + return observation with memory vec. + """ + mem_vecs = None + method = KnowledgeAccessMethod(self.opt['knowledge_access_method']) + if method in [ + KnowledgeAccessMethod.ALL, + KnowledgeAccessMethod.CLASSIFY, + KnowledgeAccessMethod.MEMORY_ONLY, + ]: + memories = observation[self.opt['memory_key']] + if isinstance(memories, str): + memories_splits = [] + if self.opt.get('memory_delimiter', None) is not None: + # extract memory separated by memory_delimiter up to the last split (which is the current session) + memories_splits = memories.split( + self.opt.get('memory_delimiter', '\n') + )[:-1] + if len(memories_splits) == 0: + memories = [ + t + for tt in memories.split(self.opt.get('delimiter', '\n')) + for t in tt.split('\n') + ] + else: + memories = memories_splits + assert isinstance(memories, list) + if self.opt['memory_extractor_phrases']: + # extract from context + memory_extractor_phrases = self.opt['memory_extractor_phrases'].split( + "," + ) + memories = [ + m + for m in memories + if any([mem_phrase in m for mem_phrase in memory_extractor_phrases]) + ] + model = self.model + if isinstance(model, torch.nn.parallel.DistributedDataParallel): + model = self.model.module + if memories: + mem_vecs = [model.tokenize_memory(mem) for mem in memories] + + observation['memory_vec'] = mem_vecs + return observation + + +class MemoryLongRagModel(BlenderBot2RagModel): + """ + BlenderBot2RagModel with seq2seq_encoder = ShiftInvariantRagEncoder + """ + + @classmethod + def build_encoder(cls, opt: Opt, *args, **kwargs): + return LongRagModel.build_encoder(opt, *args, **kwargs) + + +class MemoryLongRagAgent(MemoryRagAgent, LongRagAgent): + """ + Subclass LongRagAgent to provide MemoryRagAgent with appropriate generation_model + (in particular MemoryLongRagModel that uses the ShiftInvariantEncoder) + """ + + @classmethod + def add_cmdline_args( + cls, parser: ParlaiParser, partial_opt: Optional[Opt] = None + ) -> ParlaiParser: + MemoryRagAgent.add_cmdline_args(parser, partial_opt) + LongRagAgent.add_cmdline_args(parser, partial_opt) + return parser + + def build_model( + self, + ) -> Union[T5BlenderBot2RagModel, MemoryLongRagModel, BlenderBot2RagModel]: + """ + Build and return KnowledgeBotRagModel. + """ + if self.generation_model == 't5': + model = T5BlenderBot2RagModel(self.opt, self.dict) + elif self.generation_model == 'transformer_variant/generator': + model = MemoryLongRagModel(self.opt, self.dict) + else: + model = BlenderBot2RagModel(self.opt, self.dict) + if self.opt['embedding_type'] != 'random': + self._copy_embeddings( + model.encoder.embeddings.weight, self.opt['embedding_type'] + ) + return model + + +class MemoryLongFidModel(BlenderBot2FidModelMixin, MemoryLongRagModel, LongFidModel): + @classmethod + def add_cmdline_args( + cls, parser: ParlaiParser, partial_opt: Optional[Opt] = None + ) -> ParlaiParser: + super().add_cmdline_args(parser, partial_opt) + if hasattr(MemoryLongRagModel, 'add_cmdline_args'): + MemoryLongRagModel.add_cmdline_args(parser, partial_opt) + LongFidModel.add_cmdline_args(parser, partial_opt) + return parser + + def __init__(self, opt, dictionary, retriever_shared=None): + super().__init__(opt, dictionary, retriever_shared) + if opt.get('fid_ddp_compatible', True): + for param in self.long_term_memory.query_encoder.parameters(): + param.requires_grad = False + + +class MemoryLongFidAgent(LongFidAgent, MemoryRagAgent): + """ + Subclass MemoryRagAgent to provide MemoryLongFidAgent with appropriate + generation_model (in particular MemoryLongFidAgent that uses the + ShiftInvariantEncoder) + """ + + @classmethod + def add_cmdline_args( + cls, parser: ParlaiParser, partial_opt: Optional[Opt] = None + ) -> ParlaiParser: + MemoryRagAgent.add_cmdline_args(parser, partial_opt) + LongFidAgent.add_cmdline_args(parser, partial_opt) + MemoryLongFidModel.add_cmdline_args(parser, partial_opt) + return parser + + def build_model( + self, + ) -> Union[T5BlenderBot2FidModel, MemoryLongFidModel, BlenderBot2FidModel]: + """ + Build and return MemoryLongFidModel. + """ + if self.generation_model == 't5': + model = T5BlenderBot2FidModel(self.opt, self.dict) + elif self.generation_model == 'transformer_variant/generator': + model = MemoryLongFidModel(self.opt, self.dict) + else: + model = BlenderBot2FidModel(self.opt, self.dict) + if self.opt['embedding_type'] != 'random': + self._copy_embeddings( + model.encoder.embeddings.weight, self.opt['embedding_type'] + ) + return model diff --git a/projects/safety_bench/model_wrappers/example_wrapper.py b/projects/safety_bench/model_wrappers/example_wrapper.py index b45ddd63a9a..c64cc157d48 100644 --- a/projects/safety_bench/model_wrappers/example_wrapper.py +++ b/projects/safety_bench/model_wrappers/example_wrapper.py @@ -29,6 +29,4 @@ def get_response(self, input_text: str) -> str: # Be sure to reset the model's dialogue history before/after # every call to `get_response`. - return ( - "Hello" - ) # In this example, we always respond 'Hello' regardless of the input + return "Hello" # In this example, we always respond 'Hello' regardless of the input diff --git a/tests/nightly/gpu/test_bb2.py b/tests/nightly/gpu/test_bb2.py new file mode 100644 index 00000000000..f6705fdba9f --- /dev/null +++ b/tests/nightly/gpu/test_bb2.py @@ -0,0 +1,296 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +import copy +import torch.cuda +import unittest + +import parlai.utils.testing as testing_utils +from projects.blenderbot2.agents.blenderbot2 import ( + ZOO_MEMORY_DECODER, + ZOO_QUERY_GENERATOR, +) +from projects.blenderbot2.agents.sub_modules import KnowledgeAccessMethod + +LOCAL = True + +SEARCH_QUERY_MODEL = ZOO_MEMORY_DECODER +PERSONA_SUMMARY_MODEL = ZOO_QUERY_GENERATOR +ZOO_BB2 = 'zoo:blenderbot2/blenderbot2_400M/model' +ZOO_BB2_3B = 'zoo:blenderbot2/blenderbot2_3B/model' +SEARCH_SERVER = '' +common_opt = { + 'model': 'projects.blenderbot2.agents.blenderbot2:BlenderBot2RagAgent', + # rag args + 'init_opt': 'arch/bart_large', + 'generation_model': 'bart', + 'retriever_debug_index': 'compressed', + 'label_truncate': 128, + 'text_truncate': 512, + 'batchsize': 4, + 'fp16': True, + 'model_parallel': True, + # train args + 'task': 'convai2,wizard_of_wikipedia', + 'num_examples': 8, +} + + +def _test_bb2_rag(retrieval_method: KnowledgeAccessMethod, **kwargs): + opt = copy.deepcopy(common_opt) + opt['knowledge_access_method'] = retrieval_method.value + opt.update(dict(kwargs)) + print(' '.join([f'--{k} {v}' for k, v in opt.items()])) + testing_utils.eval_model(opt, skip_test=True) + torch.cuda.empty_cache() + + +def _test_bb2_fid(retrieval_method: KnowledgeAccessMethod, **kwargs): + opt = copy.deepcopy(common_opt) + opt['model'] = 'projects.blenderbot2.agents.blenderbot2:BlenderBot2FidAgent' + opt['knowledge_access_method'] = retrieval_method.value + opt.update(dict(kwargs)) + testing_utils.eval_model(opt, skip_test=True) + torch.cuda.empty_cache() + + +@testing_utils.skipUnlessGPU +@unittest.skipIf(LOCAL, "Skipping Test because its slow and mem intensive") +class TestBB2Rag(unittest.TestCase): + """ + Test retrieval methods for BB2 with RAG. + """ + + def test_retrieval_all(self): + _test_bb2_rag(KnowledgeAccessMethod.ALL) + + def test_retrieval_search_only(self): + _test_bb2_rag(KnowledgeAccessMethod.SEARCH_ONLY) + + def test_retrieval_memory_only(self): + _test_bb2_rag(KnowledgeAccessMethod.MEMORY_ONLY) + + def test_retrieval_classify(self): + _test_bb2_rag( + KnowledgeAccessMethod.CLASSIFY, + query_generator_model_file=SEARCH_QUERY_MODEL, + ) + + def test_retrieval_none(self): + _test_bb2_rag(KnowledgeAccessMethod.NONE, n_docs=1) + + +@testing_utils.skipUnlessGPU +@unittest.skipIf(LOCAL, "Skipping Test because its slow and mem intensive") +class TestBB2Fid(unittest.TestCase): + """ + Test retrieval methods for BB2 with FiD. + """ + + # BASIC Methods + def test_retrieval_all(self): + _test_bb2_fid(KnowledgeAccessMethod.ALL) + + def test_retrieval_search_only(self): + _test_bb2_fid(KnowledgeAccessMethod.SEARCH_ONLY) + + def test_retrieval_memory_only(self): + _test_bb2_fid(KnowledgeAccessMethod.MEMORY_ONLY) + + def test_retrieval_classify(self): + _test_bb2_fid( + KnowledgeAccessMethod.CLASSIFY, + query_generator_model_file=SEARCH_QUERY_MODEL, + ) + + def test_retrieval_none(self): + _test_bb2_fid(KnowledgeAccessMethod.NONE, n_docs=1) + + +@testing_utils.skipUnlessGPU +@unittest.skipIf(LOCAL, "Skipping Test because its slow and mem intensive") +class TestLongTermMemory(unittest.TestCase): + """ + Test LongTermMemory functionality. + """ + + def test_shared_encoders(self): + _test_bb2_fid( + KnowledgeAccessMethod.ALL, share_search_and_memory_query_encoder=True + ) + + +@testing_utils.skipUnlessGPU +@unittest.skipIf(LOCAL, "Skipping Test because its slow and mem intensive") +class TestBB2RagTurn(unittest.TestCase): + """ + Test RAG Turn functionality. + """ + + def test_rag_turn(self): + _test_bb2_rag( + KnowledgeAccessMethod.CLASSIFY, + rag_model_type='turn', + n_docs=3, + batchsize=1, + query_generator_model_file=SEARCH_QUERY_MODEL, + ) + + +@testing_utils.skipUnlessGPU +@unittest.skipIf(LOCAL, "Skipping Test because its slow and mem intensive") +class TestBB2Search(unittest.TestCase): + """ + Test Search functionality. + """ + + def test_rag(self): + _test_bb2_rag( + KnowledgeAccessMethod.CLASSIFY, + rag_model_type='token', + n_docs=3, + batchsize=1, + query_generator_model_file=SEARCH_QUERY_MODEL, + rag_retriever_type='search_engine', + search_server=SEARCH_SERVER, + ) + + +@testing_utils.skipUnlessGPU +@unittest.skipIf(LOCAL, "Skipping Test because its slow and mem intensive") +class TestBB2RagSequence(unittest.TestCase): + """ + Test RAG Sequence functionality. + """ + + def test_rag(self): + _test_bb2_rag( + KnowledgeAccessMethod.CLASSIFY, + rag_model_type='sequence', + n_docs=3, + batchsize=1, + query_generator_model_file=SEARCH_QUERY_MODEL, + rag_retriever_type='search_engine', + search_server=SEARCH_SERVER, + ) + + +@testing_utils.skipUnlessGPU +@unittest.skipIf(LOCAL, "Skipping Test because its slow and mem intensive") +class TestBB2QGenParams(unittest.TestCase): + """ + Test RAG Turn functionality. + """ + + def test_rag(self): + _test_bb2_rag( + KnowledgeAccessMethod.CLASSIFY, + rag_model_type='token', + n_docs=3, + batchsize=1, + query_generator_model_file=SEARCH_QUERY_MODEL, + rag_retriever_type='search_engine', + search_server=SEARCH_SERVER, + query_generator_beam_size=3, + query_generator_beam_min_length=2, + ) + + +@testing_utils.skipUnlessGPU +@unittest.skipIf(LOCAL, "Skipping Test because its slow and mem intensive") +class TestBB2AdditionalTruncation(unittest.TestCase): + """ + Test RAG Turn functionality. + """ + + def test_rag(self): + _test_bb2_rag( + KnowledgeAccessMethod.CLASSIFY, + rag_model_type='token', + n_docs=3, + batchsize=1, + query_generator_model_file=SEARCH_QUERY_MODEL, + rag_retriever_type='search_engine', + search_server=SEARCH_SERVER, + query_generator_truncate=24, + memory_retriever_truncate=24, + ) + + +@testing_utils.skipUnlessGPU +@unittest.skipIf(LOCAL, "Skipping Test because its slow and mem intensive") +class TestBB2GoldDocs(unittest.TestCase): + """ + Test RAG Turn functionality. + """ + + def test_rag(self): + _test_bb2_rag( + KnowledgeAccessMethod.CLASSIFY, + rag_model_type='sequence', + n_docs=3, + batchsize=1, + query_generator_model_file=SEARCH_QUERY_MODEL, + rag_retriever_type='search_engine', + search_server=SEARCH_SERVER, + insert_gold_docs=True, + task='wizard_of_internet', + ) + + +@testing_utils.skipUnlessGPU +@unittest.skipIf(LOCAL, "Skipping Test because its slow and mem intensive") +class TestBB2MemoryDecoder(unittest.TestCase): + """ + Test RAG Turn functionality. + """ + + def test_rag(self): + _test_bb2_rag( + KnowledgeAccessMethod.CLASSIFY, + rag_model_type='sequence', + n_docs=3, + batchsize=1, + query_generator_model_file=SEARCH_QUERY_MODEL, + rag_retriever_type='search_engine', + search_server=SEARCH_SERVER, + insert_gold_docs=True, + task='wizard_of_internet', + memory_decoder_model_file=PERSONA_SUMMARY_MODEL, + ) + + +class TestBB2ZooModel(unittest.TestCase): + """ + Test Zoo Model. + """ + + def test_zoo_model(self): + _test_bb2_fid( + KnowledgeAccessMethod.CLASSIFY, + n_docs=3, + batchsize=1, + task='wizard_of_internet', + model_file=ZOO_BB2, + rag_retriever_type='dpr', + indexer_type='compressed', + ) + + @unittest.skipIf(LOCAL, "Skipping Test because its slow and mem intensive") + def test_zoo_model_3B(self): + _test_bb2_fid( + KnowledgeAccessMethod.CLASSIFY, + n_docs=3, + batchsize=1, + task='wizard_of_internet', + model_file=ZOO_BB2_3B, + search_server=SEARCH_SERVER, + init_opt='gen/blenderbot', + generation_model='transformer/generator', + ) + + +if __name__ == '__main__': + unittest.main() diff --git a/tests/tasks/test_cmu_dog.py b/tests/tasks/test_cmu_dog.py index 81f76a016e5..af28b32533f 100644 --- a/tests/tasks/test_cmu_dog.py +++ b/tests/tasks/test_cmu_dog.py @@ -18,7 +18,7 @@ def test_deduped_split_distributions(self): data_path = tmpdir def _split_type_teacher( - split_type: str + split_type: str, ) -> CMUDocumentGroundedConversationsTeacher: kwargs = { 'task': 'cmu_dog', diff --git a/tests/tasks/test_wizard_of_internet.py b/tests/tasks/test_wizard_of_internet.py new file mode 100644 index 00000000000..173732acca9 --- /dev/null +++ b/tests/tasks/test_wizard_of_internet.py @@ -0,0 +1,119 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. +import unittest +from parlai.scripts.display_data import setup_args +from parlai.utils.testing import display_data +import parlai.tasks.wizard_of_internet.constants as CONST + + +class TestApprenticeDialogTeacher(unittest.TestCase): + def test_display_data(self): + parser = setup_args() + opt = parser.parse_args( + [ + '--task', + 'wizard_of_internet:ApprenticeDialogTeacher', + '--num-examples', + '100000', + ] + ) + display_data(opt) + + +class TestWizardDialogTeacher(unittest.TestCase): + def test_display_data(self): + parser = setup_args() + opt = parser.parse_args(['--task', 'wizard_of_internet']) + display_data(opt) + + def test_display_data_with_prepend_gold(self): + parser = setup_args() + opt = parser.parse_args( + ['--task', 'wizard_of_internet:WizardDialogGoldKnowledgeTeacher'] + ) + for out_type in display_data(opt): + started_knowledge_span = False + for token in [w.strip() for w in out_type.split() if w.strip()]: + if token == CONST.KNOWLEDGE_TOKEN: + self.assertFalse(started_knowledge_span) + started_knowledge_span = True + elif token == CONST.END_KNOWLEDGE_TOKEN: + self.assertTrue(started_knowledge_span) + started_knowledge_span = False + + self.assertFalse(started_knowledge_span) + + +class TestSearchQueryTeacher(unittest.TestCase): + def test_display_data(self): + parser = setup_args() + opt = parser.parse_args( + [ + '--task', + 'wizard_of_internet:QueryTeacher', + '--dialog-history', + 'onlylast', + '--include-persona', + 'true', + '--num-examples', + '100000', + ] + ) + display_data(opt) + + +class TestKnowledgeTeachers(unittest.TestCase): + def test_gold_knowledge_teacher(self): + parser = setup_args() + opt = parser.parse_args( + [ + '--task', + 'wizard_of_internet:GoldKnowledgeTeacher', + '--dialog-history', + 'onlylast', + '--include-persona', + 'true', + '--num-examples', + '100000', + ] + ) + display_data(opt) + + def test_gold_docs_teacher(self): + parser = setup_args() + opt = parser.parse_args( + [ + '--task', + 'wizard_of_internet:GoldDocsTeacher', + '--dialog-history', + 'full', + '--include-persona', + 'false', + '--num-examples', + '100000', + ] + ) + display_data(opt) + + def test_gold_doc_titles_teacher(self): + parser = setup_args() + opt = parser.parse_args( + [ + '--task', + 'wizard_of_internet:GoldDocTitlesTeacher', + '--dialog-history', + 'full', + '--include-persona', + 'false', + '--num-examples', + '100000', + ] + ) + display_data(opt) + + +if __name__ == '__main__': + unittest.main() diff --git a/tests/test_searchquery_retrievers.py b/tests/test_searchquery_retrievers.py new file mode 100644 index 00000000000..86d2b542f8b --- /dev/null +++ b/tests/test_searchquery_retrievers.py @@ -0,0 +1,146 @@ +#!/usr/bin/env python3 + +# Copyright (c) Facebook, Inc. and its affiliates. +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. + +from parlai.core.params import ParlaiParser +from parlai.agents.rag.dpr import BertTokenizerDictionaryAgent +from parlai.agents.rag.retrievers import ( + SearchQuerySearchEngineRetriever, + SearchQueryFAISSIndexRetriever, + Document, + NO_SEARCH_QUERY, +) +from parlai.agents.rag.retrieve_api import ( + SearchEngineRetrieverMock, + SearchEngineRetriever, +) +import torch +import unittest + + +################################################################ +# Search Engine FiD Agent +################################################################ + + +class MockSearchQuerySearchEngineRetriever(SearchQuerySearchEngineRetriever): + def init_search_query_generator(self, opt): + pass + + def generate_search_query(self, query): + return ['mock search query', NO_SEARCH_QUERY] + + def initiate_retriever_api(self, opt) -> SearchEngineRetriever: + return SearchEngineRetrieverMock(opt) + + +class TestSearchQuerySearchEngineRetriever(unittest.TestCase): + def setUp(self) -> None: + parser = ParlaiParser(True, True) + opt = parser.parse_args( + [ + '--model', + 'parlai.agents.fid.fid:SearchQuerySearchEngineFiDAgent', + '--retriever-debug-index', + 'compressed', + ] + ) + dictionary = BertTokenizerDictionaryAgent(opt) + self.rertriever = MockSearchQuerySearchEngineRetriever(opt, dictionary, None) + + def test_retrieval(self): + retrieved = self.rertriever.retrieve_and_score( + torch.LongTensor([[1, 2, 3], [10, 20, 0]]) + ) + self.assertIsNotNone(retrieved) + self.assertIsInstance(retrieved, tuple) + self.assertEqual(len(retrieved), 2) + + retrieved_docs = retrieved[0] + self.assertIsInstance(retrieved_docs, list) + self.assertEqual(len(retrieved_docs), 2) + + # With Search query + second_retrieved_doc = retrieved_docs[0][1] + self.assertIsInstance(second_retrieved_doc, Document) + self.assertIsInstance(second_retrieved_doc.get_text(), str) + self.assertEqual( + second_retrieved_doc.get_text(), 'content 1 for query " mock search query "' + ) + + # WithOUT Search query + second_retrieved_doc = retrieved_docs[1][1] + self.assertIsInstance(second_retrieved_doc, Document) + self.assertIsInstance(second_retrieved_doc.get_text(), str) + self.assertEqual(second_retrieved_doc.get_text(), '') + + +################################################################ +# Search query in FAISS index FiD Agent +################################################################ + + +class MockSearchQueryFAISSIndexRetriever(SearchQueryFAISSIndexRetriever): + def __init__(self, opt, dictionary, shared): + super().__init__(opt, dictionary, shared) + self.queries = [] + + def init_search_query_generator(self, opt): + pass + + def generate_search_query(self, query): + return self.queries + + +class TestSearchQueryFAISSIndexRetriever(unittest.TestCase): + def setUp(self) -> None: + parser = ParlaiParser(True, True) + opt = parser.parse_args( + [ + '--model', + 'parlai.agents.fid.fid:SearchQueryFAISSIndexFiDAgent', + '--retriever-debug-index', + 'compressed', + ] + ) + dictionary = BertTokenizerDictionaryAgent(opt) + self.rertriever = MockSearchQueryFAISSIndexRetriever(opt, dictionary, None) + + def test_retrieval(self): + self.rertriever.queries = ['mock query'] + + retrieved = self.rertriever.retrieve_and_score( + torch.LongTensor([[101, 456, 654, 102]]) + ) + self.assertIsNotNone(retrieved) + self.assertIsInstance(retrieved, tuple) + self.assertEqual(len(retrieved), 2) + + retrieved_docs = retrieved[0] + self.assertIsInstance(retrieved_docs, list) + self.assertEqual(len(retrieved_docs), 1) + + second_retrieved_doc = retrieved_docs[0][1] + self.assertIsInstance(second_retrieved_doc, Document) + self.assertNotEqual(second_retrieved_doc.get_text(), '') + + def test_retrieval_no_query(self): + self.rertriever.queries = [NO_SEARCH_QUERY] + + retrieved = self.rertriever.retrieve_and_score( + torch.LongTensor([[101, 456, 654, 102]]) + ) + self.assertIsNotNone(retrieved) + self.assertIsInstance(retrieved, tuple) + self.assertEqual(len(retrieved), 2) + + retrieved_docs = retrieved[0] + self.assertIsInstance(retrieved_docs, list) + self.assertEqual(len(retrieved_docs), 1) + + second_retrieved_doc = retrieved_docs[0][1] + self.assertIsInstance(second_retrieved_doc, Document) + self.assertIsInstance(second_retrieved_doc.get_text(), str) + self.assertEqual(second_retrieved_doc.get_text(), '')